Skip to content

Commit 18ac193

Browse files
Merge branch 'site' into pytorch-2.0-subpage-fix
2 parents 0593924 + 9c3e752 commit 18ac193

File tree

2,066 files changed

+3786
-2717
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

2,066 files changed

+3786
-2717
lines changed

_get_started/pytorch.md

Lines changed: 6 additions & 11 deletions
Original file line numberDiff line numberDiff line change
@@ -197,7 +197,7 @@ out.sum().backward()
197197
optimizer.step()
198198
```
199199

200-
The first time you run the `optimized_model(x)`, it compiles the model.. Hence, it takes longer to run. Subsequent runs are fast.
200+
The first time you run the `compiled_model(x)`, it compiles the model. Hence, it takes longer to run. Subsequent runs are fast.
201201

202202
### Modes
203203

@@ -269,7 +269,7 @@ This is in early stages of development. Catch the talk on Export Path at the PyT
269269

270270
### Debugging Issues
271271

272-
A compiled mode is opaque and and hard to debug. You will have questions such as:
272+
A compiled mode is opaque and hard to debug. You will have questions such as:
273273

274274
- why is my program crashing in compiled mode?
275275
- is compiled mode as accurate as eager mode?
@@ -464,7 +464,7 @@ After all, we can’t claim we’re created a breadth-first unless **YOUR** mode
464464
<div class="language-plaintext highlighter-rouge"><div class="highlight"><pre class="highlight"><code>pip3 install numpy --pre torch torchvision torchaudio --force-reinstall --extra-index-url https://download.pytorch.org/whl/nightly/cpu</code></pre></div></div>
465465
</li>
466466

467-
<li><b>Is 2.0 code backwards-compatible with 1.X? </b><br>
467+
<li><b>Is 2.0 code backwards-compatible with 1.X?</b><br>
468468
Yes, using 2.0 will not require you to modify your PyTorch workflows. A single line of code <code class="language-plaintext highlighter-rouge">model = torch.compile(model)</code> can optimize your model to use the 2.0 stack, and smoothly run with the rest of your PyTorch code. This is completely opt-in, and you are not required to use the new compiler.
469469
</li>
470470

@@ -497,7 +497,7 @@ def infer(model, input):
497497
That said, even with static-shaped workloads, we’re still building Compiled mode and there might be bugs. Disable Compiled mode for parts of your code that are crashing, and raise an <a href="https://github.com/pytorch/pytorch/issues" target="_blank">issue</a> (if it isn’t raised already).
498498
</li>
499499

500-
<li><b>What is my code doing differently when running PyTorch 2.0? </b>
500+
<li><b>What is my code doing differently when running PyTorch 2.0?</b>
501501
Out of the box, PyTorch 2.0 is the same as PyTorch 1.x, your models run in eager-mode i.e. every line of Python is executed one after the other. <br>
502502

503503
In 2.0, if you wrap your model in <code>model = torch.compile(model)</code>, your model goes through 3 steps before execution: <br><br>
@@ -524,20 +524,15 @@ def infer(model, input):
524524
</ul>
525525
</li>
526526

527-
<li><b> What compiler backends does 2.0 currently support?</b><br>
528-
<p>The default backend the most complete backend is <a href="https://github.com/pytorch/pytorch/tree/master/torch/_inductor" target="_blank">TorchInductor</a>, but TorchDynamo has a growing list of backends that can be found by calling <code class="language-plaintext highlighter-rouge">torchdynamo.list_backends().</code>
527+
<li><b> What compiler backends does 2.0 currently support?</b>
528+
<p>The default and the most complete backend is <a href="https://github.com/pytorch/pytorch/tree/master/torch/_inductor" target="_blank">TorchInductor</a>, but TorchDynamo has a growing list of backends that can be found by calling <code class="language-plaintext highlighter-rouge">torchdynamo.list_backends().</code>
529529
</p>
530530
</li>
531531

532532
<li><b>How does distributed training work with 2.0?</b>
533533
<p>DDP and FSDP in Compiled mode can run up to 15% faster than Eager-Mode in FP32 and up to 80% faster in AMP precision. PT2.0 does some extra optimization to ensure DDP’s communication-computation overlap works well with Dynamo’s partial graph creation. Ensure you run DDP with static_graph=False. More details <a href="https://dev-discuss.pytorch.org/t/torchdynamo-update-9-making-ddp-work-with-torchdynamo/860" target="_blank">here</a>.</p>
534534
</li>
535535

536-
<li><b> How can I learn more about PT2.0 developments?</b>
537-
<p>The most likely reason for performance hits is too many graph breaks. For instance, something innocuous as a print statement in your model’s forward triggers a graph break. We have ways to diagnose these - read more <a href="https://pytorch.org/docs/master/dynamo/faq.html#why-am-i-not-seeing-speedups" target="_blank">here</a>.</p>
538-
<p>The most likely reason for performance hits is too many graph breaks. For instance, something innocuous as a print statement in your model’s forward triggers a graph break. We have ways to diagnose these - read more <a href=" https://pytorch.org/docs/master/dynamo/faq.html#why-is-my-code-crashing" target="_blank">here</a>.</p>
539-
</li>
540-
541536
<li><b>Help my code is running slower with 2.0’s Compiled Model</b>
542537
<p>The most likely reason for performance hits is too many graph breaks. For instance, something innocuous as a print statement in your model’s forward triggers a graph break. We have ways to diagnose these - read more <a href="https://pytorch.org/docs/master/dynamo/faq.html#why-am-i-not-seeing-speedups" target="_blank">here</a>.</p>
543538
</li>

_posts/2022-12-02-Accelerating-Hugging-Face-and-TIMM-models.md

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -5,7 +5,7 @@ author: Mark Saroufim
55
featured-img: "assets/images/pytorch-2.0-feature-img.png"
66
---
77

8-
`torch.compile()` makes it easy to experiment with different compiler backends to make PyTorch code faster with a single line decorator `torch.compile()`. It works either directly over an nn.Module as a drop-in replacement for torch.jit.script() but without requiring you to make any source code changes. We expect this one line code change to provide you with between 30%-2x training time speedups on the vast majority of models that you’re already running.
8+
`torch.compile()` makes it easy to experiment with different compiler backends to make PyTorch code faster with a single line decorator `torch.compile()`. It works either directly over an nn.Module as a drop-in replacement for `torch.jit.script()` but without requiring you to make any source code changes. We expect this one line code change to provide you with between 30%-2x training time speedups on the vast majority of models that you’re already running.
99

1010
```python
1111

@@ -82,7 +82,7 @@ import torch
8282
a = torch.sin(x).cuda()
8383
b = torch.sin(y).cuda()
8484
return a + b
85-
new_fn = torch.compile("inductor")(fn)
85+
new_fn = torch.compile(fn, backend="inductor")
8686
input_tensor = torch.randn(10000).to(device="cuda:0")
8787
a = new_fn()
8888
```
@@ -133,7 +133,7 @@ As a next step let’s try a real model like resnet50 from the PyTorch hub.
133133
```python
134134
import torch
135135
model = torch.hub.load('pytorch/vision:v0.10.0', 'resnet18', pretrained=True)
136-
opt_model = torch.compile("inductor",model)
136+
opt_model = torch.compile(model, backend="inductor")
137137
model(torch.randn(1,3,64,64))
138138

139139
```
@@ -173,7 +173,7 @@ Similarly let’s try out a TIMM example
173173
import timm
174174
import torch
175175
model = timm.create_model('resnext101_32x8d', pretrained=True, num_classes=2)
176-
opt_model = torch.compile(model, "inductor")
176+
opt_model = torch.compile(model, backend="inductor")
177177
opt_model(torch.randn(64,3,7,7))
178178
```
179179

docs/master/_dynamo.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -237,7 +237,7 @@
237237
<div class="pytorch-left-menu-search">
238238

239239
<div class="version">
240-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
240+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
241241
</div>
242242

243243

docs/master/_images/RReLU.png

247 Bytes
Loading

docs/master/_modules/index.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/__config__.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/_dynamo.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/_dynamo/eval_frame.html

Lines changed: 6 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

@@ -585,7 +585,7 @@ <h1>Source code for torch._dynamo.eval_frame</h1><div class="highlight"><pre>
585585
<span class="k">yield</span>
586586
<span class="k">return</span>
587587
<span class="k">with</span> <span class="n">patch</span><span class="p">(</span><span class="s2">&quot;torch._dynamo.config.dynamic_shapes&quot;</span><span class="p">,</span> <span class="kc">True</span><span class="p">),</span> <span class="n">patch</span><span class="p">(</span>
588-
<span class="s2">&quot;functorch._src.config.use_dynamic_shapes&quot;</span><span class="p">,</span> <span class="kc">True</span>
588+
<span class="s2">&quot;torch._functorch.config.use_dynamic_shapes&quot;</span><span class="p">,</span> <span class="kc">True</span>
589589
<span class="p">):</span>
590590
<span class="k">yield</span>
591591

@@ -1219,6 +1219,10 @@ <h1>Source code for torch._dynamo.eval_frame</h1><div class="highlight"><pre>
12191219
<span class="n">opt</span><span class="o">.</span><span class="n">_cuda_graph_capture_health_check</span>
12201220
<span class="p">)</span>
12211221
<span class="n">opt</span><span class="o">.</span><span class="n">zero_grad</span> <span class="o">=</span> <span class="n">disable</span><span class="p">(</span><span class="n">opt</span><span class="o">.</span><span class="n">zero_grad</span><span class="p">)</span>
1222+
1223+
<span class="k">if</span> <span class="nb">hasattr</span><span class="p">(</span><span class="n">opt</span><span class="p">,</span> <span class="s2">&quot;_init_group&quot;</span><span class="p">):</span>
1224+
<span class="n">opt</span><span class="o">.</span><span class="n">_init_group</span> <span class="o">=</span> <span class="n">disable</span><span class="p">(</span><span class="n">opt</span><span class="o">.</span><span class="n">_init_group</span><span class="p">)</span>
1225+
12221226
<span class="c1"># disable any currently set hooks</span>
12231227
<span class="c1"># Note: we only want to disable the profiling hook</span>
12241228
<span class="c1"># which is the *last* hook applied, we want to keep the no_grad hook</span>

docs/master/_modules/torch/_jit_internal.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/_lobpcg.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/_lowrank.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/_tensor.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/_tensor_str.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/_utils.html

Lines changed: 3 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

@@ -815,6 +815,8 @@ <h1>Source code for torch._utils</h1><div class="highlight"><pre>
815815
<span class="k">return</span> <span class="n">param</span>
816816

817817

818+
<span class="c1"># TODO(kshitij12345): Support serializing nn.Parameter with Python Attributes.</span>
819+
<span class="c1"># NOTE: We are just defining it here now for future use.</span>
818820
<span class="k">def</span> <span class="nf">_rebuild_parameter_with_state</span><span class="p">(</span><span class="n">data</span><span class="p">,</span> <span class="n">requires_grad</span><span class="p">,</span> <span class="n">backward_hooks</span><span class="p">,</span> <span class="n">state</span><span class="p">):</span>
819821
<span class="n">param</span> <span class="o">=</span> <span class="n">torch</span><span class="o">.</span><span class="n">nn</span><span class="o">.</span><span class="n">Parameter</span><span class="p">(</span><span class="n">data</span><span class="p">,</span> <span class="n">requires_grad</span><span class="p">)</span>
820822
<span class="c1"># NB: This line exists only for backwards compatibility; the</span>

docs/master/_modules/torch/_vmap_internals.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/amp/autocast_mode.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/intrinsic/modules/fused.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/intrinsic/qat/modules/conv_fused.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/intrinsic/qat/modules/linear_relu.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/intrinsic/quantized/dynamic/modules/linear_relu.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/intrinsic/quantized/modules/bn_relu.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/intrinsic/quantized/modules/conv_relu.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/intrinsic/quantized/modules/linear_relu.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/qat/dynamic/modules/linear.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/qat/modules/conv.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/qat/modules/linear.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/quantizable/modules/activation.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/quantizable/modules/rnn.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/quantized/dynamic/modules/linear.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/quantized/dynamic/modules/rnn.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/quantized/functional.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

docs/master/_modules/torch/ao/nn/quantized/modules/activation.html

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@
235235
<div class="pytorch-left-menu-search">
236236

237237
<div class="version">
238-
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+gitf628f2e ) &#x25BC</a>
238+
<a href='https://pytorch.org/docs/versions.html'>master (1.14.0a0+git4648baa ) &#x25BC</a>
239239
</div>
240240

241241

0 commit comments

Comments
 (0)