Pytorch & related libraries
- pytorch: Tensors and Dynamic neural networks in Python with strong GPU acceleration.
NLP & Speech Processing:
- pytorch text: Torch text related contents.
- pytorch-seq2seq: A framework for sequence-to-sequence (seq2seq) models implemented in PyTorch.
- anuvada: Interpretable Models for NLP using PyTorch.
- audio: simple audio I/O for pytorch.
- loop: A method to generate speech across multiple speakers
- fairseq-py: Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
- speech: PyTorch ASR Implementation.
- OpenNMT-py: Open-Source Neural Machine Translation in PyTorch http://opennmt.net
- neuralcoref: State-of-the-art coreference resolution based on neural nets and spaCy huggingface.co/coref
- sentiment-discovery: Unsupervised Language Modeling at scale for robust sentiment classification.
- MUSE: A library for Multilingual Unsupervised or Supervised word Embeddings
- nmtpytorch: Neural Machine Translation Framework in PyTorch.
- pytorch-wavenet: An implementation of WaveNet with fast generation
- Tacotron-pytorch: Tacotron: Towards End-to-End Speech Synthesis.
- AllenNLP: An open-source NLP research library, built on PyTorch.
- PyTorch-NLP: Text utilities and datasets for PyTorch pytorchnlp.readthedocs.io
- quick-nlp: Pytorch NLP library based on FastAI.
- TTS: Deep learning for Text2Speech
- LASER: Language-Agnostic SEntence Representations
- pyannote-audio: Neural building blocks for speaker diarization: speech activity detection, speaker change detection, speaker embedding
- gensen: Learning General Purpose Distributed Sentence Representations via Large Scale Multi-task Learning.
- translate: Translate - a PyTorch Language Library.
- espnet: End-to-End Speech Processing Toolkit espnet.github.io/espnet
- pythia: A software suite for Visual Question Answering
- UnsupervisedMT: Phrase-Based & Neural Unsupervised Machine Translation.
- jiant: The jiant sentence representation learning toolkit.
- BERT-PyTorch: Pytorch implementation of Google AI's 2018 BERT, with simple annotation
- InferSent: Sentence embeddings (InferSent) and training code for NLI.
- uis-rnn:This is the library for the Unbounded Interleaved-State Recurrent Neural Network (UIS-RNN) algorithm, corresponding to the paper Fully Supervised Speaker Diarization. arxiv.org/abs/1810.04719
- flair: A very simple framework for state-of-the-art Natural Language Processing (NLP)
- pytext: A natural language modeling framework based on PyTorch fb.me/pytextdocs
- voicefilter: Unofficial PyTorch implementation of Google AI's VoiceFilter system http://swpark.me/voicefilter
- BERT-NER: Pytorch-Named-Entity-Recognition-with-BERT.
- transfer-nlp: NLP library designed for flexible research and development
- texar-pytorch: Toolkit for Machine Learning and Text Generation, in PyTorch texar.io
- pytorch-kaldi: pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
- NeMo: Neural Modules: a toolkit for conversational AI nvidia.github.io/NeMo
38 . pytorch-struct: A library of vectorized implementations of core structured prediction algorithms (HMM, Dep Trees, CKY, ..,)
CV:
- pytorch vision: Datasets, Transforms and Models specific to Computer Vision.
- pt-styletransfer: Neural style transfer as a class in PyTorch.
- OpenFacePytorch: PyTorch module to use OpenFace's nn4.small2.v1.t7 model
- img_classification_pk_pytorch: Quickly comparing your image classification models with the state-of-the-art models (such as DenseNet, ResNet, ...)
- SparseConvNet: Submanifold sparse convolutional networks.
- Convolution_LSTM_pytorch: A multi-layer convolution LSTM module
- face-alignment: :fire: 2D and 3D Face alignment library build using pytorch adrianbulat.com
- pytorch-semantic-segmentation: PyTorch for Semantic Segmentation.
- RoIAlign.pytorch: This is a PyTorch version of RoIAlign. This implementation is based on crop_and_resize and supports both forward and backward on CPU and GPU.
- pytorch-cnn-finetune: Fine-tune pretrained Convolutional Neural Networks with PyTorch.
- detectorch: Detectorch - detectron for PyTorch
- Augmentor: Image augmentation library in Python for machine learning. http://augmentor.readthedocs.io
- s2cnn:
This library contains a PyTorch implementation of the SO(3) equivariant CNNs for spherical signals (e.g. omnidirectional cameras, signals on the globe) - PyTorchCV: A PyTorch-Based Framework for Deep Learning in Computer Vision.
- maskrcnn-benchmark: Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
- image-classification-mobile: Collection of classification models pretrained on the ImageNet-1K.
- medicaltorch: A medical imaging framework for Pytorch http://medicaltorch.readthedocs.io
- albumentations: Fast image augmentation library.
- kornia: Differentiable computer vision library.
- pytorch-text-recognition: Text recognition combo - CRAFT + CRNN.
- facenet-pytorch: Pretrained Pytorch face detection and recognition models ported from davidsandberg/facenet.
Probabilistic/Generative Libraries:
- ptstat: Probabilistic Programming and Statistical Inference in PyTorch
- pyro: Deep universal probabilistic programming with Python and PyTorch http://pyro.ai
- probtorch: Probabilistic Torch is library for deep generative models that extends PyTorch.
- paysage: Unsupervised learning and generative models in python/pytorch.
- pyvarinf: Python package facilitating the use of Bayesian Deep Learning methods with Variational Inference for PyTorch.
- pyprob: A PyTorch-based library for probabilistic programming and inference compilation.
- mia: A library for running membership inference attacks against ML models.
- pro_gan_pytorch: ProGAN package implemented as an extension of PyTorch nn.Module.
- botorch: Bayesian optimization in PyTorch
Other libraries:
- pytorch extras: Some extra features for pytorch.
- functional zoo: PyTorch, unlike lua torch, has autograd in it's core, so using modular structure of torch.nn modules is not necessary, one can easily allocate needed Variables and write a function that utilizes them, which is sometimes more convenient. This repo contains model definitions in this functional way, with pretrained weights for some models.
- torch-sampling: This package provides a set of transforms and data structures for sampling from in-memory or out-of-memory data.
- torchcraft-py: Python wrapper for TorchCraft, a bridge between Torch and StarCraft for AI research.
- aorun: Aorun intend to be a Keras with PyTorch as backend.
- logger: A simple logger for experiments.
- PyTorch-docset: PyTorch docset! use with Dash, Zeal, Velocity, or LovelyDocs.
- convert_torch_to_pytorch: Convert torch t7 model to pytorch model and source.
- pretrained-models.pytorch: The goal of this repo is to help to reproduce research papers results.
- pytorch_fft: PyTorch wrapper for FFTs
- caffe_to_torch_to_pytorch
- pytorch-extension: This is a CUDA extension for PyTorch which computes the Hadamard product of two tensors.
- tensorboard-pytorch: This module saves PyTorch tensors in tensorboard format for inspection. Currently supports scalar, image, audio, histogram features in tensorboard.
- gpytorch: GPyTorch is a Gaussian Process library, implemented using PyTorch. It is designed for creating flexible and modular Gaussian Process models with ease, so that you don't have to be an expert to use GPs.
- spotlight: Deep recommender models using PyTorch.
- pytorch-cns: Compressed Network Search with PyTorch
- pyinn: CuPy fused PyTorch neural networks ops
- inferno: A utility library around PyTorch
- pytorch-fitmodule: Super simple fit method for PyTorch modules
- inferno-sklearn: A scikit-learn compatible neural network library that wraps pytorch.
- pytorch-caffe-darknet-convert: convert between pytorch, caffe prototxt/weights and darknet cfg/weights
- pytorch2caffe: Convert PyTorch model to Caffemodel
- pytorch-tools: Tools for PyTorch
- sru: Training RNNs as Fast as CNNs (arxiv.org/abs/1709.02755)
- torch2coreml: Torch7 -> CoreML
- PyTorch-Encoding: PyTorch Deep Texture Encoding Network http://hangzh.com/PyTorch-Encoding
- pytorch-ctc: PyTorch-CTC is an implementation of CTC (Connectionist Temporal Classification) beam search decoding for PyTorch. C++ code borrowed liberally from TensorFlow with some improvements to increase flexibility.
- candlegp: Gaussian Processes in Pytorch.
- dpwa: Distributed Learning by Pair-Wise Averaging.
- dni-pytorch: Decoupled Neural Interfaces using Synthetic Gradients for PyTorch.
- skorch: A scikit-learn compatible neural network library that wraps pytorch
- ignite: Ignite is a high-level library to help with training neural networks in PyTorch.
- Arnold: Arnold - DOOM Agent
- pytorch-mcn: Convert models from MatConvNet to PyTorch
- simple-faster-rcnn-pytorch: A simplified implemention of Faster R-CNN with competitive performance.
- generative_zoo: generative_zoo is a repository that provides working implementations of some generative models in PyTorch.
- pytorchviz: A small package to create visualizations of PyTorch execution graphs.
- cogitare: Cogitare - A Modern, Fast, and Modular Deep Learning and Machine Learning framework in Python.
- pydlt: PyTorch based Deep Learning Toolbox
- semi-supervised-pytorch: Implementations of different VAE-based semi-supervised and generative models in PyTorch.
- pytorch_cluster: PyTorch Extension Library of Optimised Graph Cluster Algorithms.
- neural-assembly-compiler: A neural assembly compiler for pyTorch based on adaptive-neural-compilation.
- caffemodel2pytorch: Convert Caffe models to PyTorch.
- extension-cpp: C++ extensions in PyTorch
- pytoune: A Keras-like framework and utilities for PyTorch
- jetson-reinforcement: Deep reinforcement learning libraries for NVIDIA Jetson TX1/TX2 with PyTorch, OpenAI Gym, and Gazebo robotics simulator.
- matchbox: Write PyTorch code at the level of individual examples, then run it efficiently on minibatches.
- torch-two-sample: A PyTorch library for two-sample tests
- pytorch-summary: Model summary in PyTorch similar to
model.summary()
in Keras - mpl.pytorch: Pytorch implementation of MaxPoolingLoss.
- scVI-dev: Development branch of the scVI project in PyTorch
- apex: An Experimental PyTorch Extension(will be deprecated at a later point)
- ELF: ELF: a platform for game research.
- Torchlite: A high level library on top of(not only) Pytorch
- joint-vae: Pytorch implementation of JointVAE, a framework for disentangling continuous and discrete factors of variation star2
- SLM-Lab: Modular Deep Reinforcement Learning framework in PyTorch.
- bindsnet: A Python package used for simulating spiking neural networks (SNNs) on CPUs or GPUs using PyTorch
- pro_gan_pytorch: ProGAN package implemented as an extension of PyTorch nn.Module
- pytorch_geometric: Geometric Deep Learning Extension Library for PyTorch
- torchplus: Implements the + operator on PyTorch modules, returning sequences.
- lagom: lagom: A light PyTorch infrastructure to quickly prototype reinforcement learning algorithms.
- torchbearer: torchbearer: A model training library for researchers using PyTorch.
- pytorch-maml-rl: Reinforcement Learning with Model-Agnostic Meta-Learning in Pytorch.
- NALU: Basic pytorch implementation of NAC/NALU from Neural Arithmetic Logic Units paper by trask et.al arxiv.org/pdf/1808.00508.pdf
- QuCumber: Neural Network Many-Body Wavefunction Reconstruction
- magnet: Deep Learning Projects that Build Themselves http://magnet-dl.readthedocs.io/
- opencv_transforms: OpenCV implementation of Torchvision's image augmentations
- fastai: The fast.ai deep learning library, lessons, and tutorials
- pytorch-dense-correspondence: Code for "Dense Object Nets: Learning Dense Visual Object Descriptors By and For Robotic Manipulation" arxiv.org/pdf/1806.08756.pdf
- colorization-pytorch: PyTorch reimplementation of Interactive Deep Colorization richzhang.github.io/ideepcolor
- beauty-net: A simple, flexible, and extensible template for PyTorch. It's beautiful.
- OpenChem: OpenChem: Deep Learning toolkit for Computational Chemistry and Drug Design Research mariewelt.github.io/OpenChem
- torchani: Accurate Neural Network Potential on PyTorch aiqm.github.io/torchani
- PyTorch-LBFGS: A PyTorch implementation of L-BFGS.
- gpytorch: A highly efficient and modular implementation of Gaussian Processes in PyTorch.
- hessian: hessian in pytorch.
- vel: Velocity in deep-learning research.
- nonechucks: Skip bad items in your PyTorch DataLoader, use Transforms as Filters, and more!
- torchstat: Model analyzer in PyTorch.
- QNNPACK: Quantized Neural Network PACKage - mobile-optimized implementation of quantized neural network operators.
- torchdiffeq: Differentiable ODE solvers with full GPU support and O(1)-memory backpropagation.
- redner: A differentiable Monte Carlo path tracer
- pixyz: a library for developing deep generative models in a more concise, intuitive and extendable way.
- euclidesdb: A multi-model machine learning feature embedding database http://euclidesdb.readthedocs.io
- pytorch2keras: Convert PyTorch dynamic graph to Keras model.
- salad: Semi-Supervised Learning and Domain Adaptation.
- netharn: Parameterized fit and prediction harnesses for pytorch.
- dgl: Python package built to ease deep learning on graph, on top of existing DL frameworks. http://dgl.ai.
- gandissect: Pytorch-based tools for visualizing and understanding the neurons of a GAN. gandissect.csail.mit.edu
- delira: Lightweight framework for fast prototyping and training deep neural networks in medical imaging delira.rtfd.io
- mushroom: Python library for Reinforcement Learning experiments.
- Xlearn: Transfer Learning Library
- geoopt: Riemannian Adaptive Optimization Methods with pytorch optim
- vegans: A library providing various existing GANs in PyTorch.
- torchgeometry: TGM: PyTorch Geometry
- AdverTorch: A Toolbox for Adversarial Robustness (attack/defense/training) Research
- AdaBound: An optimizer that trains as fast as Adam and as good as SGD.a
- fenchel-young-losses: Probabilistic classification in PyTorch/TensorFlow/scikit-learn with Fenchel-Young losses
- pytorch-OpCounter: Count the FLOPs of your PyTorch model.
- Tor10: A Generic Tensor-Network library that is designed for quantum simulation, base on the pytorch.
- Catalyst: High-level utils for PyTorch DL & RL research. It was developed with a focus on reproducibility, fast experimentation and code/ideas reusing. Being able to research/develop something new, rather than write another regular train loop.
- Ax: Adaptive Experimentation Platform
- pywick: High-level batteries-included neural network training library for Pytorch
- torchgpipe: A GPipe implementation in PyTorch torchgpipe.readthedocs.io
- hub: Pytorch Hub is a pre-trained model repository designed to facilitate research reproducibility.
- pytorch-lightning: Rapid research framework for Pytorch. The researcher's version of keras.
- Tor10: A Generic Tensor-Network library that is designed for quantum simulation, base on the pytorch.
- tensorwatch: Debugging, monitoring and visualization for Deep Learning and Reinforcement Learning from Microsoft Research.
- wavetorch: Numerically solving and backpropagating through the wave equation arxiv.org/abs/1904.12831
- diffdist: diffdist is a python library for pytorch. It extends the default functionality of torch.autograd and adds support for differentiable communication between processes.
- torchprof: A minimal dependency library for layer-by-layer profiling of Pytorch models.
- osqpth: The differentiable OSQP solver layer for PyTorch.
- mctorch: A manifold optimization library for deep learning.
- pytorch-hessian-eigenthings: Efficient PyTorch Hessian eigendecomposition using the Hessian-vector product and stochastic power iteration.
- MinkowskiEngine: Minkowski Engine is an auto-diff library for generalized sparse convolutions and high-dimensional sparse tensors.
- pytorch-cpp-rl: PyTorch C++ Reinforcement Learning
- pytorch-toolbelt: PyTorch extensions for fast R&D prototyping and Kaggle farming
- argus-tensor-stream: A library for real-time video stream decoding to CUDA memory tensorstream.argus-ai.com
- macarico: learning to search in pytorch
- rlpyt: Reinforcement Learning in PyTorch
- pywarm: A cleaner way to build neural networks for PyTorch. blue-season.github.io/pywarm
- learn2learn: PyTorch Meta-learning Framework for Researchers http://learn2learn.net
Tutorials & examples
- Practical Pytorch: Tutorials explaining different RNN models
- DeepLearningForNLPInPytorch: An IPython Notebook tutorial on deep learning, with an emphasis on Natural Language Processing.
- pytorch-tutorial: tutorial for researchers to learn deep learning with pytorch.
- pytorch-exercises: pytorch-exercises collection.
- pytorch tutorials: Various pytorch tutorials.
- pytorch examples: A repository showcasing examples of using pytorch
- pytorch practice: Some example scripts on pytorch.
- pytorch mini tutorials: Minimal tutorials for PyTorch adapted from Alec Radford's Theano tutorials.
- pytorch text classification: A simple implementation of CNN based text classification in Pytorch
- cats vs dogs: Example of network fine-tuning in pytorch for the kaggle competition Dogs vs. Cats Redux: Kernels Edition. Currently #27 (0.05074) on the leaderboard.
- convnet: This is a complete training example for Deep Convolutional Networks on various datasets (ImageNet, Cifar10, Cifar100, MNIST).
- pytorch-generative-adversarial-networks: simple generative adversarial network (GAN) using PyTorch.
- pytorch containers: This repository aims to help former Torchies more seamlessly transition to the "Containerless" world of PyTorch by providing a list of PyTorch implementations of Torch Table Layers.
- T-SNE in pytorch: t-SNE experiments in pytorch
- AAE_pytorch: Adversarial Autoencoders (with Pytorch).
- Kind_PyTorch_Tutorial: Kind PyTorch Tutorial for beginners.
- pytorch-poetry-gen: a char-RNN based on pytorch.
- pytorch-REINFORCE: PyTorch implementation of REINFORCE, This repo supports both continuous and discrete environments in OpenAI gym.
- PyTorch-Tutorial: Build your neural network easy and fast https://morvanzhou.github.io/tutorials/
- pytorch-intro: A couple of scripts to illustrate how to do CNNs and RNNs in PyTorch
- pytorch-classification: A unified framework for the image classification task on CIFAR-10/100 and ImageNet.
- pytorch_notebooks - hardmaru: Random tutorials created in NumPy and PyTorch.
- pytorch_tutoria-quick: Quick PyTorch introduction and tutorial. Targets computer vision, graphics and machine learning researchers eager to try a new framework.
- Pytorch_fine_tuning_Tutorial: A short tutorial on performing fine tuning or transfer learning in PyTorch.
- pytorch_exercises: pytorch-exercises
- traffic-sign-detection: nyu-cv-fall-2017 example
- mss_pytorch: Singing Voice Separation via Recurrent Inference and Skip-Filtering Connections - PyTorch Implementation. Demo: js-mim.github.io/mss_pytorch
- DeepNLP-models-Pytorch Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ: NLP with Deep Learning)
- Mila introductory tutorials: Various tutorials given for welcoming new students at MILA.
- pytorch.rl.learning: for learning reinforcement learning using PyTorch.
- minimal-seq2seq: Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch
- tensorly-notebooks: Tensor methods in Python with TensorLy tensorly.github.io/dev
- pytorch_bits: time-series prediction related examples.
- skip-thoughts: An implementation of Skip-Thought Vectors in PyTorch.
- video-caption-pytorch: pytorch code for video captioning.
- Capsule-Network-Tutorial: Pytorch easy-to-follow Capsule Network tutorial.
- code-of-learn-deep-learning-with-pytorch: This is code of book "Learn Deep Learning with PyTorch" item.jd.com/17915495606.html
- RL-Adventure: Pytorch easy-to-follow step-by-step Deep Q Learning tutorial with clean readable code.
- accelerated_dl_pytorch: Accelerated Deep Learning with PyTorch at Jupyter Day Atlanta II.
- RL-Adventure-2: PyTorch4 tutorial of: actor critic / proximal policy optimization / acer / ddpg / twin dueling ddpg / soft actor critic / generative adversarial imitation learning / hindsight experience replay
- Generative Adversarial Networks (GANs) in 50 lines of code (PyTorch)
- adversarial-autoencoders-with-pytorch
- transfer learning using pytorch
- how-to-implement-a-yolo-object-detector-in-pytorch
- pytorch-for-recommenders-101
- pytorch-for-numpy-users
- PyTorch Tutorial: PyTorch Tutorials in Chinese.
- grokking-pytorch: The Hitchiker's Guide to PyTorch
- PyTorch-Deep-Learning-Minicourse: Minicourse in Deep Learning with PyTorch.
- pytorch-custom-dataset-examples: Some custom dataset examples for PyTorch
- Multiplicative LSTM for sequence-based Recommenders
- deeplearning.ai-pytorch: PyTorch Implementations of Coursera's Deep Learning(deeplearning.ai) Specialization.
- MNIST_Pytorch_python_and_capi: This is an example of how to train a MNIST network in Python and run it in c++ with pytorch 1.0
- torch_light: Tutorials and examples include Reinforcement Training, NLP, CV
- portrain-gan: torch code to decode (and almost encode) latents from art-DCGAN's Portrait GAN.
- mri-analysis-pytorch: MRI analysis using PyTorch and MedicalTorch
- cifar10-fast:
Demonstration of training a small ResNet on CIFAR10 to 94% test accuracy in 79 seconds as described in this blog series. - Intro to Deep Learning with PyTorch: A free course by Udacity and facebook, with a good intro to PyTorch, and an interview with Soumith Chintala, one of the original authors of PyTorch.
- pytorch-sentiment-analysis: Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
- pytorch-image-models: PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MobileNet-V3/V2/V1, MNASNet, Single-Path NAS, FBNet, and more.
- CIFAR-ZOO: Pytorch implementation for multiple CNN architectures and improve methods with state-of-the-art results.
- d2l-pytorch: This is an attempt to modify Dive into Deep Learning, Berkeley STAT 157 (Spring 2019) textbook's code into PyTorch.
- thinking-in-tensors-writing-in-pytorch: Thinking in tensors, writing in PyTorch (a hands-on deep learning intro).
- NER-BERT-pytorch: PyTorch solution of named entity recognition task Using Google AI's pre-trained BERT model.
- pytorch-sync-batchnorm-example: How to use Cross Replica / Synchronized Batchnorm in Pytorch.
Paper implementations
- google_evolution: This implements one of result networks from Large-scale evolution of image classifiers by Esteban Real, et. al.
- pyscatwave: Fast Scattering Transform with CuPy/PyTorch,read the paper here
- scalingscattering: Scaling The Scattering Transform : Deep Hybrid Networks.
- deep-auto-punctuation: a pytorch implementation of auto-punctuation learned character by character.
- Realtime_Multi-Person_Pose_Estimation: This is a pytorch version of Realtime_Multi-Person_Pose_Estimation, origin code is here .
- PyTorch-value-iteration-networks: PyTorch implementation of the Value Iteration Networks (NIPS '16) paper
- pytorch_Highway: Highway network implemented in pytorch.
- pytorch_NEG_loss: NEG loss implemented in pytorch.
- pytorch_RVAE: Recurrent Variational Autoencoder that generates sequential data implemented in pytorch.
- pytorch_TDNN: Time Delayed NN implemented in pytorch.
- eve.pytorch: An implementation of Eve Optimizer, proposed in Imploving Stochastic Gradient Descent with Feedback, Koushik and Hayashi, 2016.
- e2e-model-learning: Task-based end-to-end model learning.
- pix2pix-pytorch: PyTorch implementation of "Image-to-Image Translation Using Conditional Adversarial Networks".
- Single Shot MultiBox Detector: A PyTorch Implementation of Single Shot MultiBox Detector.
- DiscoGAN: PyTorch implementation of "Learning to Discover Cross-Domain Relations with Generative Adversarial Networks"
- official DiscoGAN implementation: Official implementation of "Learning to Discover Cross-Domain Relations with Generative Adversarial Networks".
- pytorch-es: This is a PyTorch implementation of Evolution Strategies .
- piwise: Pixel-wise segmentation on VOC2012 dataset using pytorch.
- pytorch-dqn: Deep Q-Learning Network in pytorch.
- neuraltalk2-pytorch: image captioning model in pytorch(finetunable cnn in branch with_finetune)
- vnet.pytorch: A Pytorch implementation for V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation.
- pytorch-fcn: PyTorch implementation of Fully Convolutional Networks.
- WideResNets: WideResNets for CIFAR10/100 implemented in PyTorch. This implementation requires less GPU memory than what is required by the official Torch implementation: https://github.com/szagoruyko/wide-residual-networks .
- pytorch_highway_networks: Highway networks implemented in PyTorch.
- pytorch-NeuCom: Pytorch implementation of DeepMind's differentiable neural computer paper.
- captionGen: Generate captions for an image using PyTorch.
- AnimeGAN: A simple PyTorch Implementation of Generative Adversarial Networks, focusing on anime face drawing.
- Cnn-text classification: This is the implementation of Kim's Convolutional Neural Networks for Sentence Classification paper in PyTorch.
- deepspeech2: Implementation of DeepSpeech2 using Baidu Warp-CTC. Creates a network based on the DeepSpeech2 architecture, trained with the CTC activation function.
- seq2seq: This repository contains implementations of Sequence to Sequence (Seq2Seq) models in PyTorch
- Asynchronous Advantage Actor-Critic in PyTorch: This is PyTorch implementation of A3C as described in Asynchronous Methods for Deep Reinforcement Learning. Since PyTorch has a easy method to control shared memory within multiprocess, we can easily implement asynchronous method like A3C.
- densenet: This is a PyTorch implementation of the DenseNet-BC architecture as described in the paper Densely Connected Convolutional Networks by G. Huang, Z. Liu, K. Weinberger, and L. van der Maaten. This implementation gets a CIFAR-10+ error rate of 4.77 with a 100-layer DenseNet-BC with a growth rate of 12. Their official implementation and links to many other third-party implementations are available in the liuzhuang13/DenseNet repo on GitHub.
- nninit: Weight initialization schemes for PyTorch nn.Modules. This is a port of the popular nninit for Torch7 by @kaixhin.
- faster rcnn: This is a PyTorch implementation of Faster RCNN. This project is mainly based on py-faster-rcnn and TFFRCNN.For details about R-CNN please refer to the paper Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks by Shaoqing Ren, Kaiming He, Ross Girshick, Jian Sun.
- doomnet: PyTorch's version of Doom-net implementing some RL models in ViZDoom environment.
- flownet: Pytorch implementation of FlowNet by Dosovitskiy et al.
- sqeezenet: Implementation of Squeezenet in pytorch, #### pretrained models on CIFAR10 data to come Plan to train the model on cifar 10 and add block connections too.
- WassersteinGAN: wassersteinGAN in pytorch.
- optnet: This repository is by Brandon Amos and J. Zico Kolter and contains the PyTorch source code to reproduce the experiments in our paper OptNet: Differentiable Optimization as a Layer in Neural Networks.
- qp solver: A fast and differentiable QP solver for PyTorch. Crafted by Brandon Amos and J. Zico Kolter.
- Continuous Deep Q-Learning with Model-based Acceleration : Reimplementation of Continuous Deep Q-Learning with Model-based Acceleration.
- Learning to learn by gradient descent by gradient descent: PyTorch implementation of Learning to learn by gradient descent by gradient descent.
- fast-neural-style: pytorch implementation of fast-neural-style, The model uses the method described in Perceptual Losses for Real-Time Style Transfer and Super-Resolution along with Instance Normalization.
- PytorchNeuralStyleTransfer: Implementation of Neural Style Transfer in Pytorch.
- Fast Neural Style for Image Style Transform by Pytorch: Fast Neural Style for Image Style Transform by Pytorch .
- neural style transfer: An introduction to PyTorch through the Neural-Style algorithm (https://arxiv.org/abs/1508.06576) developed by Leon A. Gatys, Alexander S. Ecker and Matthias Bethge.
- VIN_PyTorch_Visdom: PyTorch implementation of Value Iteration Networks (VIN): Clean, Simple and Modular. Visualization in Visdom.
- YOLO2: YOLOv2 in PyTorch.
- attention-transfer: Attention transfer in pytorch, read the paper here.
- SVHNClassifier: A PyTorch implementation of Multi-digit Number Recognition from Street View Imagery using Deep Convolutional Neural Networks.
- pytorch-deform-conv: PyTorch implementation of Deformable Convolution.
- BEGAN-pytorch: PyTorch implementation of BEGAN: Boundary Equilibrium Generative Adversarial Networks.
- treelstm.pytorch: Tree LSTM implementation in PyTorch.
- AGE: Code for paper "Adversarial Generator-Encoder Networks" by Dmitry Ulyanov, Andrea Vedaldi and Victor Lempitsky which can be found here
- ResNeXt.pytorch: Reproduces ResNet-V3 (Aggregated Residual Transformations for Deep Neural Networks) with pytorch.
- pytorch-rl: Deep Reinforcement Learning with pytorch & visdom
- Deep-Leafsnap: LeafSnap replicated using deep neural networks to test accuracy compared to traditional computer vision methods.
- pytorch-CycleGAN-and-pix2pix: PyTorch implementation for both unpaired and paired image-to-image translation.
- A3C-PyTorch:PyTorch implementation of Advantage async actor-critic Algorithms (A3C) in PyTorch
- pytorch-value-iteration-networks: Pytorch implementation of Value Iteration Networks (NIPS 2016 best paper)
- PyTorch-Style-Transfer: PyTorch Implementation of Multi-style Generative Network for Real-time Transfer
- pytorch-deeplab-resnet: pytorch-deeplab-resnet-model.
- pointnet.pytorch: pytorch implementation for "PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation" https://arxiv.org/abs/1612.00593
- pytorch-playground: Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet).
- pytorch-dnc: Neural Turing Machine (NTM) & Differentiable Neural Computer (DNC) with pytorch & visdom.
- pytorch_image_classifier: Minimal But Practical Image Classifier Pipline Using Pytorch, Finetune on ResNet18, Got 99% Accuracy on Own Small Datasets.
- mnist-svhn-transfer: PyTorch Implementation of CycleGAN and SGAN for Domain Transfer (Minimal).
- pytorch-yolo2: pytorch-yolo2
- dni: Implement Decoupled Neural Interfaces using Synthetic Gradients in Pytorch
- wgan-gp: A pytorch implementation of Paper "Improved Training of Wasserstein GANs".
- pytorch-seq2seq-intent-parsing: Intent parsing and slot filling in PyTorch with seq2seq + attention
- pyTorch_NCE: An implementation of the Noise Contrastive Estimation algorithm for pyTorch. Working, yet not very efficient.
- molencoder: Molecular AutoEncoder in PyTorch
- GAN-weight-norm: Code for "On the Effects of Batch and Weight Normalization in Generative Adversarial Networks"
- lgamma: Implementations of polygamma, lgamma, and beta functions for PyTorch
- bigBatch: Code used to generate the results appearing in "Train longer, generalize better: closing the generalization gap in large batch training of neural networks"
- rl_a3c_pytorch: Reinforcement learning with implementation of A3C LSTM for Atari 2600.
- pytorch-retraining: Transfer Learning Shootout for PyTorch's model zoo (torchvision)
- nmp_qc: Neural Message Passing for Computer Vision
- grad-cam: Pytorch implementation of Grad-CAM
- pytorch-trpo: PyTorch Implementation of Trust Region Policy Optimization (TRPO)
- pytorch-explain-black-box: PyTorch implementation of Interpretable Explanations of Black Boxes by Meaningful Perturbation
- vae_vpflows: Code in PyTorch for the convex combination linear IAF and the Householder Flow, J.M. Tomczak & M. Welling https://jmtomczak.github.io/deebmed.html
- relational-networks: Pytorch implementation of "A simple neural network module for relational reasoning" (Relational Networks) https://arxiv.org/pdf/1706.01427.pdf
- vqa.pytorch: Visual Question Answering in Pytorch
- end-to-end-negotiator: Deal or No Deal? End-to-End Learning for Negotiation Dialogues
- odin-pytorch: Principled Detection of Out-of-Distribution Examples in Neural Networks.
- FreezeOut: Accelerate Neural Net Training by Progressively Freezing Layers.
- ARAE: Code for the paper "Adversarially Regularized Autoencoders for Generating Discrete Structures" by Zhao, Kim, Zhang, Rush and LeCun.
- forward-thinking-pytorch: Pytorch implementation of "Forward Thinking: Building and Training Neural Networks One Layer at a Time" https://arxiv.org/pdf/1706.02480.pdf
- context_encoder_pytorch: PyTorch Implement of Context Encoders
- attention-is-all-you-need-pytorch: A PyTorch implementation of the Transformer model in "Attention is All You Need".https://github.com/thnkim/OpenFacePytorch
- OpenFacePytorch: PyTorch module to use OpenFace's nn4.small2.v1.t7 model
- neural-combinatorial-rl-pytorch: PyTorch implementation of Neural Combinatorial Optimization with Reinforcement Learning.
- pytorch-nec: PyTorch Implementation of Neural Episodic Control (NEC)
- seq2seq.pytorch: Sequence-to-Sequence learning using PyTorch
- Pytorch-Sketch-RNN: a pytorch implementation of arxiv.org/abs/1704.03477
- pytorch-pruning: PyTorch Implementation of [1611.06440] Pruning Convolutional Neural Networks for Resource Efficient Inference
- DrQA: A pytorch implementation of Reading Wikipedia to Answer Open-Domain Questions.
- YellowFin_Pytorch: auto-tuning momentum SGD optimizer
- samplernn-pytorch: PyTorch implementation of SampleRNN: An Unconditional End-to-End Neural Audio Generation Model.
- AEGeAN: Deeper DCGAN with AE stabilization
- /pytorch-SRResNet: pytorch implementation for Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network arXiv:1609.04802v2
- vsepp: Code for the paper "VSE++: Improved Visual Semantic Embeddings"
- Pytorch-DPPO: Pytorch implementation of Distributed Proximal Policy Optimization: arxiv.org/abs/1707.02286
- UNIT: PyTorch Implementation of our Coupled VAE-GAN algorithm for Unsupervised Image-to-Image Translation
- efficient_densenet_pytorch: A memory-efficient implementation of DenseNets
- tsn-pytorch: Temporal Segment Networks (TSN) in PyTorch.
- SMASH: An experimental technique for efficiently exploring neural architectures.
- pytorch-retinanet: RetinaNet in PyTorch
- biogans: Implementation supporting the ICCV 2017 paper "GANs for Biological Image Synthesis".
- Semantic Image Synthesis via Adversarial Learning: A PyTorch implementation of the paper "Semantic Image Synthesis via Adversarial Learning" in ICCV 2017.
- fmpytorch: A PyTorch implementation of a Factorization Machine module in cython.
- ORN: A PyTorch implementation of the paper "Oriented Response Networks" in CVPR 2017.
- pytorch-maml: PyTorch implementation of MAML: arxiv.org/abs/1703.03400
- pytorch-generative-model-collections: Collection of generative models in Pytorch version.
- vqa-winner-cvprw-2017: Pytorch Implementation of winner from VQA Chllange Workshop in CVPR'17.
- tacotron_pytorch: PyTorch implementation of Tacotron speech synthesis model.
- pspnet-pytorch: PyTorch implementation of PSPNet segmentation network
- LM-LSTM-CRF: Empower Sequence Labeling with Task-Aware Language Model http://arxiv.org/abs/1709.04109
- face-alignment: Pytorch implementation of the paper "How far are we from solving the 2D & 3D Face Alignment problem? (and a dataset of 230,000 3D facial landmarks)", ICCV 2017
- DepthNet: PyTorch DepthNet Training on Still Box dataset.
- EDSR-PyTorch: PyTorch version of the paper 'Enhanced Deep Residual Networks for Single Image Super-Resolution' (CVPRW 2017)
- e2c-pytorch: Embed to Control implementation in PyTorch.
- 3D-ResNets-PyTorch: 3D ResNets for Action Recognition.
- bandit-nmt: This is code repo for our EMNLP 2017 paper "Reinforcement Learning for Bandit Neural Machine Translation with Simulated Human Feedback", which implements the A2C algorithm on top of a neural encoder-decoder model and benchmarks the combination under simulated noisy rewards.