All Projects → ashishpatel26 → Awesome-Pytorch-Tutorials

ashishpatel26 / Awesome-Pytorch-Tutorials

Licence: other
Awesome Pytorch Tutorials

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to Awesome-Pytorch-Tutorials

Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+14760.87%)
Mutual labels:  pytorch-tutorial, pytorch-nlp, pytorch-implementation
Text-Classification-LSTMs-PyTorch
The aim of this repository is to show a baseline model for text classification by implementing a LSTM-based model coded in PyTorch. In order to provide a better understanding of the model, it will be used a Tweets dataset provided by Kaggle.
Stars: ✭ 45 (+95.65%)
Mutual labels:  pytorch-tutorial, pytorch-nlp, pytorch-implementation
nlp classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Stars: ✭ 224 (+873.91%)
Mutual labels:  pytorch-nlp, pytorch-implementation
deep-blueberry
If you've always wanted to learn about deep-learning but don't know where to start, then you might have stumbled upon the right place!
Stars: ✭ 17 (-26.09%)
Mutual labels:  pytorch-tutorial, pytorch-implementation
Multi-Agent-Diverse-Generative-Adversarial-Networks
Easy-to-follow Pytorch tutorial Notebook for Multi-Agent-Diverse-Generative-Adversarial-Networks
Stars: ✭ 23 (+0%)
Mutual labels:  pytorch-tutorial, pytorch-implementation
Pytorchdocs
PyTorch 官方中文教程包含 60 分钟快速入门教程,强化教程,计算机视觉,自然语言处理,生成对抗网络,强化学习。欢迎 Star,Fork!
Stars: ✭ 1,705 (+7313.04%)
Mutual labels:  pytorch-tutorial, pytorch-nlp
TS3000 TheChatBOT
Its a social networking chat-bot trained on Reddit dataset . It supports open bounded queries developed on the concept of Neural Machine Translation. Beware of its being sarcastic just like its creator 😝 BDW it uses Pytorch framework and Python3.
Stars: ✭ 20 (-13.04%)
Mutual labels:  pytorch-nlp, pytorch-implementation
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+13852.17%)
Mutual labels:  pytorch-tutorial, pytorch-nlp
svae cf
[ WSDM '19 ] Sequential Variational Autoencoders for Collaborative Filtering
Stars: ✭ 38 (+65.22%)
Mutual labels:  pytorch-implementation
NGCF-PyTorch
PyTorch Implementation for Neural Graph Collaborative Filtering
Stars: ✭ 200 (+769.57%)
Mutual labels:  pytorch-implementation
Representation-Learning-for-Information-Extraction
Pytorch implementation of Paper by Google Research - Representation Learning for Information Extraction from Form-like Documents.
Stars: ✭ 82 (+256.52%)
Mutual labels:  pytorch-implementation
onn
Online Deep Learning: Learning Deep Neural Networks on the Fly / Non-linear Contextual Bandit Algorithm (ONN_THS)
Stars: ✭ 139 (+504.35%)
Mutual labels:  pytorch-implementation
pytorch-gans
PyTorch implementation of GANs (Generative Adversarial Networks). DCGAN, Pix2Pix, CycleGAN, SRGAN
Stars: ✭ 21 (-8.7%)
Mutual labels:  pytorch-implementation
Pytorch-conditional-GANs
Implementation of Conditional Generative Adversarial Networks in PyTorch
Stars: ✭ 91 (+295.65%)
Mutual labels:  pytorch-tutorial
cycleGAN-PyTorch
A clean and lucid implementation of cycleGAN using PyTorch
Stars: ✭ 107 (+365.22%)
Mutual labels:  pytorch-implementation
mrnet
Building an ACL tear detector to spot knee injuries from MRIs with PyTorch (MRNet)
Stars: ✭ 98 (+326.09%)
Mutual labels:  pytorch-tutorial
Tutorial-Competition-2018
PyTorch KR Tutorial Competition 2018
Stars: ✭ 60 (+160.87%)
Mutual labels:  pytorch-tutorial
Receptive-Field-in-Pytorch
Numerical Computation of Receptive Field in Pytorch
Stars: ✭ 57 (+147.83%)
Mutual labels:  pytorch-tutorial
Duke-NLP-WS-2020
Duke Natural Language Processing Winter School 2020
Stars: ✭ 22 (-4.35%)
Mutual labels:  pytorch-tutorial
semi-supervised-paper-implementation
Reproduce some methods in semi-supervised papers.
Stars: ✭ 35 (+52.17%)
Mutual labels:  pytorch-implementation

Awesome-Pytorch-Tutorials

Awesome Pytorch Tutorials - Previous Repository - Pytorch-Learning

Sr No Topic GitHub
1. Pytorch Basics Open In Collab
2. PyTorch Basic Autograd Open In Collab
3. Pytorch Basic Neural Network Open In Collab
4. PyTorch Image Classification using NN Open In Collab
5. PyTorch FashionMNIST Image classification using CNN Open In Collab
6. PyTorch Transfer Learning using Resnet18 Open In Collab
7. Pytorch Transfer Learning using VGG16 Open In Collab
8. Pytorch AutoEncoder with NN Image Reconstruction Open In Collab
9. Pytorch AutoEncoder with Conv2d Image Reconstruction Open In Collab
10. Pytorch AutoEncoder with NN Image Denoising Open In Collab
11. Pytorch CustomDataset Class Creation Open In Collab
12. Pytorch Denoising Text Image Documents using Autoencoder Open In Collab
13. Pytorch Adding Noise to Image Data for Deep learning Data Augmentation Open In Collab
14. Pytorch Deep learning Model Tracking using Tensorboard Open In Collab
15. Pytorch Deep Neural Network Training with Noisy Data Open In Collab
16. Pytorch Albumentation for Augmentation Open In Collab
17. Pytorch Transfer learning with Caltech101 with Resnet34 Open In Collab
18. Pytorch Class Accuracy on Imbalance Dataset with Caltech256 Open In Collab
19. Pytorch Sparse Autoencoder using L1 Regularization
20. Pytorch Sparse Autoencoders using KL Divergence
21. Pytorch Visualizing Filters and Feature Maps in CNN
22. Pytorch Efficient Image Data Loader
23. Pytorch Image Dataset Expansion using Image Augmentation
24. Pytorch American Sign Language detection
25. Pytorch Image Deblurring using CNN
26. Pytorch Action Recognition in Video
27. Pytorch Image Super Resolution
28. Pytorch Optimization Method - Adam Optimizer
29. Pytorch Face Image Generation using Convolution Variational Autoencoder
30. Pytorch Effective Model Saving and Resuming Training
31. Pytorch Generative MNIST Digit using Vanilla GAN
32. Pytorch Deep Convolutions GAN
33. Pytorch Automatic Mixed Precision Training
34. Pytorch Faster RCNN Object Detection
35. Pytorch Spatial Transformer Network
36. Pytorch Reduce Image Distortion using Spatial Transformer
37. Pytorch Semantic Segmentation - FCNResNet
38. Pytorch Road Pothole Detection with FasterRCNN ResNet50
39. Pytorch Human Action Recognition from video
40. Pytorch Facial Key point Detection
41. Pytorch Advance Key point Detection
42. Pytorch Automatic Face and Facial Landmark Detection with Facenet
43. Pytorch Human Pose Detection using Keypoint RCNN
44. Pytorch Instance Segmentation with Mask R-CNN
45. Pytorch Object Detection using RetinaNet
46. Pytorch Real-Time Pose Estimation using AlphaPose
47. Pytorch Convolutional Variational Autoencoder on MNIST Dataset
48. Pytorch Generating Fictional Celebrity Faces using Convolutional Variational Autoencoder
49. Pytorch Multi-Label Image Classification
50. Pytorch Object Detection and SSD300 with VGG16 Backbone

Thanks for reading...!!!


Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].