Skip to content

Commit 4398ace

Browse files
committed
Some URLs don't support https yet
1 parent 05e7ce2 commit 4398ace

File tree

8 files changed

+13
-13
lines changed

8 files changed

+13
-13
lines changed

advanced_source/cpp_extension.rst

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
Custom C++ and CUDA Extensions
22
==============================
3-
**Author**: `Peter Goldsborough <https://goldsborough.me>`_
3+
**Author**: `Peter Goldsborough <https://www.goldsborough.me/>`_
44

55

66
PyTorch provides a plethora of operations related to neural networks, arbitrary

beginner_source/deep_learning_60min_blitz.rst

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
Deep Learning with PyTorch: A 60 Minute Blitz
22
---------------------------------------------
3-
**Author**: `Soumith Chintala <https://soumith.ch>`_
3+
**Author**: `Soumith Chintala <http://soumith.ch>`_
44

55
Goal of this tutorial:
66

beginner_source/former_torchies_tutorial.rst

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
PyTorch for Former Torch Users
22
------------------------------
3-
**Author**: `Soumith Chintala <https://soumith.ch>`_
3+
**Author**: `Soumith Chintala <http://soumith.ch>`_
44

55
In this tutorial, you will learn the following:
66

beginner_source/nn_tutorial.py

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,7 @@
22
"""
33
What is `torch.nn` *really*?
44
============================
5-
by Jeremy Howard, `fast.ai <https://fast.ai>`_. Thanks to Rachel Thomas and Francisco Ingham.
5+
by Jeremy Howard, `fast.ai <https://www.fast.ai>`_. Thanks to Rachel Thomas and Francisco Ingham.
66
"""
77
###############################################################################
88
# We recommend running this tutorial as a notebook, not a script. To download the notebook (.ipynb) file,
@@ -29,13 +29,13 @@
2929
# MNIST data setup
3030
# ----------------
3131
#
32-
# We will use the classic `MNIST <https://deeplearning.net/data/mnist/>`_ dataset,
32+
# We will use the classic `MNIST <http://deeplearning.net/data/mnist/>`_ dataset,
3333
# which consists of black-and-white images of hand-drawn digits (between 0 and 9).
3434
#
3535
# We will use `pathlib <https://docs.python.org/3/library/pathlib.html>`_
3636
# for dealing with paths (part of the Python 3 standard library), and will
3737
# download the dataset using
38-
# `requests <https://docs.python-requests.org/en/master/>`_. We will only
38+
# `requests <http://docs.python-requests.org/en/master/>`_. We will only
3939
# import modules when we use them, so you can see exactly what's being
4040
# used at each point.
4141

@@ -47,7 +47,7 @@
4747

4848
PATH.mkdir(parents=True, exist_ok=True)
4949

50-
URL = "https://deeplearning.net/data/mnist/"
50+
URL = "http://deeplearning.net/data/mnist/"
5151
FILENAME = "mnist.pkl.gz"
5252

5353
if not (PATH / FILENAME).exists():
@@ -109,7 +109,7 @@
109109
# PyTorch signifies that the operation is performed in-place.)
110110
#
111111
# .. note:: We are initializing the weights here with
112-
# `Xavier initialisation <https://proceedings.mlr.press/v9/glorot10a/glorot10a.pdf>`_
112+
# `Xavier initialisation <http://proceedings.mlr.press/v9/glorot10a/glorot10a.pdf>`_
113113
# (by multiplying with 1/sqrt(n)).
114114

115115
import math

beginner_source/pytorch_with_examples.rst

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -177,7 +177,7 @@ which will be optimized during learning.
177177
In TensorFlow, packages like
178178
`Keras <https://github.com/fchollet/keras>`__,
179179
`TensorFlow-Slim <https://github.com/tensorflow/tensorflow/tree/master/tensorflow/contrib/slim>`__,
180-
and `TFLearn <https://tflearn.org/>`__ provide higher-level abstractions
180+
and `TFLearn <http://tflearn.org/>`__ provide higher-level abstractions
181181
over raw computational graphs that are useful for building neural
182182
networks.
183183

intermediate_source/char_rnn_classification_tutorial.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -503,7 +503,7 @@ def predict(input_line, n_predictions=3):
503503
# (-1.39) Polish
504504
# (-3.51) Czech
505505
#
506-
# Run ``server.py`` and visit https://localhost:5533/Yourname to get JSON
506+
# Run ``server.py`` and visit http://localhost:5533/Yourname to get JSON
507507
# output of predictions.
508508
#
509509

intermediate_source/dist_tuto.rst

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -494,7 +494,7 @@ field of high-performance computing. It allows to do point-to-point and
494494
collective communications and was the main inspiration for the API of
495495
``torch.distributed``. Several implementations of MPI exist (e.g.
496496
`Open-MPI <https://www.open-mpi.org/>`__,
497-
`MVAPICH2 <https://mvapich.cse.ohio-state.edu/>`__, `Intel
497+
`MVAPICH2 <http://mvapich.cse.ohio-state.edu/>`__, `Intel
498498
MPI <https://software.intel.com/en-us/intel-mpi-library>`__) each
499499
optimized for different purposes. The advantage of using the MPI backend
500500
lies in MPI's wide availability - and high-level of optimization - on
@@ -606,7 +606,7 @@ that each process will open the file, write its information, and wait
606606
until everybody did so. After what all required information will be
607607
readily available to all processes. In order to avoid race conditions,
608608
the file system must support locking through
609-
`fcntl <https://man7.org/linux/man-pages/man2/fcntl.2.html>`__. Note that
609+
`fcntl <http://man7.org/linux/man-pages/man2/fcntl.2.html>`__. Note that
610610
you can specify ranks manually or let the processes figure it out by
611611
themselves. Be defining a unique ``groupname`` per job you can use the
612612
same file path for multiple jobs and safely avoid collision.

intermediate_source/seq2seq_translation_tutorial.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -521,7 +521,7 @@ def tensorsFromPair(pair):
521521
# each next input, instead of using the decoder's guess as the next input.
522522
# Using teacher forcing causes it to converge faster but `when the trained
523523
# network is exploited, it may exhibit
524-
# instability <https://minds.jacobs-university.de/sites/default/files/uploads/papers/ESNTutorialRev.pdf>`__.
524+
# instability <http://minds.jacobs-university.de/sites/default/files/uploads/papers/ESNTutorialRev.pdf>`__.
525525
#
526526
# You can observe outputs of teacher-forced networks that read with
527527
# coherent grammar but wander far from the correct translation -

0 commit comments

Comments
 (0)