pytorch-github資源

原文地址: http://www.sohu.com/a/164171974_741733
本文收集了大量基于 PyTorch 實現(xiàn)的代碼鏈接,其中有適用于深度學習新手的“入門指導系列”宪肖,也有適用于老司機的論文代碼實現(xiàn),包括 Attention Based CNN、A3C、WGAN等等。所有代碼均按照所屬技術(shù)領(lǐng)域分類臀防,包括機器視覺/圖像相關(guān)、自然語言處理相關(guān)辫呻、強化學習相關(guān)等等清钥。所以如果你打算入手這風行一世的 PyTorch 技術(shù),那么就快快收藏本文吧放闺!

PyTorch 是什么?

PyTorch即 Torch 的 Python 版本缕坎。Torch 是由 Facebook 發(fā)布的深度學習框架怖侦,因支持動態(tài)定義計算圖,相比于 Tensorflow 使用起來更為靈活方便,特別適合中小型機器學習項目和深度學習初學者匾寝。但因為 Torch 的開發(fā)語言是Lua搬葬,導致它在國內(nèi)一直很小眾。所以艳悔,在千呼萬喚下急凰,PyTorch應(yīng)運而生!PyTorch 繼承了 Troch 的靈活特性猜年,又使用廣為流行的 Python 作為開發(fā)語言抡锈,所以一經(jīng)推出就廣受歡迎!

目錄:

入門系列教程
入門實例
圖像乔外、視覺床三、CNN相關(guān)實現(xiàn)
對抗生成網(wǎng)絡(luò)、生成模型杨幼、GAN相關(guān)實現(xiàn)
機器翻譯撇簿、問答系統(tǒng)、NLP相關(guān)實現(xiàn)
先進視覺推理系統(tǒng)
深度強化學習相關(guān)實現(xiàn)
通用神經(jīng)網(wǎng)絡(luò)高級應(yīng)用

入門系列教程

PyTorch Tutorials
https://github.com/MorvanZhou/PyTorch-Tutorial.git
著名的“莫煩”PyTorch系列教程的源碼差购。
Deep Learning with PyTorch: a 60-minute blitz
http://pytorch.org/tutorials/beginner/deep_learning_60min_blitz.html
PyTorch官網(wǎng)推薦的由網(wǎng)友提供的60分鐘教程四瘫,本系列教程的重點在于介紹PyTorch的基本原理,包括自動求導欲逃,神經(jīng)網(wǎng)絡(luò)莲组,以及誤差優(yōu)化API。
Simple examples to introduce PyTorch
https://github.com/jcjohnson/pytorch-examples.git
由網(wǎng)友提供的PyTorch教程暖夭,通過一些實例的方式锹杈,講解PyTorch的基本原理。內(nèi)容涉及Numpy迈着、自動求導竭望、參數(shù)優(yōu)化、權(quán)重共享等裕菠。

入門實例

Ten minutes pyTorch Tutorial
https://github.com/SherlockLiao/pytorch-beginner.git
知乎上“十分鐘學習PyTorch“系列教程的源碼咬清。
Official PyTorch Examples
https://github.com/pytorch/examples
官方提供的實例源碼,包括以下內(nèi)容:
MNIST Convnets
Word level Language Modeling using LSTM RNNs
Training Imagenet Classifiers with Residual Networks
Generative Adversarial Networks (DCGAN)
Variational Auto-Encoders
Superresolution using an efficient sub-pixel convolutional neural network
Hogwild training of shared ConvNets across multiple processes on MNIST
Training a CartPole to balance in OpenAI Gym with actor-critic
Natural Language Inference (SNLI) with GloVe vectors, LSTMs, and torchtext
Time sequence prediction - create an LSTM to learn Sine waves
PyTorch Tutorial for Deep Learning Researchers
https://github.com/yunjey/pytorch-tutorial.git
據(jù)說是提供給深度學習科研者們的PyTorch教程←_←奴潘。教程中的每個實例的代碼都控制在30行左右旧烧,簡單易懂,內(nèi)容如下:
PyTorch Basics
Linear Regression
Logistic Regression
Feedforward Neural Network
Convolutional Neural Network
Deep Residual Network
Recurrent Neural Network
Bidirectional Recurrent Neural Network
Language Model (RNN-LM)
Generative Adversarial Network
Image Captioning (CNN-RNN)
Deep Convolutional GAN (DCGAN)
Variational Auto-Encoder
Neural Style Transfer
TensorBoard in PyTorch
PyTorch-playground
https://github.com/aaron-xichen/pytorch-playground.git
PyTorch初學者的Playground画髓,在這里針對一下常用的數(shù)據(jù)集掘剪,已經(jīng)寫好了一些模型,所以大家可以直接拿過來玩玩看奈虾,目前支持以下數(shù)據(jù)集的模型夺谁。
mnist, svhn
cifar10, cifar100
stl10
alexnet
vgg16, vgg16_bn, vgg19, vgg19_bn
resnet18, resnet34, resnet50, resnet101, resnet152
squeezenet_v0, squeezenet_v1
inception_v3

圖像廉赔、視覺、CNN相關(guān)實現(xiàn)

PyTorch-FCN
https://github.com/wkentaro/pytorch-fcn.git
FCN(Fully Convolutional Networks implemented) 的PyTorch實現(xiàn)匾鸥。
Attention Transfer
https://github.com/szagoruyko/attention-transfer.git
論文 “Paying More Attention to Attention: Improving the Performance of Convolutional Neural Networks via Attention Transfer” 的PyTorch實現(xiàn)蜡塌。
Wide ResNet model in PyTorch
https://github.com/szagoruyko/functional-zoo.git
一個PyTorch實現(xiàn)的 ImageNet Classification 。
CRNN for image-based sequence recognition
https://github.com/bgshih/crnn.git
這個是 Convolutional Recurrent Neural Network (CRNN) 的 PyTorch 實現(xiàn)勿负。CRNN 由一些CNN馏艾,RNN和CTC組成,常用于基于圖像的序列識別任務(wù)奴愉,例如場景文本識別和OCR琅摩。
Scaling the Scattering Transform: Deep Hybrid Networks
https://github.com/edouardoyallon/pyscatwave.git
使用了“scattering network”的CNN實現(xiàn),特別的構(gòu)架提升了網(wǎng)絡(luò)的效果躁劣。
Conditional Similarity Networks (CSNs)
https://github.com/andreasveit/conditional-similarity-networks.git
《Conditional Similarity Networks》的PyTorch實現(xiàn)迫吐。
Multi-style Generative Network for Real-time Transfer
https://github.com/zhanghang1989/PyTorch-Style-Transfer.git
MSG-Net 以及 Neural Style 的 PyTorch 實現(xiàn)。
Big batch training
https://github.com/eladhoffer/bigBatch.git
《Train longer, generalize better: closing the generalization gap in large batch training of neural networks》的 PyTorch 實現(xiàn)账忘。
CortexNet
https://github.com/e-lab/pytorch-CortexNet.git
一個使用視頻訓練的魯棒預測深度神經(jīng)網(wǎng)絡(luò)志膀。
Neural Message Passing for Quantum Chemistry
https://github.com/priba/nmp_qc.git
論文《Neural Message Passing for Quantum Chemistry》的PyTorch實現(xiàn),好像是講計算機視覺下的神經(jīng)信息傳遞鳖擒。

對抗生成網(wǎng)絡(luò)溉浙、生成模型、GAN相關(guān)實現(xiàn)

Generative Adversarial Networks (GANs) in PyTorch
https://github.com/devnag/pytorch-generative-adversarial-networks.git
一個非常簡單的由PyTorch實現(xiàn)的對抗生成網(wǎng)絡(luò)
DCGAN & WGAN with Pytorch
https://github.com/chenyuntc/pytorch-GAN.git
由中國網(wǎng)友實現(xiàn)的DCGAN和WGAN蒋荚,代碼很簡潔戳稽。
Official Code for WGAN
https://github.com/martinarjovsky/WassersteinGAN.git
WGAN的官方PyTorch實現(xiàn)。
DiscoGAN in PyTorch
https://github.com/carpedm20/DiscoGAN-pytorch.git
《Learning to Discover Cross-Domain Relations with Generative Adversarial Networks》的 PyTorch 實現(xiàn)期升。
Adversarial Generator-Encoder Network
https://github.com/DmitryUlyanov/AGE.git
《Adversarial Generator-Encoder Networks》的 PyTorch 實現(xiàn)惊奇。
CycleGAN and pix2pix in PyTorch
https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix.git
圖到圖的翻譯,著名的 CycleGAN 以及 pix2pix 的PyTorch 實現(xiàn)播赁。
Weight Normalized GAN
https://github.com/stormraiser/GAN-weight-norm.git
《On the Effects of Batch and Weight Normalization in Generative Adversarial Networks》的 PyTorch 實現(xiàn)颂郎。

機器翻譯、問答系統(tǒng)容为、NLP相關(guān)實現(xiàn)

DeepLearningForNLPInPytorch
https://github.com/rguthrie3/DeepLearningForNLPInPytorch.git
一套以 NLP 為主題的 PyTorch 基礎(chǔ)教程乓序。本教程使用Ipython Notebook編寫,看起來很直觀坎背,方便學習替劈。
Practial Pytorch with Topic RNN & NLP
https://github.com/spro/practical-pytorch
以 RNN for NLP 為出發(fā)點的 PyTorch 基礎(chǔ)教程,分為“RNNs for NLP”和“RNNs for timeseries data”兩個部分得滤。
PyOpenNMT: Open-Source Neural Machine Translation
https://github.com/OpenNMT/OpenNMT-py.git
一套由PyTorch實現(xiàn)的機器翻譯系統(tǒng)陨献。(包含,Attention Model)
Deal or No Deal? End-to-End Learning for Negotiation Dialogues
https://github.com/facebookresearch/end-to-end-negotiator.git
Facebook AI Research 論文《Deal or No Deal? End-to-End Learning for Negotiation Dialogues》的 PyTorch 實現(xiàn)耿戚。
Attention is all you need: A Pytorch Implementation
https://github.com/jadore801120/attention-is-all-you-need-pytorch.git
Google Research 著名論文《Attention is all you need》的PyTorch實現(xiàn)湿故。Attention Model(AM)阿趁。
Improved Visual Semantic Embeddings
https://github.com/fartashf/vsepp.git
一種從圖像中檢索文字的方法膜蛔,來自論文:《VSE++: Improved Visual-Semantic Embeddings》坛猪。
Reading Wikipedia to Answer Open-Domain Questions
https://github.com/facebookresearch/DrQA.git
一個開放領(lǐng)域問答系統(tǒng)DrQA的PyTorch實現(xiàn)。
Structured-Self-Attentive-Sentence-Embedding
https://github.com/ExplorerFreda/Structured-Self-Attentive-Sentence-Embedding.git
IBM 與 MILA 發(fā)表的《A Structured Self-Attentive Sentence Embedding》的開源實現(xiàn)皂股。

先進視覺推理系統(tǒng)

Visual Question Answering in Pytorch
https://github.com/Cadene/vqa.pytorch.git
一個PyTorch實現(xiàn)的優(yōu)秀視覺推理問答系統(tǒng)墅茉,是基于論文《MUTAN: Multimodal Tucker Fusion for Visual Question Answering》實現(xiàn)的。項目中有詳細的配置使用方法說明呜呐。
Clevr-IEP
https://github.com/facebookresearch/clevr-iep.git
Facebook Research 論文《Inferring and Executing Programs for Visual Reasoning》的PyTorch實現(xiàn)就斤,講的是一個可以基于圖片進行關(guān)系推理問答的網(wǎng)絡(luò)。

深度強化學習相關(guān)實現(xiàn)

Deep Reinforcement Learning withpytorch & visdom
https://github.com/onlytailei/pytorch-rl.git
多種使用PyTorch實現(xiàn)強化學習的方法蘑辑。
Value Iteration Networks in PyTorch
https://github.com/onlytailei/Value-Iteration-Networks-PyTorch.git
Value Iteration Networks (VIN) 的PyTorch實現(xiàn)洋机。
A3C in PyTorch
https://github.com/onlytailei/A3C-PyTorch.git
Adavantage async Actor-Critic (A3C) 的PyTorch實現(xiàn)。

通用神經(jīng)網(wǎng)絡(luò)高級應(yīng)用

PyTorch-meta-optimizer
https://github.com/ikostrikov/pytorch-meta-optimizer.git
論文《Learning to learn by gradient descent by gradient descent》的PyTorch實現(xiàn)洋魂。
OptNet: Differentiable Optimization as a Layer in Neural Networks
https://github.com/locuslab/optnet.git
論文《Differentiable Optimization as a Layer in Neural Networks》的PyTorch實現(xiàn)绷旗。
Task-based End-to-end Model Learning
https://github.com/locuslab/e2e-model-learning.git
論文《Task-based End-to-end Model Learning》的PyTorch實現(xiàn)。
DiracNets
https://github.com/szagoruyko/diracnets.git
不使用“Skip-Connections”而搭建特別深的神經(jīng)網(wǎng)絡(luò)的方法副砍。
ODIN: Out-of-Distribution Detector for Neural Networks
https://github.com/ShiyuLiang/odin-pytorch.git
這是一個能夠檢測“分布不足”(Out-of-Distribution)樣本的方法的PyTorch實現(xiàn)衔肢。當“true positive rate”為95%時,該方法將DenseNet(適用于CIFAR-10)的“false positive rate”從34.7%降至4.3%豁翎。
Accelerate Neural Net Training by Progressively Freezing Layers
https://github.com/ajbrock/FreezeOut.git
一種使用“progressively freezing layers”來加速神經(jīng)網(wǎng)絡(luò)訓練的方法角骤。
Efficient_densenet_pytorch
https://github.com/gpleiss/efficient_densenet_pytorch.git
DenseNets的PyTorch實現(xiàn),優(yōu)化以節(jié)省GPU內(nèi)存心剥。

?著作權(quán)歸作者所有,轉(zhuǎn)載或內(nèi)容合作請聯(lián)系作者
  • 序言:七十年代末邦尊,一起剝皮案震驚了整個濱河市,隨后出現(xiàn)的幾起案子优烧,更是在濱河造成了極大的恐慌蝉揍,老刑警劉巖,帶你破解...
    沈念sama閱讀 206,968評論 6 482
  • 序言:濱河連續(xù)發(fā)生了三起死亡事件匙隔,死亡現(xiàn)場離奇詭異疑苫,居然都是意外死亡,警方通過查閱死者的電腦和手機纷责,發(fā)現(xiàn)死者居然都...
    沈念sama閱讀 88,601評論 2 382
  • 文/潘曉璐 我一進店門捍掺,熙熙樓的掌柜王于貴愁眉苦臉地迎上來,“玉大人再膳,你說我怎么就攤上這事挺勿。” “怎么了喂柒?”我有些...
    開封第一講書人閱讀 153,220評論 0 344
  • 文/不壞的土叔 我叫張陵不瓶,是天一觀的道長禾嫉。 經(jīng)常有香客問我,道長蚊丐,這世上最難降的妖魔是什么熙参? 我笑而不...
    開封第一講書人閱讀 55,416評論 1 279
  • 正文 為了忘掉前任,我火速辦了婚禮麦备,結(jié)果婚禮上孽椰,老公的妹妹穿的比我還像新娘。我一直安慰自己凛篙,他們只是感情好黍匾,可當我...
    茶點故事閱讀 64,425評論 5 374
  • 文/花漫 我一把揭開白布。 她就那樣靜靜地躺著呛梆,像睡著了一般锐涯。 火紅的嫁衣襯著肌膚如雪。 梳的紋絲不亂的頭發(fā)上填物,一...
    開封第一講書人閱讀 49,144評論 1 285
  • 那天纹腌,我揣著相機與錄音,去河邊找鬼融痛。 笑死壶笼,一個胖子當著我的面吹牛,可吹牛的內(nèi)容都是我干的雁刷。 我是一名探鬼主播覆劈,決...
    沈念sama閱讀 38,432評論 3 401
  • 文/蒼蘭香墨 我猛地睜開眼,長吁一口氣:“原來是場噩夢啊……” “哼沛励!你這毒婦竟也來了责语?” 一聲冷哼從身側(cè)響起,我...
    開封第一講書人閱讀 37,088評論 0 261
  • 序言:老撾萬榮一對情侶失蹤目派,失蹤者是張志新(化名)和其女友劉穎坤候,沒想到半個月后,有當?shù)厝嗽跇淞掷锇l(fā)現(xiàn)了一具尸體企蹭,經(jīng)...
    沈念sama閱讀 43,586評論 1 300
  • 正文 獨居荒郊野嶺守林人離奇死亡白筹,尸身上長有42處帶血的膿包…… 初始之章·張勛 以下內(nèi)容為張勛視角 年9月15日...
    茶點故事閱讀 36,028評論 2 325
  • 正文 我和宋清朗相戀三年,在試婚紗的時候發(fā)現(xiàn)自己被綠了谅摄。 大學時的朋友給我發(fā)了我未婚夫和他白月光在一起吃飯的照片徒河。...
    茶點故事閱讀 38,137評論 1 334
  • 序言:一個原本活蹦亂跳的男人離奇死亡,死狀恐怖送漠,靈堂內(nèi)的尸體忽然破棺而出顽照,到底是詐尸還是另有隱情,我是刑警寧澤闽寡,帶...
    沈念sama閱讀 33,783評論 4 324
  • 正文 年R本政府宣布代兵,位于F島的核電站尼酿,受9級特大地震影響,放射性物質(zhì)發(fā)生泄漏植影。R本人自食惡果不足惜裳擎,卻給世界環(huán)境...
    茶點故事閱讀 39,343評論 3 307
  • 文/蒙蒙 一、第九天 我趴在偏房一處隱蔽的房頂上張望何乎。 院中可真熱鬧句惯,春花似錦土辩、人聲如沸支救。這莊子的主人今日做“春日...
    開封第一講書人閱讀 30,333評論 0 19
  • 文/蒼蘭香墨 我抬頭看了看天上的太陽各墨。三九已至,卻和暖如春启涯,著一層夾襖步出監(jiān)牢的瞬間贬堵,已是汗流浹背。 一陣腳步聲響...
    開封第一講書人閱讀 31,559評論 1 262
  • 我被黑心中介騙來泰國打工结洼, 沒想到剛下飛機就差點兒被人妖公主榨干…… 1. 我叫王不留黎做,地道東北人。 一個月前我還...
    沈念sama閱讀 45,595評論 2 355
  • 正文 我出身青樓松忍,卻偏偏與公主長得像蒸殿,于是被迫代替她去往敵國和親。 傳聞我的和親對象是個殘疾皇子鸣峭,可洞房花燭夜當晚...
    茶點故事閱讀 42,901評論 2 345

推薦閱讀更多精彩內(nèi)容