From 83e446a878ff25d9e3e44a294fa1af4175972278 Mon Sep 17 00:00:00 2001 From: Jessica Lin Date: Fri, 13 Mar 2020 13:21:09 -0700 Subject: [PATCH 1/2] Tutorials Refresh - Update TOC --- beginner_source/deep_learning_60min_blitz.rst | 4 - index.rst | 273 ++++-------------- 2 files changed, 57 insertions(+), 220 deletions(-) diff --git a/beginner_source/deep_learning_60min_blitz.rst b/beginner_source/deep_learning_60min_blitz.rst index 50a04faca91..d07d34c0077 100644 --- a/beginner_source/deep_learning_60min_blitz.rst +++ b/beginner_source/deep_learning_60min_blitz.rst @@ -30,7 +30,6 @@ Goal of this tutorial: /beginner/blitz/autograd_tutorial /beginner/blitz/neural_networks_tutorial /beginner/blitz/cifar10_tutorial - /beginner/blitz/data_parallel_tutorial .. galleryitem:: /beginner/blitz/tensor_tutorial.py :figure: /_static/img/tensor_illustration_flat.png @@ -44,9 +43,6 @@ Goal of this tutorial: .. galleryitem:: /beginner/blitz/cifar10_tutorial.py :figure: /_static/img/cifar10.png -.. galleryitem:: /beginner/blitz/data_parallel_tutorial.py - :figure: /_static/img/data_parallel.png - .. raw:: html
diff --git a/index.rst b/index.rst index 0867c1132d8..d4338949842 100644 --- a/index.rst +++ b/index.rst @@ -25,7 +25,7 @@ Some considerations: * Finally, here's a link to the `PyTorch Release Notes `_ -Getting Started +Learning PyTorch ------------------ .. customgalleryitem:: @@ -34,9 +34,14 @@ Getting Started :description: :doc:`/beginner/deep_learning_60min_blitz` .. customgalleryitem:: - :figure: /_static/img/thumbnails/landmarked_face2.png - :tooltip: Learn how to load and preprocess/augment data from a non trivial dataset - :description: :doc:`/beginner/data_loading_tutorial` + :tooltip: This tutorial introduces the fundamental concepts of PyTorch through self-contained examples + :figure: /_static/img/thumbnails/examples.png + :description: :doc:`/beginner/pytorch_with_examples` + +.. customgalleryitem:: + :figure: /_static/img/torch.nn.png + :tooltip: Use torch.nn to create and train a neural network + :description: :doc:`beginner/nn_tutorial` .. customgalleryitem:: :figure: /_static/img/thumbnails/pytorch_tensorboard.png @@ -48,7 +53,7 @@ Getting Started
-Image +Image/Video ---------------------- .. customgalleryitem:: @@ -61,16 +66,6 @@ Image :tooltip: In transfer learning, a model created from one task is used in another :description: :doc:`beginner/transfer_learning_tutorial` -.. customgalleryitem:: - :figure: /_static/img/stn/Five.gif - :tooltip: Learn how to augment your network using a visual attention mechanism called spatial transformer networks - :description: :doc:`intermediate/spatial_transformer_tutorial` - -.. customgalleryitem:: - :figure: /_static/img/neural-style/sphx_glr_neural_style_tutorial_004.png - :tooltip: How to implement the Neural-Style algorithm developed by Gatys, Ecker, and Bethge - :description: :doc:`advanced/neural_style_tutorial` - .. customgalleryitem:: :figure: /_static/img/panda.png :tooltip: Raise your awareness to the security vulnerabilities of ML models, and get insight into the hot topic of adversarial machine learning @@ -81,17 +76,16 @@ Image :figure: /_static/img/dcgan_generator.png :description: :doc:`beginner/dcgan_faces_tutorial` -.. raw:: html - -
- -Named Tensor (experimental) ----------------------- +.. customgalleryitem:: + :tooltip: (experimental) Static Quantization with Eager Mode in PyTorch + :figure: /_static/img/qat.png + :description: :doc:`advanced/static_quantization_tutorial` .. customgalleryitem:: - :figure: /_static/img/named_tensor.png - :tooltip: Named Tensor - :description: :doc:`intermediate/named_tensor_tutorial` + :tooltip: Perform quantized transfer learning with feature extractor + :description: :doc:`/intermediate/quantized_transfer_learning_tutorial` + :figure: /_static/img/quantized_transfer_learning.png + .. raw:: html @@ -113,6 +107,11 @@ Audio Text ---------------------- +.. customgalleryitem:: + :tooltip: Transformer Tutorial + :figure: /_static/img/transformer_architecture.jpg + :description: :doc:`/beginner/transformer_tutorial` + .. customgalleryitem:: :figure: /_static/img/rnnclass.png :tooltip: Build and train a basic character-level RNN to classify words @@ -137,15 +136,19 @@ Text :description: :doc:`/beginner/torchtext_translation_tutorial` .. customgalleryitem:: - :tooltip: Transformer Tutorial - :figure: /_static/img/transformer_architecture.jpg - :description: :doc:`/beginner/transformer_tutorial` + :tooltip: Perform dynamic quantization on a pre-trained PyTorch model + :description: :doc:`/advanced/dynamic_quantization_tutorial` + :figure: _static/img/quant_asym.png + +.. customgalleryitem:: + :tooltip: Convert a well-known state-of-the-art model like BERT into dynamic quantized model + :description: :doc:`/intermediate/dynamic_quantization_bert_tutorial` + :figure: /_static/img/bert.png .. raw:: html
- Reinforcement Learning ---------------------- @@ -158,114 +161,30 @@ Reinforcement Learning
-Deploying PyTorch Models in Production --------------------------------------- - -.. customgalleryitem:: - :tooltip: Deploying PyTorch and Building a REST API using Flask - :description: :doc:`/intermediate/flask_rest_api_tutorial` - :figure: _static/img/flask.png - -.. customgalleryitem:: - :tooltip: Introduction to TorchScript - :description: :doc:`beginner/Intro_to_TorchScript_tutorial` - :figure: _static/img/torchscript.png - -.. customgalleryitem:: - :tooltip: Loading a PyTorch model in C++ - :description: :doc:`advanced/cpp_export` - :figure: _static/img/torchscript_to_cpp.png - -.. customgalleryitem:: - :figure: /_static/img/cat.jpg - :tooltip: Exporting a Model from PyTorch to ONNX and Running it using ONNXRuntime - :description: :doc:`advanced/super_resolution_with_onnxruntime` - -.. raw:: html - -
- -Parallel and Distributed Training ---------------------------------- - -.. customgalleryitem:: - :tooltip: Model parallel training on multiple GPUs - :description: :doc:`/intermediate/model_parallel_tutorial` - :figure: _static/img/distributed/DistPyTorch.jpg - -.. customgalleryitem:: - :tooltip: Getting started with DistributedDataParallel - :description: :doc:`/intermediate/ddp_tutorial` - :figure: _static/img/distributed/DistPyTorch.jpg - -.. customgalleryitem:: - :tooltip: Parallelize computations across processes and clusters of machines - :description: :doc:`/intermediate/dist_tuto` - :figure: _static/img/distributed/DistPyTorch.jpg - -.. customgalleryitem:: - :tooltip: Getting Started with Distributed RPC Framework - :description: :doc:`/intermediate/rpc_tutorial` - :figure: _static/img/distributed/DistPyTorch.jpg - -.. customgalleryitem:: - :tooltip: PyTorch distributed trainer with Amazon AWS - :description: :doc:`/beginner/aws_distributed_training_tutorial` - :figure: _static/img/distributed/DistPyTorch.jpg - -.. raw:: html - -
- -Extending PyTorch +Reinforcement Learning ---------------------- .. customgalleryitem:: - :tooltip: Implement custom operators in C++ or CUDA for TorchScript - :description: :doc:`/advanced/torch_script_custom_ops` - :figure: _static/img/cpp_logo.png - -.. customgalleryitem:: - :tooltip: Implement custom classes in C++ for TorchScript - :description: :doc:`/advanced/torch_script_custom_classes` - :figure: _static/img/cpp_logo.png - -.. customgalleryitem:: - :tooltip: Create extensions using numpy and scipy - :figure: /_static/img/scipynumpy.png - :description: :doc:`advanced/numpy_extensions_tutorial` - -.. customgalleryitem:: - :tooltip: Implement custom extensions in C++ or CUDA for eager PyTorch - :description: :doc:`/advanced/cpp_extension` - :figure: _static/img/cpp_logo.png + :tooltip: Use PyTorch to train a Deep Q Learning (DQN) agent + :figure: /_static/img/cartpole.gif + :description: :doc:`intermediate/reinforcement_q_learning` .. raw:: html
-Model Optimization ---------------------------- - -.. customgalleryitem:: - :tooltip: Perform dynamic quantization on a pre-trained PyTorch model - :description: :doc:`/advanced/dynamic_quantization_tutorial` - :figure: _static/img/quant_asym.png - -.. customgalleryitem:: - :tooltip: (experimental) Static Quantization with Eager Mode in PyTorch - :figure: /_static/img/qat.png - :description: :doc:`advanced/static_quantization_tutorial` +Additional APIs +---------------------- .. customgalleryitem:: - :tooltip: Perform quantized transfer learning with feature extractor - :description: :doc:`/intermediate/quantized_transfer_learning_tutorial` - :figure: /_static/img/quantized_transfer_learning.png + :tooltip: Using the PyTorch C++ Frontend + :figure: /_static/img/cpp-pytorch.png + :description: :doc:`advanced/cpp_frontend` .. customgalleryitem:: - :tooltip: Convert a well-known state-of-the-art model like BERT into dynamic quantized model - :description: :doc:`/intermediate/dynamic_quantization_bert_tutorial` - :figure: /_static/img/bert.png + :figure: /_static/img/named_tensor.png + :tooltip: Named Tensor + :description: :doc:`intermediate/named_tensor_tutorial` .. customgalleryitem:: :tooltip: Use pruning to sparsify your neural networks @@ -278,36 +197,6 @@ Model Optimization
-PyTorch in Other Languages --------------------------- - -.. customgalleryitem:: - :tooltip: Using the PyTorch C++ Frontend - :figure: /_static/img/cpp-pytorch.png - :description: :doc:`advanced/cpp_frontend` - -.. raw:: html - -
- -PyTorch Fundamentals In-Depth ------------------------------ - -.. customgalleryitem:: - :tooltip: This tutorial introduces the fundamental concepts of PyTorch through self-contained examples - :figure: /_static/img/thumbnails/examples.png - :description: :doc:`/beginner/pytorch_with_examples` - -.. customgalleryitem:: - :figure: /_static/img/torch.nn.png - :tooltip: Use torch.nn to create and train a neural network - :description: :doc:`beginner/nn_tutorial` - -.. raw:: html - -
- - .. ----------------------------------------- .. Page TOC .. ----------------------------------------- @@ -315,24 +204,25 @@ PyTorch Fundamentals In-Depth :maxdepth: 2 :hidden: :includehidden: - :caption: Getting Started + :caption: Learning PyTorch beginner/deep_learning_60min_blitz - beginner/data_loading_tutorial + beginner/pytorch_with_examples + beginner/nn_tutorial intermediate/tensorboard_tutorial .. toctree:: :maxdepth: 2 :includehidden: :hidden: - :caption: Image + :caption: Image/Video intermediate/torchvision_tutorial beginner/transfer_learning_tutorial - intermediate/spatial_transformer_tutorial - advanced/neural_style_tutorial beginner/fgsm_tutorial beginner/dcgan_faces_tutorial + advanced/static_quantization_tutorial + intermediate/quantized_transfer_learning_tutorial .. toctree:: :maxdepth: 2 @@ -348,20 +238,14 @@ PyTorch Fundamentals In-Depth :hidden: :caption: Text + beginner/transformer_tutorial intermediate/char_rnn_classification_tutorial intermediate/char_rnn_generation_tutorial intermediate/seq2seq_translation_tutorial beginner/text_sentiment_ngrams_tutorial beginner/torchtext_translation_tutorial - beginner/transformer_tutorial - -.. toctree:: - :maxdepth: 2 - :includehidden: - :hidden: - :caption: Named Tensor (experimental) - - intermediate/named_tensor_tutorial + advanced/dynamic_quantization_tutorial + intermediate/dynamic_quantization_bert_tutorial .. toctree:: :maxdepth: 2 @@ -371,65 +255,22 @@ PyTorch Fundamentals In-Depth intermediate/reinforcement_q_learning -.. toctree:: - :maxdepth: 2 - :includehidden: - :hidden: - :caption: Deploying PyTorch Models in Production - - intermediate/flask_rest_api_tutorial - beginner/Intro_to_TorchScript_tutorial - advanced/cpp_export - advanced/super_resolution_with_onnxruntime - -.. toctree:: - :maxdepth: 2 - :includehidden: - :hidden: - :caption: Parallel and Distributed Training - - intermediate/model_parallel_tutorial - intermediate/ddp_tutorial - intermediate/dist_tuto - intermediate/rpc_tutorial - beginner/aws_distributed_training_tutorial .. toctree:: :maxdepth: 2 :includehidden: :hidden: - :caption: Extending PyTorch - - advanced/torch_script_custom_ops - advanced/torch_script_custom_classes - advanced/numpy_extensions_tutorial - advanced/cpp_extension + :caption: Additional APIs -.. toctree:: - :maxdepth: 2 - :includehidden: - :hidden: - :caption: Model Optimization - - advanced/dynamic_quantization_tutorial - advanced/static_quantization_tutorial - intermediate/quantized_transfer_learning_tutorial - intermediate/dynamic_quantization_bert_tutorial + advanced/cpp_frontend + intermediate/named_tensor_tutorial intermediate/pruning_tutorial -.. toctree:: - :maxdepth: 2 - :includehidden: - :hidden: - :caption: PyTorch in Other Languages - - advanced/cpp_frontend .. toctree:: :maxdepth: 2 :includehidden: :hidden: - :caption: PyTorch Fundamentals In-Depth + :caption: Recipes - beginner/pytorch_with_examples - beginner/nn_tutorial + recipes/recipes_index From 537faf2a35a044887fb04ed730976ebdbe89d318 Mon Sep 17 00:00:00 2001 From: Jessica Lin Date: Mon, 16 Mar 2020 15:04:10 -0700 Subject: [PATCH 2/2] Remove duplicate Reinforcement Learning Tutorial --- index.rst | 12 ------------ 1 file changed, 12 deletions(-) diff --git a/index.rst b/index.rst index d4338949842..8dcb2b04e5d 100644 --- a/index.rst +++ b/index.rst @@ -152,18 +152,6 @@ Text Reinforcement Learning ---------------------- -.. customgalleryitem:: - :tooltip: Use PyTorch to train a Deep Q Learning (DQN) agent - :figure: /_static/img/cartpole.gif - :description: :doc:`intermediate/reinforcement_q_learning` - -.. raw:: html - -
- -Reinforcement Learning ----------------------- - .. customgalleryitem:: :tooltip: Use PyTorch to train a Deep Q Learning (DQN) agent :figure: /_static/img/cartpole.gif