Skip to content
This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.

Commit b246fd6

Browse files
authoredJan 23, 2025··
Merge branch 'main' into links
2 parents 12d7a22 + 903f7af commit b246fd6

11 files changed

+362
-18
lines changed
 

‎.lycheeignore

+6
Original file line numberDiff line numberDiff line change
@@ -12,3 +12,9 @@ https://pytorch.org/tutorials/beginner/colab/n
1212

1313
# Ignore local host link from intermediate_source/tensorboard_tutorial.rst
1414
http://localhost:6006
15+
16+
# Ignore local host link from recipes_source/deployment_with_flask.rst
17+
http://localhost:5000/predict
18+
19+
# Ignore local host link from advanced_source/cpp_frontend.rst
20+
https://www.uber.com/blog/deep-neuroevolution/

‎CONTRIBUTING.md

+2-3
Original file line numberDiff line numberDiff line change
@@ -218,9 +218,8 @@ described in the preceding sections:
218218
- [NLP From Scratch: Generating Names with a Character-Level RNN
219219
Tutorial](https://pytorch.org/tutorials/intermediate/char_rnn_generation_tutorial.html)
220220

221-
If you are creating a recipe, we recommend that you use [this
222-
template](https://github.com/pytorch/tutorials/blob/tutorials_refresh/recipes_source/recipes/example_recipe.py)
223-
as a guide.
221+
If you are creating a recipe, [this is a good
222+
example.](https://github.com/pytorch/tutorials/blob/main/recipes_source/recipes/what_is_state_dict.py)
224223

225224

226225
# Submission Process #

‎advanced_source/cpp_autograd.rst

+4-4
Original file line numberDiff line numberDiff line change
@@ -255,9 +255,9 @@ Out:
255255
[ CPUFloatType{3,4} ]
256256
257257
Please see the documentation for ``torch::autograd::backward``
258-
(`link <https://pytorch.org/cppdocs/api/function_namespacetorch_1_1autograd_1afa9b5d4329085df4b6b3d4b4be48914b.html>`_)
258+
(`link <https://pytorch.org/cppdocs/api/function_namespacetorch_1_1autograd_1a1403bf65b1f4f8c8506a9e6e5312d030.html>`_)
259259
and ``torch::autograd::grad``
260-
(`link <https://pytorch.org/cppdocs/api/function_namespacetorch_1_1autograd_1a1e03c42b14b40c306f9eb947ef842d9c.html>`_)
260+
(`link <https://pytorch.org/cppdocs/api/function_namespacetorch_1_1autograd_1ab9fa15dc09a8891c26525fb61d33401a.html>`_)
261261
for more information on how to use them.
262262

263263
Using custom autograd function in C++
@@ -394,9 +394,9 @@ C++ using the following table:
394394
+--------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
395395
| Python | C++ |
396396
+================================+========================================================================================================================================================================+
397-
| ``torch.autograd.backward`` | ``torch::autograd::backward`` (`link <https://pytorch.org/cppdocs/api/function_namespacetorch_1_1autograd_1afa9b5d4329085df4b6b3d4b4be48914b.html>`_) |
397+
| ``torch.autograd.backward`` | ``torch::autograd::backward`` (`link <https://pytorch.org/cppdocs/api/function_namespacetorch_1_1autograd_1a1403bf65b1f4f8c8506a9e6e5312d030.html>`_) |
398398
+--------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
399-
| ``torch.autograd.grad`` | ``torch::autograd::grad`` (`link <https://pytorch.org/cppdocs/api/function_namespacetorch_1_1autograd_1a1e03c42b14b40c306f9eb947ef842d9c.html>`_) |
399+
| ``torch.autograd.grad`` | ``torch::autograd::grad`` (`link <https://pytorch.org/cppdocs/api/function_namespacetorch_1_1autograd_1ab9fa15dc09a8891c26525fb61d33401a.html>`_) |
400400
+--------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
401401
| ``torch.Tensor.detach`` | ``torch::Tensor::detach`` (`link <https://pytorch.org/cppdocs/api/classat_1_1_tensor.html#_CPPv4NK2at6Tensor6detachEv>`_) |
402402
+--------------------------------+------------------------------------------------------------------------------------------------------------------------------------------------------------------------+

‎advanced_source/cpp_frontend.rst

+2-2
Original file line numberDiff line numberDiff line change
@@ -57,7 +57,7 @@ the right tool for the job. Examples for such environments include:
5757
Multiprocessing is an alternative, but not as scalable and has significant
5858
shortcomings. C++ has no such constraints and threads are easy to use and
5959
create. Models requiring heavy parallelization, like those used in `Deep
60-
Neuroevolution <https://eng.uber.com/deep-neuroevolution/>`_, can benefit from
60+
Neuroevolution <https://www.uber.com/blog/deep-neuroevolution/>`_, can benefit from
6161
this.
6262
- **Existing C++ Codebases**: You may be the owner of an existing C++
6363
application doing anything from serving web pages in a backend server to
@@ -662,7 +662,7 @@ Defining the DCGAN Modules
662662
We now have the necessary background and introduction to define the modules for
663663
the machine learning task we want to solve in this post. To recap: our task is
664664
to generate images of digits from the `MNIST dataset
665-
<http://yann.lecun.com/exdb/mnist/>`_. We want to use a `generative adversarial
665+
<https://huggingface.co/datasets/ylecun/mnist>`_. We want to use a `generative adversarial
666666
network (GAN)
667667
<https://papers.nips.cc/paper/5423-generative-adversarial-nets.pdf>`_ to solve
668668
this task. In particular, we'll use a `DCGAN architecture

‎beginner_source/pytorch_with_examples.rst

+1-1
Original file line numberDiff line numberDiff line change
@@ -149,7 +149,7 @@ which will be optimized during learning.
149149

150150
In TensorFlow, packages like
151151
`Keras <https://github.com/fchollet/keras>`__,
152-
`TensorFlow-Slim <https://github.com/tensorflow/tensorflow/tree/master/tensorflow/contrib/slim>`__,
152+
`TensorFlow-Slim <https://github.com/google-research/tf-slim>`__,
153153
and `TFLearn <http://tflearn.org/>`__ provide higher-level abstractions
154154
over raw computational graphs that are useful for building neural
155155
networks.

‎intermediate_source/ddp_series_minGPT.rst

+1-1
Original file line numberDiff line numberDiff line change
@@ -6,7 +6,7 @@ training <ddp_series_multinode.html>`__ \|\| **minGPT Training**
66
Training “real-world” models with DDP
77
=====================================
88

9-
Authors: `Suraj Subramanian <https://github.com/suraj813>`__
9+
Authors: `Suraj Subramanian <https://github.com/subramen>`__
1010

1111
.. grid:: 2
1212

‎intermediate_source/ddp_series_multinode.rst

+1-1
Original file line numberDiff line numberDiff line change
@@ -6,7 +6,7 @@ training** \|\| `minGPT Training <ddp_series_minGPT.html>`__
66
Multinode Training
77
==================
88

9-
Authors: `Suraj Subramanian <https://github.com/suraj813>`__
9+
Authors: `Suraj Subramanian <https://github.com/subramen>`__
1010

1111
.. grid:: 2
1212

‎intermediate_source/dynamic_quantization_bert_tutorial.rst

+3-3
Original file line numberDiff line numberDiff line change
@@ -138,7 +138,7 @@ the following helper functions: one for converting the text examples
138138
into the feature vectors; The other one for measuring the F1 score of
139139
the predicted result.
140140

141-
The `glue_convert_examples_to_features <https://github.com/huggingface/transformers/blob/master/transformers/data/processors/glue.py>`_ function converts the texts into input features:
141+
The `glue_convert_examples_to_features <https://github.com/huggingface/transformers/blob/main/src/transformers/data/datasets/glue.py>`_ function converts the texts into input features:
142142

143143
- Tokenize the input sequences;
144144
- Insert [CLS] in the beginning;
@@ -147,7 +147,7 @@ The `glue_convert_examples_to_features <https://github.com/huggingface/transform
147147
- Generate token type ids to indicate whether a token belongs to the
148148
first sequence or the second sequence.
149149

150-
The `glue_compute_metrics <https://github.com/huggingface/transformers/blob/master/transformers/data/processors/glue.py>`_ function has the compute metrics with
150+
The `glue_compute_metrics <https://github.com/huggingface/transformers/blob/main/src/transformers/data/metrics/__init__.py#L60>`_ function has the compute metrics with
151151
the `F1 score <https://scikit-learn.org/stable/modules/generated/sklearn.metrics.f1_score.html>`_, which
152152
can be interpreted as a weighted average of the precision and recall,
153153
where an F1 score reaches its best value at 1 and worst score at 0. The
@@ -273,7 +273,7 @@ We load the tokenizer and fine-tuned BERT sequence classifier model
273273
2.3 Define the tokenize and evaluation function
274274
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
275275

276-
We reuse the tokenize and evaluation function from `HuggingFace <https://github.com/huggingface/transformers/blob/master/examples/run_glue.py>`_.
276+
We reuse the tokenize and evaluation function from `HuggingFace <https://github.com/huggingface/transformers/blob/main/examples/legacy/pytorch-lightning/run_glue.py>`_.
277277

278278
.. code:: python
279279

‎intermediate_source/rpc_tutorial.rst

+3-3
Original file line numberDiff line numberDiff line change
@@ -59,7 +59,7 @@ Distributed Reinforcement Learning using RPC and RRef
5959
-----------------------------------------------------
6060

6161
This section describes steps to build a toy distributed reinforcement learning
62-
model using RPC to solve CartPole-v1 from `OpenAI Gym <https://gym.openai.com>`__.
62+
model using RPC to solve CartPole-v1 from `OpenAI Gym <https://www.gymlibrary.dev/environments/classic_control/cart_pole/>`__.
6363
The policy code is mostly borrowed from the existing single-thread
6464
`example <https://github.com/pytorch/examples/blob/master/reinforcement_learning>`__
6565
as shown below. We will skip details of the ``Policy`` design, and focus on RPC
@@ -156,7 +156,7 @@ send commands. Applications don't need to worry about the lifetime of ``RRefs``.
156156
The owner of each ``RRef`` maintains a reference counting map to track its
157157
lifetime, and guarantees the remote data object will not be deleted as long as
158158
there is any live user of that ``RRef``. Please refer to the ``RRef``
159-
`design doc <https://pytorch.org/docs/master/notes/rref.html>`__ for details.
159+
`design doc <https://pytorch.org/docs/stable/rpc/rref.html>`__ for details.
160160

161161

162162
.. code:: python
@@ -531,7 +531,7 @@ the given arguments (i.e., ``lr=0.05``).
531531
In the training loop, it first creates a distributed autograd context, which
532532
will help the distributed autograd engine to find gradients and involved RPC
533533
send/recv functions. The design details of the distributed autograd engine can
534-
be found in its `design note <https://pytorch.org/docs/master/notes/distributed_autograd.html>`__.
534+
be found in its `design note <https://pytorch.org/docs/stable/rpc/distributed_autograd.html>`__.
535535
Then, it kicks off the forward pass as if it is a local
536536
model, and run the distributed backward pass. For the distributed backward, you
537537
only need to specify a list of roots, in this case, it is the loss ``Tensor``.

‎recipes_source/recipes_index.rst

+8
Original file line numberDiff line numberDiff line change
@@ -157,6 +157,13 @@ Recipes are bite-sized, actionable examples of how to use specific PyTorch featu
157157
:link: ../recipes/torch_export_aoti_python.html
158158
:tags: Basics
159159

160+
.. customcarditem::
161+
:header: Demonstration of torch.export flow, common challenges and the solutions to address them
162+
:card_description: Learn how to export models for popular usecases
163+
:image: ../_static/img/thumbnails/cropped/generic-pytorch-logo.png
164+
:link: ../recipes/torch_export_challenges_solutions.html
165+
:tags: Compiler,TorchCompile
166+
160167
.. Interpretability
161168
162169
.. customcarditem::
@@ -472,3 +479,4 @@ Recipes are bite-sized, actionable examples of how to use specific PyTorch featu
472479
/recipes/distributed_optim_torchscript
473480
/recipes/mobile_interpreter
474481
/recipes/distributed_comm_debug_mode
482+
/recipes/torch_export_challenges_solutions

‎recipes_source/torch_export_challenges_solutions.rst

+331
Large diffs are not rendered by default.

0 commit comments

Comments
 (0)
Please sign in to comment.