Awesome-pytorch-list
PyTorch resource hub
A curated collection of PyTorch related resources, including libraries, tutorials, and examples for various applications such as NLP, computer vision, and deep learning.
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
15k stars
571 watching
3k forks
last commit: 10 months ago
Linked from 2 awesome lists
awesomeawesome-listcomputer-visioncvdata-sciencedeep-learningfacebookmachine-learningnatural-language-processingneural-networknlpnlp-librarypapersprobabilistic-programmingpythonpytorchpytorch-modelpytorch-tutorialstutorialsutility-library
Awesome-Pytorch-list / Pytorch & related libraries | |||
pytorch | : Tensors and Dynamic neural networks in Python with strong GPU acceleration | ||
Captum | 4,931 | 6 days ago | : Model interpretability and understanding for PyTorch |
Awesome-Pytorch-list / Pytorch & related libraries / NLP & Speech Processing: | |||
pytorch text | 3,514 | 6 days ago | : Torch text related contents |
pytorch-seq2seq | 1,498 | almost 2 years ago | : A framework for sequence-to-sequence (seq2seq) models implemented in PyTorch |
anuvada | 19 | almost 7 years ago | : Interpretable Models for NLP using PyTorch |
audio | 2,538 | 6 days ago | : simple audio I/O for pytorch |
loop | 872 | over 5 years ago | : A method to generate speech across multiple speakers |
fairseq-py | : Facebook AI Research Sequence-to-Sequence Toolkit written in Python | ||
speech | 754 | over 1 year ago | : PyTorch ASR Implementation |
OpenNMT-py | 6,772 | 5 months ago | : Open-Source Neural Machine Translation in PyTorch |
neuralcoref | 2,857 | over 1 year ago | : State-of-the-art coreference resolution based on neural nets and spaCy huggingface.co/coref |
sentiment-discovery | 1,062 | over 4 years ago | : Unsupervised Language Modeling at scale for robust sentiment classification |
MUSE | 3,189 | about 2 years ago | : A library for Multilingual Unsupervised or Supervised word Embeddings |
nmtpytorch | 392 | almost 2 years ago | : Neural Machine Translation Framework in PyTorch |
pytorch-wavenet | 975 | about 4 years ago | : An implementation of WaveNet with fast generation |
Tacotron-pytorch | 206 | about 6 years ago | : Tacotron: Towards End-to-End Speech Synthesis |
AllenNLP | 11,757 | almost 2 years ago | : An open-source NLP research library, built on PyTorch |
PyTorch-NLP | 2,213 | over 1 year ago | : Text utilities and datasets for PyTorch pytorchnlp.readthedocs.io |
quick-nlp | 283 | over 6 years ago | : Pytorch NLP library based on FastAI |
TTS | 9,401 | about 1 year ago | : Deep learning for Text2Speech |
LASER | 3,599 | 7 months ago | : Language-Agnostic SEntence Representations |
pyannote-audio | 6,333 | 10 days ago | : Neural building blocks for speaker diarization: speech activity detection, speaker change detection, speaker embedding |
gensen | 311 | over 4 years ago | : Learning General Purpose Distributed Sentence Representations via Large Scale Multi-task Learning |
translate | 826 | over 1 year ago | : Translate - a PyTorch Language Library |
espnet | 8,503 | 7 days ago | : End-to-End Speech Processing Toolkit espnet.github.io/espnet |
pythia | 5,500 | 6 days ago | : A software suite for Visual Question Answering |
UnsupervisedMT | 1,506 | about 3 years ago | : Phrase-Based & Neural Unsupervised Machine Translation |
jiant | 1,644 | over 1 year ago | : The jiant sentence representation learning toolkit |
BERT-PyTorch | 6,222 | about 1 year ago | : Pytorch implementation of Google AI's 2018 BERT, with simple annotation |
InferSent | 2,280 | about 3 years ago | : Sentence embeddings (InferSent) and training code for NLI |
uis-rnn | 1,560 | about 2 months ago | :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 | 13,939 | 6 days ago | : A very simple framework for state-of-the-art Natural Language Processing (NLP) |
pytext | 6,338 | about 2 years ago | : A natural language modeling framework based on PyTorch fb.me/pytextdocs |
voicefilter | 1,095 | 4 months ago | : Unofficial PyTorch implementation of Google AI's VoiceFilter system |
BERT-NER | 1,211 | over 3 years ago | : Pytorch-Named-Entity-Recognition-with-BERT |
transfer-nlp | 291 | 4 months ago | : NLP library designed for flexible research and development |
texar-pytorch | 745 | over 2 years ago | : Toolkit for Machine Learning and Text Generation, in PyTorch texar.io |
pytorch-kaldi | 2,367 | over 2 years ago | : 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 | 12,118 | 6 days ago | : Neural Modules: a toolkit for conversational AI nvidia.github.io/NeMo |
pytorch-struct | 1,108 | over 2 years ago | : A library of vectorized implementations of core structured prediction algorithms (HMM, Dep Trees, CKY, ..,) |
espresso | 942 | 3 months ago | : Espresso: A Fast End-to-End Neural Speech Recognition Toolkit |
transformers | 135,022 | 6 days ago | : huggingface Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch. huggingface.co/transformers |
reformer-pytorch | 2,120 | over 1 year ago | : Reformer, the efficient Transformer, in Pytorch |
torch-metrics | 110 | over 3 years ago | : Metrics for model evaluation in pytorch |
speechbrain | 8,922 | 7 days ago | : SpeechBrain is an open-source and all-in-one speech toolkit based on PyTorch |
Backprop | 243 | over 3 years ago | : Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models |
Awesome-Pytorch-list / Pytorch & related libraries / CV: | |||
pytorch vision | 16,251 | 6 days ago | : Datasets, Transforms and Models specific to Computer Vision |
pt-styletransfer | 35 | over 7 years ago | : Neural style transfer as a class in PyTorch |
OpenFacePytorch | 183 | almost 5 years ago | : PyTorch module to use OpenFace's nn4.small2.v1.t7 model |
img_classification_pk_pytorch | 365 | over 5 years ago | : Quickly comparing your image classification models with the state-of-the-art models (such as DenseNet, ResNet, ...) |
SparseConvNet | 2,056 | 11 months ago | : Submanifold sparse convolutional networks |
Convolution_LSTM_pytorch | 801 | about 4 years ago | : A multi-layer convolution LSTM module |
face-alignment | 7,088 | 3 months ago | : 2D and 3D Face alignment library build using pytorch adrianbulat.com |
pytorch-semantic-segmentation | 1,724 | about 5 years ago | : PyTorch for Semantic Segmentation |
RoIAlign.pytorch | 554 | over 2 years ago | : 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 | 724 | 3 months ago | : Fine-tune pretrained Convolutional Neural Networks with PyTorch |
detectorch | 558 | about 6 years ago | : Detectorch - detectron for PyTorch |
Augmentor | 5,073 | 8 months ago | : Image augmentation library in Python for machine learning |
s2cnn | 949 | 10 days ago | : This library contains a PyTorch implementation of the SO(3) equivariant CNNs for spherical signals (e.g. omnidirectional cameras, signals on the globe) |
TorchCV | 2,250 | about 4 years ago | : A PyTorch-Based Framework for Deep Learning in Computer Vision |
maskrcnn-benchmark | 9,303 | almost 2 years ago | : Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch |
image-classification-mobile | 2,975 | 3 months ago | : Collection of classification models pretrained on the ImageNet-1K |
medicaltorch | 851 | 7 months ago | : A medical imaging framework for Pytorch |
albumentations | 14,254 | 9 days ago | : Fast image augmentation library |
kornia | 9,967 | 10 days ago | : Differentiable computer vision library |
pytorch-text-recognition | 180 | about 5 years ago | : Text recognition combo - CRAFT + CRNN |
facenet-pytorch | 4,550 | 4 months ago | : Pretrained Pytorch face detection and recognition models ported from davidsandberg/facenet |
detectron2 | 30,539 | 14 days ago | : Detectron2 is FAIR's next-generation research platform for object detection and segmentation |
vedaseg | 410 | almost 3 years ago | : A semantic segmentation framework by pyotrch |
ClassyVision | 1,591 | 5 months ago | : An end-to-end PyTorch framework for image and video classification |
detecto | 613 | 4 months ago | :Computer vision in Python with less than 10 lines of code |
pytorch3d | 8,806 | 15 days ago | : PyTorch3D is FAIR's library of reusable components for deep learning with 3D data pytorch3d.org |
MMDetection | 29,603 | 3 months ago | : MMDetection is an open source object detection toolbox, a part of the |
neural-dream | 132 | about 3 years ago | : A PyTorch implementation of the DeepDream algorithm. Creates dream-like hallucinogenic visuals |
FlashTorch | 734 | about 1 year ago | : Visualization toolkit for neural networks in PyTorch! |
Lucent | 608 | 6 months ago | : Tensorflow and OpenAI Clarity's Lucid adapted for PyTorch |
MMDetection3D | 5,313 | 4 months ago | : MMDetection3D is OpenMMLab's next-generation platform for general 3D object detection, a part of the |
MMSegmentation | 8,285 | 3 months ago | : MMSegmentation is a semantic segmentation toolbox and benchmark, a part of the |
MMEditing | 6,945 | 4 months ago | : MMEditing is a image and video editing toolbox, a part of the |
MMAction2 | 4,296 | 3 months ago | : MMAction2 is OpenMMLab's next generation action understanding toolbox and benchmark, a part of the |
MMPose | 5,846 | 4 months ago | : MMPose is a pose estimation toolbox and benchmark, a part of the |
lightly | 3,165 | 6 days ago | Lightly is a computer vision framework for self-supervised learning |
RoMa | : a lightweight and efficient library to deal with 3D rotations | ||
Awesome-Pytorch-list / Pytorch & related libraries / Probabilistic/Generative Libraries: | |||
ptstat | 109 | over 7 years ago | : Probabilistic Programming and Statistical Inference in PyTorch |
pyro | 8,556 | 19 days ago | : Deep universal probabilistic programming with Python and PyTorch |
probtorch | 887 | 6 months ago | : Probabilistic Torch is library for deep generative models that extends PyTorch |
paysage | 119 | almost 2 years ago | : Unsupervised learning and generative models in python/pytorch |
pyvarinf | 359 | about 5 years ago | : Python package facilitating the use of Bayesian Deep Learning methods with Variational Inference for PyTorch |
pyprob | 27 | over 4 years ago | : A PyTorch-based library for probabilistic programming and inference compilation |
mia | 138 | almost 2 years ago | : A library for running membership inference attacks against ML models |
pro_gan_pytorch | 536 | about 1 year ago | : ProGAN package implemented as an extension of PyTorch nn.Module |
botorch | 3,102 | 6 days ago | : Bayesian optimization in PyTorch |
Awesome-Pytorch-list / Pytorch & related libraries / Other libraries: | |||
pytorch extras | 50 | over 7 years ago | : Some extra features for pytorch |
functional zoo | 586 | almost 7 years ago | : 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 | 1,865 | 5 months ago | : This package provides a set of transforms and data structures for sampling from in-memory or out-of-memory data |
torchcraft-py | 71 | over 7 years ago | : Python wrapper for TorchCraft, a bridge between Torch and StarCraft for AI research |
aorun | 61 | about 7 years ago | : Aorun intend to be a Keras with PyTorch as backend |
logger | 127 | about 4 years ago | : A simple logger for experiments |
PyTorch-docset | 32 | over 7 years ago | : PyTorch docset! use with Dash, Zeal, Velocity, or LovelyDocs |
convert_torch_to_pytorch | 539 | over 1 year ago | : Convert torch t7 model to pytorch model and source |
pretrained-models.pytorch | 9,036 | over 2 years ago | : The goal of this repo is to help to reproduce research papers results |
pytorch_fft | 314 | about 6 years ago | : PyTorch wrapper for FFTs |
caffe_to_torch_to_pytorch | 149 | over 7 years ago | |
pytorch-extension | 117 | 9 months ago | : This is a CUDA extension for PyTorch which computes the Hadamard product of two tensors |
tensorboard-pytorch | 7,870 | 3 months ago | : This module saves PyTorch tensors in tensorboard format for inspection. Currently supports scalar, image, audio, histogram features in tensorboard |
gpytorch | 3,580 | 20 days ago | : 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 | 2,993 | almost 2 years ago | : Deep recommender models using PyTorch |
pytorch-cns | 26 | about 7 years ago | : Compressed Network Search with PyTorch |
pyinn | 274 | almost 7 years ago | : CuPy fused PyTorch neural networks ops |
inferno | 244 | almost 2 years ago | : A utility library around PyTorch |
pytorch-fitmodule | 98 | over 4 years ago | : Super simple fit method for PyTorch modules |
inferno-sklearn | 5,881 | 16 days ago | : 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 | 541 | over 5 years ago | : Convert PyTorch model to Caffemodel |
pytorch-tools | 221 | over 2 years ago | : Tools for PyTorch |
sru | 31 | about 3 years ago | : Training RNNs as Fast as CNNs (arxiv.org/abs/1709.02755) |
torch2coreml | 386 | almost 7 years ago | : Torch7 -> CoreML |
PyTorch-Encoding | 2,041 | 6 months ago | : PyTorch Deep Texture Encoding Network |
pytorch-ctc | 42 | almost 7 years ago | : 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 | 74 | over 4 years ago | : Gaussian Processes in Pytorch |
dpwa | 53 | about 7 years ago | : Distributed Learning by Pair-Wise Averaging |
dni-pytorch | 236 | almost 6 years ago | : Decoupled Neural Interfaces using Synthetic Gradients for PyTorch |
skorch | 5,881 | 16 days ago | : A scikit-learn compatible neural network library that wraps pytorch |
ignite | 4,526 | 14 days ago | : Ignite is a high-level library to help with training neural networks in PyTorch |
Arnold | 521 | almost 3 years ago | : Arnold - DOOM Agent |
pytorch-mcn | 94 | almost 6 years ago | : Convert models from MatConvNet to PyTorch |
simple-faster-rcnn-pytorch | 3,995 | over 3 years ago | : A simplified implemention of Faster R-CNN with competitive performance |
generative_zoo | 54 | almost 6 years ago | : generative_zoo is a repository that provides working implementations of some generative models in PyTorch |
pytorchviz | 3,228 | 8 months ago | : A small package to create visualizations of PyTorch execution graphs |
cogitare | 77 | 7 months ago | : Cogitare - A Modern, Fast, and Modular Deep Learning and Machine Learning framework in Python |
pydlt | 204 | over 6 years ago | : PyTorch based Deep Learning Toolbox |
semi-supervised-pytorch | 707 | over 4 years ago | : Implementations of different VAE-based semi-supervised and generative models in PyTorch |
pytorch_cluster | 824 | 7 days ago | : PyTorch Extension Library of Optimised Graph Cluster Algorithms |
neural-assembly-compiler | 27 | over 6 years ago | : A neural assembly compiler for pyTorch based on adaptive-neural-compilation |
caffemodel2pytorch | 387 | over 1 year ago | : Convert Caffe models to PyTorch |
extension-cpp | 1,017 | 4 months ago | : C++ extensions in PyTorch |
pytoune | 569 | 5 months ago | : A Keras-like framework and utilities for PyTorch |
jetson-reinforcement | 884 | almost 3 years ago | : Deep reinforcement learning libraries for NVIDIA Jetson TX1/TX2 with PyTorch, OpenAI Gym, and Gazebo robotics simulator |
matchbox | 485 | almost 3 years ago | : Write PyTorch code at the level of individual examples, then run it efficiently on minibatches |
torch-two-sample | 237 | over 1 year ago | : A PyTorch library for two-sample tests |
pytorch-summary | 4,020 | 9 months ago | : Model summary in PyTorch similar to in Keras |
mpl.pytorch | 175 | over 6 years ago | : Pytorch implementation of MaxPoolingLoss |
scVI-dev | : Development branch of the scVI project in PyTorch | ||
apex | 8,407 | 20 days ago | : An Experimental PyTorch Extension(will be deprecated at a later point) |
ELF | 3,371 | over 5 years ago | : ELF: a platform for game research |
Torchlite | 32 | about 2 years ago | : A high level library on top of(not only) Pytorch |
joint-vae | 461 | over 5 years ago | : Pytorch implementation of JointVAE, a framework for disentangling continuous and discrete factors of variation star2 |
SLM-Lab | 1,256 | about 2 years ago | : Modular Deep Reinforcement Learning framework in PyTorch |
bindsnet | 1,507 | about 1 month ago | : A Python package used for simulating spiking neural networks (SNNs) on CPUs or GPUs using PyTorch |
pro_gan_pytorch | 536 | about 1 year ago | : ProGAN package implemented as an extension of PyTorch nn.Module |
pytorch_geometric | 21,382 | 6 days ago | : Geometric Deep Learning Extension Library for PyTorch |
torchplus | 9 | over 5 years ago | : Implements the + operator on PyTorch modules, returning sequences |
lagom | 373 | about 2 years ago | : lagom: A light PyTorch infrastructure to quickly prototype reinforcement learning algorithms |
torchbearer | 636 | 12 months ago | : torchbearer: A model training library for researchers using PyTorch |
pytorch-maml-rl | 827 | almost 2 years ago | : Reinforcement Learning with Model-Agnostic Meta-Learning in Pytorch |
NALU | 115 | about 6 years ago | : Basic pytorch implementation of NAC/NALU from Neural Arithmetic Logic Units paper by trask et.al arxiv.org/pdf/1808.00508.pdf |
QuCumber | 174 | 24 days ago | : Neural Network Many-Body Wavefunction Reconstruction |
magnet | 360 | almost 6 years ago | : Deep Learning Projects that Build Themselves |
opencv_transforms | 377 | over 3 years ago | : OpenCV implementation of Torchvision's image augmentations |
fastai | 26,291 | about 1 month ago | : The fast.ai deep learning library, lessons, and tutorials |
pytorch-dense-correspondence | 558 | over 1 year ago | : Code for "Dense Object Nets: Learning Dense Visual Object Descriptors By and For Robotic Manipulation" arxiv.org/pdf/1806.08756.pdf |
colorization-pytorch | 598 | over 4 years ago | : PyTorch reimplementation of Interactive Deep Colorization richzhang.github.io/ideepcolor |
beauty-net | 187 | about 1 year ago | : A simple, flexible, and extensible template for PyTorch. It's beautiful |
OpenChem | 680 | 12 months ago | : OpenChem: Deep Learning toolkit for Computational Chemistry and Drug Design Research mariewelt.github.io/OpenChem |
torchani | 464 | 23 days ago | : Accurate Neural Network Potential on PyTorch aiqm.github.io/torchani |
PyTorch-LBFGS | 586 | over 1 year ago | : A PyTorch implementation of L-BFGS |
gpytorch | 3,580 | 20 days ago | : A highly efficient and modular implementation of Gaussian Processes in PyTorch |
hessian | 185 | about 4 years ago | : hessian in pytorch |
vel | 276 | almost 2 years ago | : Velocity in deep-learning research |
nonechucks | 377 | about 2 years ago | : Skip bad items in your PyTorch DataLoader, use Transforms as Filters, and more! |
torchstat | 1,468 | over 1 year ago | : Model analyzer in PyTorch |
QNNPACK | 1,528 | about 5 years ago | : Quantized Neural Network PACKage - mobile-optimized implementation of quantized neural network operators |
torchdiffeq | 5,588 | about 1 year ago | : Differentiable ODE solvers with full GPU support and O(1)-memory backpropagation |
redner | 1,390 | over 2 years ago | : A differentiable Monte Carlo path tracer |
pixyz | 491 | 4 months ago | : a library for developing deep generative models in a more concise, intuitive and extendable way |
euclidesdb | 632 | almost 5 years ago | : A multi-model machine learning feature embedding database |
pytorch2keras | 857 | almost 2 years ago | : Convert PyTorch dynamic graph to Keras model |
salad | 333 | over 3 years ago | : Semi-Supervised Learning and Domain Adaptation |
netharn | 39 | about 4 years ago | : Parameterized fit and prediction harnesses for pytorch |
dgl | 13,548 | about 1 month ago | : Python package built to ease deep learning on graph, on top of existing DL frameworks. |
gandissect | 1,770 | over 3 years ago | : Pytorch-based tools for visualizing and understanding the neurons of a GAN. gandissect.csail.mit.edu |
delira | 220 | about 4 years ago | : Lightweight framework for fast prototyping and training deep neural networks in medical imaging delira.rtfd.io |
mushroom | 822 | about 1 month ago | : Python library for Reinforcement Learning experiments |
Xlearn | 465 | over 3 years ago | : Transfer Learning Library |
geoopt | 851 | 7 months ago | : Riemannian Adaptive Optimization Methods with pytorch optim |
vegans | : A library providing various existing GANs in PyTorch | ||
torchgeometry | 9,967 | 10 days ago | : TGM: PyTorch Geometry |
AdverTorch | 1,308 | about 1 year ago | : A Toolbox for Adversarial Robustness (attack/defense/training) Research |
AdaBound | 2,907 | over 1 year ago | : An optimizer that trains as fast as Adam and as good as SGD.a |
fenchel-young-losses | 183 | about 1 year ago | : Probabilistic classification in PyTorch/TensorFlow/scikit-learn with Fenchel-Young losses |
pytorch-OpCounter | 4,884 | 5 months ago | : Count the FLOPs of your PyTorch model |
Tor10 | 60 | over 5 years ago | : A Generic Tensor-Network library that is designed for quantum simulation, base on the pytorch |
Catalyst | 3,295 | 8 months ago | : 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 | 2,378 | 6 days ago | : Adaptive Experimentation Platform |
pywick | 398 | almost 3 years ago | : High-level batteries-included neural network training library for Pytorch |
torchgpipe | 817 | 4 months ago | : A GPipe implementation in PyTorch torchgpipe.readthedocs.io |
hub | 1,398 | 7 months ago | : Pytorch Hub is a pre-trained model repository designed to facilitate research reproducibility |
pytorch-lightning | 28,402 | 3 days ago | : Rapid research framework for Pytorch. The researcher's version of keras |
Tor10 | 60 | over 5 years ago | : A Generic Tensor-Network library that is designed for quantum simulation, base on the pytorch |
tensorwatch | 3,419 | about 1 year ago | : Debugging, monitoring and visualization for Deep Learning and Reinforcement Learning from Microsoft Research |
wavetorch | 518 | almost 5 years ago | : Numerically solving and backpropagating through the wave equation arxiv.org/abs/1904.12831 |
diffdist | 61 | over 4 years ago | : diffdist is a python library for pytorch. It extends the default functionality of torch.autograd and adds support for differentiable communication between processes |
torchprof | 608 | over 3 years ago | : A minimal dependency library for layer-by-layer profiling of Pytorch models |
osqpth | 59 | almost 2 years ago | : The differentiable OSQP solver layer for PyTorch |
mctorch | 236 | over 3 years ago | : A manifold optimization library for deep learning |
pytorch-hessian-eigenthings | 364 | 9 months ago | : Efficient PyTorch Hessian eigendecomposition using the Hessian-vector product and stochastic power iteration |
MinkowskiEngine | 2,485 | 9 months ago | : Minkowski Engine is an auto-diff library for generalized sparse convolutions and high-dimensional sparse tensors |
pytorch-cpp-rl | 513 | over 4 years ago | : PyTorch C++ Reinforcement Learning |
pytorch-toolbelt | 1,520 | about 1 month ago | : PyTorch extensions for fast R&D prototyping and Kaggle farming |
argus-tensor-stream | 380 | over 1 year ago | : A library for real-time video stream decoding to CUDA memory tensorstream.argus-ai.com |
macarico | 111 | almost 5 years ago | : learning to search in pytorch |
rlpyt | 2,232 | almost 4 years ago | : Reinforcement Learning in PyTorch |
pywarm | 184 | about 5 years ago | : A cleaner way to build neural networks for PyTorch. blue-season.github.io/pywarm |
learn2learn | 2,665 | 6 months ago | : PyTorch Meta-learning Framework for Researchers |
torchbeast | 738 | about 3 years ago | : A PyTorch Platform for Distributed RL |
higher | 1,589 | over 2 years ago | : higher is a pytorch library allowing users to obtain higher order gradients over losses spanning training loops rather than individual training steps |
Torchelie | 111 | 14 days ago | : Torchélie is a set of utility functions, layers, losses, models, trainers and other things for PyTorch. torchelie.readthedocs.org |
CrypTen | 1,539 | about 1 month ago | : CrypTen is a Privacy Preserving Machine Learning framework written using PyTorch that allows researchers and developers to train models using encrypted data. CrypTen currently supports Secure multi-party computation as its encryption mechanism |
cvxpylayers | 1,819 | 9 days ago | : cvxpylayers is a Python library for constructing differentiable convex optimization layers in PyTorch |
RepDistiller | 2,191 | about 1 year ago | : Contrastive Representation Distillation (CRD), and benchmark of recent knowledge distillation methods |
kaolin | 4,497 | 8 days ago | : PyTorch library aimed at accelerating 3D deep learning research |
PySNN | 218 | 4 months ago | : Efficient Spiking Neural Network framework, built on top of PyTorch for GPU acceleration |
sparktorch | 339 | over 1 year ago | : Train and run Pytorch models on Apache Spark |
pytorch-metric-learning | 6,012 | 19 days ago | : The easiest way to use metric learning in your application. Modular, flexible, and extensible. Written in PyTorch |
autonomous-learning-library | 646 | 8 months ago | : A PyTorch library for building deep reinforcement learning agents |
flambe | 262 | 3 months ago | : An ML framework to accelerate research and its path to production. flambe.ai |
pytorch-optimizer | 3,041 | 8 months ago | : Collections of modern optimization algorithms for PyTorch, includes: AccSGD, AdaBound, AdaMod, DiffGrad, Lamb, RAdam, RAdam, Yogi |
PyTorch-VAE | 6,671 | 5 months ago | : A Collection of Variational Autoencoders (VAE) in PyTorch |
ray | 33,994 | 6 days ago | : A fast and simple framework for building and running distributed applications. Ray is packaged with RLlib, a scalable reinforcement learning library, and Tune, a scalable hyperparameter tuning library. ray.io |
Pytorch Geometric Temporal | 2,669 | about 1 month ago | : A temporal extension library for PyTorch Geometric |
Poutyne | 569 | 5 months ago | : A Keras-like framework for PyTorch that handles much of the boilerplating code needed to train neural networks |
Pytorch-Toolbox | 417 | 6 months ago | : This is toolbox project for Pytorch. Aiming to make you write Pytorch code more easier, readable and concise |
Pytorch-contrib | 391 | almost 4 years ago | : It contains reviewed implementations of ideas from recent machine learning papers |
EfficientNet PyTorch | 7,921 | over 2 years ago | : It contains an op-for-op PyTorch reimplementation of EfficientNet, along with pre-trained models and examples |
PyTorch/XLA | 2,484 | 6 days ago | : PyTorch/XLA is a Python package that uses the XLA deep learning compiler to connect the PyTorch deep learning framework and Cloud TPUs |
webdataset | 2,325 | about 1 month ago | : WebDataset is a PyTorch Dataset (IterableDataset) implementation providing efficient access to datasets stored in POSIX tar archives |
volksdep | 286 | almost 4 years ago | : volksdep is an open-source toolbox for deploying and accelerating PyTorch, Onnx and Tensorflow models with TensorRT |
PyTorch-StudioGAN | 3,430 | 3 months ago | : StudioGAN is a Pytorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation. StudioGAN aims to offer an identical playground for modern GANs so that machine learning researchers can readily compare and analyze a new idea |
torchdrift | 312 | about 2 years ago | : drift detection library |
accelerate | 7,947 | 6 days ago | : A simple way to train and use PyTorch models with multi-GPU, TPU, mixed-precision |
lightning-transformers | 611 | almost 2 years ago | : Flexible interface for high-performance research using SOTA Transformers leveraging Pytorch Lightning, Transformers, and Hydra |
Flower | A unified approach to federated learning, analytics, and evaluation. It allows to federated any machine learning workload | ||
lightning-flash | 1,742 | about 1 year ago | : Flash is a collection of tasks for fast prototyping, baselining and fine-tuning scalable Deep Learning models, built on PyTorch Lightning |
Pytorch Geometric Signed Directed | 128 | 4 months ago | : A signed and directed extension library for PyTorch Geometric |
Koila | 1,821 | 18 days ago | : A simple wrapper around pytorch that prevents CUDA out of memory issues |
Renate | 280 | about 2 months ago | : A library for real-world continual learning |
Awesome-Pytorch-list / Tutorials, books, & examples | |||
DeepLearningForNLPInPytorch | : An IPython Notebook tutorial on deep learning, with an emphasis on Natural Language Processing | ||
pytorch-tutorial | 30,251 | over 1 year ago | : tutorial for researchers to learn deep learning with pytorch |
pytorch-exercises | 96 | over 7 years ago | : pytorch-exercises collection |
pytorch tutorials | 8,232 | 6 days ago | : Various pytorch tutorials |
pytorch examples | 22,428 | 13 days ago | : A repository showcasing examples of using pytorch |
pytorch practice | 197 | about 3 years ago | : Some example scripts on pytorch |
pytorch mini tutorials | 326 | about 4 years ago | : Minimal tutorials for PyTorch adapted from Alec Radford's Theano tutorials |
pytorch text classification | 66 | almost 8 years ago | : A simple implementation of CNN based text classification in Pytorch |
cats vs dogs | 71 | almost 8 years ago | : 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 | 347 | almost 4 years ago | : This is a complete training example for Deep Convolutional Networks on various datasets (ImageNet, Cifar10, Cifar100, MNIST) |
pytorch-generative-adversarial-networks | 32 | over 7 years ago | : simple generative adversarial network (GAN) using PyTorch |
pytorch containers | 89 | over 7 years ago | : 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 | 473 | about 2 years ago | : t-SNE experiments in pytorch |
AAE_pytorch | 198 | over 7 years ago | : Adversarial Autoencoders (with Pytorch) |
Kind_PyTorch_Tutorial | 392 | over 7 years ago | : Kind PyTorch Tutorial for beginners |
pytorch-poetry-gen | 239 | over 7 years ago | : a char-RNN based on pytorch |
pytorch-REINFORCE | 264 | over 7 years ago | : PyTorch implementation of REINFORCE, This repo supports both continuous and discrete environments in OpenAI gym |
https://morvanzhou.github.io/tutorials/ | : Build your neural network easy and fast | ||
pytorch-intro | 37 | over 7 years ago | : A couple of scripts to illustrate how to do CNNs and RNNs in PyTorch |
pytorch-classification | 1,692 | 5 months ago | : A unified framework for the image classification task on CIFAR-10/100 and ImageNet |
pytorch_notebooks - hardmaru | 385 | over 6 years ago | : Random tutorials created in NumPy and PyTorch |
pytorch_tutoria-quick | 109 | about 5 years ago | : Quick PyTorch introduction and tutorial. Targets computer vision, graphics and machine learning researchers eager to try a new framework |
Pytorch_fine_tuning_Tutorial | 279 | about 6 years ago | : A short tutorial on performing fine tuning or transfer learning in PyTorch |
pytorch_exercises | 315 | about 7 years ago | : pytorch-exercises |
traffic-sign-detection | 51 | about 6 years ago | : nyu-cv-fall-2017 example |
mss_pytorch | 171 | about 6 years ago | : Singing Voice Separation via Recurrent Inference and Skip-Filtering Connections - PyTorch Implementation. Demo: js-mim.github.io/mss_pytorch |
DeepNLP-models-Pytorch | 2,954 | about 5 years ago | Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ: NLP with Deep Learning) |
Mila introductory tutorials | 985 | over 6 years ago | : Various tutorials given for welcoming new students at MILA |
pytorch.rl.learning | 65 | about 5 years ago | : for learning reinforcement learning using PyTorch |
minimal-seq2seq | 690 | almost 4 years ago | : Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch |
tensorly-notebooks | 429 | almost 2 years ago | : Tensor methods in Python with TensorLy tensorly.github.io/dev |
pytorch_bits | 79 | over 6 years ago | : time-series prediction related examples |
skip-thoughts | 226 | almost 7 years ago | : An implementation of Skip-Thought Vectors in PyTorch |
video-caption-pytorch | 401 | over 5 years ago | : pytorch code for video captioning |
Capsule-Network-Tutorial | 768 | about 5 years ago | : Pytorch easy-to-follow Capsule Network tutorial |
code-of-learn-deep-learning-with-pytorch | 2,819 | 9 months ago | : This is code of book "Learn Deep Learning with PyTorch" item.jd.com/17915495606.html |
RL-Adventure | 3,034 | about 3 years ago | : Pytorch easy-to-follow step-by-step Deep Q Learning tutorial with clean readable code |
accelerated_dl_pytorch | 127 | over 6 years ago | : Accelerated Deep Learning with PyTorch at Jupyter Day Atlanta II |
RL-Adventure-2 | 3,293 | 6 months ago | : 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 | 687 | almost 2 years ago | |
PyTorch Tutorial | : PyTorch Tutorials in Chinese | ||
grokking-pytorch | 1,194 | about 3 years ago | : The Hitchiker's Guide to PyTorch |
PyTorch-Deep-Learning-Minicourse | 6,693 | 2 months ago | : Minicourse in Deep Learning with PyTorch |
pytorch-custom-dataset-examples | 862 | over 4 years ago | : Some custom dataset examples for PyTorch |
Multiplicative LSTM for sequence-based Recommenders | |||
deeplearning.ai-pytorch | 149 | almost 4 years ago | : PyTorch Implementations of Coursera's Deep Learning(deeplearning.ai) Specialization |
MNIST_Pytorch_python_and_capi | 96 | about 6 years ago | : This is an example of how to train a MNIST network in Python and run it in c++ with pytorch 1.0 |
torch_light | 535 | about 4 years ago | : Tutorials and examples include Reinforcement Training, NLP, CV |
portrain-gan | 40 | about 6 years ago | : torch code to decode (and almost encode) latents from art-DCGAN's Portrait GAN |
mri-analysis-pytorch | 63 | about 6 years ago | : MRI analysis using PyTorch and MedicalTorch |
cifar10-fast | 532 | almost 3 years ago | : Demonstration of training a small ResNet on CIFAR10 to 94% test accuracy in 79 seconds as described in this |
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 | 4,381 | 8 months ago | : Tutorials on getting started with PyTorch and TorchText for sentiment analysis |
pytorch-image-models | 32,265 | 7 days ago | : PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MobileNet-V3/V2/V1, MNASNet, Single-Path NAS, FBNet, and more |
CIFAR-ZOO | 700 | almost 4 years ago | : Pytorch implementation for multiple CNN architectures and improve methods with state-of-the-art results |
d2l-pytorch | 4,244 | 4 months ago | : 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 | 329 | almost 2 years ago | : Thinking in tensors, writing in PyTorch (a hands-on deep learning intro) |
NER-BERT-pytorch | 438 | over 1 year ago | : PyTorch solution of named entity recognition task Using Google AI's pre-trained BERT model |
pytorch-sync-batchnorm-example | 249 | over 5 years ago | : How to use Cross Replica / Synchronized Batchnorm in Pytorch |
SentimentAnalysis | 364 | over 1 year ago | : Sentiment analysis neural network trained by fine tuning BERT on the Stanford Sentiment Treebank, thanks to 's Transformers library |
pytorch-cpp | 1,965 | 7 months ago | : C++ implementations of PyTorch tutorials for deep learning researchers (based on the Python tutorials from ) |
Deep Learning with PyTorch: Zero to GANs | : Interactive and coding-focused tutorial series on introduction to Deep Learning with PyTorch ( ) | ||
Deep Learning with PyTorch | : Deep Learning with PyTorch teaches you how to implement deep learning algorithms with Python and PyTorch, the book includes a case study: building an algorithm capable of detecting malignant lung tumors using CT scans | ||
Serverless Machine Learning in Action with PyTorch and AWS | : Serverless Machine Learning in Action is a guide to bringing your experimental PyTorch machine learning code to production using serverless capabilities from major cloud providers like AWS, Azure, or GCP | ||
LabML NN | 56,215 | 3 months ago | : A collection of PyTorch implementations of neural networks architectures and algorithms with side-by-side notes |
Run your PyTorch Example Fedarated with Flower | 5,114 | 6 days ago | : This example demonstrates how an already existing centralized PyTorch machine learning project can be federated with Flower. A Cifar-10 dataset is used together with a convolutional neural network (CNN) |
Awesome-Pytorch-list / Paper implementations | |||
google_evolution | 53 | over 7 years ago | : This implements one of result networks from Large-scale evolution of image classifiers by Esteban Real, et. al |
pyscatwave | 298 | over 4 years ago | : Fast Scattering Transform with CuPy/PyTorch,read the paper |
scalingscattering | 81 | about 7 years ago | : Scaling The Scattering Transform : Deep Hybrid Networks |
deep-auto-punctuation | 141 | about 4 years ago | : a pytorch implementation of auto-punctuation learned character by character |
Realtime_Multi-Person_Pose_Estimation | 1,365 | almost 2 years ago | : This is a pytorch version of Realtime_Multi-Person_Pose_Estimation, origin code is |
PyTorch-value-iteration-networks | 79 | over 7 years ago | : PyTorch implementation of the Value Iteration Networks (NIPS '16) paper |
pytorch_Highway | 82 | over 7 years ago | : Highway network implemented in pytorch |
pytorch_NEG_loss | 125 | over 7 years ago | : NEG loss implemented in pytorch |
pytorch_RVAE | 357 | over 7 years ago | : Recurrent Variational Autoencoder that generates sequential data implemented in pytorch |
pytorch_TDNN | 81 | over 7 years ago | : Time Delayed NN implemented in pytorch |
eve.pytorch | 33 | about 3 years ago | : An implementation of Eve Optimizer, proposed in Imploving Stochastic Gradient Descent with Feedback, Koushik and Hayashi, 2016 |
e2e-model-learning | 200 | almost 4 years ago | : Task-based end-to-end model learning |
pix2pix-pytorch | 425 | almost 6 years ago | : PyTorch implementation of "Image-to-Image Translation Using Conditional Adversarial Networks" |
Single Shot MultiBox Detector | 5,146 | almost 3 years ago | : A PyTorch Implementation of Single Shot MultiBox Detector |
DiscoGAN | 1,084 | over 6 years ago | : PyTorch implementation of "Learning to Discover Cross-Domain Relations with Generative Adversarial Networks" |
official DiscoGAN implementation | 773 | over 3 years ago | : Official implementation of "Learning to Discover Cross-Domain Relations with Generative Adversarial Networks" |
pytorch-es | 350 | about 7 years ago | : This is a PyTorch implementation of |
piwise | 383 | almost 6 years ago | : Pixel-wise segmentation on VOC2012 dataset using pytorch |
pytorch-dqn | 386 | about 7 years ago | : Deep Q-Learning Network in pytorch |
neuraltalk2-pytorch | 1,451 | about 1 year ago | : image captioning model in pytorch(finetunable cnn in branch with_finetune) |
vnet.pytorch | 694 | over 6 years ago | : A Pytorch implementation for V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation |
pytorch-fcn | 1,747 | almost 2 years ago | : PyTorch implementation of Fully Convolutional Networks |
WideResNets | 333 | over 3 years ago | : WideResNets for CIFAR10/100 implemented in PyTorch. This implementation requires less GPU memory than what is required by the official Torch implementation: |
pytorch_highway_networks | 56 | over 7 years ago | : Highway networks implemented in PyTorch |
pytorch-NeuCom | 94 | almost 7 years ago | : Pytorch implementation of DeepMind's differentiable neural computer paper |
captionGen | 128 | over 7 years ago | : Generate captions for an image using PyTorch |
AnimeGAN | 1,280 | about 2 years ago | : A simple PyTorch Implementation of Generative Adversarial Networks, focusing on anime face drawing |
Cnn-text classification | 1,020 | over 1 year ago | : This is the implementation of Kim's Convolutional Neural Networks for Sentence Classification paper in PyTorch |
deepspeech2 | 2,104 | almost 2 years ago | : Implementation of DeepSpeech2 using Baidu Warp-CTC. Creates a network based on the DeepSpeech2 architecture, trained with the CTC activation function |
seq2seq | 736 | over 2 years ago | : This repository contains implementations of Sequence to Sequence (Seq2Seq) models in PyTorch |
Asynchronous Advantage Actor-Critic in PyTorch | 38 | over 7 years ago | : 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 | 832 | over 6 years ago | : 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 | 70 | over 7 years ago | : Weight initialization schemes for PyTorch nn.Modules. This is a port of the popular nninit for Torch7 by @kaixhin |
faster rcnn | 1,724 | about 3 years ago | : 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 | 132 | over 2 years ago | : PyTorch's version of Doom-net implementing some RL models in ViZDoom environment |
flownet | 850 | 8 months ago | : Pytorch implementation of FlowNet by Dosovitskiy et al |
sqeezenet | 91 | over 4 years ago | : 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 | 3,209 | almost 6 years ago | : wassersteinGAN in pytorch |
optnet | 513 | over 4 years ago | : 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 | 685 | 3 months ago | : A fast and differentiable QP solver for PyTorch. Crafted by Brandon Amos and J. Zico Kolter |
Continuous Deep Q-Learning with Model-based Acceleration | 307 | almost 4 years ago | : Reimplementation of Continuous Deep Q-Learning with Model-based Acceleration |
Learning to learn by gradient descent by gradient descent | 312 | about 6 years ago | : PyTorch implementation of Learning to learn by gradient descent by gradient descent |
fast-neural-style | 428 | 4 months ago | : pytorch implementation of fast-neural-style, The model uses the method described in along with Instance Normalization |
PytorchNeuralStyleTransfer | 421 | almost 4 years ago | : Implementation of Neural Style Transfer in Pytorch |
Fast Neural Style for Image Style Transform by Pytorch | 82 | almost 3 years ago | : Fast Neural Style for Image Style Transform by Pytorch |
neural style transfer | 136 | about 6 years ago | : An introduction to PyTorch through the Neural-Style algorithm ( ) developed by Leon A. Gatys, Alexander S. Ecker and Matthias Bethge |
VIN_PyTorch_Visdom | 226 | over 7 years ago | : PyTorch implementation of Value Iteration Networks (VIN): Clean, Simple and Modular. Visualization in Visdom |
YOLO2 | 1,549 | about 3 years ago | : YOLOv2 in PyTorch |
attention-transfer | 1,444 | over 6 years ago | : Attention transfer in pytorch, read the paper |
SVHNClassifier | 200 | over 3 years ago | : A PyTorch implementation of |
pytorch-deform-conv | 911 | over 3 years ago | : PyTorch implementation of Deformable Convolution |
BEGAN-pytorch | 262 | over 7 years ago | : PyTorch implementation of : Boundary Equilibrium Generative Adversarial Networks |
treelstm.pytorch | 550 | about 5 years ago | : Tree LSTM implementation in PyTorch |
AGE | 285 | over 6 years ago | : Code for paper "Adversarial Generator-Encoder Networks" by Dmitry Ulyanov, Andrea Vedaldi and Victor Lempitsky which can be found |
ResNeXt.pytorch | 508 | over 4 years ago | : Reproduces ResNet-V3 (Aggregated Residual Transformations for Deep Neural Networks) with pytorch |
pytorch-rl | 797 | over 4 years ago | : Deep Reinforcement Learning with pytorch & visdom |
Deep-Leafsnap | 50 | about 7 years ago | : LeafSnap replicated using deep neural networks to test accuracy compared to traditional computer vision methods |
pytorch-CycleGAN-and-pix2pix | 23,085 | 6 months ago | : PyTorch implementation for both unpaired and paired image-to-image translation |
A3C-PyTorch | 114 | over 7 years ago | :PyTorch implementation of Advantage async actor-critic Algorithms (A3C) in PyTorch |
pytorch-value-iteration-networks | 318 | about 4 years ago | : Pytorch implementation of Value Iteration Networks (NIPS 2016 best paper) |
PyTorch-Style-Transfer | 979 | over 2 years ago | : PyTorch Implementation of Multi-style Generative Network for Real-time Transfer |
pytorch-deeplab-resnet | 602 | about 1 year ago | : pytorch-deeplab-resnet-model |
pointnet.pytorch | 2,149 | over 1 year ago | : pytorch implementation for "PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation" |
pytorch-dnc | 278 | almost 7 years ago | : Neural Turing Machine (NTM) & Differentiable Neural Computer (DNC) with pytorch & visdom |
pytorch_image_classifier | 113 | about 4 years ago | : Minimal But Practical Image Classifier Pipline Using Pytorch, Finetune on ResNet18, Got 99% Accuracy on Own Small Datasets |
mnist-svhn-transfer | 432 | over 7 years ago | : PyTorch Implementation of CycleGAN and SGAN for Domain Transfer (Minimal) |
pytorch-yolo2 | : pytorch-yolo2 | ||
dni | 118 | about 7 years ago | : Implement Decoupled Neural Interfaces using Synthetic Gradients in Pytorch |
wgan-gp | 1,510 | over 1 year ago | : A pytorch implementation of Paper "Improved Training of Wasserstein GANs" |
pytorch-seq2seq-intent-parsing | 159 | over 7 years ago | : Intent parsing and slot filling in PyTorch with seq2seq + attention |
pyTorch_NCE | 45 | over 5 years ago | : An implementation of the Noise Contrastive Estimation algorithm for pyTorch. Working, yet not very efficient |
molencoder | 86 | over 4 years ago | : Molecular AutoEncoder in PyTorch |
GAN-weight-norm | 181 | almost 7 years ago | : Code for "On the Effects of Batch and Weight Normalization in Generative Adversarial Networks" |
lgamma | 24 | over 7 years ago | : Implementations of polygamma, lgamma, and beta functions for PyTorch |
bigBatch | 148 | over 7 years ago | : 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 | 562 | over 1 year ago | : Reinforcement learning with implementation of A3C LSTM for Atari 2600 |
pytorch-retraining | 170 | about 4 years ago | : Transfer Learning Shootout for PyTorch's model zoo (torchvision) |
nmp_qc | 339 | over 4 years ago | : Neural Message Passing for Computer Vision |
grad-cam | 10,575 | about 1 month ago | : Pytorch implementation of Grad-CAM |
pytorch-trpo | : PyTorch Implementation of Trust Region Policy Optimization (TRPO) | ||
pytorch-explain-black-box | 334 | almost 3 years ago | : PyTorch implementation of Interpretable Explanations of Black Boxes by Meaningful Perturbation |
vae_vpflows | 90 | over 7 years ago | : Code in PyTorch for the convex combination linear IAF and the Householder Flow, J.M. Tomczak & M. Welling |
relational-networks | 812 | almost 2 years ago | : Pytorch implementation of "A simple neural network module for relational reasoning" (Relational Networks) |
vqa.pytorch | 716 | almost 5 years ago | : Visual Question Answering in Pytorch |
end-to-end-negotiator | 1,379 | over 4 years ago | : Deal or No Deal? End-to-End Learning for Negotiation Dialogues |
odin-pytorch | 200 | over 7 years ago | : Principled Detection of Out-of-Distribution Examples in Neural Networks |
FreezeOut | 211 | over 6 years ago | : Accelerate Neural Net Training by Progressively Freezing Layers |
ARAE | 400 | over 4 years ago | : Code for the paper "Adversarially Regularized Autoencoders for Generating Discrete Structures" by Zhao, Kim, Zhang, Rush and LeCun |
forward-thinking-pytorch | 65 | over 7 years ago | : Pytorch implementation of "Forward Thinking: Building and Training Neural Networks One Layer at a Time" |
context_encoder_pytorch | 365 | almost 5 years ago | : PyTorch Implement of Context Encoders |
attention-is-all-you-need-pytorch | 8,868 | 7 months ago | : A PyTorch implementation of the Transformer model in "Attention is All You Need" |
OpenFacePytorch | 183 | almost 5 years ago | : PyTorch module to use OpenFace's nn4.small2.v1.t7 model |
neural-combinatorial-rl-pytorch | 558 | over 6 years ago | : PyTorch implementation of Neural Combinatorial Optimization with Reinforcement Learning |
pytorch-nec | 0 | 10 months ago | : PyTorch Implementation of Neural Episodic Control (NEC) |
seq2seq.pytorch | 523 | about 5 years ago | : Sequence-to-Sequence learning using PyTorch |
Pytorch-Sketch-RNN | 184 | over 5 years ago | : a pytorch implementation of arxiv.org/abs/1704.03477 |
pytorch-pruning | 875 | over 5 years ago | : PyTorch Implementation of [1611.06440] Pruning Convolutional Neural Networks for Resource Efficient Inference |
DrQA | 401 | over 2 years ago | : A pytorch implementation of Reading Wikipedia to Answer Open-Domain Questions |
YellowFin_Pytorch | 287 | over 5 years ago | : auto-tuning momentum SGD optimizer |
samplernn-pytorch | 288 | over 1 year ago | : PyTorch implementation of SampleRNN: An Unconditional End-to-End Neural Audio Generation Model |
AEGeAN | 38 | 8 months ago | : Deeper DCGAN with AE stabilization |
/pytorch-SRResNet | 484 | over 6 years ago | : pytorch implementation for Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network arXiv:1609.04802v2 |
vsepp | 489 | almost 3 years ago | : Code for the paper "VSE++: Improved Visual Semantic Embeddings" |
Pytorch-DPPO | 180 | over 6 years ago | : Pytorch implementation of Distributed Proximal Policy Optimization: arxiv.org/abs/1707.02286 |
UNIT | 1,988 | about 3 years ago | : PyTorch Implementation of our Coupled VAE-GAN algorithm for Unsupervised Image-to-Image Translation |
efficient_densenet_pytorch | 1,521 | over 1 year ago | : A memory-efficient implementation of DenseNets |
tsn-pytorch | 1,066 | over 5 years ago | : Temporal Segment Networks (TSN) in PyTorch |
SMASH | 489 | over 7 years ago | : An experimental technique for efficiently exploring neural architectures |
pytorch-retinanet | 995 | over 5 years ago | : RetinaNet in PyTorch |
biogans | 95 | almost 7 years ago | : Implementation supporting the ICCV 2017 paper "GANs for Biological Image Synthesis" |
Semantic Image Synthesis via Adversarial Learning | 145 | about 7 years ago | : A PyTorch implementation of the paper "Semantic Image Synthesis via Adversarial Learning" in ICCV 2017 |
fmpytorch | 173 | over 6 years ago | : A PyTorch implementation of a Factorization Machine module in cython |
ORN | 223 | over 2 years ago | : A PyTorch implementation of the paper "Oriented Response Networks" in CVPR 2017 |
pytorch-maml | 553 | about 6 years ago | : PyTorch implementation of MAML: arxiv.org/abs/1703.03400 |
pytorch-generative-model-collections | 2,601 | over 4 years ago | : Collection of generative models in Pytorch version |
vqa-winner-cvprw-2017 | 164 | almost 6 years ago | : Pytorch Implementation of winner from VQA Chllange Workshop in CVPR'17 |
tacotron_pytorch | 309 | over 5 years ago | : PyTorch implementation of Tacotron speech synthesis model |
pspnet-pytorch | 585 | about 7 years ago | : PyTorch implementation of PSPNet segmentation network |
LM-LSTM-CRF | 846 | over 2 years ago | : Empower Sequence Labeling with Task-Aware Language Model |
face-alignment | 7,088 | 3 months ago | : 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 | 119 | over 5 years ago | : PyTorch DepthNet Training on Still Box dataset |
EDSR-PyTorch | 2,443 | almost 2 years ago | : PyTorch version of the paper 'Enhanced Deep Residual Networks for Single Image Super-Resolution' (CVPRW 2017) |
e2c-pytorch | 43 | over 7 years ago | : Embed to Control implementation in PyTorch |
3D-ResNets-PyTorch | 3,900 | almost 4 years ago | : 3D ResNets for Action Recognition |
bandit-nmt | 136 | over 6 years ago | : 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 |
pytorch-a2c-ppo-acktr | 3,605 | over 2 years ago | : PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO) and Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) |
zalando-pytorch | 31 | about 7 years ago | : Various experiments on the dataset from Zalando |
sphereface_pytorch | 715 | almost 3 years ago | : A PyTorch Implementation of SphereFace |
Categorical DQN | 96 | over 6 years ago | : A PyTorch Implementation of Categorical DQN from |
pytorch-ntm | 590 | over 6 years ago | : pytorch ntm implementation |
mask_rcnn_pytorch | : Mask RCNN in PyTorch | ||
graph_convnets_pytorch | 291 | about 7 years ago | : PyTorch implementation of graph ConvNets, NIPS’16 |
pytorch-faster-rcnn | 1,817 | about 4 years ago | : A pytorch implementation of faster RCNN detection framework based on Xinlei Chen's tf-faster-rcnn |
torchMoji | 918 | 9 months ago | : A pyTorch implementation of the DeepMoji model: state-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc |
semantic-segmentation-pytorch | 4,948 | 10 months ago | : Pytorch implementation for Semantic Segmentation/Scene Parsing on |
pytorch-qrnn | 1,259 | almost 3 years ago | : PyTorch implementation of the Quasi-Recurrent Neural Network - up to 16 times faster than NVIDIA's cuDNN LSTM |
pytorch-sgns | 302 | over 3 years ago | : Skipgram Negative Sampling in PyTorch |
SfmLearner-Pytorch | 1,014 | almost 2 years ago | : Pytorch version of SfmLearner from Tinghui Zhou et al |
deformable-convolution-pytorch | 409 | almost 6 years ago | : PyTorch implementation of Deformable Convolution |
skip-gram-pytorch | 188 | about 7 years ago | : A complete pytorch implementation of skipgram model (with subsampling and negative sampling). The embedding result is tested with Spearman's rank correlation |
stackGAN-v2 | 843 | almost 5 years ago | : Pytorch implementation for reproducing StackGAN_v2 results in the paper StackGAN++: Realistic Image Synthesis with Stacked Generative Adversarial Networks by Han Zhang*, Tao Xu*, Hongsheng Li, Shaoting Zhang, Xiaogang Wang, Xiaolei Huang, Dimitris Metaxas |
self-critical.pytorch | 997 | about 1 year ago | : Unofficial pytorch implementation for Self-critical Sequence Training for Image Captioning |
pygcn | 5,198 | about 4 years ago | : Graph Convolutional Networks in PyTorch |
dnc | 338 | 4 months ago | : Differentiable Neural Computers, for Pytorch |
prog_gans_pytorch_inference | 322 | about 7 years ago | : PyTorch inference for "Progressive Growing of GANs" with CelebA snapshot |
pytorch-capsule | 632 | over 6 years ago | : Pytorch implementation of Hinton's Dynamic Routing Between Capsules |
PyramidNet-PyTorch | 273 | over 4 years ago | : A PyTorch implementation for PyramidNets (Deep Pyramidal Residual Networks, arxiv.org/abs/1610.02915) |
radio-transformer-networks | 127 | about 7 years ago | : A PyTorch implementation of Radio Transformer Networks from the paper "An Introduction to Deep Learning for the Physical Layer". arxiv.org/abs/1702.00832 |
honk | 513 | over 1 year ago | : PyTorch reimplementation of Google's TensorFlow CNNs for keyword spotting |
DeepCORAL | 226 | over 3 years ago | : A PyTorch implementation of 'Deep CORAL: Correlation Alignment for Deep Domain Adaptation.', ECCV 2016 |
pytorch-pose | 1,105 | almost 3 years ago | : A PyTorch toolkit for 2D Human Pose Estimation |
lang-emerge-parlai | 105 | over 5 years ago | : Implementation of EMNLP 2017 Paper "Natural Language Does Not Emerge 'Naturally' in Multi-Agent Dialog" using PyTorch and ParlAI |
Rainbow | 1,585 | almost 3 years ago | : Rainbow: Combining Improvements in Deep Reinforcement Learning |
pytorch_compact_bilinear_pooling v1 | 252 | over 2 years ago | : This repository has a pure Python implementation of Compact Bilinear Pooling and Count Sketch for PyTorch |
CompactBilinearPooling-Pytorch v2 | 182 | over 3 years ago | : (Yang Gao, et al.) A Pytorch Implementation for Compact Bilinear Pooling |
FewShotLearning | 256 | about 7 years ago | : Pytorch implementation of the paper "Optimization as a Model for Few-Shot Learning" |
meProp | 110 | over 2 years ago | : Codes for "meProp: Sparsified Back Propagation for Accelerated Deep Learning with Reduced Overfitting" |
SFD_pytorch | 230 | about 5 years ago | : A PyTorch Implementation of Single Shot Scale-invariant Face Detector |
GradientEpisodicMemory | 393 | about 6 years ago | : Continuum Learning with GEM: Gradient Episodic Memory |
DeblurGAN | 2,516 | almost 5 years ago | : Pytorch implementation of the paper DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial Networks |
StarGAN | 5,229 | almost 4 years ago | : StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Tranlsation |
CapsNet-pytorch | 489 | over 3 years ago | : PyTorch implementation of NIPS 2017 paper Dynamic Routing Between Capsules |
CondenseNet | 694 | about 5 years ago | : CondenseNet: An Efficient DenseNet using Learned Group Convolutions |
deep-image-prior | 7,886 | over 1 year ago | : Image restoration with neural networks but without learning |
deep-head-pose | 1,579 | over 1 year ago | : Deep Learning Head Pose Estimation using PyTorch |
Random-Erasing | 722 | about 1 year ago | : This code has the source code for the paper "Random Erasing Data Augmentation" |
FaderNetworks | 760 | about 3 years ago | : Fader Networks: Manipulating Images by Sliding Attributes - NIPS 2017 |
FlowNet 2.0 | 3,147 | over 1 year ago | : FlowNet 2.0: Evolution of Optical Flow Estimation with Deep Networks |
pix2pixHD | 6,667 | 17 days ago | : Synthesizing and manipulating 2048x1024 images with conditional GANs tcwang0509.github.io/pix2pixHD |
pytorch-smoothgrad | 167 | over 3 years ago | : SmoothGrad implementation in PyTorch |
RetinaNet | 299 | about 6 years ago | : An implementation of RetinaNet in PyTorch |
faster-rcnn.pytorch | 7,693 | over 2 years ago | : This project is a faster faster R-CNN implementation, aimed to accelerating the training of faster R-CNN object detection models |
mixup_pytorch | 123 | almost 7 years ago | : A PyTorch implementation of the paper Mixup: Beyond Empirical Risk Minimization in PyTorch |
inplace_abn | 1,321 | 3 months ago | : In-Place Activated BatchNorm for Memory-Optimized Training of DNNs |
pytorch-pose-hg-3d | 613 | over 1 year ago | : PyTorch implementation for 3D human pose estimation |
nmn-pytorch | 108 | almost 7 years ago | : Neural Module Network for VQA in Pytorch |
bytenet | 47 | almost 7 years ago | : Pytorch implementation of bytenet from "Neural Machine Translation in Linear Time" paper |
bottom-up-attention-vqa | 754 | 9 months ago | : vqa, bottom-up-attention, pytorch |
yolo2-pytorch | 440 | over 6 years ago | : The YOLOv2 is one of the most popular one-stage object detector. This project adopts PyTorch as the developing framework to increase productivity, and utilize ONNX to convert models into Caffe 2 to benifit engineering deployment |
reseg-pytorch | 45 | almost 7 years ago | : PyTorch Implementation of ReSeg (arxiv.org/pdf/1511.07053.pdf) |
binary-stochastic-neurons | 56 | almost 7 years ago | : Binary Stochastic Neurons in PyTorch |
pytorch-pose-estimation | 159 | almost 7 years ago | : PyTorch Implementation of Realtime Multi-Person Pose Estimation project |
interaction_network_pytorch | 131 | almost 7 years ago | : Pytorch Implementation of Interaction Networks for Learning about Objects, Relations and Physics |
NoisyNaturalGradient | 121 | about 6 years ago | : Pytorch Implementation of paper "Noisy Natural Gradient as Variational Inference" |
ewc.pytorch | 238 | over 5 years ago | : An implementation of Elastic Weight Consolidation (EWC), proposed in James Kirkpatrick et al. Overcoming catastrophic forgetting in neural networks 2016(10.1073/pnas.1611835114) |
pytorch-zssr | 201 | almost 7 years ago | : PyTorch implementation of 1712.06087 "Zero-Shot" Super-Resolution using Deep Internal Learning |
deep_image_prior | 215 | almost 5 years ago | : An implementation of image reconstruction methods from Deep Image Prior (Ulyanov et al., 2017) in PyTorch |
pytorch-transformer | 239 | over 3 years ago | : pytorch implementation of Attention is all you need |
DeepRL-Grounding | 237 | over 6 years ago | : This is a PyTorch implementation of the AAAI-18 paper Gated-Attention Architectures for Task-Oriented Language Grounding |
deep-forecast-pytorch | 177 | almost 7 years ago | : Wind Speed Prediction using LSTMs in PyTorch (arxiv.org/pdf/1707.08110.pdf) |
cat-net | 52 | about 5 years ago | : Canonical Appearance Transformations |
minimal_glo | 120 | almost 7 years ago | : Minimal PyTorch implementation of Generative Latent Optimization from the paper "Optimizing the Latent Space of Generative Networks" |
LearningToCompare-Pytorch | 251 | almost 7 years ago | : Pytorch Implementation for Paper: Learning to Compare: Relation Network for Few-Shot Learning |
poincare-embeddings | 1,681 | 4 months ago | : PyTorch implementation of the NIPS-17 paper "Poincaré Embeddings for Learning Hierarchical Representations" |
pytorch-trpo(Hessian-vector product version) | 433 | about 6 years ago | : This is a PyTorch implementation of "Trust Region Policy Optimization (TRPO)" with exact Hessian-vector product instead of finite differences approximation |
ggnn.pytorch | 465 | over 5 years ago | : A PyTorch Implementation of Gated Graph Sequence Neural Networks (GGNN) |
visual-interaction-networks-pytorch | 166 | almost 7 years ago | : This's an implementation of deepmind Visual Interaction Networks paper using pytorch |
adversarial-patch | 204 | over 2 years ago | : PyTorch implementation of adversarial patch |
Prototypical-Networks-for-Few-shot-Learning-PyTorch | 989 | over 2 years ago | : Implementation of Prototypical Networks for Few Shot Learning (arxiv.org/abs/1703.05175) in Pytorch |
Visual-Feature-Attribution-Using-Wasserstein-GANs-Pytorch | 93 | over 1 year ago | : Implementation of Visual Feature Attribution using Wasserstein GANs (arxiv.org/abs/1711.08998) in PyTorch |
PhotographicImageSynthesiswithCascadedRefinementNetworks-Pytorch | 65 | almost 7 years ago | : Photographic Image Synthesis with Cascaded Refinement Networks - Pytorch Implementation |
ENAS-pytorch | 2,706 | over 1 year ago | : PyTorch implementation of "Efficient Neural Architecture Search via Parameters Sharing" |
Neural-IMage-Assessment | 536 | about 3 years ago | : A PyTorch Implementation of Neural IMage Assessment |
proxprop | 41 | over 5 years ago | : Proximal Backpropagation - a neural network training algorithm that takes implicit instead of explicit gradient steps |
FastPhotoStyle | 11,156 | over 1 year ago | : A Closed-form Solution to Photorealistic Image Stylization |
Deep-Image-Analogy-PyTorch | 181 | almost 3 years ago | : A python implementation of Deep-Image-Analogy based on pytorch |
Person-reID_pytorch | 4,126 | about 2 months ago | : PyTorch for Person re-ID |
pt-dilate-rnn | 211 | over 5 years ago | : Dilated RNNs in pytorch |
pytorch-i-revnet | 389 | almost 4 years ago | : Pytorch implementation of i-RevNets |
OrthNet | 31 | over 6 years ago | : TensorFlow and PyTorch layers for generating Orthogonal Polynomials |
DRRN-pytorch | 193 | over 6 years ago | : An implementation of Deep Recursive Residual Network for Super Resolution (DRRN), CVPR 2017 |
shampoo.pytorch | 74 | over 6 years ago | : An implementation of shampoo |
Neural-IMage-Assessment 2 | 335 | over 2 years ago | : A PyTorch Implementation of Neural IMage Assessment |
TCN | 4,171 | over 2 years ago | : Sequence modeling benchmarks and temporal convolutional networks locuslab/TCN |
DCC | 209 | over 3 years ago | : This repository contains the source code and data for reproducing results of Deep Continuous Clustering paper |
packnet | 230 | about 6 years ago | : Code for PackNet: Adding Multiple Tasks to a Single Network by Iterative Pruning arxiv.org/abs/1711.05769 |
PyTorch-progressive_growing_of_gans | 580 | almost 7 years ago | : PyTorch implementation of Progressive Growing of GANs for Improved Quality, Stability, and Variation |
nonauto-nmt | 269 | almost 3 years ago | : PyTorch Implementation of "Non-Autoregressive Neural Machine Translation" |
PyTorch-GAN | 16,453 | 5 months ago | : PyTorch implementations of Generative Adversarial Networks |
PyTorchWavelets | 307 | almost 3 years ago | : PyTorch implementation of the wavelet analysis found in Torrence and Compo (1998) |
pytorch-made | 539 | almost 6 years ago | : MADE (Masked Autoencoder Density Estimation) implementation in PyTorch |
VRNN | 283 | almost 3 years ago | : Pytorch implementation of the Variational RNN (VRNN), from A Recurrent Latent Variable Model for Sequential Data |
flow | 54 | over 5 years ago | : Pytorch implementation of ICLR 2018 paper Deep Learning for Physical Processes: Integrating Prior Scientific Knowledge |
deepvoice3_pytorch | 1,969 | 11 months ago | : PyTorch implementation of convolutional networks-based text-to-speech synthesis models |
psmm | 50 | over 6 years ago | : imlementation of the the Pointer Sentinel Mixture Model, as described in the paper by Stephen Merity et al |
tacotron2 | 5,099 | 5 months ago | : Tacotron 2 - PyTorch implementation with faster-than-realtime inference |
AccSGD | 215 | over 6 years ago | : Implements pytorch code for the Accelerated SGD algorithm |
QANet-pytorch | 345 | over 2 years ago | : an implementation of QANet with PyTorch (EM/F1 = 70.5/77.2 after 20 epoches for about 20 hours on one 1080Ti card.) |
ConvE | 674 | 8 months ago | : Convolutional 2D Knowledge Graph Embeddings |
Structured-Self-Attention | 494 | about 5 years ago | : Implementation for the paper A Structured Self-Attentive Sentence Embedding, which is published in ICLR 2017: arxiv.org/abs/1703.03130 |
graphsage-simple | 996 | over 4 years ago | : Simple reference implementation of GraphSAGE |
Detectron.pytorch | 2,820 | about 5 years ago | : A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available |
R2Plus1D-PyTorch | 363 | over 4 years ago | : PyTorch implementation of the R2Plus1D convolution based ResNet architecture described in the paper "A Closer Look at Spatiotemporal Convolutions for Action Recognition" |
StackNN | 142 | about 5 years ago | : A PyTorch implementation of differentiable stacks for use in neural networks |
translagent | 80 | over 6 years ago | : Code for Emergent Translation in Multi-Agent Communication |
ban-vqa | 542 | about 1 year ago | : Bilinear attention networks for visual question answering |
pytorch-openai-transformer-lm | 1,511 | over 3 years ago | : This is a PyTorch implementation of the TensorFlow code provided with OpenAI's paper "Improving Language Understanding by Generative Pre-Training" by Alec Radford, Karthik Narasimhan, Tim Salimans and Ilya Sutskever |
T2F | 548 | over 2 years ago | : Text-to-Face generation using Deep Learning. This project combines two of the recent architectures StackGAN and ProGAN for synthesizing faces from textual descriptions |
pytorch - fid | 3,406 | 5 months ago | : A Port of Fréchet Inception Distance (FID score) to PyTorch |
vae_vpflows | 90 | over 7 years ago | :Code in PyTorch for the convex combination linear IAF and the Householder Flow, J.M. Tomczak & M. Welling jmtomczak.github.io/deebmed.html |
CoordConv-pytorch | 397 | over 6 years ago | : Pytorch implementation of CoordConv introduced in 'An intriguing failing of convolutional neural networks and the CoordConv solution' paper. (arxiv.org/pdf/1807.03247.pdf) |
SDPoint | 18 | about 5 years ago | : Implementation of "Stochastic Downsampling for Cost-Adjustable Inference and Improved Regularization in Convolutional Networks", published in CVPR 2018 |
SRDenseNet-pytorch | 119 | about 6 years ago | : SRDenseNet-pytorch(ICCV_2017) |
GAN_stability | 918 | about 5 years ago | : Code for paper "Which Training Methods for GANs do actually Converge? (ICML 2018)" |
Mask-RCNN | 992 | about 5 years ago | : A PyTorch implementation of the architecture of Mask RCNN, serves as an introduction to working with PyTorch |
pytorch-coviar | 502 | over 6 years ago | : Compressed Video Action Recognition |
PNASNet.pytorch | 317 | over 2 years ago | : PyTorch implementation of PNASNet-5 on ImageNet |
NALU-pytorch | : Basic pytorch implementation of NAC/NALU from Neural Arithmetic Logic Units arxiv.org/pdf/1808.00508.pdf | ||
LOLA_DiCE | 90 | over 6 years ago | : Pytorch implementation of LOLA (arxiv.org/abs/1709.04326) using DiCE (arxiv.org/abs/1802.05098) |
generative-query-network-pytorch | 322 | over 5 years ago | : Generative Query Network (GQN) in PyTorch as described in "Neural Scene Representation and Rendering" |
pytorch_hmax | 57 | over 1 year ago | : Implementation of the HMAX model of vision in PyTorch |
FCN-pytorch-easiest | 160 | almost 6 years ago | : trying to be the most easiest and just get-to-use pytorch implementation of FCN (Fully Convolotional Networks) |
transducer | 196 | about 2 years ago | : A Fast Sequence Transducer Implementation with PyTorch Bindings |
AVO-pytorch | 43 | over 6 years ago | : Implementation of Adversarial Variational Optimization in PyTorch |
HCN-pytorch | 219 | almost 2 years ago | : A pytorch reimplementation of { Co-occurrence Feature Learning from Skeleton Data for Action Recognition and Detection with Hierarchical Aggregation } |
binary-wide-resnet | 124 | about 6 years ago | : PyTorch implementation of Wide Residual Networks with 1-bit weights by McDonnel (ICLR 2018) |
piggyback | 181 | over 5 years ago | : Code for Piggyback: Adapting a Single Network to Multiple Tasks by Learning to Mask Weights arxiv.org/abs/1801.06519 |
vid2vid | 8,607 | over 2 years ago | : Pytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic video-to-video translation |
poisson-convolution-sum | 26 | about 6 years ago | : Implements an infinite sum of poisson-weighted convolutions |
tbd-nets | 348 | almost 3 years ago | : PyTorch implementation of "Transparency by Design: Closing the Gap Between Performance and Interpretability in Visual Reasoning" arxiv.org/abs/1803.05268 |
attn2d | 501 | over 3 years ago | : Pervasive Attention: 2D Convolutional Networks for Sequence-to-Sequence Prediction |
yolov3 | 10,226 | 13 days ago | : YOLOv3: Training and inference in PyTorch pjreddie.com/darknet/yolo |
deep-dream-in-pytorch | 102 | almost 5 years ago | : Pytorch implementation of the DeepDream computer vision algorithm |
pytorch-flows | 576 | over 3 years ago | : PyTorch implementations of algorithms for density estimation |
quantile-regression-dqn-pytorch | 94 | about 4 years ago | : Quantile Regression DQN a Minimal Working Example |
relational-rnn-pytorch | 244 | almost 6 years ago | : An implementation of DeepMind's Relational Recurrent Neural Networks in PyTorch |
DEXTR-PyTorch | 843 | about 4 years ago | : Deep Extreme Cut |
PyTorch_GBW_LM | 123 | about 5 years ago | : PyTorch Language Model for Google Billion Word Dataset |
Pytorch-NCE | 318 | about 5 years ago | : The Noise Contrastive Estimation for softmax output written in Pytorch |
generative-models | 500 | about 6 years ago | : Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN |
convnet-aig | 185 | about 6 years ago | : PyTorch implementation for Convolutional Networks with Adaptive Inference Graphs |
integrated-gradient-pytorch | 181 | over 2 years ago | : This is the pytorch implementation of the paper - Axiomatic Attribution for Deep Networks |
MalConv-Pytorch | 69 | almost 3 years ago | : Pytorch implementation of MalConv |
trellisnet | 473 | over 5 years ago | : Trellis Networks for Sequence Modeling |
Learning to Communicate with Deep Multi-Agent Reinforcement Learning | 346 | over 5 years ago | : pytorch implementation of Learning to Communicate with Deep Multi-Agent Reinforcement Learning paper |
pnn.pytorch | 57 | about 6 years ago | : PyTorch implementation of CVPR'18 - Perturbative Neural Networks |
Face_Attention_Network | 313 | almost 6 years ago | : Pytorch implementation of face attention network as described in Face Attention Network: An Effective Face Detector for the Occluded Faces |
waveglow | 2,285 | about 1 year ago | : A Flow-based Generative Network for Speech Synthesis |
deepfloat | 389 | over 1 year ago | : This repository contains the SystemVerilog RTL, C++, HLS (Intel FPGA OpenCL to wrap RTL code) and Python needed to reproduce the numerical results in "Rethinking floating point for deep learning" |
EPSR | 79 | over 4 years ago | : Pytorch implementation of . This work has won the first place in PIRM2018-SR competition (region 1) held as part of the ECCV 2018 |
ClariNet | 289 | over 5 years ago | : A Pytorch Implementation of ClariNet arxiv.org/abs/1807.07281 |
pytorch-pretrained-BERT | 135,022 | 6 days ago | : PyTorch version of Google AI's BERT model with script to load Google's pre-trained models |
torch_waveglow | 206 | about 6 years ago | : A PyTorch implementation of the WaveGlow: A Flow-based Generative Network for Speech Synthesis |
3DDFA | 3,608 | over 2 years ago | : The pytorch improved re-implementation of TPAMI 2017 paper: Face Alignment in Full Pose Range: A 3D Total Solution |
loss-landscape | 2,836 | over 2 years ago | : loss-landscape Code for visualizing the loss landscape of neural nets |
famos | 128 | almost 6 years ago | : Pytorch implementation of the paper "Copy the Old or Paint Anew? An Adversarial Framework for (non-) Parametric Image Stylization" available at |
back2future.pytorch | 111 | about 5 years ago | : This is a Pytorch implementation of Janai, J., Güney, F., Ranjan, A., Black, M. and Geiger, A., Unsupervised Learning of Multi-Frame Optical Flow with Occlusions. ECCV 2018 |
FFTNet | 81 | about 6 years ago | : Unofficial Implementation of FFTNet vocode paper |
FaceBoxes.PyTorch | 846 | almost 3 years ago | : A PyTorch Implementation of FaceBoxes |
Transformer-XL | 3,611 | about 2 years ago | : Transformer-XL: Attentive Language Models Beyond a Fixed-Length Context |
associative_compression_networks | 43 | over 6 years ago | : Associative Compression Networks for Representation Learning |
fluidnet_cxx | 51 | over 5 years ago | : FluidNet re-written with ATen tensor lib |
Deep-Reinforcement-Learning-Algorithms-with-PyTorch | 5,640 | 4 months ago | : This repository contains PyTorch implementations of deep reinforcement learning algorithms |
Shufflenet-v2-Pytorch | 430 | over 5 years ago | : This is a Pytorch implementation of faceplusplus's ShuffleNet-v2 |
GraphWaveletNeuralNetwork | 574 | over 1 year ago | : This is a Pytorch implementation of Graph Wavelet Neural Network. ICLR 2019 |
AttentionWalk | 320 | about 2 years ago | : This is a Pytorch implementation of Watch Your Step: Learning Node Embeddings via Graph Attention. NIPS 2018 |
SGCN | 268 | over 1 year ago | : This is a Pytorch implementation of Signed Graph Convolutional Network. ICDM 2018 |
SINE | 72 | over 1 year ago | : This is a Pytorch implementation of SINE: Scalable Incomplete Network Embedding. ICDM 2018 |
GAM | 268 | about 2 years ago | : This is a Pytorch implementation of Graph Classification using Structural Attention. KDD 2018 |
neural-style-pt | 840 | about 2 years ago | : A PyTorch implementation of Justin Johnson's Neural-style |
TuckER | 350 | about 1 year ago | : TuckER: Tensor Factorization for Knowledge Graph Completion |
pytorch-prunes | 139 | about 5 years ago | : Pruning neural networks: is it time to nip it in the bud? |
SimGNN | 759 | almost 2 years ago | : SimGNN: A Neural Network Approach to Fast Graph Similarity Computation |
Character CNN | 258 | over 3 years ago | : PyTorch implementation of the Character-level Convolutional Networks for Text Classification paper |
XLM | 2,891 | almost 2 years ago | : PyTorch original implementation of Cross-lingual Language Model Pretraining |
DiffAI | 218 | 4 months ago | : A provable defense against adversarial examples and library for building compatible PyTorch models |
APPNP | 363 | about 2 years ago | : Combining Neural Networks with Personalized PageRank for Classification on Graphs. ICLR 2019 |
NGCN | 402 | about 2 years ago | : A Higher-Order Graph Convolutional Layer. NeurIPS 2018 |
gpt-2-Pytorch | 973 | over 5 years ago | : Simple Text-Generator with OpenAI gpt-2 Pytorch Implementation |
Splitter | 213 | over 1 year ago | : Splitter: Learning Node Representations that Capture Multiple Social Contexts. (WWW 2019) |
CapsGNN | 1,246 | over 1 year ago | : Capsule Graph Neural Network. (ICLR 2019) |
BigGAN-PyTorch | 2,868 | over 1 year ago | : The author's officially unofficial PyTorch BigGAN implementation |
ppo_pytorch_cpp | 73 | about 2 years ago | : This is an implementation of the proximal policy optimization algorithm for the C++ API of Pytorch |
RandWireNN | 685 | over 5 years ago | : Implementation of: "Exploring Randomly Wired Neural Networks for Image Recognition" |
Zero-shot Intent CapsNet | 16 | over 5 years ago | : GPU-accelerated PyTorch implementation of "Zero-shot User Intent Detection via Capsule Neural Networks" |
SEAL-CI | 208 | about 2 years ago | Semi-Supervised Graph Classification: A Hierarchical Graph Perspective. (WWW 2019) |
MixHop | 402 | about 2 years ago | : MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing. ICML 2019 |
densebody_pytorch | 411 | about 5 years ago | : PyTorch implementation of CloudWalk's recent paper DenseBody |
voicefilter | 1,095 | 4 months ago | : Unofficial PyTorch implementation of Google AI's VoiceFilter system |
NVIDIA/semantic-segmentation | 1,777 | over 3 years ago | : A PyTorch Implementation of , In CVPR2019 |
ClusterGCN | 787 | about 2 years ago | : A PyTorch implementation of "Cluster-GCN: An Efficient Algorithm for Training Deep and Large Graph Convolutional Networks" (KDD 2019) |
NVlabs/DG-Net | 1,277 | over 1 year ago | : A PyTorch implementation of "Joint Discriminative and Generative Learning for Person Re-identification" (CVPR19 Oral) |
NCRF | 756 | about 1 year ago | : Cancer metastasis detection with neural conditional random field (NCRF) |
pytorch-sift | 166 | about 5 years ago | : PyTorch implementation of SIFT descriptor |
brain-segmentation-pytorch | 719 | over 1 year ago | : U-Net implementation in PyTorch for FLAIR abnormality segmentation in brain MRI |
glow-pytorch | 518 | about 3 years ago | : PyTorch implementation of Glow, Generative Flow with Invertible 1x1 Convolutions (arxiv.org/abs/1807.03039) |
EfficientNets-PyTorch | 309 | almost 5 years ago | : A PyTorch implementation of EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks |
STEAL | 478 | about 1 year ago | : STEAL - Learning Semantic Boundaries from Noisy Annotations nv-tlabs.github.io/STEAL |
EigenDamage-Pytorch | 111 | over 4 years ago | : Official implementation of the ICML'19 paper "EigenDamage: Structured Pruning in the Kronecker-Factored Eigenbasis" |
Aspect-level-sentiment | 148 | over 6 years ago | : Code and dataset for ACL2018 paper "Exploiting Document Knowledge for Aspect-level Sentiment Classification" |
breast_cancer_classifier | 843 | 11 months ago | : Deep Neural Networks Improve Radiologists' Performance in Breast Cancer Screening arxiv.org/abs/1903.08297 |
DGC-Net | 203 | about 3 years ago | : A PyTorch implementation of "DGC-Net: Dense Geometric Correspondence Network" |
universal-triggers | 293 | 4 months ago | : Universal Adversarial Triggers for Attacking and Analyzing NLP (EMNLP 2019) |
Deep-Reinforcement-Learning-Algorithms-with-PyTorch | 5,640 | 4 months ago | : PyTorch implementations of deep reinforcement learning algorithms and environments |
simple-effective-text-matching-pytorch | 305 | about 2 years ago | : A pytorch implementation of the ACL2019 paper "Simple and Effective Text Matching with Richer Alignment Features" |
Adaptive-segmentation-mask-attack (ASMA) | 57 | over 4 years ago | : A pytorch implementation of the MICCAI2019 paper "Impact of Adversarial Examples on Deep Learning Models for Biomedical Image Segmentation" |
NVIDIA/unsupervised-video-interpolation | 107 | almost 5 years ago | : A PyTorch Implementation of , In ICCV 2019 |
Seg-Uncertainty | 387 | 10 months ago | : Unsupervised Scene Adaptation with Memory Regularization in vivo, In IJCAI 2020 |
pulse | 7,927 | over 3 years ago | : Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models |
distance-encoding | 182 | over 3 years ago | : Distance-Encoding - Design Provably More PowerfulGNNs for Structural Representation Learning |
Pathfinder Discovery Networks | 57 | almost 2 years ago | : Pathfinder Discovery Networks for Neural Message Passing |
PyKEEN | 1,685 | 11 days ago | : A Python library for learning and evaluating knowledge graph embeddings |
SSSNET | 23 | about 1 month ago | : Official implementation of the SDM2022 paper "SSSNET: Semi-Supervised Signed Network Clustering" |
MagNet | 33 | 11 months ago | : Official implementation of the NeurIPS2021 paper "MagNet: A Neural Network for Directed Graphs" |
Semantic Search | 167 | over 1 year ago | : Latest in the field of neural information retrieval / semantic search |
Awesome-Pytorch-list / Talks & conferences | |||
PyTorch Conference 2018 | : First PyTorch developer conference at 2018 | ||
Awesome-Pytorch-list / Pytorch elsewhere | |||
generative models | 7,335 | 8 months ago | : Collection of generative models, e.g. GAN, VAE in Tensorflow, Keras, and Pytorch |
pytorch vs tensorflow | : an informative thread on reddit | ||
Pytorch discussion forum | |||
pytorch notebook: docker-stack | : A project similar to | ||
drawlikebobross | 115 | over 7 years ago | : Draw like Bob Ross using the power of Neural Networks (With PyTorch)! |
pytorch-tvmisc | 468 | over 2 years ago | : Totally Versatile Miscellanea for Pytorch |
pytorch-a3c-mujoco | 73 | about 7 years ago | : Implement A3C for Mujoco gym envs |
PyTorch in 5 Minutes | |||
pytorch_chatbot | 228 | over 5 years ago | : A Marvelous ChatBot implemented using PyTorch |
malmo-challenge | 65 | over 7 years ago | : Malmo Collaborative AI Challenge - Team Pig Catcher |
sketchnet | 40 | about 7 years ago | : A model that takes an image and generates Processing source code to regenerate that image |
Deep-Learning-Boot-Camp | : A nonprofit community run, 5-day Deep Learning Bootcamp | ||
Amazon_Forest_Computer_Vision | 368 | about 5 years ago | : Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks. kaggle competition |
AlphaZero_Gomoku | 3,324 | 7 months ago | : An implementation of the AlphaZero algorithm for Gomoku (also called Gobang or Five in a Row) |
pytorch-cv | : Repo for Object Detection, Segmentation & Pose Estimation | ||
deep-person-reid | 4,318 | 4 months ago | : Pytorch implementation of deep person re-identification approaches |
pytorch-template | 4,754 | 6 months ago | : PyTorch template project |
Deep Learning With Pytorch TextBook | A practical guide to build neural network models in text and vision using PyTorch | ||
compare-tensorflow-pytorch | 72 | over 6 years ago | : Compare outputs between layers written in Tensorflow and layers written in Pytorch |
hasktorch | 1,069 | 5 months ago | : Tensors and neural networks in Haskell |
Deep Learning With Pytorch | Deep Learning with PyTorch teaches you how to implement deep learning algorithms with Python and PyTorch | ||
nimtorch | 462 | over 5 years ago | : PyTorch - Python + Nim |
derplearning | 42 | almost 3 years ago | : Self Driving RC Car Code |
pytorch-saltnet | 278 | about 6 years ago | : Kaggle | 9th place single model solution for TGS Salt Identification Challenge |
pytorch-scripts | 414 | 2 months ago | : A few Windows specific scripts for PyTorch |
pytorch_misc | 544 | almost 4 years ago | : Code snippets created for the PyTorch discussion board |
awesome-pytorch-scholarship | 306 | almost 6 years ago | : A list of awesome PyTorch scholarship articles, guides, blogs, courses and other resources |
MentisOculi | 241 | over 4 years ago | : A raytracer written in PyTorch (raynet?) |
DoodleMaster | 2,424 | about 5 years ago | : "Don't code your UI, Draw it !" |
ocaml-torch | 413 | about 1 month ago | : OCaml bindings for PyTorch |
extension-script | 113 | about 2 years ago | : Example repository for custom C++/CUDA operators for TorchScript |
pytorch-inference | 89 | almost 6 years ago | : PyTorch 1.0 inference in C++ on Windows10 platforms |
pytorch-cpp-inference | 226 | almost 5 years ago | : Serving PyTorch 1.0 Models as a Web Server in C++ |
tch-rs | 4,331 | 21 days ago | : Rust bindings for PyTorch |
TorchSharp | 17 | about 5 years ago | : .NET bindings for the Pytorch engine |
ML Workspace | 3,434 | 4 months ago | : All-in-one web IDE for machine learning and data science. Combines Jupyter, VS Code, PyTorch, and many other tools/libraries into one Docker image |
PyTorch Style Guide | 1,932 | almost 3 years ago | Style guide for PyTorch code. Consistent and good code style helps collaboration and prevents errors! |