pytorch-tutorial
There are 512 repositories under pytorch-tutorial topic.
yunjey/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
ShusenTang/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
MorvanZhou/PyTorch-Tutorial
Build your neural network easy and fast, 莫烦Python中文教学
aladdinpersson/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
BoltzmannEntropy/interviews.ai
It is my belief that you, the postgraduate students and job-seekers for whom the book is primarily meant will benefit from reading it; however, it is my hope that even the most experienced researchers will find it fascinating as well.
bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
christianversloot/machine-learning-articles
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
sgrvinod/a-PyTorch-Tutorial-to-Object-Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
L1aoXingyu/pytorch-beginner
pytorch tutorial for beginners
L1aoXingyu/code-of-learn-deep-learning-with-pytorch
This is code of book "Learn Deep Learning with PyTorch"
xiaotudui/pytorch-tutorial
PyTorch深度学习快速入门教程(绝对通俗易懂!)
sgrvinod/a-PyTorch-Tutorial-to-Image-Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
ypwhs/captcha_break
验证码识别
teddylee777/machine-learning
머신러닝 입문자 혹은 스터디를 준비하시는 분들에게 도움이 되고자 만든 repository입니다. (This repository is intented for helping whom are interested in machine learning study)
aaron-xichen/pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
TingsongYu/PyTorch-Tutorial-2nd
《Pytorch实用教程》(第二版)无论是零基础入门,还是CV、NLP、LLM项目应用,或是进阶工程化部署落地,在这里都有。相信在本书的帮助下,读者将能够轻松掌握 PyTorch 的使用,成为一名优秀的深度学习工程师。
fendouai/PyTorchDocs
PyTorch 官方中文教程包含 60 分钟快速入门教程,强化教程,计算机视觉,自然语言处理,生成对抗网络,强化学习。欢迎 Star,Fork!
ayooshkathuria/YOLO_v3_tutorial_from_scratch
Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch"
delip/PyTorchNLPBook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://amzn.to/3JUgR2L
nikhilbarhate99/PPO-PyTorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
sgrvinod/Deep-Tutorials-for-PyTorch
In-depth tutorials for implementing deep learning models on your own with PyTorch.
L1aoXingyu/Deep-Learning-Project-Template
A best practice for deep learning project template architecture.
Bjarten/early-stopping-pytorch
Early stopping for PyTorch
lartpang/PyTorchTricks
Some tricks of pytorch... :star:
ShusenTang/Deep-Learning-with-PyTorch-Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
TorchEnsemble-Community/Ensemble-Pytorch
A unified ensemble framework for PyTorch to improve the performance and robustness of your deep learning model.
bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
harveyslash/Facial-Similarity-with-Siamese-Networks-in-Pytorch
Implementing Siamese networks with a contrastive loss for similarity learning
HHTseng/video-classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
piEsposito/blitz-bayesian-deep-learning
A simple and extensible library to create Bayesian Neural Network layers on PyTorch.
dvgodoy/PyTorchStepByStep
Official repository of my book: "Deep Learning with PyTorch Step-by-Step: A Beginner's Guide"
moemen95/Pytorch-Project-Template
A scalable template for PyTorch projects, with examples in Image Segmentation, Object classification, GANs and Reinforcement Learning.
abhimishra91/transformers-tutorials
Github repo with tutorials to fine tune transformers for diff NLP tasks
sgrvinod/a-PyTorch-Tutorial-to-Super-Resolution
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network | a PyTorch Tutorial to Super-Resolution
zkywsg/Daily-DeepLearning
🔥机器学习/深度学习/Python/算法面试/自然语言处理教程/剑指offer/machine learning/deeplearning/Python/Algorithm interview/NLP Tutorial