This is inspired by the helpful Awesome TensorFlow repository where this repository would hold tutorials, projects, libraries, videos, papers, books and anything related to the incredible PyTorch.
Tutorials
- Official PyTorch Tutorials
- Deep Learning with PyTorch: a 60-minute blitz
- A perfect introduction to PyTorch's torch, autograd, nn and optim APIs
- If you are a former Torch user, you can check out this instead: Introduction to PyTorch for former Torchies
- Custom C extensions
- Writing your own neural network module that uses numpy and scipy
- Reinforcement (Q-)Learning with PyTorch
- Deep Learning with PyTorch: a 60-minute blitz
- Official PyTorch Examples
- MNIST Convnets
- Word level Language Modeling using LSTM RNNs
- Training Imagenet Classifiers with Residual Networks
- Generative Adversarial Networks (DCGAN)
- Variational Auto-Encoders
- Superresolution using an efficient sub-pixel convolutional neural network
- Hogwild training of shared ConvNets across multiple processes on MNIST
- Training a CartPole to balance in OpenAI Gym with actor-critic
- Natural Language Inference (SNLI) with GloVe vectors, LSTMs, and torchtext
- Practical PyTorch
- This focuses on using RNNs for NLP
- Classifying Names with a Character-Level RNN
- Generating Names with a Character-Level RNN
- Translation with a Sequence to Sequence Network and Attention
- Simple Examples to Introduce PyTorch
- Mini Tutorials in PyTorch
- Tensor Multiplication, Linear Regresison, Logistic Regression, Neural Network, Modern Neural Network, and Convolutional Neural Network
- Deep Learning for NLP
- Introduction to Torch's Tensor Library
- Computation Graphs and Automatic Differentiation
- Deep Learning Building Blocks: Affine maps, non-linearities, and objectives
- Optimization and Training
- Creating Network Components in Pytorch * Example: Logistic Regression Bag-of-Words text classifier
- Word Embeddings: Encoding Lexical Semantics * Example: N-Gram Language Modeling * Exercise: Continuous Bag-of-Words for learning word embeddings
- Sequence modeling and Long-Short Term Memory Networks * Example: An LSTM for Part-of-Speech Tagging * Exercise: Augmenting the LSTM tagger with character-level features
- Advanced: Making Dynamic Decisions * Example: Bi-LSTM Conditional Random Field for named-entity recognition * Exercise: A new loss function
- Deep Learning Tutorial for Researchers
- PyTorch Basics
- Linear Regression
- Logistic Regression
- Feedforward Neural Network
- Convolutional Neural Network
- Deep Residual Network
- Recurrent Neural Network
- Bidirectional Recurrent Neural Network
- Language Model (RNNLM)
- Image Captioning (CNN-RNN)
- Generative Adversarial Network
- Deep Q-Network and Q-learning (WIP)
- Fully Convolutional Networks implemented with PyTorch
Papers Originally Implemented with PyTorch
- Wasserstein GAN
- OptNet: Differentiable Optimization as a Layer in Neural Networks
- Paying More Attention to Attention: Improving the Performance of Convolutional Neural Networks via Attention Transfer
- Wide ResNet model in PyTorch
Papers with Third-Party PyTorch Implementations
- Learning to learn by gradient descent by gradient descent
- Densely Connected Convolutional Networks
- A Neural Algorithm of Artistic Style
- Very Deep Convolutional Networks for Large-Scale Image Recognition
- VGG model in PyTorch.
- SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5MB model size
- Network In Network
- Deep Residual Learning for Image Recognition
- ResNet model in PyTorch.
- Training Wide ResNets for CIFAR-10 and CIFAR-100 in PyTorch
- Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks
- FlowNet: Learning Optical Flow with Convolutional Networks
- Asynchronous Methods for Deep Reinforcement Learning
- Perceptual Losses for Real-Time Style Transfer and Super-Resolution
- Highway Networks
- Collection of Generative Models with PyTorch
- Generative Adversarial Nets (GAN)
- Variational Autoencoder (VAE)
- Hybrid computing using a neural network with dynamic external memory
- Deep Speech 2: End-to-End Speech Recognition in English and Mandarin
- V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation
- Value Iteration Networks
Projects Implemented with Pytorch
- Collection of Sequence to Sequence Models with PyTorch
- Vanilla Sequence to Sequence models
- Attention based Sequence to Sequence models
- Faster attention mechanisms using dot products between the final encoder and decoder hidden states
- Reinforcement learning models in ViZDoom environment with PyTorch
- Neuraltalk 2, Image Captioning Model, in PyTorch
- Recurrent Neural Networks for Sentiment Analysis (Aspect-Based) on SemEval 2014
- PyTorch Image Classification with Kaggle Dogs vs Cats Dataset
- CNN Based Text Classification
- Open-source (MIT) Neural Machine Translation (NMT) System
- Pytorch Poetry Generation
- Data Augmentation and Sampling for Pytorch
- CIFAR-10 on Pytorch with VGG, ResNet and DenseNet
- Generate captions from an image with PyTorch
Useful PyTorch Extensions
Weight initialization schemes for PyTorch nn.ModulesAdded to PyTorch main branch
Community
- PyTorch Discussion Forum
- This is actively maintained by Adam Paszke
- StackOverflow PyTorch Tags
- Gloqo
- Add, discover and discuss paper implementations in PyTorch and other frameworks.
Contributions
Do feel free to contribute!
You can raise an issue or submit a pull request, whichever is more convenient for you. The guideline is simple: just follow the format of the previous bullet point.