All Projects → LianHaiMiao → Pytorch Lesson Zh

LianHaiMiao / Pytorch Lesson Zh

pytorch 包教不包会

Projects that are alternatives of or similar to Pytorch Lesson Zh

Machine Learning
머신러닝 입문자 혹은 스터디를 준비하시는 분들에게 도움이 되고자 만든 repository입니다. (This repository is intented for helping whom are interested in machine learning study)
Stars: ✭ 705 (+152.69%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, neural-networks, gan
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-65.59%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+1125.09%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial
Pytorch 101 Tutorial Series
PyTorch 101 series covering everything from the basic building blocks all the way to building custom architectures.
Stars: ✭ 136 (-51.25%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, neural-networks
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1050.18%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-72.04%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-51.97%)
Mutual labels:  jupyter-notebook, neural-networks, gan
Early Stopping Pytorch
Early stopping for PyTorch
Stars: ✭ 612 (+119.35%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial
Shape Detection
🟣 Object detection of abstract shapes with neural networks
Stars: ✭ 170 (-39.07%)
Mutual labels:  jupyter-notebook, tutorial, neural-networks
Gans From Theory To Production
Material for the tutorial: "Deep Diving into GANs: from theory to production"
Stars: ✭ 182 (-34.77%)
Mutual labels:  jupyter-notebook, tutorial, gan
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (-2.51%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial
Deep learning projects
Stars: ✭ 28 (-89.96%)
Mutual labels:  jupyter-notebook, neural-networks, gan
Basic reinforcement learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Stars: ✭ 826 (+196.06%)
Mutual labels:  jupyter-notebook, tutorial, neural-networks
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-68.82%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial
Neural Network From Scratch
Ever wondered how to code your Neural Network using NumPy, with no frameworks involved?
Stars: ✭ 230 (-17.56%)
Mutual labels:  jupyter-notebook, tutorial, neural-networks
Pytorchnlpbook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
Stars: ✭ 1,390 (+398.21%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, neural-networks
Deep Learning Resources
由淺入深的深度學習資源 Collection of deep learning materials for everyone
Stars: ✭ 422 (+51.25%)
Mutual labels:  jupyter-notebook, neural-networks, gan
Pytorch Question Answering
Important paper implementations for Question Answering using PyTorch
Stars: ✭ 154 (-44.8%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial
Tutorials
AI-related tutorials. Access any of them for free → https://towardsai.net/editorial
Stars: ✭ 204 (-26.88%)
Mutual labels:  jupyter-notebook, tutorial, neural-networks
Nn
🧑‍🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Stars: ✭ 5,720 (+1950.18%)
Mutual labels:  jupyter-notebook, neural-networks, gan

pytorch 包教不包会

pytorch-tutorial-zh

雏鹰起飞部分是为了能够快速上手PyTorch

小试牛刀部分则是用来练手的模型,大部分都是对论文工作的复现,或者是一些有意思的例子。

为了避免 jupyter notebook 加载过慢,可以直接选择看 .py 文件,代码和 notebook 中基本一样,只是少了一些图示说明罢了。

如何安装Pytorch?

安装 Pytorch 0.4.0版本,linux、windows 下可以通过这个 Pytorch官网

一、雏鹰起飞

Content .ipynb 文件 .py 文件
1.Tensor基础 Tensor基础.ipynb Tensor基础.py
2.autograd机制 autograd机制.ipynb autograd机制.py
3.线性回归 线性回归.ipynb 线性回归.py
4.多层感知机 多层感知机.ipynb 多层感知机.py
5.Dataset和DataLoader Dataset和DataLoader.ipynb Dataset和DataLoader.py
6.CNN和MNIST CNN和MNIST.ipynb CNN和MNIST.py
7.参数初始化和使用预训练模型 参数初始化和使用预训练模型.ipynb 参数初始化和使用预训练模型.py
8.模型微调的各种trick 模型微调的各种trick.ipynb 模型微调的各种trick.py
9.模型保存和加载 模型保存和加载.ipynb 模型保存和加载.py
10.循环神经网络(RNN) 循环神经网络(RNN).ipynb 循环神经网络(RNN).py

二、小试牛刀

1、计算机视觉——经典算法(卷积神经网络专区)

Content .ipynb 文件 .py 文件 paper
AlexNet AlexNet.ipynb AlexNet.py AlexNet paper
VGG VGG.ipynb VGG.py VGG paper
Network In Network NIN.ipynb NIN.py Network In Network paper
GoogleNet [GoogleNet.ipynb] [GoogleNet] GoogleNet V1 paper
ResNet ResNet.ipynb ResNet.py ResNet paper
DenseNet [DenseNet.ipynb] [DenseNet] DenseNet paper

2、计算机视觉——应用领域

Content .ipynb 文件 .py 文件 paper
语义分割(FCN) FCN.ipynb FCN.py FCN paper

3、自然语言处理

Content .ipynb 文件 .py 文件 paper
Word2Vec Word2Vec.ipynb Word2Vec.py Word2Vec Toolkit
LSTM 使用LSTM来生成周杰伦歌词.ipynb 使用LSTM来生成周杰伦歌词.py [paper]
Encoder-Decoder 使用Encoder-Decoder来完成机器翻译.ipynb Encoder-Decoder.py [paper]
注意力机制 使用Encoder-Decoder + Attention 机制来完成机器翻译.ipynb Attention.py Neural Machine Translation by Jointly Learning to Align and Translate

4、生成模型

Content .ipynb 文件 .py 文件 paper
GAN GAN.ipynb GAN.py GAN paper
DCGAN DCGAN.ipynb DCGAN.py DCGAN paper
Variational Auto-Encoder VAE.ipynb VAE.py VAE paper

5、样式迁移

Content .ipynb 文件 .py 文件 paper
Nueral_Style Neural Style.ipynb Nueral Style.py Nueral_Style paper

6、强化学习

Content .ipynb 文件 .py 文件 paper
Policy Gradients 基于 policy gradients 来玩 CartPole-v0 基于 policy gradients 来玩 CartPole-v0 任务介绍

7、其它

Content .ipynb 文件 .py 文件 paper
Capsule Capsule.ipynb Capsule.py Capsule paper
Attention is all you need attention_all.ipynb attention_all.py Attention is all you need
Graph Convolution Network GCN.ipynb GCN.py GCN paper

Dependencies

Python 3.5

PyTorch 0.3.0

最好有 GPU

关于 1.0 版本的更新... 我只能尽量抽空来弄了,各位读者大大还请见谅。

Reference

PyTorch官方docs 0.2.0版本

PyTorch官方tutorial

DeepNLP-models-Pytorch

PyTorchZeroToAll

MorvanZhou/PyTorch-Tutorial

yunjey/pytorch-tutorial

李沐—gluon教程

吴恩达——Deep Learning教程

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].