diff --git a/docs/master/_dynamo.html b/docs/master/_dynamo.html index 02a885ee2d9b..5d83d1541388 100644 --- a/docs/master/_dynamo.html +++ b/docs/master/_dynamo.html @@ -237,7 +237,7 @@
'use torch.sparse_coo_tensor(..., check_invariants=False) instead.')
kwargs['check_invariants'] = False
return torch.sparse_coo_tensor(*args, **kwargs)
+
+
+from . import _logging
+_logging._init_logs()
retain_graph: Optional[bool] = None,
create_graph: bool = False,
only_inputs: bool = True,
- allow_unused: bool = False,
- is_grads_batched: bool = False
+ allow_unused: Optional[bool] = None,
+ is_grads_batched: bool = False,
+ materialize_grads: bool = False,
) -> Tuple[torch.Tensor, ...]:
r"""Computes and returns the sum of gradients of outputs with respect to
the inputs.
@@ -718,9 +719,9 @@ Source code for torch.autograd
create_graph (bool, optional): If ``True``, graph of the derivative will
be constructed, allowing to compute higher order derivative products.
Default: ``False``.
- allow_unused (bool, optional): If ``False``, specifying inputs that were not
- used when computing outputs (and therefore their grad is always zero)
- is an error. Defaults to ``False``.
+ allow_unused (Optional[bool], optional): If ``False``, specifying inputs
+ that were not used when computing outputs (and therefore their grad is
+ always zero) is an error. Defaults to the value of ``materialize_grads``.
is_grads_batched (bool, optional): If ``True``, the first dimension of each
tensor in ``grad_outputs`` will be interpreted as the batch dimension.
Instead of computing a single vector-Jacobian product, we compute a
@@ -733,7 +734,17 @@ Source code for torch.autograd
cliffs. Please use ``torch._C._debug_only_display_vmap_fallback_warnings(True)``
to show any performance warnings and file an issue on github if warnings exist
for your use case. Defaults to ``False``.
+ materialize_grads (bool, optional): If ``True``, set the gradient for unused inputs
+ to zero instead of None. This is useful when computing higher-order derivatives.
+ If ``materialize_grads`` is ``True`` and ``allow_unused`` is ``False``, an error
+ will be raised. Defaults to ``False``.
+
"""
+ if materialize_grads and allow_unused is False:
+ raise ValueError("Expected allow_unused to be True or not passed when materialize_grads=True, "
+ "but got: allow_unused=False.")
+ if allow_unused is None:
+ allow_unused = materialize_grads
t_outputs = cast(Tuple[torch.Tensor, ...], (outputs,) if is_tensor_like(outputs) else tuple(outputs))
t_inputs = cast(Tuple[torch.Tensor, ...], (inputs,) if is_tensor_like(inputs) else tuple(inputs))
overridable_args = t_outputs + t_inputs
@@ -749,6 +760,7 @@ Source code for torch.autograd
only_inputs=only_inputs,
allow_unused=allow_unused,
is_grads_batched=is_grads_batched,
+ materialize_grads=materialize_grads,
)
if not only_inputs:
@@ -770,11 +782,15 @@ Source code for torch.autograd
return Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
t_outputs, gO, retain_graph, create_graph, t_inputs,
allow_unused, accumulate_grad=False) # Calls into the C++ engine to run the backward pass
- return _vmap_internals._vmap(vjp, 0, 0, allow_none_pass_through=True)(grad_outputs_)
+ result = _vmap_internals._vmap(vjp, 0, 0, allow_none_pass_through=True)(grad_outputs_)
else:
- return Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
+ result = Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
t_outputs, grad_outputs_, retain_graph, create_graph, t_inputs,
- allow_unused, accumulate_grad=False) # Calls into the C++ engine to run the backward pass
+ allow_unused, accumulate_grad=False) # Calls into the C++ engine to run the backward pass
+ if materialize_grads:
+ result = tuple(output if output is not None else torch.zeros_like(input, requires_grad=True)
+ for (output, input) in zip(result, t_inputs))
+ return result
# This function applies in case of gradient checkpointing for memory
diff --git a/docs/master/_modules/torch/autograd/anomaly_mode.html b/docs/master/_modules/torch/autograd/anomaly_mode.html
index 648a2a61a9dd..edc636ae9ef8 100644
--- a/docs/master/_modules/torch/autograd/anomaly_mode.html
+++ b/docs/master/_modules/torch/autograd/anomaly_mode.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/autograd/forward_ad.html b/docs/master/_modules/torch/autograd/forward_ad.html
index 208788f22a21..2161831a8c32 100644
--- a/docs/master/_modules/torch/autograd/forward_ad.html
+++ b/docs/master/_modules/torch/autograd/forward_ad.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/autograd/function.html b/docs/master/_modules/torch/autograd/function.html
index 5f34c82c6055..3e22ed336478 100644
--- a/docs/master/_modules/torch/autograd/function.html
+++ b/docs/master/_modules/torch/autograd/function.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/autograd/functional.html b/docs/master/_modules/torch/autograd/functional.html
index fcb2c90935ed..8407965f4d9e 100644
--- a/docs/master/_modules/torch/autograd/functional.html
+++ b/docs/master/_modules/torch/autograd/functional.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/autograd/grad_mode.html b/docs/master/_modules/torch/autograd/grad_mode.html
index a70960f63e14..c548c76c5667 100644
--- a/docs/master/_modules/torch/autograd/grad_mode.html
+++ b/docs/master/_modules/torch/autograd/grad_mode.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/autograd/gradcheck.html b/docs/master/_modules/torch/autograd/gradcheck.html
index 25d27e4aa33c..9cbd679f2f1a 100644
--- a/docs/master/_modules/torch/autograd/gradcheck.html
+++ b/docs/master/_modules/torch/autograd/gradcheck.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/autograd/graph.html b/docs/master/_modules/torch/autograd/graph.html
index 2964339e7bea..4d1ae0026251 100644
--- a/docs/master/_modules/torch/autograd/graph.html
+++ b/docs/master/_modules/torch/autograd/graph.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/autograd/profiler.html b/docs/master/_modules/torch/autograd/profiler.html
index 14abcfa5e535..263b00eb8e37 100644
--- a/docs/master/_modules/torch/autograd/profiler.html
+++ b/docs/master/_modules/torch/autograd/profiler.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/backends/cuda.html b/docs/master/_modules/torch/backends/cuda.html
index c862f57f4230..da9ff7567cbf 100644
--- a/docs/master/_modules/torch/backends/cuda.html
+++ b/docs/master/_modules/torch/backends/cuda.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/backends/cudnn.html b/docs/master/_modules/torch/backends/cudnn.html
index 1265391da47b..a4ec5166d7a2 100644
--- a/docs/master/_modules/torch/backends/cudnn.html
+++ b/docs/master/_modules/torch/backends/cudnn.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/backends/mkl.html b/docs/master/_modules/torch/backends/mkl.html
index 6fefd6b9913b..307365015726 100644
--- a/docs/master/_modules/torch/backends/mkl.html
+++ b/docs/master/_modules/torch/backends/mkl.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/backends/mkldnn.html b/docs/master/_modules/torch/backends/mkldnn.html
index 21258d831800..4b593efcadb6 100644
--- a/docs/master/_modules/torch/backends/mkldnn.html
+++ b/docs/master/_modules/torch/backends/mkldnn.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/backends/mps.html b/docs/master/_modules/torch/backends/mps.html
index e4fce75dffc5..9d2f080b0ce3 100644
--- a/docs/master/_modules/torch/backends/mps.html
+++ b/docs/master/_modules/torch/backends/mps.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/backends/openmp.html b/docs/master/_modules/torch/backends/openmp.html
index 3585767317c0..0f3f3cdd47ce 100644
--- a/docs/master/_modules/torch/backends/openmp.html
+++ b/docs/master/_modules/torch/backends/openmp.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/backends/opt_einsum.html b/docs/master/_modules/torch/backends/opt_einsum.html
index 87bfe522e74b..d7ba9e33aa15 100644
--- a/docs/master/_modules/torch/backends/opt_einsum.html
+++ b/docs/master/_modules/torch/backends/opt_einsum.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cpu/amp/autocast_mode.html b/docs/master/_modules/torch/cpu/amp/autocast_mode.html
index 52605df3d2bc..8ac4a38e7c5c 100644
--- a/docs/master/_modules/torch/cpu/amp/autocast_mode.html
+++ b/docs/master/_modules/torch/cpu/amp/autocast_mode.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda.html b/docs/master/_modules/torch/cuda.html
index f50ae1a522e0..55bfecf77a10 100644
--- a/docs/master/_modules/torch/cuda.html
+++ b/docs/master/_modules/torch/cuda.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/_sanitizer.html b/docs/master/_modules/torch/cuda/_sanitizer.html
index 5765ff8701f7..28e9de41f017 100644
--- a/docs/master/_modules/torch/cuda/_sanitizer.html
+++ b/docs/master/_modules/torch/cuda/_sanitizer.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/amp/autocast_mode.html b/docs/master/_modules/torch/cuda/amp/autocast_mode.html
index 4468ac4eab50..bbbca04c62ef 100644
--- a/docs/master/_modules/torch/cuda/amp/autocast_mode.html
+++ b/docs/master/_modules/torch/cuda/amp/autocast_mode.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/amp/grad_scaler.html b/docs/master/_modules/torch/cuda/amp/grad_scaler.html
index f9784c8419d5..7d8b2a9f5422 100644
--- a/docs/master/_modules/torch/cuda/amp/grad_scaler.html
+++ b/docs/master/_modules/torch/cuda/amp/grad_scaler.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/graphs.html b/docs/master/_modules/torch/cuda/graphs.html
index d4cf5555a695..3aab6ae40562 100644
--- a/docs/master/_modules/torch/cuda/graphs.html
+++ b/docs/master/_modules/torch/cuda/graphs.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/jiterator.html b/docs/master/_modules/torch/cuda/jiterator.html
index 481e66e1b5fe..ac43fb1e2c44 100644
--- a/docs/master/_modules/torch/cuda/jiterator.html
+++ b/docs/master/_modules/torch/cuda/jiterator.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/memory.html b/docs/master/_modules/torch/cuda/memory.html
index 718648122931..a7708bf90b26 100644
--- a/docs/master/_modules/torch/cuda/memory.html
+++ b/docs/master/_modules/torch/cuda/memory.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/nvtx.html b/docs/master/_modules/torch/cuda/nvtx.html
index 28ff75277d8b..ac2624471a20 100644
--- a/docs/master/_modules/torch/cuda/nvtx.html
+++ b/docs/master/_modules/torch/cuda/nvtx.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/random.html b/docs/master/_modules/torch/cuda/random.html
index 95d58de7ed7f..e38e5aad135d 100644
--- a/docs/master/_modules/torch/cuda/random.html
+++ b/docs/master/_modules/torch/cuda/random.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/cuda/streams.html b/docs/master/_modules/torch/cuda/streams.html
index 4b5f0ee5375d..eb27ce8cb8a1 100644
--- a/docs/master/_modules/torch/cuda/streams.html
+++ b/docs/master/_modules/torch/cuda/streams.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed.html b/docs/master/_modules/torch/distributed.html
index 88710985f420..b55a4c1de08d 100644
--- a/docs/master/_modules/torch/distributed.html
+++ b/docs/master/_modules/torch/distributed.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/debugging_hooks.html b/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/debugging_hooks.html
index d83a4eaf66cf..e6b6c2a61327 100644
--- a/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/debugging_hooks.html
+++ b/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/debugging_hooks.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/default_hooks.html b/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/default_hooks.html
index a5f18f658323..21029cd10d95 100644
--- a/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/default_hooks.html
+++ b/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/default_hooks.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/powerSGD_hook.html b/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/powerSGD_hook.html
index 08889a5cbce6..d695b9176214 100644
--- a/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/powerSGD_hook.html
+++ b/docs/master/_modules/torch/distributed/algorithms/ddp_comm_hooks/powerSGD_hook.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/algorithms/join.html b/docs/master/_modules/torch/distributed/algorithms/join.html
index e146322c5032..5edbba001d44 100644
--- a/docs/master/_modules/torch/distributed/algorithms/join.html
+++ b/docs/master/_modules/torch/distributed/algorithms/join.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/autograd.html b/docs/master/_modules/torch/distributed/autograd.html
index ad3f00addd56..bc519d7eed82 100644
--- a/docs/master/_modules/torch/distributed/autograd.html
+++ b/docs/master/_modules/torch/distributed/autograd.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/checkpoint/default_planner.html b/docs/master/_modules/torch/distributed/checkpoint/default_planner.html
index dfc553a7401c..3a04da77494c 100644
--- a/docs/master/_modules/torch/distributed/checkpoint/default_planner.html
+++ b/docs/master/_modules/torch/distributed/checkpoint/default_planner.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/checkpoint/filesystem.html b/docs/master/_modules/torch/distributed/checkpoint/filesystem.html
index a01abda25064..419e6dddd208 100644
--- a/docs/master/_modules/torch/distributed/checkpoint/filesystem.html
+++ b/docs/master/_modules/torch/distributed/checkpoint/filesystem.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/checkpoint/planner.html b/docs/master/_modules/torch/distributed/checkpoint/planner.html
index d747de555c0c..4bee8490b650 100644
--- a/docs/master/_modules/torch/distributed/checkpoint/planner.html
+++ b/docs/master/_modules/torch/distributed/checkpoint/planner.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/checkpoint/state_dict_loader.html b/docs/master/_modules/torch/distributed/checkpoint/state_dict_loader.html
index 01dff37be6c9..cfde15dcdd68 100644
--- a/docs/master/_modules/torch/distributed/checkpoint/state_dict_loader.html
+++ b/docs/master/_modules/torch/distributed/checkpoint/state_dict_loader.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/checkpoint/state_dict_saver.html b/docs/master/_modules/torch/distributed/checkpoint/state_dict_saver.html
index 8cb73c4f5b59..75f96ea15081 100644
--- a/docs/master/_modules/torch/distributed/checkpoint/state_dict_saver.html
+++ b/docs/master/_modules/torch/distributed/checkpoint/state_dict_saver.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/checkpoint/storage.html b/docs/master/_modules/torch/distributed/checkpoint/storage.html
index de2396ba1446..438f2b9fb4d1 100644
--- a/docs/master/_modules/torch/distributed/checkpoint/storage.html
+++ b/docs/master/_modules/torch/distributed/checkpoint/storage.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/distributed_c10d.html b/docs/master/_modules/torch/distributed/distributed_c10d.html
index e3a797997039..80f2b87bfcda 100644
--- a/docs/master/_modules/torch/distributed/distributed_c10d.html
+++ b/docs/master/_modules/torch/distributed/distributed_c10d.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/agent/server/api.html b/docs/master/_modules/torch/distributed/elastic/agent/server/api.html
index 72609a23c12f..c0b65ad1f43b 100644
--- a/docs/master/_modules/torch/distributed/elastic/agent/server/api.html
+++ b/docs/master/_modules/torch/distributed/elastic/agent/server/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/agent/server/local_elastic_agent.html b/docs/master/_modules/torch/distributed/elastic/agent/server/local_elastic_agent.html
index 245a88733a96..88f15c1fe61e 100644
--- a/docs/master/_modules/torch/distributed/elastic/agent/server/local_elastic_agent.html
+++ b/docs/master/_modules/torch/distributed/elastic/agent/server/local_elastic_agent.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/events.html b/docs/master/_modules/torch/distributed/elastic/events.html
index 1b8eaea66659..94361750b2c3 100644
--- a/docs/master/_modules/torch/distributed/elastic/events.html
+++ b/docs/master/_modules/torch/distributed/elastic/events.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/events/api.html b/docs/master/_modules/torch/distributed/elastic/events/api.html
index eef716ae0b7a..2b926e2686ff 100644
--- a/docs/master/_modules/torch/distributed/elastic/events/api.html
+++ b/docs/master/_modules/torch/distributed/elastic/events/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/events/handlers.html b/docs/master/_modules/torch/distributed/elastic/events/handlers.html
index 5450ccbd33b9..ae1cfe9f8e46 100644
--- a/docs/master/_modules/torch/distributed/elastic/events/handlers.html
+++ b/docs/master/_modules/torch/distributed/elastic/events/handlers.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/metrics/api.html b/docs/master/_modules/torch/distributed/elastic/metrics/api.html
index 5fea4ffa7c73..385e19049d8f 100644
--- a/docs/master/_modules/torch/distributed/elastic/metrics/api.html
+++ b/docs/master/_modules/torch/distributed/elastic/metrics/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/multiprocessing.html b/docs/master/_modules/torch/distributed/elastic/multiprocessing.html
index 1fe0d7368fe3..bc8e436b4e31 100644
--- a/docs/master/_modules/torch/distributed/elastic/multiprocessing.html
+++ b/docs/master/_modules/torch/distributed/elastic/multiprocessing.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/multiprocessing/api.html b/docs/master/_modules/torch/distributed/elastic/multiprocessing/api.html
index 23a2898bb9c5..b205c1d847a1 100644
--- a/docs/master/_modules/torch/distributed/elastic/multiprocessing/api.html
+++ b/docs/master/_modules/torch/distributed/elastic/multiprocessing/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/multiprocessing/errors.html b/docs/master/_modules/torch/distributed/elastic/multiprocessing/errors.html
index 38139b41326b..0c566abe379c 100644
--- a/docs/master/_modules/torch/distributed/elastic/multiprocessing/errors.html
+++ b/docs/master/_modules/torch/distributed/elastic/multiprocessing/errors.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/multiprocessing/errors/error_handler.html b/docs/master/_modules/torch/distributed/elastic/multiprocessing/errors/error_handler.html
index cdcd252b4757..23af8c7fc0a5 100644
--- a/docs/master/_modules/torch/distributed/elastic/multiprocessing/errors/error_handler.html
+++ b/docs/master/_modules/torch/distributed/elastic/multiprocessing/errors/error_handler.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/rendezvous/api.html b/docs/master/_modules/torch/distributed/elastic/rendezvous/api.html
index 2d676b63a9e8..e4476fae5976 100644
--- a/docs/master/_modules/torch/distributed/elastic/rendezvous/api.html
+++ b/docs/master/_modules/torch/distributed/elastic/rendezvous/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/rendezvous/c10d_rendezvous_backend.html b/docs/master/_modules/torch/distributed/elastic/rendezvous/c10d_rendezvous_backend.html
index 1f3e94a49ce6..66d253e3065c 100644
--- a/docs/master/_modules/torch/distributed/elastic/rendezvous/c10d_rendezvous_backend.html
+++ b/docs/master/_modules/torch/distributed/elastic/rendezvous/c10d_rendezvous_backend.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/rendezvous/dynamic_rendezvous.html b/docs/master/_modules/torch/distributed/elastic/rendezvous/dynamic_rendezvous.html
index 95a6031f0905..12d3e4f9ceec 100644
--- a/docs/master/_modules/torch/distributed/elastic/rendezvous/dynamic_rendezvous.html
+++ b/docs/master/_modules/torch/distributed/elastic/rendezvous/dynamic_rendezvous.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_rendezvous.html b/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_rendezvous.html
index d79c44db3ad2..0e646a96dfb8 100644
--- a/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_rendezvous.html
+++ b/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_rendezvous.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_rendezvous_backend.html b/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_rendezvous_backend.html
index 8bc538b72c22..4608f820555f 100644
--- a/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_rendezvous_backend.html
+++ b/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_rendezvous_backend.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_server.html b/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_server.html
index 02e0d15db2b2..3940a27dffa8 100644
--- a/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_server.html
+++ b/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_server.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_store.html b/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_store.html
index 511a2d9c136f..5e16c66a3f4e 100644
--- a/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_store.html
+++ b/docs/master/_modules/torch/distributed/elastic/rendezvous/etcd_store.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/timer/api.html b/docs/master/_modules/torch/distributed/elastic/timer/api.html
index bda983c34ec1..4fd77a1c0e0f 100644
--- a/docs/master/_modules/torch/distributed/elastic/timer/api.html
+++ b/docs/master/_modules/torch/distributed/elastic/timer/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/timer/file_based_local_timer.html b/docs/master/_modules/torch/distributed/elastic/timer/file_based_local_timer.html
index ca1b0591d980..80b6fb14a1e8 100644
--- a/docs/master/_modules/torch/distributed/elastic/timer/file_based_local_timer.html
+++ b/docs/master/_modules/torch/distributed/elastic/timer/file_based_local_timer.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/elastic/timer/local_timer.html b/docs/master/_modules/torch/distributed/elastic/timer/local_timer.html
index 1149108320af..d5a1e71167c4 100644
--- a/docs/master/_modules/torch/distributed/elastic/timer/local_timer.html
+++ b/docs/master/_modules/torch/distributed/elastic/timer/local_timer.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/fsdp/api.html b/docs/master/_modules/torch/distributed/fsdp/api.html
index d56cbd9c2ccf..feafff918e7b 100644
--- a/docs/master/_modules/torch/distributed/fsdp/api.html
+++ b/docs/master/_modules/torch/distributed/fsdp/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/fsdp/fully_sharded_data_parallel.html b/docs/master/_modules/torch/distributed/fsdp/fully_sharded_data_parallel.html
index 1bbc5bd5d1e3..67b429382529 100644
--- a/docs/master/_modules/torch/distributed/fsdp/fully_sharded_data_parallel.html
+++ b/docs/master/_modules/torch/distributed/fsdp/fully_sharded_data_parallel.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/nn/api/remote_module.html b/docs/master/_modules/torch/distributed/nn/api/remote_module.html
index e8ef21093f97..370844270476 100644
--- a/docs/master/_modules/torch/distributed/nn/api/remote_module.html
+++ b/docs/master/_modules/torch/distributed/nn/api/remote_module.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/optim/optimizer.html b/docs/master/_modules/torch/distributed/optim/optimizer.html
index f720ebc382a7..b62bffdaa972 100644
--- a/docs/master/_modules/torch/distributed/optim/optimizer.html
+++ b/docs/master/_modules/torch/distributed/optim/optimizer.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/optim/post_localSGD_optimizer.html b/docs/master/_modules/torch/distributed/optim/post_localSGD_optimizer.html
index 7e55472c4c6c..3878d3ebff5a 100644
--- a/docs/master/_modules/torch/distributed/optim/post_localSGD_optimizer.html
+++ b/docs/master/_modules/torch/distributed/optim/post_localSGD_optimizer.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/optim/zero_redundancy_optimizer.html b/docs/master/_modules/torch/distributed/optim/zero_redundancy_optimizer.html
index 90a26827d864..f3b9fa0d03a9 100644
--- a/docs/master/_modules/torch/distributed/optim/zero_redundancy_optimizer.html
+++ b/docs/master/_modules/torch/distributed/optim/zero_redundancy_optimizer.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/pipeline/sync/pipe.html b/docs/master/_modules/torch/distributed/pipeline/sync/pipe.html
index a9426b0ffaf9..9120d8fd037c 100644
--- a/docs/master/_modules/torch/distributed/pipeline/sync/pipe.html
+++ b/docs/master/_modules/torch/distributed/pipeline/sync/pipe.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/pipeline/sync/skip/skippable.html b/docs/master/_modules/torch/distributed/pipeline/sync/skip/skippable.html
index 2b8692af1153..92e5f3ac05c8 100644
--- a/docs/master/_modules/torch/distributed/pipeline/sync/skip/skippable.html
+++ b/docs/master/_modules/torch/distributed/pipeline/sync/skip/skippable.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/rpc.html b/docs/master/_modules/torch/distributed/rpc.html
index e22ec4850a63..e0ab3b186456 100644
--- a/docs/master/_modules/torch/distributed/rpc.html
+++ b/docs/master/_modules/torch/distributed/rpc.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/rpc/api.html b/docs/master/_modules/torch/distributed/rpc/api.html
index ec1998298608..0fe2183744bd 100644
--- a/docs/master/_modules/torch/distributed/rpc/api.html
+++ b/docs/master/_modules/torch/distributed/rpc/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/rpc/backend_registry.html b/docs/master/_modules/torch/distributed/rpc/backend_registry.html
index dd13e9abff90..cfbed26ec70e 100644
--- a/docs/master/_modules/torch/distributed/rpc/backend_registry.html
+++ b/docs/master/_modules/torch/distributed/rpc/backend_registry.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/rpc/functions.html b/docs/master/_modules/torch/distributed/rpc/functions.html
index b9abce733f76..88bf9fc78205 100644
--- a/docs/master/_modules/torch/distributed/rpc/functions.html
+++ b/docs/master/_modules/torch/distributed/rpc/functions.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/rpc/options.html b/docs/master/_modules/torch/distributed/rpc/options.html
index 9423b0a327f3..6c1f099223cc 100644
--- a/docs/master/_modules/torch/distributed/rpc/options.html
+++ b/docs/master/_modules/torch/distributed/rpc/options.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/tensor/parallel/api.html b/docs/master/_modules/torch/distributed/tensor/parallel/api.html
index f434f98784d8..db04702507f4 100644
--- a/docs/master/_modules/torch/distributed/tensor/parallel/api.html
+++ b/docs/master/_modules/torch/distributed/tensor/parallel/api.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/tensor/parallel/fsdp.html b/docs/master/_modules/torch/distributed/tensor/parallel/fsdp.html
index d1a7b746a525..7766c3dc1719 100644
--- a/docs/master/_modules/torch/distributed/tensor/parallel/fsdp.html
+++ b/docs/master/_modules/torch/distributed/tensor/parallel/fsdp.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/tensor/parallel/multihead_attention_tp.html b/docs/master/_modules/torch/distributed/tensor/parallel/multihead_attention_tp.html
index 4befa43a77de..fb179fca2c13 100644
--- a/docs/master/_modules/torch/distributed/tensor/parallel/multihead_attention_tp.html
+++ b/docs/master/_modules/torch/distributed/tensor/parallel/multihead_attention_tp.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributed/tensor/parallel/style.html b/docs/master/_modules/torch/distributed/tensor/parallel/style.html
index 15af9b52affb..191716c39a7d 100644
--- a/docs/master/_modules/torch/distributed/tensor/parallel/style.html
+++ b/docs/master/_modules/torch/distributed/tensor/parallel/style.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/bernoulli.html b/docs/master/_modules/torch/distributions/bernoulli.html
index e933f74ad8de..f71ce79a8b2f 100644
--- a/docs/master/_modules/torch/distributions/bernoulli.html
+++ b/docs/master/_modules/torch/distributions/bernoulli.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/beta.html b/docs/master/_modules/torch/distributions/beta.html
index 274f59a62b1f..fff6626cbb02 100644
--- a/docs/master/_modules/torch/distributions/beta.html
+++ b/docs/master/_modules/torch/distributions/beta.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/binomial.html b/docs/master/_modules/torch/distributions/binomial.html
index 75153532acfe..96d8f3583558 100644
--- a/docs/master/_modules/torch/distributions/binomial.html
+++ b/docs/master/_modules/torch/distributions/binomial.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/categorical.html b/docs/master/_modules/torch/distributions/categorical.html
index 909ca95d6cd4..292f2a973e17 100644
--- a/docs/master/_modules/torch/distributions/categorical.html
+++ b/docs/master/_modules/torch/distributions/categorical.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/cauchy.html b/docs/master/_modules/torch/distributions/cauchy.html
index 54ce04021750..b56f4c7f542b 100644
--- a/docs/master/_modules/torch/distributions/cauchy.html
+++ b/docs/master/_modules/torch/distributions/cauchy.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/chi2.html b/docs/master/_modules/torch/distributions/chi2.html
index ccfd7096e192..afb2eaef3ab1 100644
--- a/docs/master/_modules/torch/distributions/chi2.html
+++ b/docs/master/_modules/torch/distributions/chi2.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/constraint_registry.html b/docs/master/_modules/torch/distributions/constraint_registry.html
index ba53177389da..2e0b48ff3022 100644
--- a/docs/master/_modules/torch/distributions/constraint_registry.html
+++ b/docs/master/_modules/torch/distributions/constraint_registry.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/constraints.html b/docs/master/_modules/torch/distributions/constraints.html
index c0f41205bf83..5d21a1f38737 100644
--- a/docs/master/_modules/torch/distributions/constraints.html
+++ b/docs/master/_modules/torch/distributions/constraints.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/continuous_bernoulli.html b/docs/master/_modules/torch/distributions/continuous_bernoulli.html
index 05cb760bb683..71539c24218b 100644
--- a/docs/master/_modules/torch/distributions/continuous_bernoulli.html
+++ b/docs/master/_modules/torch/distributions/continuous_bernoulli.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/dirichlet.html b/docs/master/_modules/torch/distributions/dirichlet.html
index 3a64e585b251..d541b397d8f8 100644
--- a/docs/master/_modules/torch/distributions/dirichlet.html
+++ b/docs/master/_modules/torch/distributions/dirichlet.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/distribution.html b/docs/master/_modules/torch/distributions/distribution.html
index 47ef5441ce0b..045e89f52f26 100644
--- a/docs/master/_modules/torch/distributions/distribution.html
+++ b/docs/master/_modules/torch/distributions/distribution.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/exp_family.html b/docs/master/_modules/torch/distributions/exp_family.html
index 7c7ea72c1e01..f5cd434ab9f4 100644
--- a/docs/master/_modules/torch/distributions/exp_family.html
+++ b/docs/master/_modules/torch/distributions/exp_family.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/exponential.html b/docs/master/_modules/torch/distributions/exponential.html
index 98f70fa0ffec..a9b5df92b1b2 100644
--- a/docs/master/_modules/torch/distributions/exponential.html
+++ b/docs/master/_modules/torch/distributions/exponential.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/fishersnedecor.html b/docs/master/_modules/torch/distributions/fishersnedecor.html
index f9a7351e5db4..9988c8a2df17 100644
--- a/docs/master/_modules/torch/distributions/fishersnedecor.html
+++ b/docs/master/_modules/torch/distributions/fishersnedecor.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/gamma.html b/docs/master/_modules/torch/distributions/gamma.html
index bfa4a54403e2..260a083878ba 100644
--- a/docs/master/_modules/torch/distributions/gamma.html
+++ b/docs/master/_modules/torch/distributions/gamma.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/geometric.html b/docs/master/_modules/torch/distributions/geometric.html
index 83c52c7c0250..8b0f02cd4dec 100644
--- a/docs/master/_modules/torch/distributions/geometric.html
+++ b/docs/master/_modules/torch/distributions/geometric.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/gumbel.html b/docs/master/_modules/torch/distributions/gumbel.html
index 358588259ad5..024749d078f8 100644
--- a/docs/master/_modules/torch/distributions/gumbel.html
+++ b/docs/master/_modules/torch/distributions/gumbel.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/half_cauchy.html b/docs/master/_modules/torch/distributions/half_cauchy.html
index 9da8baa6c4e7..f473b9af2957 100644
--- a/docs/master/_modules/torch/distributions/half_cauchy.html
+++ b/docs/master/_modules/torch/distributions/half_cauchy.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/half_normal.html b/docs/master/_modules/torch/distributions/half_normal.html
index 399ca9830248..6be27705c042 100644
--- a/docs/master/_modules/torch/distributions/half_normal.html
+++ b/docs/master/_modules/torch/distributions/half_normal.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/independent.html b/docs/master/_modules/torch/distributions/independent.html
index f57f52fb494b..117e42a88c29 100644
--- a/docs/master/_modules/torch/distributions/independent.html
+++ b/docs/master/_modules/torch/distributions/independent.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/kl.html b/docs/master/_modules/torch/distributions/kl.html
index 060cf22b47a3..25d7a22ccee8 100644
--- a/docs/master/_modules/torch/distributions/kl.html
+++ b/docs/master/_modules/torch/distributions/kl.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/kumaraswamy.html b/docs/master/_modules/torch/distributions/kumaraswamy.html
index 049d15be4fe0..d4ec03dc4e42 100644
--- a/docs/master/_modules/torch/distributions/kumaraswamy.html
+++ b/docs/master/_modules/torch/distributions/kumaraswamy.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/laplace.html b/docs/master/_modules/torch/distributions/laplace.html
index 9048f58c66bb..cd3f1785c572 100644
--- a/docs/master/_modules/torch/distributions/laplace.html
+++ b/docs/master/_modules/torch/distributions/laplace.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/lkj_cholesky.html b/docs/master/_modules/torch/distributions/lkj_cholesky.html
index 8b949c322820..6fd99df08438 100644
--- a/docs/master/_modules/torch/distributions/lkj_cholesky.html
+++ b/docs/master/_modules/torch/distributions/lkj_cholesky.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/log_normal.html b/docs/master/_modules/torch/distributions/log_normal.html
index 4e8726c805a2..3bd8a82f4ec9 100644
--- a/docs/master/_modules/torch/distributions/log_normal.html
+++ b/docs/master/_modules/torch/distributions/log_normal.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/lowrank_multivariate_normal.html b/docs/master/_modules/torch/distributions/lowrank_multivariate_normal.html
index 483bd48370e0..6685cc49090c 100644
--- a/docs/master/_modules/torch/distributions/lowrank_multivariate_normal.html
+++ b/docs/master/_modules/torch/distributions/lowrank_multivariate_normal.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/mixture_same_family.html b/docs/master/_modules/torch/distributions/mixture_same_family.html
index 9d3a39a1fd2b..e1db8d81ada9 100644
--- a/docs/master/_modules/torch/distributions/mixture_same_family.html
+++ b/docs/master/_modules/torch/distributions/mixture_same_family.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/multinomial.html b/docs/master/_modules/torch/distributions/multinomial.html
index a1f7e097735e..c617b89583af 100644
--- a/docs/master/_modules/torch/distributions/multinomial.html
+++ b/docs/master/_modules/torch/distributions/multinomial.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/multivariate_normal.html b/docs/master/_modules/torch/distributions/multivariate_normal.html
index f0fbc4cce231..eb27eec285ef 100644
--- a/docs/master/_modules/torch/distributions/multivariate_normal.html
+++ b/docs/master/_modules/torch/distributions/multivariate_normal.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/negative_binomial.html b/docs/master/_modules/torch/distributions/negative_binomial.html
index 1eeefb5065be..8f51b77aa2aa 100644
--- a/docs/master/_modules/torch/distributions/negative_binomial.html
+++ b/docs/master/_modules/torch/distributions/negative_binomial.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/normal.html b/docs/master/_modules/torch/distributions/normal.html
index 5649e68d3dd9..eb8b5e096285 100644
--- a/docs/master/_modules/torch/distributions/normal.html
+++ b/docs/master/_modules/torch/distributions/normal.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/one_hot_categorical.html b/docs/master/_modules/torch/distributions/one_hot_categorical.html
index c65cd1c3d894..fc036eb35a10 100644
--- a/docs/master/_modules/torch/distributions/one_hot_categorical.html
+++ b/docs/master/_modules/torch/distributions/one_hot_categorical.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/pareto.html b/docs/master/_modules/torch/distributions/pareto.html
index 937ed78924a3..113c540dbf81 100644
--- a/docs/master/_modules/torch/distributions/pareto.html
+++ b/docs/master/_modules/torch/distributions/pareto.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/poisson.html b/docs/master/_modules/torch/distributions/poisson.html
index f19c571863c0..560ae9ceaf17 100644
--- a/docs/master/_modules/torch/distributions/poisson.html
+++ b/docs/master/_modules/torch/distributions/poisson.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/relaxed_bernoulli.html b/docs/master/_modules/torch/distributions/relaxed_bernoulli.html
index 300fa71b9f9e..6aacaf84ab09 100644
--- a/docs/master/_modules/torch/distributions/relaxed_bernoulli.html
+++ b/docs/master/_modules/torch/distributions/relaxed_bernoulli.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/relaxed_categorical.html b/docs/master/_modules/torch/distributions/relaxed_categorical.html
index 4802da078017..db762145a3ac 100644
--- a/docs/master/_modules/torch/distributions/relaxed_categorical.html
+++ b/docs/master/_modules/torch/distributions/relaxed_categorical.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/studentT.html b/docs/master/_modules/torch/distributions/studentT.html
index b7925accaaf5..aaea18fd1408 100644
--- a/docs/master/_modules/torch/distributions/studentT.html
+++ b/docs/master/_modules/torch/distributions/studentT.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/transformed_distribution.html b/docs/master/_modules/torch/distributions/transformed_distribution.html
index b406294da013..106b3a884b0f 100644
--- a/docs/master/_modules/torch/distributions/transformed_distribution.html
+++ b/docs/master/_modules/torch/distributions/transformed_distribution.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/transforms.html b/docs/master/_modules/torch/distributions/transforms.html
index 48082487b3ae..8ae5cf2bab58 100644
--- a/docs/master/_modules/torch/distributions/transforms.html
+++ b/docs/master/_modules/torch/distributions/transforms.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/uniform.html b/docs/master/_modules/torch/distributions/uniform.html
index 353afb158f23..b5da33564137 100644
--- a/docs/master/_modules/torch/distributions/uniform.html
+++ b/docs/master/_modules/torch/distributions/uniform.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/utils.html b/docs/master/_modules/torch/distributions/utils.html
index bb836459376b..8cb9f894c7d9 100644
--- a/docs/master/_modules/torch/distributions/utils.html
+++ b/docs/master/_modules/torch/distributions/utils.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/von_mises.html b/docs/master/_modules/torch/distributions/von_mises.html
index d2dcb88cdaf3..bed77c818248 100644
--- a/docs/master/_modules/torch/distributions/von_mises.html
+++ b/docs/master/_modules/torch/distributions/von_mises.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/weibull.html b/docs/master/_modules/torch/distributions/weibull.html
index 8e19f41a2894..dd9a88cbc986 100644
--- a/docs/master/_modules/torch/distributions/weibull.html
+++ b/docs/master/_modules/torch/distributions/weibull.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/distributions/wishart.html b/docs/master/_modules/torch/distributions/wishart.html
index 9002dd53acef..f2fe5265f36c 100644
--- a/docs/master/_modules/torch/distributions/wishart.html
+++ b/docs/master/_modules/torch/distributions/wishart.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/func.html b/docs/master/_modules/torch/func.html
index afaac2675158..d49d8208a9e8 100644
--- a/docs/master/_modules/torch/func.html
+++ b/docs/master/_modules/torch/func.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/functional.html b/docs/master/_modules/torch/functional.html
index da117cfdd5b9..ec7c9b218716 100644
--- a/docs/master/_modules/torch/functional.html
+++ b/docs/master/_modules/torch/functional.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/futures.html b/docs/master/_modules/torch/futures.html
index 656d71ad3d39..54cbf2000569 100644
--- a/docs/master/_modules/torch/futures.html
+++ b/docs/master/_modules/torch/futures.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/fx/_symbolic_trace.html b/docs/master/_modules/torch/fx/_symbolic_trace.html
index fc2b3444a351..169c13558e17 100644
--- a/docs/master/_modules/torch/fx/_symbolic_trace.html
+++ b/docs/master/_modules/torch/fx/_symbolic_trace.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/fx/graph.html b/docs/master/_modules/torch/fx/graph.html
index 7f44ba16d4cd..6ef41a2ab901 100644
--- a/docs/master/_modules/torch/fx/graph.html
+++ b/docs/master/_modules/torch/fx/graph.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/fx/graph_module.html b/docs/master/_modules/torch/fx/graph_module.html
index e13f5b7470c3..5b41637a7410 100644
--- a/docs/master/_modules/torch/fx/graph_module.html
+++ b/docs/master/_modules/torch/fx/graph_module.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/fx/interpreter.html b/docs/master/_modules/torch/fx/interpreter.html
index 1c6ff28fa42b..72ebb015c6b7 100644
--- a/docs/master/_modules/torch/fx/interpreter.html
+++ b/docs/master/_modules/torch/fx/interpreter.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/fx/node.html b/docs/master/_modules/torch/fx/node.html
index 8d15db816086..2056c3e3e0ad 100644
--- a/docs/master/_modules/torch/fx/node.html
+++ b/docs/master/_modules/torch/fx/node.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/fx/proxy.html b/docs/master/_modules/torch/fx/proxy.html
index cdb13b968157..e0e34a2895af 100644
--- a/docs/master/_modules/torch/fx/proxy.html
+++ b/docs/master/_modules/torch/fx/proxy.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/fx/subgraph_rewriter.html b/docs/master/_modules/torch/fx/subgraph_rewriter.html
index 5fe783fe5d34..8e8765e008fe 100644
--- a/docs/master/_modules/torch/fx/subgraph_rewriter.html
+++ b/docs/master/_modules/torch/fx/subgraph_rewriter.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/hub.html b/docs/master/_modules/torch/hub.html
index e0a8855bd289..246b0323494e 100644
--- a/docs/master/_modules/torch/hub.html
+++ b/docs/master/_modules/torch/hub.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/jit.html b/docs/master/_modules/torch/jit.html
index f7b400a859cc..1244d3c8b6a7 100644
--- a/docs/master/_modules/torch/jit.html
+++ b/docs/master/_modules/torch/jit.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/jit/_async.html b/docs/master/_modules/torch/jit/_async.html
index cb13d7e10f14..fcc5d5a82caa 100644
--- a/docs/master/_modules/torch/jit/_async.html
+++ b/docs/master/_modules/torch/jit/_async.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/jit/_freeze.html b/docs/master/_modules/torch/jit/_freeze.html
index a3c9f22d7780..d8f13e2549d3 100644
--- a/docs/master/_modules/torch/jit/_freeze.html
+++ b/docs/master/_modules/torch/jit/_freeze.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/jit/_fuser.html b/docs/master/_modules/torch/jit/_fuser.html
index 1dcaef3c2715..5e07f4da7fff 100644
--- a/docs/master/_modules/torch/jit/_fuser.html
+++ b/docs/master/_modules/torch/jit/_fuser.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/jit/_script.html b/docs/master/_modules/torch/jit/_script.html
index 83365af7f6f7..6c166d4e50cb 100644
--- a/docs/master/_modules/torch/jit/_script.html
+++ b/docs/master/_modules/torch/jit/_script.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/jit/_serialization.html b/docs/master/_modules/torch/jit/_serialization.html
index c42c98d49037..9cce18584973 100644
--- a/docs/master/_modules/torch/jit/_serialization.html
+++ b/docs/master/_modules/torch/jit/_serialization.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/jit/_trace.html b/docs/master/_modules/torch/jit/_trace.html
index d06b87aa0c63..1512246a87bc 100644
--- a/docs/master/_modules/torch/jit/_trace.html
+++ b/docs/master/_modules/torch/jit/_trace.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/library.html b/docs/master/_modules/torch/library.html
index da15f167bb82..fa94575ee694 100644
--- a/docs/master/_modules/torch/library.html
+++ b/docs/master/_modules/torch/library.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/monitor.html b/docs/master/_modules/torch/monitor.html
index 046ca74b6d72..f543660f84b1 100644
--- a/docs/master/_modules/torch/monitor.html
+++ b/docs/master/_modules/torch/monitor.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/mps.html b/docs/master/_modules/torch/mps.html
index 05e6a5942f06..09cf33555d09 100644
--- a/docs/master/_modules/torch/mps.html
+++ b/docs/master/_modules/torch/mps.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/multiprocessing.html b/docs/master/_modules/torch/multiprocessing.html
index 3b788a1bb1d4..e78c99276c50 100644
--- a/docs/master/_modules/torch/multiprocessing.html
+++ b/docs/master/_modules/torch/multiprocessing.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/multiprocessing/spawn.html b/docs/master/_modules/torch/multiprocessing/spawn.html
index b2b7e34bed84..780e34b4f89f 100644
--- a/docs/master/_modules/torch/multiprocessing/spawn.html
+++ b/docs/master/_modules/torch/multiprocessing/spawn.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nested.html b/docs/master/_modules/torch/nested.html
index 7432f96f4c38..76ebcece2c21 100644
--- a/docs/master/_modules/torch/nested.html
+++ b/docs/master/_modules/torch/nested.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/functional.html b/docs/master/_modules/torch/nn/functional.html
index b5d62c57cd01..a65e50beddce 100644
--- a/docs/master/_modules/torch/nn/functional.html
+++ b/docs/master/_modules/torch/nn/functional.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/init.html b/docs/master/_modules/torch/nn/init.html
index c3456437801d..c4015a5ba31a 100644
--- a/docs/master/_modules/torch/nn/init.html
+++ b/docs/master/_modules/torch/nn/init.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/activation.html b/docs/master/_modules/torch/nn/modules/activation.html
index f96ff0cc6598..64144bfe9987 100644
--- a/docs/master/_modules/torch/nn/modules/activation.html
+++ b/docs/master/_modules/torch/nn/modules/activation.html
@@ -235,7 +235,7 @@
@@ -1385,12 +1385,14 @@ Source code for torch.nn.modules.activation
where :math:`head_i = \text{Attention}(QW_i^Q, KW_i^K, VW_i^V)`.
- ``forward()`` will use the optimized implementation described in
- `FlashAttention: Fast and Memory-Efficient Exact Attention with IO-Awareness`_ if all of the following
- conditions are met:
+ ``forward()`` will use the optimized implementations of
+ ``scaled_dot_product_attention()``.
- - self attention is being computed (i.e., ``query``, ``key``, and ``value`` are the same tensor. This
- restriction will be loosened in the future.)
+ In addition to support for the new ``scaled_dot_product_attention()``
+ function, for speeding up Inference, MHA will use
+ fastpath inference with support for Nested Tensors, iff:
+
+ - self attention is being computed (i.e., ``query``, ``key``, and ``value`` are the same tensor.
- inputs are batched (3D) with ``batch_first==True``
- Either autograd is disabled (using ``torch.inference_mode`` or ``torch.no_grad``) or no tensor argument ``requires_grad``
- training is disabled (using ``.eval()``)
@@ -1402,7 +1404,7 @@ Source code for torch.nn.modules.activation
nor ``attn_mask`` is passed
- autocast is disabled
- If the optimized implementation is in use, a
+ If the optimized inference fastpath implementation is in use, a
`NestedTensor <https://pytorch.org/docs/stable/nested.html>`_ can be passed for
``query``/``key``/``value`` to represent padding more efficiently than using a
padding mask. In this case, a `NestedTensor <https://pytorch.org/docs/stable/nested.html>`_
@@ -1433,6 +1435,7 @@ Source code for torch.nn.modules.activation
https://arxiv.org/abs/2205.14135
"""
+
__constants__ = ['batch_first']
bias_k: Optional[torch.Tensor]
bias_v: Optional[torch.Tensor]
diff --git a/docs/master/_modules/torch/nn/modules/adaptive.html b/docs/master/_modules/torch/nn/modules/adaptive.html
index 0ea51aeafc16..07adabe399f2 100644
--- a/docs/master/_modules/torch/nn/modules/adaptive.html
+++ b/docs/master/_modules/torch/nn/modules/adaptive.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/batchnorm.html b/docs/master/_modules/torch/nn/modules/batchnorm.html
index 38a6c081f84c..c4bdd4d7133e 100644
--- a/docs/master/_modules/torch/nn/modules/batchnorm.html
+++ b/docs/master/_modules/torch/nn/modules/batchnorm.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/channelshuffle.html b/docs/master/_modules/torch/nn/modules/channelshuffle.html
index 1ad732db34dd..47e1557ae53a 100644
--- a/docs/master/_modules/torch/nn/modules/channelshuffle.html
+++ b/docs/master/_modules/torch/nn/modules/channelshuffle.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/container.html b/docs/master/_modules/torch/nn/modules/container.html
index abeff5d4f272..ccb98c9ac433 100644
--- a/docs/master/_modules/torch/nn/modules/container.html
+++ b/docs/master/_modules/torch/nn/modules/container.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/conv.html b/docs/master/_modules/torch/nn/modules/conv.html
index 3cd8dfc71db2..1a516ff2b936 100644
--- a/docs/master/_modules/torch/nn/modules/conv.html
+++ b/docs/master/_modules/torch/nn/modules/conv.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/distance.html b/docs/master/_modules/torch/nn/modules/distance.html
index b4f364e1e08f..286caa6019c8 100644
--- a/docs/master/_modules/torch/nn/modules/distance.html
+++ b/docs/master/_modules/torch/nn/modules/distance.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/dropout.html b/docs/master/_modules/torch/nn/modules/dropout.html
index 8b28c64f4d4c..5475b44b61d7 100644
--- a/docs/master/_modules/torch/nn/modules/dropout.html
+++ b/docs/master/_modules/torch/nn/modules/dropout.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/flatten.html b/docs/master/_modules/torch/nn/modules/flatten.html
index 60012944a431..2ef748bc565a 100644
--- a/docs/master/_modules/torch/nn/modules/flatten.html
+++ b/docs/master/_modules/torch/nn/modules/flatten.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/fold.html b/docs/master/_modules/torch/nn/modules/fold.html
index 66b8e14578a8..acaecc2a52ec 100644
--- a/docs/master/_modules/torch/nn/modules/fold.html
+++ b/docs/master/_modules/torch/nn/modules/fold.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/instancenorm.html b/docs/master/_modules/torch/nn/modules/instancenorm.html
index 2cf49e7f1b11..8b039ccc5aef 100644
--- a/docs/master/_modules/torch/nn/modules/instancenorm.html
+++ b/docs/master/_modules/torch/nn/modules/instancenorm.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/lazy.html b/docs/master/_modules/torch/nn/modules/lazy.html
index 28ec960a8505..9f84bc595f86 100644
--- a/docs/master/_modules/torch/nn/modules/lazy.html
+++ b/docs/master/_modules/torch/nn/modules/lazy.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/linear.html b/docs/master/_modules/torch/nn/modules/linear.html
index 267adb92a5bc..748dcda7a459 100644
--- a/docs/master/_modules/torch/nn/modules/linear.html
+++ b/docs/master/_modules/torch/nn/modules/linear.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/loss.html b/docs/master/_modules/torch/nn/modules/loss.html
index 0e6f6adbe5c2..05e7abce9002 100644
--- a/docs/master/_modules/torch/nn/modules/loss.html
+++ b/docs/master/_modules/torch/nn/modules/loss.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/module.html b/docs/master/_modules/torch/nn/modules/module.html
index b40477d03489..f5422e5ab994 100644
--- a/docs/master/_modules/torch/nn/modules/module.html
+++ b/docs/master/_modules/torch/nn/modules/module.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/normalization.html b/docs/master/_modules/torch/nn/modules/normalization.html
index 232af1dc7501..9dacffddf7bb 100644
--- a/docs/master/_modules/torch/nn/modules/normalization.html
+++ b/docs/master/_modules/torch/nn/modules/normalization.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/padding.html b/docs/master/_modules/torch/nn/modules/padding.html
index 2be8619a155f..32bec446acb8 100644
--- a/docs/master/_modules/torch/nn/modules/padding.html
+++ b/docs/master/_modules/torch/nn/modules/padding.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/pixelshuffle.html b/docs/master/_modules/torch/nn/modules/pixelshuffle.html
index 05c348f99ee1..cc0019836d77 100644
--- a/docs/master/_modules/torch/nn/modules/pixelshuffle.html
+++ b/docs/master/_modules/torch/nn/modules/pixelshuffle.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/pooling.html b/docs/master/_modules/torch/nn/modules/pooling.html
index f24dff37373d..c60979b98d76 100644
--- a/docs/master/_modules/torch/nn/modules/pooling.html
+++ b/docs/master/_modules/torch/nn/modules/pooling.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/rnn.html b/docs/master/_modules/torch/nn/modules/rnn.html
index e7da35fe89a8..3168f4dfc845 100644
--- a/docs/master/_modules/torch/nn/modules/rnn.html
+++ b/docs/master/_modules/torch/nn/modules/rnn.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/sparse.html b/docs/master/_modules/torch/nn/modules/sparse.html
index 9f658c96e966..f08b9c365833 100644
--- a/docs/master/_modules/torch/nn/modules/sparse.html
+++ b/docs/master/_modules/torch/nn/modules/sparse.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/transformer.html b/docs/master/_modules/torch/nn/modules/transformer.html
index aeda275feb17..050b799633ff 100644
--- a/docs/master/_modules/torch/nn/modules/transformer.html
+++ b/docs/master/_modules/torch/nn/modules/transformer.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/modules/upsampling.html b/docs/master/_modules/torch/nn/modules/upsampling.html
index e3fd34d19690..207b23bd7ec3 100644
--- a/docs/master/_modules/torch/nn/modules/upsampling.html
+++ b/docs/master/_modules/torch/nn/modules/upsampling.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/parallel/comm.html b/docs/master/_modules/torch/nn/parallel/comm.html
index b1b08f9d5c38..4fb089e7697f 100644
--- a/docs/master/_modules/torch/nn/parallel/comm.html
+++ b/docs/master/_modules/torch/nn/parallel/comm.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/parallel/data_parallel.html b/docs/master/_modules/torch/nn/parallel/data_parallel.html
index d5a21d9739fd..f22e4715016d 100644
--- a/docs/master/_modules/torch/nn/parallel/data_parallel.html
+++ b/docs/master/_modules/torch/nn/parallel/data_parallel.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/parallel/distributed.html b/docs/master/_modules/torch/nn/parallel/distributed.html
index 461c6075118c..eadef0839315 100644
--- a/docs/master/_modules/torch/nn/parallel/distributed.html
+++ b/docs/master/_modules/torch/nn/parallel/distributed.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/parameter.html b/docs/master/_modules/torch/nn/parameter.html
index 720781b64f81..56d93017f981 100644
--- a/docs/master/_modules/torch/nn/parameter.html
+++ b/docs/master/_modules/torch/nn/parameter.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/clip_grad.html b/docs/master/_modules/torch/nn/utils/clip_grad.html
index 3d15fe76a016..2fd6a30d0a63 100644
--- a/docs/master/_modules/torch/nn/utils/clip_grad.html
+++ b/docs/master/_modules/torch/nn/utils/clip_grad.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/convert_parameters.html b/docs/master/_modules/torch/nn/utils/convert_parameters.html
index 0897e0a2462d..d8d1f1efd9dc 100644
--- a/docs/master/_modules/torch/nn/utils/convert_parameters.html
+++ b/docs/master/_modules/torch/nn/utils/convert_parameters.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/init.html b/docs/master/_modules/torch/nn/utils/init.html
index 5efb1abeacd0..ee333f14bd0a 100644
--- a/docs/master/_modules/torch/nn/utils/init.html
+++ b/docs/master/_modules/torch/nn/utils/init.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/parametrizations.html b/docs/master/_modules/torch/nn/utils/parametrizations.html
index d04b7a70f5c6..15b242fb4156 100644
--- a/docs/master/_modules/torch/nn/utils/parametrizations.html
+++ b/docs/master/_modules/torch/nn/utils/parametrizations.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/parametrize.html b/docs/master/_modules/torch/nn/utils/parametrize.html
index ca9e0d39da10..890bf29e8818 100644
--- a/docs/master/_modules/torch/nn/utils/parametrize.html
+++ b/docs/master/_modules/torch/nn/utils/parametrize.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/prune.html b/docs/master/_modules/torch/nn/utils/prune.html
index 01599929e05a..4cab93a2e5e8 100644
--- a/docs/master/_modules/torch/nn/utils/prune.html
+++ b/docs/master/_modules/torch/nn/utils/prune.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/rnn.html b/docs/master/_modules/torch/nn/utils/rnn.html
index 4505920b89b5..230489fa45b6 100644
--- a/docs/master/_modules/torch/nn/utils/rnn.html
+++ b/docs/master/_modules/torch/nn/utils/rnn.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/spectral_norm.html b/docs/master/_modules/torch/nn/utils/spectral_norm.html
index 5913385828f3..abf030af62d7 100644
--- a/docs/master/_modules/torch/nn/utils/spectral_norm.html
+++ b/docs/master/_modules/torch/nn/utils/spectral_norm.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/stateless.html b/docs/master/_modules/torch/nn/utils/stateless.html
index 3380c4ec9441..184c59ef3c8b 100644
--- a/docs/master/_modules/torch/nn/utils/stateless.html
+++ b/docs/master/_modules/torch/nn/utils/stateless.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/nn/utils/weight_norm.html b/docs/master/_modules/torch/nn/utils/weight_norm.html
index 9df0fc91937d..abcb902f85f4 100644
--- a/docs/master/_modules/torch/nn/utils/weight_norm.html
+++ b/docs/master/_modules/torch/nn/utils/weight_norm.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/onnx.html b/docs/master/_modules/torch/onnx.html
index 4c6eadb2cc1d..d516666fc6ff 100644
--- a/docs/master/_modules/torch/onnx.html
+++ b/docs/master/_modules/torch/onnx.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/onnx/_internal/diagnostics/_diagnostic.html b/docs/master/_modules/torch/onnx/_internal/diagnostics/_diagnostic.html
index 799d0cf74949..9095325ef57d 100644
--- a/docs/master/_modules/torch/onnx/_internal/diagnostics/_diagnostic.html
+++ b/docs/master/_modules/torch/onnx/_internal/diagnostics/_diagnostic.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/onnx/_internal/diagnostics/infra/engine.html b/docs/master/_modules/torch/onnx/_internal/diagnostics/infra/engine.html
index 194adad05537..b0284a7edc24 100644
--- a/docs/master/_modules/torch/onnx/_internal/diagnostics/infra/engine.html
+++ b/docs/master/_modules/torch/onnx/_internal/diagnostics/infra/engine.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/onnx/_type_utils.html b/docs/master/_modules/torch/onnx/_type_utils.html
index 72be35dfddc6..cc6cebbfeffd 100644
--- a/docs/master/_modules/torch/onnx/_type_utils.html
+++ b/docs/master/_modules/torch/onnx/_type_utils.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/onnx/utils.html b/docs/master/_modules/torch/onnx/utils.html
index 501fde8f9932..83391d84d52f 100644
--- a/docs/master/_modules/torch/onnx/utils.html
+++ b/docs/master/_modules/torch/onnx/utils.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/onnx/verification.html b/docs/master/_modules/torch/onnx/verification.html
index b65ef67a462d..b692ed9f9939 100644
--- a/docs/master/_modules/torch/onnx/verification.html
+++ b/docs/master/_modules/torch/onnx/verification.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/optim/adadelta.html b/docs/master/_modules/torch/optim/adadelta.html
index 535cc8fa6c32..87a445b4849e 100644
--- a/docs/master/_modules/torch/optim/adadelta.html
+++ b/docs/master/_modules/torch/optim/adadelta.html
@@ -235,7 +235,7 @@
diff --git a/docs/master/_modules/torch/optim/adagrad.html b/docs/master/_modules/torch/optim/adagrad.html
index 036587620a71..5daae8318710 100644
--- a/docs/master/_modules/torch/optim/adagrad.html
+++ b/docs/master/_modules/torch/optim/adagrad.html
@@ -235,7 +235,7 @@
-