Skip to content

Commit 636ffe9

Browse files
author
Jessica Lin
authored
Update genindex.html
1 parent dde99c7 commit 636ffe9

File tree

1 file changed

+29
-29
lines changed

1 file changed

+29
-29
lines changed

docs/stable/genindex.html

Lines changed: 29 additions & 29 deletions
Original file line numberDiff line numberDiff line change
@@ -849,7 +849,7 @@ <h2 id="B">B</h2>
849849
<li><a href="autograd.html#torch.autograd.backward">backward() (in module torch.autograd)</a>
850850

851851
<ul>
852-
<li><a href="rpc/rpc.html#torch.distributed.autograd.backward">(in module torch.distributed.autograd)</a>
852+
<li><a href="rpc.html#torch.distributed.autograd.backward">(in module torch.distributed.autograd)</a>
853853
</li>
854854
<li><a href="autograd.html#torch.autograd.Function.backward">(torch.autograd.Function static method)</a>
855855
</li>
@@ -1188,7 +1188,7 @@ <h2 id="C">C</h2>
11881188
</li>
11891189
<li><a href="distributions.html#torch.distributions.beta.Beta.concentration1">concentration1() (torch.distributions.beta.Beta property)</a>
11901190
</li>
1191-
<li><a href="rpc/rpc.html#torch.distributed.rpc.RRef.confirmed_by_owner">confirmed_by_owner() (torch.distributed.rpc.RRef method)</a>
1191+
<li><a href="rpc.html#torch.distributed.rpc.RRef.confirmed_by_owner">confirmed_by_owner() (torch.distributed.rpc.RRef method)</a>
11921192
</li>
11931193
<li><a href="torch.html#torch.conj">conj() (in module torch)</a>
11941194

@@ -1210,7 +1210,7 @@ <h2 id="C">C</h2>
12101210
</li>
12111211
<li><a href="distributions.html#torch.distributions.constraint_registry.ConstraintRegistry">ConstraintRegistry (class in torch.distributions.constraint_registry)</a>
12121212
</li>
1213-
<li><a href="rpc/rpc.html#torch.distributed.autograd.context">context (class in torch.distributed.autograd)</a>
1213+
<li><a href="rpc.html#torch.distributed.autograd.context">context (class in torch.distributed.autograd)</a>
12141214
</li>
12151215
<li><a href="tensors.html#torch.Tensor.contiguous">contiguous() (torch.Tensor method)</a>
12161216
</li>
@@ -1536,7 +1536,7 @@ <h2 id="D">D</h2>
15361536
</ul></li>
15371537
<li><a href="nn.html#torch.nn.parallel.DistributedDataParallel">DistributedDataParallel (class in torch.nn.parallel)</a>
15381538
</li>
1539-
<li><a href="rpc/rpc.html#torch.distributed.optim.DistributedOptimizer">DistributedOptimizer (class in torch.distributed.optim)</a>
1539+
<li><a href="rpc.html#torch.distributed.optim.DistributedOptimizer">DistributedOptimizer (class in torch.distributed.optim)</a>
15401540
</li>
15411541
<li><a href="data.html#torch.utils.data.distributed.DistributedSampler">DistributedSampler (class in torch.utils.data.distributed)</a>
15421542
</li>
@@ -2175,7 +2175,7 @@ <h2 id="G">G</h2>
21752175
</li>
21762176
<li><a href="cuda.html#torch.cuda.get_device_name">get_device_name() (in module torch.cuda)</a>
21772177
</li>
2178-
<li><a href="rpc/rpc.html#torch.distributed.autograd.get_gradients">get_gradients() (in module torch.distributed.autograd)</a>
2178+
<li><a href="rpc.html#torch.distributed.autograd.get_gradients">get_gradients() (in module torch.distributed.autograd)</a>
21792179
</li>
21802180
<li><a href="amp.html#torch.cuda.amp.GradScaler.get_growth_factor">get_growth_factor() (torch.cuda.amp.GradScaler method)</a>
21812181
</li>
@@ -2211,7 +2211,7 @@ <h2 id="G">G</h2>
22112211
</li>
22122212
<li><a href="torch.html#torch._C.Generator.get_state">get_state() (torch._C.Generator method)</a>
22132213
</li>
2214-
<li><a href="rpc/rpc.html#torch.distributed.rpc.get_worker_info">get_worker_info() (in module torch.distributed.rpc)</a>
2214+
<li><a href="rpc.html#torch.distributed.rpc.get_worker_info">get_worker_info() (in module torch.distributed.rpc)</a>
22152215

22162216
<ul>
22172217
<li><a href="data.html#torch.utils.data.get_worker_info">(in module torch.utils.data)</a>
@@ -2429,7 +2429,7 @@ <h2 id="I">I</h2>
24292429
<li><a href="distributions.html#torch.distributions.uniform.Uniform.icdf">(torch.distributions.uniform.Uniform method)</a>
24302430
</li>
24312431
</ul></li>
2432-
<li><a href="rpc/rpc.html#torch.distributed.rpc.WorkerInfo.id">id() (torch.distributed.rpc.WorkerInfo property)</a>
2432+
<li><a href="rpc.html#torch.distributed.rpc.WorkerInfo.id">id() (torch.distributed.rpc.WorkerInfo property)</a>
24332433
</li>
24342434
<li><a href="nn.html#torch.nn.Identity">Identity (class in torch.nn)</a>
24352435

@@ -2489,11 +2489,11 @@ <h2 id="I">I</h2>
24892489
</li>
24902490
<li><a href="cuda.html#torch.cuda.init">init() (in module torch.cuda)</a>
24912491
</li>
2492-
<li><a href="rpc/rpc.html#torch.distributed.rpc.ProcessGroupRpcBackendOptions.init_method">init_method() (torch.distributed.rpc.ProcessGroupRpcBackendOptions property)</a>
2492+
<li><a href="rpc.html#torch.distributed.rpc.ProcessGroupRpcBackendOptions.init_method">init_method() (torch.distributed.rpc.ProcessGroupRpcBackendOptions property)</a>
24932493
</li>
24942494
<li><a href="distributed.html#torch.distributed.init_process_group">init_process_group() (in module torch.distributed)</a>
24952495
</li>
2496-
<li><a href="rpc/rpc.html#torch.distributed.rpc.init_rpc">init_rpc() (in module torch.distributed.rpc)</a>
2496+
<li><a href="rpc.html#torch.distributed.rpc.init_rpc">init_rpc() (in module torch.distributed.rpc)</a>
24972497
</li>
24982498
<li><a href="torch.html#torch.initial_seed">initial_seed() (in module torch)</a>
24992499

@@ -2603,7 +2603,7 @@ <h2 id="I">I</h2>
26032603
</li>
26042604
<li><a href="distributed.html#torch.distributed.is_nccl_available">is_nccl_available() (in module torch.distributed)</a>
26052605
</li>
2606-
<li><a href="rpc/rpc.html#torch.distributed.rpc.RRef.is_owner">is_owner() (torch.distributed.rpc.RRef method)</a>
2606+
<li><a href="rpc.html#torch.distributed.rpc.RRef.is_owner">is_owner() (torch.distributed.rpc.RRef method)</a>
26072607
</li>
26082608
<li><a href="storage.html#torch.FloatStorage.is_pinned">is_pinned() (torch.FloatStorage method)</a>
26092609

@@ -2877,7 +2877,7 @@ <h2 id="L">L</h2>
28772877
</li>
28782878
<li><a href="nn.functional.html#torch.nn.functional.local_response_norm">local_response_norm() (in module torch.nn.functional)</a>
28792879
</li>
2880-
<li><a href="rpc/rpc.html#torch.distributed.rpc.RRef.local_value">local_value() (torch.distributed.rpc.RRef method)</a>
2880+
<li><a href="rpc.html#torch.distributed.rpc.RRef.local_value">local_value() (torch.distributed.rpc.RRef method)</a>
28812881
</li>
28822882
<li><a href="nn.html#torch.nn.LocalResponseNorm">LocalResponseNorm (class in torch.nn)</a>
28832883
</li>
@@ -3441,7 +3441,7 @@ <h2 id="M">M</h2>
34413441
<h2 id="N">N</h2>
34423442
<table style="width: 100%" class="indextable genindextable"><tr>
34433443
<td style="width: 33%; vertical-align: top;"><ul>
3444-
<li><a href="rpc/rpc.html#torch.distributed.rpc.WorkerInfo.name">name() (torch.distributed.rpc.WorkerInfo property)</a>
3444+
<li><a href="rpc.html#torch.distributed.rpc.WorkerInfo.name">name() (torch.distributed.rpc.WorkerInfo property)</a>
34453445
</li>
34463446
<li><a href="nn.html#torch.nn.Module.named_buffers">named_buffers() (torch.nn.Module method)</a>
34473447
</li>
@@ -3549,7 +3549,7 @@ <h2 id="N">N</h2>
35493549
<li><a href="torchvision/transforms.html#torchvision.transforms.functional.normalize">(in module torchvision.transforms.functional)</a>
35503550
</li>
35513551
</ul></li>
3552-
<li><a href="rpc/rpc.html#torch.distributed.rpc.ProcessGroupRpcBackendOptions.num_send_recv_threads">num_send_recv_threads() (torch.distributed.rpc.ProcessGroupRpcBackendOptions property)</a>
3552+
<li><a href="rpc.html#torch.distributed.rpc.ProcessGroupRpcBackendOptions.num_send_recv_threads">num_send_recv_threads() (torch.distributed.rpc.ProcessGroupRpcBackendOptions property)</a>
35533553
</li>
35543554
<li><a href="torch.html#torch.numel">numel() (in module torch)</a>
35553555

@@ -3605,9 +3605,9 @@ <h2 id="O">O</h2>
36053605
</ul></li>
36063606
<li><a href="nn.init.html#torch.nn.init.orthogonal_">orthogonal_() (in module torch.nn.init)</a>
36073607
</li>
3608-
<li><a href="rpc/rpc.html#torch.distributed.rpc.RRef.owner">owner() (torch.distributed.rpc.RRef method)</a>
3608+
<li><a href="rpc.html#torch.distributed.rpc.RRef.owner">owner() (torch.distributed.rpc.RRef method)</a>
36093609
</li>
3610-
<li><a href="rpc/rpc.html#torch.distributed.rpc.RRef.owner_name">owner_name() (torch.distributed.rpc.RRef method)</a>
3610+
<li><a href="rpc.html#torch.distributed.rpc.RRef.owner_name">owner_name() (torch.distributed.rpc.RRef method)</a>
36113611
</li>
36123612
</ul></td>
36133613
</tr></table>
@@ -3775,7 +3775,7 @@ <h2 id="P">P</h2>
37753775
<li><a href="distributions.html#torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.probs">(torch.distributions.relaxed_categorical.RelaxedOneHotCategorical property)</a>
37763776
</li>
37773777
</ul></li>
3778-
<li><a href="rpc/rpc.html#torch.distributed.rpc.ProcessGroupRpcBackendOptions">ProcessGroupRpcBackendOptions (class in torch.distributed.rpc)</a>
3778+
<li><a href="rpc.html#torch.distributed.rpc.ProcessGroupRpcBackendOptions">ProcessGroupRpcBackendOptions (class in torch.distributed.rpc)</a>
37793779
</li>
37803780
<li><a href="torch.html#torch.prod">prod() (in module torch)</a>, <a href="torch.html#torch.prod">[1]</a>, <a href="torch.html#torch.prod">[2]</a>
37813781

@@ -4033,7 +4033,7 @@ <h2 id="R">R</h2>
40334033
</ul></li>
40344034
<li><a href="tensors.html#torch.Tensor.remainder_">remainder_() (torch.Tensor method)</a>
40354035
</li>
4036-
<li><a href="rpc/rpc.html#torch.distributed.rpc.remote">remote() (in module torch.distributed.rpc)</a>
4036+
<li><a href="rpc.html#torch.distributed.rpc.remote">remote() (in module torch.distributed.rpc)</a>
40374037
</li>
40384038
<li><a href="nn.html#torch.nn.utils.prune.remove">remove() (in module torch.nn.utils.prune)</a>
40394039

@@ -4187,15 +4187,15 @@ <h2 id="R">R</h2>
41874187
</ul></li>
41884188
<li><a href="tensors.html#torch.Tensor.round_">round_() (torch.Tensor method)</a>
41894189
</li>
4190-
<li><a href="rpc/rpc.html#torch.distributed.rpc.rpc_async">rpc_async() (in module torch.distributed.rpc)</a>
4190+
<li><a href="rpc.html#torch.distributed.rpc.rpc_async">rpc_async() (in module torch.distributed.rpc)</a>
41914191
</li>
4192-
<li><a href="rpc/rpc.html#torch.distributed.rpc.rpc_sync">rpc_sync() (in module torch.distributed.rpc)</a>
4192+
<li><a href="rpc.html#torch.distributed.rpc.rpc_sync">rpc_sync() (in module torch.distributed.rpc)</a>
41934193
</li>
4194-
<li><a href="rpc/rpc.html#torch.distributed.rpc.ProcessGroupRpcBackendOptions.rpc_timeout">rpc_timeout() (torch.distributed.rpc.ProcessGroupRpcBackendOptions property)</a>
4194+
<li><a href="rpc.html#torch.distributed.rpc.ProcessGroupRpcBackendOptions.rpc_timeout">rpc_timeout() (torch.distributed.rpc.ProcessGroupRpcBackendOptions property)</a>
41954195
</li>
41964196
<li><a href="optim.html#torch.optim.Rprop">Rprop (class in torch.optim)</a>
41974197
</li>
4198-
<li><a href="rpc/rpc.html#torch.distributed.rpc.RRef">RRef (class in torch.distributed.rpc)</a>
4198+
<li><a href="rpc.html#torch.distributed.rpc.RRef">RRef (class in torch.distributed.rpc)</a>
41994199
</li>
42004200
<li><a href="nn.html#torch.nn.RReLU">RReLU (class in torch.nn)</a>
42014201
</li>
@@ -4449,7 +4449,7 @@ <h2 id="S">S</h2>
44494449
</li>
44504450
<li><a href="torchvision/models.html#torchvision.models.shufflenet_v2_x2_0">shufflenet_v2_x2_0() (in module torchvision.models)</a>
44514451
</li>
4452-
<li><a href="rpc/rpc.html#torch.distributed.rpc.shutdown">shutdown() (in module torch.distributed.rpc)</a>
4452+
<li><a href="rpc.html#torch.distributed.rpc.shutdown">shutdown() (in module torch.distributed.rpc)</a>
44534453
</li>
44544454
<li><a href="nn.html#torch.nn.Sigmoid">Sigmoid (class in torch.nn)</a>
44554455
</li>
@@ -4656,7 +4656,7 @@ <h2 id="S">S</h2>
46564656
<li><a href="amp.html#torch.cuda.amp.GradScaler.step">step() (torch.cuda.amp.GradScaler method)</a>
46574657

46584658
<ul>
4659-
<li><a href="rpc/rpc.html#torch.distributed.optim.DistributedOptimizer.step">(torch.distributed.optim.DistributedOptimizer method)</a>
4659+
<li><a href="rpc.html#torch.distributed.optim.DistributedOptimizer.step">(torch.distributed.optim.DistributedOptimizer method)</a>
46604660
</li>
46614661
<li><a href="optim.html#torch.optim.Adadelta.step">(torch.optim.Adadelta method)</a>
46624662
</li>
@@ -4955,7 +4955,7 @@ <h2 id="T">T</h2>
49554955
</li>
49564956
<li><a href="torchvision/transforms.html#torchvision.transforms.functional.to_grayscale">to_grayscale() (in module torchvision.transforms.functional)</a>
49574957
</li>
4958-
<li><a href="rpc/rpc.html#torch.distributed.rpc.RRef.to_here">to_here() (torch.distributed.rpc.RRef method)</a>
4958+
<li><a href="rpc.html#torch.distributed.rpc.RRef.to_here">to_here() (torch.distributed.rpc.RRef method)</a>
49594959
</li>
49604960
<li><a href="tensors.html#torch.Tensor.to_mkldnn">to_mkldnn() (torch.Tensor method)</a>
49614961
</li>
@@ -5011,13 +5011,13 @@ <h2 id="T">T</h2>
50115011
</li>
50125012
<li><a href="distributed.html#module-torch.distributed">torch.distributed (module)</a>
50135013
</li>
5014-
<li><a href="rpc/rpc.html#module-torch.distributed.autograd">torch.distributed.autograd (module)</a>
5014+
<li><a href="rpc.html#module-torch.distributed.autograd">torch.distributed.autograd (module)</a>
50155015
</li>
50165016
<li><a href="distributed.html#module-torch.distributed.launch">torch.distributed.launch (module)</a>
50175017
</li>
5018-
<li><a href="rpc/rpc.html#module-torch.distributed.optim">torch.distributed.optim (module)</a>
5018+
<li><a href="rpc.html#module-torch.distributed.optim">torch.distributed.optim (module)</a>
50195019
</li>
5020-
<li><a href="rpc/rpc.html#module-torch.distributed.rpc">torch.distributed.rpc (module)</a>
5020+
<li><a href="rpc.html#module-torch.distributed.rpc">torch.distributed.rpc (module)</a>
50215021
</li>
50225022
<li><a href="distributions.html#module-torch.distributions">torch.distributions (module)</a>
50235023
</li>
@@ -5449,7 +5449,7 @@ <h2 id="W">W</h2>
54495449
</li>
54505450
<li><a href="torchvision/models.html#torchvision.models.wide_resnet50_2">wide_resnet50_2() (in module torchvision.models)</a>
54515451
</li>
5452-
<li><a href="rpc/rpc.html#torch.distributed.rpc.WorkerInfo">WorkerInfo (class in torch.distributed.rpc)</a>
5452+
<li><a href="rpc.html#torch.distributed.rpc.WorkerInfo">WorkerInfo (class in torch.distributed.rpc)</a>
54535453
</li>
54545454
<li><a href="torchvision/io.html#torchvision.io.write_video">write_video() (in module torchvision.io)</a>
54555455
</li>
@@ -5782,4 +5782,4 @@ <h2>Resources</h2>
57825782
})
57835783
</script>
57845784
</body>
5785-
</html>
5785+
</html>

0 commit comments

Comments
 (0)