Skip to content

Commit 2441373

Browse files
committed
http to https for pytorch.org in the tutorial documentation
Ref pytorch/pytorch#13951
1 parent 400e21b commit 2441373

27 files changed

+59
-59
lines changed

advanced_source/README.txt

+4-4
Original file line numberDiff line numberDiff line change
@@ -3,16 +3,16 @@ Advanced Tutorials
33

44
1. neural_style_tutorial.py
55
Neural Transfer with PyTorch
6-
http://pytorch.org/tutorials/advanced/neural_style_tutorial.html
6+
https://pytorch.org/tutorials/advanced/neural_style_tutorial.html
77

88
2. numpy_extensions_tutorial.py
99
Creating Extensions Using numpy and scipy
10-
http://pytorch.org/tutorials/advanced/numpy_extensions_tutorial.html
10+
https://pytorch.org/tutorials/advanced/numpy_extensions_tutorial.html
1111

1212
3. c_extension.rst
1313
Custom C Extensions for PyTorch
14-
http://pytorch.org/tutorials/advanced/c_extension.html
14+
https://pytorch.org/tutorials/advanced/c_extension.html
1515

1616
4. super_resolution_with_caffe2.py
1717
Transfering a Model from PyTorch to Caffe2 and Mobile using ONNX
18-
http://pytorch.org/tutorials/advanced/super_resolution_with_caffe2.html
18+
https://pytorch.org/tutorials/advanced/super_resolution_with_caffe2.html

advanced_source/cpp_export.rst

+1-1
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,7 @@ Loading a PyTorch Model in C++
22
==============================
33

44
.. attention:: This tutorial requires PyTorch 1.0 (preview) or later.
5-
For installation information visit http://pytorch.org/get-started.
5+
For installation information visit https://pytorch.org/get-started.
66

77
As its name suggests, the primary interface to PyTorch is the Python
88
programming language. While Python is a suitable and preferred language for

advanced_source/cpp_extension.rst

+1-1
Original file line numberDiff line numberDiff line change
@@ -11,7 +11,7 @@ you developed as part of your research.
1111

1212
The easiest way of integrating such a custom operation in PyTorch is to write it
1313
in Python by extending :class:`Function` and :class:`Module` as outlined `here
14-
<http://pytorch.org/docs/master/notes/extending.html>`_. This gives you the full
14+
<https://pytorch.org/docs/master/notes/extending.html>`_. This gives you the full
1515
power of automatic differentiation (spares you from writing derivative
1616
functions) as well as the usual expressiveness of Python. However, there may be
1717
times when your operation is better implemented in C++. For example, your code

advanced_source/neural_style_tutorial.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -90,8 +90,8 @@
9090
#
9191
# .. Note::
9292
# Here are links to download the images required to run the tutorial:
93-
# `picasso.jpg <http://pytorch.org/tutorials/_static/img/neural-style/picasso.jpg>`__ and
94-
# `dancing.jpg <http://pytorch.org/tutorials/_static/img/neural-style/dancing.jpg>`__.
93+
# `picasso.jpg <https://pytorch.org/tutorials/_static/img/neural-style/picasso.jpg>`__ and
94+
# `dancing.jpg <https://pytorch.org/tutorials/_static/img/neural-style/dancing.jpg>`__.
9595
# Download these two images and add them to a directory
9696
# with name ``images`` in your current working directory.
9797

advanced_source/super_resolution_with_caffe2.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -103,7 +103,7 @@ def _initialize_weights(self):
103103
# or a random tensor as long as it is the right size.
104104
#
105105
# To learn more details about PyTorch's export interface, check out the
106-
# `torch.onnx documentation <http://pytorch.org/docs/master/onnx.html>`__.
106+
# `torch.onnx documentation <https://pytorch.org/docs/master/onnx.html>`__.
107107
#
108108

109109
# Input to the model

beginner_source/README.txt

+5-5
Original file line numberDiff line numberDiff line change
@@ -3,20 +3,20 @@ Beginner Tutorials
33

44
1. blitz/* and deep_learning_60min_blitz.rst
55
Deep Learning with PyTorch: A 60 Minute Blitz
6-
http://pytorch.org/tutorials/beginner/deep_learning_60min_blitz.html
6+
https://pytorch.org/tutorials/beginner/deep_learning_60min_blitz.html
77

88
2. former_torches/* and former_torchies_tutorial.rst
99
PyTorch for Former Torch Users
10-
http://pytorch.org/tutorials/beginner/former_torchies_tutorial.html
10+
https://pytorch.org/tutorials/beginner/former_torchies_tutorial.html
1111

1212
3. examples_*/* and pytorch_with_examples.rst
1313
Learning PyTorch with Examples
14-
http://pytorch.org/tutorials/beginner/pytorch_with_examples.html
14+
https://pytorch.org/tutorials/beginner/pytorch_with_examples.html
1515

1616
4. transfer_learning_tutorial.py
1717
Transfer Learning Tutorial
18-
http://pytorch.org/tutorials/beginner/transfer_learning_tutorial.html
18+
https://pytorch.org/tutorials/beginner/transfer_learning_tutorial.html
1919

2020
5. nlp/* and deep_learning_nlp_tutorial.rst
2121
Deep Learning for NLP with Pytorch
22-
http://pytorch.org/tutorials/beginner/deep_learning_nlp_tutorial.html
22+
https://pytorch.org/tutorials/beginner/deep_learning_nlp_tutorial.html

beginner_source/blitz/README.txt

+4-4
Original file line numberDiff line numberDiff line change
@@ -3,22 +3,22 @@ Deep Learning with PyTorch: A 60 Minute Blitz
33

44
1. tensor_tutorial.py
55
What is PyTorch?
6-
http://pytorch.org/tutorials/beginner/blitz/tensor_tutorial.html
6+
https://pytorch.org/tutorials/beginner/blitz/tensor_tutorial.html
77

88
2. autograd_tutorial.py
99
Autograd: Automatic Differentiation
10-
http://pytorch.org/tutorials/beginner/blitz/autograd_tutorial.html
10+
https://pytorch.org/tutorials/beginner/blitz/autograd_tutorial.html
1111

1212
3. neural_networks_tutorial.py
1313
Neural Networks
14-
http://pytorch.org/tutorials/beginner/blitz/neural_networks_tutorial.html#
14+
https://pytorch.org/tutorials/beginner/blitz/neural_networks_tutorial.html#
1515

1616
4. autograd_tutorial.py
1717
Automatic Differentiation
1818
https://pytorch.org/tutorials/beginner/blitz/autograd_tutorial.html
1919

2020
5. cifar10_tutorial.py
2121
Training a Classifier
22-
http://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html
22+
https://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html
2323

2424

beginner_source/blitz/autograd_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -140,4 +140,4 @@
140140
# **Read Later:**
141141
#
142142
# Documentation of ``autograd`` and ``Function`` is at
143-
# http://pytorch.org/docs/autograd
143+
# https://pytorch.org/docs/autograd

beginner_source/blitz/cifar10_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -331,4 +331,4 @@ def forward(self, x):
331331
# .. _More examples: https://github.com/pytorch/examples
332332
# .. _More tutorials: https://github.com/pytorch/tutorials
333333
# .. _Discuss PyTorch on the Forums: https://discuss.pytorch.org/
334-
# .. _Chat with other users on Slack: http://pytorch.slack.com/messages/beginner/
334+
# .. _Chat with other users on Slack: https://pytorch.slack.com/messages/beginner/

beginner_source/blitz/data_parallel_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -251,5 +251,5 @@ def forward(self, input):
251251
# collects and merges the results before returning it to you.
252252
#
253253
# For more information, please check out
254-
# http://pytorch.org/tutorials/beginner/former\_torchies/parallelism\_tutorial.html.
254+
# https://pytorch.org/tutorials/beginner/former\_torchies/parallelism\_tutorial.html.
255255
#

beginner_source/blitz/neural_networks_tutorial.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -148,7 +148,7 @@ def num_flat_features(self, x):
148148
# value that estimates how far away the output is from the target.
149149
#
150150
# There are several different
151-
# `loss functions <http://pytorch.org/docs/nn.html#loss-functions>`_ under the
151+
# `loss functions <https://pytorch.org/docs/nn.html#loss-functions>`_ under the
152152
# nn package .
153153
# A simple loss is: ``nn.MSELoss`` which computes the mean-squared error
154154
# between the input and the target.
@@ -214,7 +214,7 @@ def num_flat_features(self, x):
214214
#
215215
# The neural network package contains various modules and loss functions
216216
# that form the building blocks of deep neural networks. A full list with
217-
# documentation is `here <http://pytorch.org/docs/nn>`_.
217+
# documentation is `here <https://pytorch.org/docs/nn>`_.
218218
#
219219
# **The only thing left to learn is:**
220220
#

beginner_source/blitz/tensor_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -124,7 +124,7 @@
124124
# 100+ Tensor operations, including transposing, indexing, slicing,
125125
# mathematical operations, linear algebra, random numbers, etc.,
126126
# are described
127-
# `here <http://pytorch.org/docs/torch>`_.
127+
# `here <https://pytorch.org/docs/torch>`_.
128128
#
129129
# NumPy Bridge
130130
# ------------

beginner_source/chatbot_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -14,7 +14,7 @@
1414
# Corpus <https://www.cs.cornell.edu/~cristian/Cornell_Movie-Dialogs_Corpus.html>`__.
1515
#
1616
# .. attention:: This example requires PyTorch 1.0 (preview) or later.
17-
# For installation information visit http://pytorch.org/get-started.
17+
# For installation information visit https://pytorch.org/get-started.
1818
#
1919
# Conversational models are a hot topic in artificial intelligence
2020
# research. Chatbots can be found in a variety of settings, including

beginner_source/deploy_seq2seq_hybrid_frontend_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,7 @@
1919
# training.
2020
#
2121
# .. attention:: This example requires PyTorch 1.0 (preview) or later.
22-
# For installation information visit http://pytorch.org/get-started.
22+
# For installation information visit https://pytorch.org/get-started.
2323
#
2424
# What is the Hybrid Frontend?
2525
# ----------------------------

beginner_source/former_torchies/README.txt

+4-4
Original file line numberDiff line numberDiff line change
@@ -3,16 +3,16 @@
33

44
1. tensor_tutorial.py
55
Tensors
6-
http://pytorch.org/tutorials/beginner/former_torchies/tensor_tutorial.html
6+
https://pytorch.org/tutorials/beginner/former_torchies/tensor_tutorial.html
77

88
2. autograd.py
99
Autograd
10-
http://pytorch.org/tutorials/beginner/former_torchies/autograd_tutorial.html
10+
https://pytorch.org/tutorials/beginner/former_torchies/autograd_tutorial.html
1111

1212
3. nn_tutorial.py
1313
nn package
14-
http://pytorch.org/tutorials/beginner/former_torchies/nn_tutorial.html
14+
https://pytorch.org/tutorials/beginner/former_torchies/nn_tutorial.html
1515

1616
4. parallelism_tutorial.py
1717
Multi-GPU examples
18-
http://pytorch.org/tutorials/beginner/former_torchies/parallelism_tutorial.html
18+
https://pytorch.org/tutorials/beginner/former_torchies/parallelism_tutorial.html

beginner_source/former_torchies/parallelism_tutorial.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -40,7 +40,7 @@ def forward(self, x):
4040
# The code does not need to be changed in CPU-mode.
4141
#
4242
# The documentation for DataParallel can be found
43-
# `here <http://pytorch.org/docs/nn.html#dataparallel>`_.
43+
# `here <https://pytorch.org/docs/nn.html#dataparallel>`_.
4444
#
4545
# **Primitives on which DataParallel is implemented upon:**
4646
#
@@ -125,4 +125,4 @@ def forward(self, x):
125125
# .. _More examples: https://github.com/pytorch/examples
126126
# .. _More tutorials: https://github.com/pytorch/tutorials
127127
# .. _Discuss PyTorch on the Forums: https://discuss.pytorch.org/
128-
# .. _Chat with other users on Slack: http://pytorch.slack.com/messages/beginner/
128+
# .. _Chat with other users on Slack: https://pytorch.slack.com/messages/beginner/

beginner_source/hybrid_frontend/README.txt

+2-2
Original file line numberDiff line numberDiff line change
@@ -3,8 +3,8 @@
33

44
1. learning_hybrid_frontend_through_example_tutorial.py
55
Learning Hybrid Frontend Through Example
6-
http://pytorch.org/tutorials/beginner/hybrid_frontend/learning_hybrid_frontend_through_example_tutorial.html
6+
https://pytorch.org/tutorials/beginner/hybrid_frontend/learning_hybrid_frontend_through_example_tutorial.html
77

88
2. introduction_to_hybrid_frontend_tutorial.py
99
Introduction to Hybrid Frontend
10-
http://pytorch.org/tutorials/beginner/hybrid_frontend/introduction_to_hybrid_frontend_tutorial.html
10+
https://pytorch.org/tutorials/beginner/hybrid_frontend/introduction_to_hybrid_frontend_tutorial.html

beginner_source/hybrid_frontend/learning_hybrid_frontend_through_example_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -5,7 +5,7 @@
55
**Author:** `Nathan Inkawhich <https://github.com/inkawhich>`_
66
77
This tutorial requires PyTorch 1.0 (preview) or later. For installation
8-
information visit http://pytorch.org/get-started.
8+
information visit https://pytorch.org/get-started.
99
1010
This document is meant to highlight the syntax of the Hybrid Frontend
1111
through a non-code intensive example. The Hybrid Frontend is one of the

beginner_source/nlp/README.txt

+5-5
Original file line numberDiff line numberDiff line change
@@ -3,20 +3,20 @@ Deep Learning for NLP with Pytorch
33

44
1. pytorch_tutorial.py
55
Introduction to PyTorch
6-
http://pytorch.org/tutorials/beginner/nlp/pytorch_tutorial.html
6+
https://pytorch.org/tutorials/beginner/nlp/pytorch_tutorial.html
77

88
2. deep_learning_tutorial.py
99
Deep Learning with PyTorch
10-
http://pytorch.org/tutorials/beginner/nlp/deep_learning_tutorial.html
10+
https://pytorch.org/tutorials/beginner/nlp/deep_learning_tutorial.html
1111

1212
3. word_embeddings_tutorial.py
1313
Word Embeddings: Encoding Lexical Semantics
14-
http://pytorch.org/tutorials/beginner/nlp/word_embeddings_tutorial.html
14+
https://pytorch.org/tutorials/beginner/nlp/word_embeddings_tutorial.html
1515

1616
4. sequence_models_tutorial.py
1717
Sequence Models and Long-Short Term Memory Networks
18-
http://pytorch.org/tutorials/beginner/nlp/sequence_models_tutorial.html
18+
https://pytorch.org/tutorials/beginner/nlp/sequence_models_tutorial.html
1919

2020
5. advanced_tutorial.py
2121
Advanced: Making Dynamic Decisions and the Bi-LSTM CRF
22-
http://pytorch.org/tutorials/beginner/nlp/advanced_tutorial.html
22+
https://pytorch.org/tutorials/beginner/nlp/advanced_tutorial.html

beginner_source/nlp/pytorch_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -102,7 +102,7 @@
102102

103103

104104
######################################################################
105-
# See `the documentation <http://pytorch.org/docs/torch.html>`__ for a
105+
# See `the documentation <https://pytorch.org/docs/torch.html>`__ for a
106106
# complete list of the massive number of operations available to you. They
107107
# expand beyond just mathematical operations.
108108
#

beginner_source/transfer_learning_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -289,7 +289,7 @@ def visualize_model(model, num_images=6):
289289
# gradients are not computed in ``backward()``.
290290
#
291291
# You can read more about this in the documentation
292-
# `here <http://pytorch.org/docs/notes/autograd.html#excluding-subgraphs-from-backward>`__.
292+
# `here <https://pytorch.org/docs/notes/autograd.html#excluding-subgraphs-from-backward>`__.
293293
#
294294

295295
model_conv = torchvision.models.resnet18(pretrained=True)

index.rst

+1-1
Original file line numberDiff line numberDiff line change
@@ -18,7 +18,7 @@ Some considerations:
1818
* If you would like the tutorials section improved, please open a github issue
1919
`here <https://github.com/pytorch/tutorials>`_ with your feedback.
2020

21-
Lastly, some of the tutorials are marked as requiring the *Preview release*. These are tutorials that use the new functionality from the PyTorch 1.0 Preview. Please visit the `Get Started <http://pytorch.org/get-started>`_ section of the PyTorch website for instructions on how to install the latest Preview build before trying these tutorials.
21+
Lastly, some of the tutorials are marked as requiring the *Preview release*. These are tutorials that use the new functionality from the PyTorch 1.0 Preview. Please visit the `Get Started <https://pytorch.org/get-started>`_ section of the PyTorch website for instructions on how to install the latest Preview build before trying these tutorials.
2222

2323
Getting Started
2424
------------------

intermediate_source/README.txt

+6-6
Original file line numberDiff line numberDiff line change
@@ -3,24 +3,24 @@ Intermediate tutorials
33

44
1. char_rnn_classification_tutorial.py
55
Classifying Names with a Character-Level RNN
6-
http://pytorch.org/tutorials/intermediate/char_rnn_classification_tutorial.html
6+
https://pytorch.org/tutorials/intermediate/char_rnn_classification_tutorial.html
77

88
2. char_rnn_generation_tutorial.py
99
Generating Names with a Character-Level RNN
10-
http://pytorch.org/tutorials/intermediate/char_rnn_generation_tutorial.html
10+
https://pytorch.org/tutorials/intermediate/char_rnn_generation_tutorial.html
1111

1212
3. seq2seq_translation_tutorial.py
1313
Translation with a Sequence to Sequence Network and Attention
14-
http://pytorch.org/tutorials/intermediate/seq2seq_translation_tutorial.html
14+
https://pytorch.org/tutorials/intermediate/seq2seq_translation_tutorial.html
1515

1616
4. reinforcement_q_learning.py
1717
Reinforcement Learning (DQN) Tutorial
18-
http://pytorch.org/tutorials/intermediate/reinforcement_q_learning.html
18+
https://pytorch.org/tutorials/intermediate/reinforcement_q_learning.html
1919

2020
5. dist_tuto.rst
2121
Writing Distributed Applications with PyTorch
22-
http://pytorch.org/tutorials/intermediate/dist_tuto.html
22+
https://pytorch.org/tutorials/intermediate/dist_tuto.html
2323

2424
6. spatial_transformer_tutorial
2525
Spatial Transformer Networks Tutorial
26-
http://pytorch.org/tutorials/intermediate/spatial_transformer_tutorial.html
26+
https://pytorch.org/tutorials/intermediate/spatial_transformer_tutorial.html

intermediate_source/char_rnn_classification_tutorial.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -32,7 +32,7 @@
3232
I assume you have at least installed PyTorch, know Python, and
3333
understand Tensors:
3434
35-
- http://pytorch.org/ For installation instructions
35+
- https://pytorch.org/ For installation instructions
3636
- :doc:`/beginner/deep_learning_60min_blitz` to get started with PyTorch in general
3737
- :doc:`/beginner/pytorch_with_examples` for a wide and deep overview
3838
- :doc:`/beginner/former_torchies_tutorial` if you are former Lua Torch user
@@ -171,7 +171,7 @@ def lineToTensor(line):
171171
# as regular feed-forward layers.
172172
#
173173
# This RNN module (mostly copied from `the PyTorch for Torch users
174-
# tutorial <http://pytorch.org/tutorials/beginner/former_torchies/
174+
# tutorial <https://pytorch.org/tutorials/beginner/former_torchies/
175175
# nn_tutorial.html#example-2-recurrent-net>`__)
176176
# is just 2 linear layers which operate on an input and hidden state, with
177177
# a LogSoftmax layer after the output.

intermediate_source/char_rnn_generation_tutorial.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -42,7 +42,7 @@
4242
I assume you have at least installed PyTorch, know Python, and
4343
understand Tensors:
4444
45-
- http://pytorch.org/ For installation instructions
45+
- https://pytorch.org/ For installation instructions
4646
- :doc:`/beginner/deep_learning_60min_blitz` to get started with PyTorch in general
4747
- :doc:`/beginner/pytorch_with_examples` for a wide and deep overview
4848
- :doc:`/beginner/former_torchies_tutorial` if you are former Lua Torch user

intermediate_source/dist_tuto.rst

+6-6
Original file line numberDiff line numberDiff line change
@@ -255,7 +255,7 @@ GitHub repository <https://github.com/seba-1511/dist_tuto.pth/>`__.
255255
Now that we understand how the distributed module works, let us write
256256
something useful with it. Our goal will be to replicate the
257257
functionality of
258-
`DistributedDataParallel <http://pytorch.org/docs/stable/nn.html#torch.nn.parallel.DistributedDataParallel>`__.
258+
`DistributedDataParallel <https://pytorch.org/docs/stable/nn.html#torch.nn.parallel.DistributedDataParallel>`__.
259259
Of course, this will be a didactic example and in a real-world
260260
situtation you should use the official, well-tested and well-optimized
261261
version linked above.
@@ -380,7 +380,7 @@ could train any model on a large computer cluster.
380380
lot more tricks <http://seba-1511.github.io/dist_blog>`__ required to
381381
implement a production-level implementation of synchronous SGD. Again,
382382
use what `has been tested and
383-
optimized <http://pytorch.org/docs/stable/nn.html#torch.nn.parallel.DistributedDataParallel>`__.
383+
optimized <https://pytorch.org/docs/stable/nn.html#torch.nn.parallel.DistributedDataParallel>`__.
384384

385385
Our Own Ring-Allreduce
386386
~~~~~~~~~~~~~~~~~~~~~~
@@ -424,7 +424,7 @@ an exercise left to the reader, there is still one difference between
424424
our version and the one in DeepSpeech: their implementation divide the
425425
gradient tensor into *chunks*, so as to optimally utilize the
426426
communication bandwidth. (Hint:
427-
`torch.chunk <http://pytorch.org/docs/stable/torch.html#torch.chunk>`__)
427+
`torch.chunk <https://pytorch.org/docs/stable/torch.html#torch.chunk>`__)
428428

429429
Advanced Topics
430430
---------------
@@ -447,7 +447,7 @@ there are currently three backends implemented in PyTorch: TCP, MPI, and
447447
Gloo. They each have different specifications and tradeoffs, depending
448448
on the desired use-case. A comparative table of supported functions can
449449
be found
450-
`here <http://pytorch.org/docs/stable/distributed.html#module-torch.distributed>`__. Note that a fourth backend, NCCL, has been added since the creation of this tutorial. See `this section <https://pytorch.org/docs/stable/distributed.html#multi-gpu-collective-functions>`__ of the ``torch.distributed`` docs for more information about its use and value.
450+
`here <https://pytorch.org/docs/stable/distributed.html#module-torch.distributed>`__. Note that a fourth backend, NCCL, has been added since the creation of this tutorial. See `this section <https://pytorch.org/docs/stable/distributed.html#multi-gpu-collective-functions>`__ of the ``torch.distributed`` docs for more information about its use and value.
451451

452452
**TCP Backend**
453453

@@ -552,7 +552,7 @@ Those methods allow you to define how this coordination is done.
552552
Depending on your hardware setup, one of these methods should be
553553
naturally more suitable than the others. In addition to the following
554554
sections, you should also have a look at the `official
555-
documentation <http://pytorch.org/docs/stable/distributed.html#initialization>`__.
555+
documentation <https://pytorch.org/docs/stable/distributed.html#initialization>`__.
556556

557557
Before diving into the initialization methods, let's have a quick look
558558
at what happens behind ``init_process_group`` from the C/C++
@@ -673,7 +673,7 @@ multiple jobs to be scheduled on the same cluster.
673673
I'd like to thank the PyTorch developers for doing such a good job on
674674
their implementation, documentation, and tests. When the code was
675675
unclear, I could always count on the
676-
`docs <http://pytorch.org/docs/stable/distributed.html>`__ or the
676+
`docs <https://pytorch.org/docs/stable/distributed.html>`__ or the
677677
`tests <https://github.com/pytorch/pytorch/blob/master/test/test_distributed.py>`__
678678
to find an answer. In particular, I'd like to thank Soumith Chintala,
679679
Adam Paszke, and Natalia Gimelshein for providing insightful comments

0 commit comments

Comments
 (0)