Py Torch
Py Torch
Py Torch
related to the incredible PyTorch. Feel free to make a pull request to contribute to this
list.
Tutorials
Visualization
• Loss Visualization
• Grad-CAM: Visual Explanations from Deep Networks via Gradient-based
Localization
Steve Nouri
• Deep Inside Convolutional Networks: Visualising Image Classification Models and
Saliency Maps
• SmoothGrad: removing noise by adding noise
• DeepDream: dream-like hallucinogenic visuals
• FlashTorch: Visualization toolkit for neural networks in PyTorch
• Lucent: Lucid adapted for PyTorch
Explainability
Object Detection
Energy-Based Learning
Missing Data
Architecture Search
• DenseNAS
• DARTS: Differentiable Architecture Search
• Efficient Neural Architecture Search (ENAS)
• EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
Optimization
Quantization
Steve Nouri
Super resolution
Synthetesizing Views
Voice
Medical
Video Recognition
• Dancing to Music
• Devil Is in the Edges: Learning Semantic Boundaries from Noisy Annotations
• Deep Video Analytics
Steve Nouri
• PredRNN: Recurrent Neural Networks for Predictive Learning using
Spatiotemporal LSTMs
Steve Nouri
• Wide ResNet model in PyTorch -DiracNets: Training Very Deep Neural Networks
Without Skip-Connections
• An End-to-End Trainable Neural Network for Image-based Sequence Recognition
and Its Application to Scene Text Recognition
• Efficient Densenet
• Video Frame Interpolation via Adaptive Separable Convolution
• Learning local feature descriptors with triplets and shallow convolutional neural
networks
• Densely Connected Convolutional Networks
• Very Deep Convolutional Networks for Large-Scale Image Recognition
• SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5MB
model size
• Deep Residual Learning for Image Recognition
• Training Wide ResNets for CIFAR-10 and CIFAR-100 in PyTorch
• Deformable Convolutional Network
• Convolutional Neural Fabrics
• Deformable Convolutional Networks in PyTorch
• Dilated ResNet combination with Dilated Convolutions
• Striving for Simplicity: The All Convolutional Net
• Convolutional LSTM Network
• Big collection of pretrained classification models
• PyTorch Image Classification with Kaggle Dogs vs Cats Dataset
• CIFAR-10 on Pytorch with VGG, ResNet and DenseNet
• Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10,
CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
• NVIDIA/unsupervised-video-interpolation
Segmentation
• Detectron2 by FAIR
• Pixel-wise Segmentation on VOC2012 Dataset using PyTorch
• Pywick - High-level batteries-included neural network training library for Pytorch
• Improving Semantic Segmentation via Video Propagation and Label Relaxation
Sorting
Multi-task Learning
Steve Nouri
e. Adversarial Variational Bayes
• Improved Training of Wasserstein GANs
• CycleGAN and Semi-Supervised GAN
• Improving Variational Auto-Encoders using Householder Flow and using convex
combination linear Inverse Autoregressive Flow
• PyTorch GAN Collection
• Generative Adversarial Networks, focusing on anime face drawing
• Simple Generative Adversarial Networks
• Adversarial Auto-encoders
• torchgan: Framework for modelling Generative Adversarial Networks in Pytorch
Unsupervised Learning
Adversarial Attacks
• Deep Neural Networks are Easily Fooled: High Confidence Predictions for
Unrecognizable Images
• Explaining and Harnessing Adversarial Examples
• AdverTorch - A Toolbox for Adversarial Robustness Research
Style Transfer
Image Captioning
Steve Nouri
Transformers
Reasoning
General NLP
Steve Nouri
• Open Source Chatbot with PyTorch
Text Generation
Translation
Sentiment Analysis
• BatchBALD: Efficient and Diverse Batch Acquisition for Deep Bayesian Active
Learning
• Subspace Inference for Bayesian Deep Learning
• Bayesian Deep Learning with Variational Inference Package
• Probabilistic Programming and Statistical Inference in PyTorch
• Bayesian CNN with Variational Inferece in PyTorch
Anomaly Detection
Regression Types
Steve Nouri
• Quantile Regression DQN
Time Series
Synthetic Datasets
Steve Nouri
Linear Algebra
API Abstraction
PyTorch Utilities
Steve Nouri
• Weight Initializations
• Spatial transformer implemented in PyTorch
• PyTorch AWS AMI, run PyTorch with GPU support in less than 5 minutes
• Use tensorboard with PyTorch
• Simple Fit Module in PyTorch, similar to Keras
• torchbearer: A model fitting library for PyTorch
• PyTorch to Keras model converter
• Gluon to PyTorch model converter with code generation
• Catalyst: High-level utils for PyTorch DL & RL research
Datasets
• Worldbank Data
Community
• Github Repository
• Website
To be Classified
Steve Nouri
• Clarinet
• Continuous Wavelet Transforms
• mixup: Beyond Empirical Risk Minimization
• Network In Network
• Highway Networks
• Hybrid computing using a neural network with dynamic external memory
• Value Iteration Networks
• Differentiable Neural Computer
• A Neural Representation of Sketch Drawings
• Understanding Deep Image Representations by Inverting Them
• NIMA: Neural Image Assessment
• NASNet-A-Mobile. Ported weights
• Graphics code generating model using Processing
Steve Nouri
TensorFlow Examples and Tutorials
Tutorial index
0 - Prerequisite
1 - Introduction
• Hello World (notebook). Very simple example to learn how to print "hello world"
using TensorFlow 2.0.
• Basic Operations (notebook). A simple example that cover TensorFlow 2.0 basic
operations.
2 - Basic Models
3 - Neural Networks
Supervised
• Simple Neural Network (notebook). Use TensorFlow 2.0 'layers' and 'model' API
to build a simple neural network to classify MNIST digits dataset.
• Simple Neural Network (low-level) (notebook). Raw implementation of a
simple neural network to classify MNIST digits dataset.
• Convolutional Neural Network (notebook). Use TensorFlow 2.0 'layers' and
'model' API to build a convolutional neural network to classify MNIST digits
dataset.
• Convolutional Neural Network (low-level) (notebook). Raw implementation of
a convolutional neural network to classify MNIST digits dataset.
• Recurrent Neural Network (LSTM) (notebook). Build a recurrent neural network
(LSTM) to classify MNIST digits dataset, using TensorFlow 2.0 'layers' and 'model'
API.
• Bi-directional Recurrent Neural Network (LSTM) (notebook). Build a bi-
directional recurrent neural network (LSTM) to classify MNIST digits dataset,
using TensorFlow 2.0 'layers' and 'model' API.
• Dynamic Recurrent Neural Network (LSTM) (notebook). Build a recurrent
neural network (LSTM) that performs dynamic calculation to classify sequences of
variable length, using TensorFlow 2.0 'layers' and 'model' API.
Unsupervised
4 - Utilities
• Save and Restore a model (notebook). Save and Restore a model with
TensorFlow 2.0.
• Build Custom Layers & Modules (notebook). Learn how to build your own
layers / modules and integrate them into TensorFlow 2.0 Models.
5 - Data Management
• Load and Parse data (notebook). Build efficient data pipeline with TensorFlow
2.0 (Numpy arrays, Images, CSV files, custom data, ...).
• Build and Load TFRecords (notebook). Convert data into TFRecords format, and
load them with TensorFlow 2.0.
• Image Transformation (i.e. Image Augmentation) (notebook). Apply various
image augmentation techniques with TensorFlow 2.0, to generate distorted
images for training.
TensorFlow v1
The tutorial index for TF v1 is available here: TensorFlow v1.15 Examples. Or see below
for a list of the examples.
Dataset
Some examples require MNIST dataset for training and testing. Don't worry, this dataset
will automatically be downloaded when running examples. MNIST is a database of
handwritten digits, for a quick description of that dataset, you can check this notebook.
Installation
To download all the examples, simply clone this repository:
0 - Prerequisite
1 - Introduction
• Hello World (notebook) (code). Very simple example to learn how to print "hello
world" using TensorFlow.
• Basic Operations (notebook) (code). A simple example that cover TensorFlow
basic operations.
• TensorFlow Eager API basics (notebook) (code). Get started with TensorFlow's
Eager API.
2 - Basic Models
3 - Neural Networks
Supervised
• Simple Neural Network (notebook) (code). Build a simple neural network (a.k.a
Multi-layer Perceptron) to classify MNIST digits dataset. Raw TensorFlow
implementation.
• Simple Neural Network (tf.layers/estimator api) (notebook) (code). Use
TensorFlow 'layers' and 'estimator' API to build a simple neural network (a.k.a
Multi-layer Perceptron) to classify MNIST digits dataset.
• Simple Neural Network (eager api) (notebook) (code). Use TensorFlow Eager
API to build a simple neural network (a.k.a Multi-layer Perceptron) to classify
MNIST digits dataset.
• Convolutional Neural Network (notebook) (code). Build a convolutional neural
network to classify MNIST digits dataset. Raw TensorFlow implementation.
• Convolutional Neural Network (tf.layers/estimator api) (notebook) (code).
Use TensorFlow 'layers' and 'estimator' API to build a convolutional neural
network to classify MNIST digits dataset.
• Recurrent Neural Network (LSTM) (notebook) (code). Build a recurrent neural
network (LSTM) to classify MNIST digits dataset.
• Bi-directional Recurrent Neural Network (LSTM) (notebook) (code). Build a bi-
directional recurrent neural network (LSTM) to classify MNIST digits dataset.
• Dynamic Recurrent Neural Network (LSTM) (notebook) (code). Build a
recurrent neural network (LSTM) that performs dynamic calculation to classify
sequences of different length.
Unsupervised
4 - Utilities
• Save and Restore a model (notebook) (code). Save and Restore a model with
TensorFlow.
• Tensorboard - Graph and loss visualization (notebook) (code). Use
Tensorboard to visualize the computation Graph and plot the loss.
• Tensorboard - Advanced visualization (notebook) (code). Going deeper into
Tensorboard; visualize the variables, gradients, and more...
5 - Data Management
• Build an image dataset (notebook) (code). Build your own images dataset with
TensorFlow data queues, from image folders or a dataset file.
• TensorFlow Dataset API (notebook) (code). Introducing TensorFlow Dataset API
for optimizing the input data pipeline.
• Load and Parse data (notebook). Build efficient data pipeline (Numpy arrays,
Images, CSV files, custom data, ...).
• Build and Load TFRecords (notebook). Convert data into TFRecords format, and
load them.
• Image Transformation (i.e. Image Augmentation) (notebook). Apply various
image augmentation techniques, to generate distorted images for training.
6 - Multi GPU