Topic: "pytorch-tutorials"
zergtant/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
Language: Jupyter Notebook - Size: 143 MB - Last synced at: about 15 hours ago - Pushed at: 10 months ago - Stars: 20,910 - Forks: 5,432

bharathgs/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
Size: 867 KB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 15,824 - Forks: 2,822

chenyuntc/pytorch-book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Language: Jupyter Notebook - Size: 119 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 12,452 - Forks: 3,763

MorvanZhou/PyTorch-Tutorial
Build your neural network easy and fast, 莫烦Python中文教学
Language: Jupyter Notebook - Size: 14.7 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 8,265 - Forks: 3,112

aladdinpersson/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
Language: Python - Size: 118 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 8,033 - Forks: 2,749

yandexdataschool/Practical_RL
A course in reinforcement learning in the wild
Language: Jupyter Notebook - Size: 46.9 MB - Last synced at: about 15 hours ago - Pushed at: about 2 months ago - Stars: 6,136 - Forks: 1,742

bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Language: Jupyter Notebook - Size: 6.02 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 5,521 - Forks: 1,359

bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 4,487 - Forks: 1,183

aaron-xichen/pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
Language: Python - Size: 45.9 KB - Last synced at: 29 days ago - Pushed at: over 2 years ago - Stars: 2,658 - Forks: 614

xavier-zy/Awesome-pytorch-list-CNVersion
Awesome-pytorch-list 翻译工作进行中......
Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: 13 days ago - Pushed at: almost 4 years ago - Stars: 1,768 - Forks: 400

sgrvinod/Deep-Tutorials-for-PyTorch
In-depth tutorials for implementing deep learning models on your own with PyTorch.
Size: 22.5 KB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 1,540 - Forks: 226

bat67/pytorch-tutorials-examples-and-books
PyTorch tutorials, examples and some books I found 【不定期更新】整理的PyTorch 最新版教程、例子和书籍
Language: Jupyter Notebook - Size: 576 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 1,353 - Forks: 301

bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Language: Jupyter Notebook - Size: 88.3 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1,017 - Forks: 253

mimoralea/gdrl
Grokking Deep Reinforcement Learning
Language: Jupyter Notebook - Size: 629 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 898 - Forks: 248

amusi/PyTorch-From-Zero-To-One
PyTorch从入门到精通
Size: 29.3 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 874 - Forks: 223

higgsfield/Capsule-Network-Tutorial
Pytorch easy-to-follow Capsule Network tutorial
Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 768 - Forks: 135

zkywsg/Daily-DeepLearning
🔥机器学习/深度学习/Python/大模型/多模态/LLM/deeplearning/Python/Algorithm interview/NLP Tutorial
Language: Jupyter Notebook - Size: 50.3 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 708 - Forks: 153

ethanluoyc/pytorch-vae
A Variational Autoencoder (VAE) implemented in PyTorch
Language: Python - Size: 3.91 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 390 - Forks: 107

PyTorchKorea/tutorials-kr
🇰🇷파이토치에서 제공하는 튜토리얼의 한국어 번역을 위한 저장소입니다. (Translate PyTorch tutorials in Korean🇰🇷)
Language: Jupyter Notebook - Size: 451 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 351 - Forks: 258

Spandan-Madan/Pytorch_fine_tuning_Tutorial
A short tutorial on performing fine tuning or transfer learning in PyTorch.
Language: Python - Size: 88 MB - Last synced at: 6 days ago - Pushed at: over 6 years ago - Stars: 282 - Forks: 63

bentrevett/pytorch-rl 📦
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Language: Jupyter Notebook - Size: 55.7 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 277 - Forks: 78

bentrevett/pytorch-pos-tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Language: Jupyter Notebook - Size: 176 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 179 - Forks: 27

bat67/Deep-Learning-with-PyTorch-A-60-Minute-Blitz-cn
PyTorch1.0 深度学习:60分钟入门与实战(Deep Learning with PyTorch: A 60 Minute Blitz 中文翻译与学习)
Language: Jupyter Notebook - Size: 512 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 176 - Forks: 41

dudeperf3ct/DL_Notebooks
This repo contains all the notebooks mentioned in blog.
Language: Jupyter Notebook - Size: 106 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 92 - Forks: 32

Niranjankumar-c/DeepLearning-PadhAI
All the code files related to the deep learning course from PadhAI
Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 90 - Forks: 121

pawangeek/Pytorch-In-Real-Life
Contains real-life example that can be solved by pytorch
Language: Jupyter Notebook - Size: 43 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 67 - Forks: 41

avijit9/Contractive_Autoencoder_in_Pytorch
Pytorch implementation of contractive autoencoder on MNIST dataset
Language: Python - Size: 7.55 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 50 - Forks: 17

deepsense-ai/Keras-PyTorch-AvP-transfer-learning
We pit Keras and PyTorch against each other, showing their strengths and weaknesses in action. We present a real problem, a matter of life-and-death: distinguishing Aliens from Predators!
Language: Jupyter Notebook - Size: 7.85 MB - Last synced at: 6 months ago - Pushed at: about 6 years ago - Stars: 49 - Forks: 33

jibinmathew69/Hands-on-NLP-with-PyTorch
Collection of Notebooks for Natural Language Processing with PyTorch
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 30 - Forks: 25

yakhyo/pytorch-tutorials
🤖 | Learning PyTorch through official examples
Language: Jupyter Notebook - Size: 117 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 5

techshot25/Autoencoders
This will show how to make autoencoders using pytorch neural networks
Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: 19 days ago - Pushed at: almost 6 years ago - Stars: 17 - Forks: 8

sukkritsharmaofficial/SuperResGAN
Enhanced Super-Resolution Generative Adversarial Networks
Language: Python - Size: 119 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 13 - Forks: 5

prakharcode/Pytorch_Implements
Major Pytorch Implementations
Language: Jupyter Notebook - Size: 46.9 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 9 - Forks: 3

AutuanLiu/Fastai-Notes-V3
:dolphin: :whale2: fastai course v3 notes
Language: Jupyter Notebook - Size: 37.9 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 0

agatagruza/private-ai
Repo for Secure and Private AI by Facebook AI course
Language: Jupyter Notebook - Size: 106 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 0

anujdutt9/PyTorch-DeepLearning
Deep Learning Tutorials using PyTorch.
Language: Jupyter Notebook - Size: 58.3 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

WobiWanKenobi/pytorch-amd-gpu
Instructions on how to use PyTorch on AMD GPU with Linux
Language: Python - Size: 14.6 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

s-mostafa-a/pytorch_learning
Trying to learn PyTorch
Language: Jupyter Notebook - Size: 54.8 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 1

9bow/PyTorch-tutorials-kr-0.3.1 📦
PyTorch 0.3.1 튜토리얼의 한국어 번역을 위한 저장소입니다. (Translate PyTorch v0.3.1 tutorials in Korean.)
Language: Python - Size: 21.6 MB - Last synced at: 5 days ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

WenmuZhou/pytorch_mnist
learning pytorch with mnist dataset
Language: Python - Size: 453 KB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

lepoeme20/pyTorch-RNNbase
RNN
Language: Python - Size: 5.56 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 4

chauhankartik/DeepLearning-EarlySteps
This is a portfolio repository that will track my deep learning progress in it's early phases.
Language: Jupyter Notebook - Size: 138 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

atomicoo/pytorch-tutorials
pytorch tutorials. how to play with pytorch?
Language: Jupyter Notebook - Size: 404 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

ThisisLandu/GAN_Tutorial
GAN_Tutorials(Vanilla GAN, cGAN, DCGAN, etc...) with Pytorch
Language: Jupyter Notebook - Size: 1010 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 1

nikhilranjan7/pytorch-snippets
Quick code snippets for various models
Language: Jupyter Notebook - Size: 137 KB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

victor-iyi/pytorch-examples
A handful of Deep learning implementation using a hot new framework: PyTorch
Language: Jupyter Notebook - Size: 7.5 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

rudrasohan/Function-Forger
A Generative Adverserial Network for modelling any distribution.
Language: Python - Size: 9.77 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 0

Darkmyter/Popular-models-implemented-in-Pytorch
Deep Learning models implemented and trained from scratch on Pytroch.
Language: Jupyter Notebook - Size: 1.44 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 3

drmacsika/pytorch-tutorial-and-snippets
Code Base of PyTorch Tutorials and Code Snippets on Pytorch at nsikakimoh.com
Size: 1.95 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

peggy1502/Learning-PyTorch
A series of notebooks created for learning PyTorch
Language: Jupyter Notebook - Size: 145 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

AyusmaTech/intro-to-pytorch
Notebooks and related code exercises for Udacity's Deep Learning with PyTorch lesson
Language: Jupyter Notebook - Size: 7.47 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

djin31/pytorch_examples
A collection of Jupyter notebooks for common machine learning architectures in Pytorch.
Language: Jupyter Notebook - Size: 1.97 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

floydhub/pytorch-nn-tutorial
PyTorch Tutorial for Workspace: what is torch.nn really?
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

mabirck/CS294-DeepRL
My content of CS294 Deep Reinforcement Learning course, conduced by Sergey Levine from UC Berkeley.
Language: Python - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

samsmg/Sentiment-Analysis-
Sentiment Analysis from scrap text of different website article.
Language: Jupyter Notebook - Size: 357 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Vicrrs/Pytorch_projects
Language: Jupyter Notebook - Size: 389 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

wooni-github/pytorch_tutorials
Pytorch basic tutorial for CNN
Language: Python - Size: 213 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

NajiAboo/pytorch-tutorials
PyTorch is a popular open-source machine learning library that provides tools for building and training neural networks. One of the key features of PyTorch is its ability to automatically compute gradients for tensor operations, which is essential for efficient training of neural networks.
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

geekswaroop/pytorch-Implementations
Pytorch Implementation of Various Machine Learning and Perceptron Algorithms
Language: Python - Size: 39.8 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

milinddeore/learn-pytorch
pytorch - Learn pytorch framework and Neural Networks in simple steps.
Language: Jupyter Notebook - Size: 206 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

omargup/pytorch_tutorials
PyTorch tutorials
Language: Jupyter Notebook - Size: 37.5 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Vincentiv/PytorchTuto
First Tuto I followed to get me into Pytorch
Language: Jupyter Notebook - Size: 694 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

ash11sh/P-for-PyTorch
Resources curated for getting into PyTorch
Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

arbidha/Secure_And_Private_AI_Scholarship
Udacity Secure and Private AI Scholarship Challenge from Facebook
Language: Jupyter Notebook - Size: 9.19 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

jiakai0419/pytorch-tutorials
https://pytorch.org/tutorials/index.html
Language: Jupyter Notebook - Size: 53.7 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Insiyaa/pytorch_implementations
Various Machine learning & Deep Learning models in PyTorch
Language: Jupyter Notebook - Size: 47.9 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

AtriSaxena/Deep_Learning
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

TomLisankie/PyTorch-Tutorials
PyTorch tutorials hand-coded (not copy and pasted) from here https://pytorch.org/tutorials/beginner/pytorch_with_examples.html
Language: Python - Size: 3.91 KB - Last synced at: 7 days ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

sujayr91/HDF5-database-for-deeplearning
Building train/test datasets with HDF5 database for deeplearning
Language: Python - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Rj7/pytorch_tutorials
Language: Jupyter Notebook - Size: 49.8 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

woodfrog/pytorch-practice
Some Pytorch practice
Size: 552 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

llhthinker/pytorch-tutorials
PyTorch tutorials for beginners
Language: Jupyter Notebook - Size: 2.87 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

claytonblythe/neuralSelfie
An attempt at neural style transfer in PyTorch on a selfie of myself
Language: Jupyter Notebook - Size: 45 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0
