.. Add tutorial cards below this line
.. Learning PyTorch
.. customcarditem::
:header: Deep Learning with PyTorch: A 60 Minute Blitz
:card_description: Understand PyTorch’s Tensor library and neural networks at a high level.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: beginner/deep_learning_60min_blitz.html
:tags: Getting-Started
.. customcarditem::
:header: Learning PyTorch with Examples
:card_description: This tutorial introduces the fundamental concepts of PyTorch through self-contained examples.
:image: _static/img/thumbnails/examples.png
:link: beginner/pytorch_with_examples.html
:tags: Getting-Started
.. customcarditem::
:header: What is torch.nn really?
:card_description: Use torch.nn to create and train a neural network.
:image: _static/img/torch.nn.png
:link: beginner/nn_tutorial.html
:tags: Getting-Started
.. customcarditem::
:header: Visualizing Models, Data, and Training with Tensorboard
:card_description: Learn to use TensorBoard to visualize data and model training.
:image: _static/img/thumbnails/pytorch_tensorboard.png
:link: intermediate/tensorboard_tutorial.html
:tags: Interpretability, Getting-Started, Tensorboard
.. Image/Video
.. customcarditem::
:header: TorchVision Object Detection Finetuning Tutorial
:card_description: Finetune a pre-trained Mask R-CNN model.
:image: _static/img/thumbnails/tv-img.png
:link: intermediate/torchvision_tutorial.html
:tags: Image/Video
.. customcarditem::
:header: Transfer Learning for Computer Vision Tutorial
:card_description: Train a convolutional neural network for image classification using transfer learning.
:image: _static/img/thumbnails/sphx_glr_transfer_learning_tutorial_001.png
:link: beginner/transfer_learning_tutorial.html
:tags: Image/Video
.. customcarditem::
:header: Adversarial Example Generation
:card_description: Train a convolutional neural network for image classification using transfer learning.
:image: _static/img/panda.png
:link: beginner/fgsm_tutorial.html
:tags: Image/Video
.. customcarditem::
:header: DCGAN Tutorial
:card_description: Train a generative adversarial network (GAN) to generate new celebrities.
:image: _static/img/dcgan_generator.png
:link: beginner/dcgan_faces_tutorial.html
:tags: Image/Video
.. Audio
.. customcarditem::
:header: torchaudio Tutorial
:card_description: Learn to load and preprocess data from a simple dataset with PyTorch's torchaudio library.
:image: _static/img/audio_preprocessing_tutorial_waveform.png
:link: beginner/audio_preprocessing_tutorial.html
:tags: Audio
.. Text
.. customcarditem::
:header: Sequence-to-Sequence Modeling wiht nn.Transformer and torchtext
:card_description: Learn how to train a sequence-to-sequence model that uses the nn.Transformer module.
:image: _static/img/transformer_architecture.jpg
:link: beginner/transformer_tutorial.html
:tags: Text
.. customcarditem::
:header: NLP from Scratch: Classifying Names with a Character-level RNN
:card_description: Build and train a basic character-level RNN to classify word from scratch without the use of torchtext. First in a series of three tutorials.
:image: _static/img/rnnclass.png
:link: intermediate/char_rnn_classification_tutorial
:tags: Text
.. customcarditem::
:header: NLP from Scratch: Generating Names with a Character-level RNN
:card_description: After using character-level RNN to classify names, leanr how to generate names from languages. Second in a series of three tutorials.
:image: _static/img/char_rnn_generation.png
:link: intermediate/char_rnn_generation_tutorial.html
:tags: Text
.. customcarditem::
:header: NLP from Scratch: Translation with a Sequence-to-sequence Network and Attention
:card_description: This is the third and final tutorial on doing “NLP From Scratch”, where we write our own classes and functions to preprocess the data to do our NLP modeling tasks.
:image: _static/img/seq2seq_flat.png
:link: intermediate/seq2seq_translation_tutorial.html
:tags: Text
.. customcarditem::
:header: Text Classification with Torchtext
:card_description: This is the third and final tutorial on doing “NLP From Scratch”, where we write our own classes and functions to preprocess the data to do our NLP modeling tasks.
:image: _static/img/text_sentiment_ngrams_model.png
:link: beginner/text_sentiment_ngrams_tutorial.html
:tags: Text
.. customcarditem::
:header: Language Translation with Torchtext
:card_description: Use torchtext to reprocess data from a well-known datasets containing both English and German. Then use it to train a sequence-to-sequence model.
:image: _static/img/thumbnails/german_to_english_translation.png
:link: beginner/torchtext_translation_tutorial.html
:tags: Text
.. Reinforcement Learning
.. customcarditem::
:header: Reinforcement Learning (DQN)
:card_description: Learn how to use PyTorch to train a Deep Q Learning (DQN) agent on the CartPole-v0 task from the OpenAI Gym.
:image: _static/img/cartpole.gif
:link: intermediate/reinforcement_q_learning.html
:tags: Reinforcement-Learning
.. Deploying PyTorch Models in Production
.. customcarditem::
:header: Deploying PyTorch in Python via a REST API with Flask
:card_description: Deploy a PyTorch model using Flask and expose a REST API for model inference using the example of a pretrained DenseNet 121 model which detects the image.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: intermediate/flask_rest_api_tutorial.html
:tags: Production
.. customcarditem::
:header: Introduction to TorchScript
:card_description: Introduction to TorchScript, an intermediate representation of a PyTorch model (subclass of nn.Module) that can then be run in a high-performance environment such as C++.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: beginner/Intro_to_TorchScript_tutorial.html
:tags: Production
.. customcarditem::
:header: Loading a TorchScript Model in C++
:card_description: Learn how PyTorch provides to go from an existing Python model to a serialized representation that can be loaded and executed purely from C++, with no dependency on Python.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: advanced/cpp_export.html
:tags: Production
.. customcarditem::
:header: (optional) Exporting a Model from PyTorch to ONNX and Running it using ONNX Runtime
:card_description: Convert a model defined in PyTorch into the ONNX format and then run it with ONNX Runtime.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: advanced/super_resolution_with_onnxruntime.html
:tags: Production
.. Frontend APIs
.. customcarditem::
:header: (experimental) Introduction to Named Tensors in PyTorch
:card_description: Learn how to use PyTorch to train a Deep Q Learning (DQN) agent on the CartPole-v0 task from the OpenAI Gym.
:image: _static/img/memory_format_logo.png
:link: intermediate/memory_format_tutorial.html
:tags: Frontend-APIs,Named-Tensor, Best-Practice
.. customcarditem::
:header: (experimental) Channels Last Memory Format in PyTorch
:card_description: Get an overview of Channels Last memory format and understand how it is used to order NCHW tensors in memory preserving dimensions.
:image: _static/img/named_tensor.png
:link: intermediate/named_tensor_tutorial.html
:tags: Frontend-APIs,Memory-Format, Best-Practice
.. customcarditem::
:header: Using the PyTorch C++ Frontend
:card_description: Walk through an end-to-end example of training a model with the C++ frontend by training a DCGAN – a kind of generative model – to generate images of MNIST digits.
:image: _static/img/cpp-pytorch.png
:link: advanced/cpp_frontend.html
:tags: Frontend-APIs,C++
.. customcarditem::
:header: Custom C++ and CUDA Extensions
:card_description: Create a neural network layer with no parameters using numpy. Then use scipy to create a neural network layer that has learnable weights.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: advanced/cpp_extension.html
:tags: Frontend-APIs, C++, CUDA
.. customcarditem::
:header: Extending TorchScript with Custom C++ Operators
:card_description: Implement a custom TorchScript operator in C++, how to build it into a shared library, how to use it in Python to define TorchScript models and lastly how to load it into a C++ application for inference workloads.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: advanced/torch_script_custom_ops.html
:tags: Frontend-APIs, TorchScript, C++
.. customcarditem::
:header: Extending TorchScript with Custom C++ Classes
:card_description: This is a continuation of the custom operator tutorial, and introduces the API we’ve built for binding C++ classes into TorchScript and Python simultaneously.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: advanced/torch_script_custom_classes.html
:tags: Frontend-APIs, TorchScript, C++
.. customcarditem::
:header: Autograd in C++ Frontend
:card_description: The autograd package helps build flexible and dynamic nerural netorks. In this tutorial, exploreseveral examples of doing autograd in PyTorch C++ frontend
:image: _static/img/cpp-pytorch.png
:link: advanced/cpp_autograd.html
:tags: Frontend-APIs, C++
.. Model Optimization
.. customcarditem::
:header: Pruning Tutorial
:card_description: Learn how to use torch.nn.utils.prune to sparsify your neural networks, and how to extend it to implement your own custom pruning technique.
:image: _static/img/pruning.png
:link: intermediate/pruning_tutorial.html
:tags: Model-Optimization, Best-Practice
.. customcarditem::
:header: (experimental) Dynamic Quantization on an LSTM Word Language Model
:card_description: Apply dynamic quantization, the easiest form of quantization, to a LSTM-based next word prediction model.
:image: _static/img/quant_asym.png
:link: advanced/dynamic_quantization_tutorial.html
:tags: Text, Quantization, Model-Optimization
.. customcarditem::
:header: (experimental) Dynamic Quantization on BERT
:card_description: Apply the dynamic quantization on a BERT (Bidirectional Embedding Representations from Transformers) model.
:image: _static/img/bert.png
:link: intermediate/dynamic_quantization_bert_tutorial.html
:tags: Text, Quantization, Model-Optimization
.. customcarditem::
:header: (experimental) Static Quantization with Eager Mode in PyTorch
:card_description: Learn techniques to impove a model's accuracy = post-training static quantization, per-channel quantization, and quantization-aware training.
:image: _static/img/qat.png
:link: advanced/static_quantization_tutorial.html
:tags: Image/Video, Quantization, Model-Optimization
.. customcarditem::
:header: (experimental) Quantized Transfer Learning for Computer Vision Tutorial
:card_description: Learn techniques to impove a model's accuracy - post-training static quantization, per-channel quantization, and quantization-aware training.
:image: _static/img/qat.png
:link: advanced/static_quantization_tutorial.html
:tags: Image/Video, Quantization, Model-Optimization
.. Parallel-and-Distributed-Training
.. customcarditem::
:header: Single-Machine Model Parallel Best Practices
:card_description: Learn how to implement model parallel, a distributed training technique which splits a single model onto different GPUs, rather than replicating the entire model on each GPU
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: intermediate/model_parallel_tutorial.html
:tags: Parallel-and-Distributed-Training
.. customcarditem::
:header: Getting Started with Distributed Data Parallel
:card_description: Learn the basics of when to use distributed data paralle versus data parallel and work through an example to set it up.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: intermediate/ddp_tutorial.html
:tags: Parallel-and-Distributed-Training
.. customcarditem::
:header: Writing Distributed Applications with PyTorch
:card_description: Set up the distributed package of PyTorch, use the different communication strategies, and go over some the internals of the package.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: intermediate/dist_tuto.html
:tags: Parallel-and-Distributed-Training
.. customcarditem::
:header: Getting Started with Distributed RPC Framework
:card_description: Learn how to build distributed training using the torch.distributed.rpc package.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: intermediate/rpc_tutorial.html
:tags: Parallel-and-Distributed-Training
.. customcarditem::
:header: (advanced) PyTorch 1.0 Distributed Trainer with Amazon AWS
:card_description: Set up the distributed package of PyTorch, use the different communication strategies, and go over some the internals of the package.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: beginner/aws_distributed_training_tutorial.html
:tags: Parallel-and-Distributed-Training
.. customcarditem::
:header: Implementing a Parameter Server Using Distributed RPC Framework
:card_description: Walk through a through a simple example of implementing a parameter server using PyTorch’s Distributed RPC framework.
:image: _static/img/thumbnails/pytorch-logo-flat.png
:link: intermediate/rpc_param_server_tutorial.html
:tags: Parallel-and-Distributed-Training
.. End of tutorial card section
.. raw:: html