- pytorch : Tensors and Dynamic neural networks in Python with strong GPU acceleration.
- 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.
- pytorch vision : Datasets, Transforms and Models specific to Computer Vision.
- pytorch text : Torch text related contents.
- convert_torch_to_pytorch : Convert torch t7 model to pytorch model and source.
- pt-styletransfer: Neural style transfer as a class in PyTorch.
- pretrained-models.pytorch: The goal of this repo is to help to reproduce research papers results.
- pytorch_fft : PyTorch wrapper for FFTs
- OpenFacePytorch: PyTorch module to use OpenFace's nn4.small2.v1.t7 model
- caffe_to_torch_to_pytorch
- ptstat: Probabilistic Programming and Statistical Inference in PyTorch
- 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.
- 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.
- deepspeach2 : 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. 95.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
- Generative Adversarial Networks (GANs) in 50 lines of code (PyTorch)
- adversarial-autoencoders-with-pytorch
- transfer learning using pytorch
- the-incredible-pytorch : The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
- generative models : Collection of generative models, e.g. GAN, VAE in Tensorflow, Keras, and Pytorch. http://wiseodd.github.io
- pytorch vs tensorflow : an informative thread on reddit.
- Pytorch discussion forum
- pytorch notebook: docker-stack : A project similar to Jupyter Notebook Scientific Python Stack
- drawlikebobross: Draw like Bob Ross using the power of Neural Networks (With PyTorch)!
- pytorch-tvmisc: Totally Versatile Miscellanea for Pytorch
- pytorch-a3c-mujoco: Implement A3C for Mujoco gym envs.
- PyTorch in 5 Minutes.
- pytorch_chatbot: A Marvelous ChatBot implemented using PyTorch.
- malmo-challenge: Malmo Collaborative AI Challenge - Team Pig Catcher