PyTorch Tutorial
生活随笔
收集整理的這篇文章主要介紹了
PyTorch Tutorial
小編覺得挺不錯(cuò)的,現(xiàn)在分享給大家,幫大家做個(gè)參考.
目錄
圖像、視覺、CNN相關(guān)實(shí)現(xiàn)
對抗生成網(wǎng)絡(luò)、生成模型、GAN相關(guān)實(shí)現(xiàn)
機(jī)器翻譯、問答系統(tǒng)、NLP相關(guān)實(shí)現(xiàn)
先進(jìn)視覺推理系統(tǒng)
深度強(qiáng)化學(xué)習(xí)相關(guān)實(shí)現(xiàn)
通用神經(jīng)網(wǎng)絡(luò)高級應(yīng)用
圖像、視覺、CNN相關(guān)實(shí)現(xiàn)
https://github.com/wkentaro/pytorch-fcn.git
FCN(Fully Convolutional Networks implemented) 的PyTorch實(shí)現(xiàn)。
https://github.com/szagoruyko/attention-transfer.git
論文 “Paying More Attention to Attention: Improving the Performance of Convolutional Neural Networks via Attention Transfer” 的PyTorch實(shí)現(xiàn)。
https://github.com/szagoruyko/functional-zoo.git
一個(gè)PyTorch實(shí)現(xiàn)的 ImageNet Classification 。
https://github.com/bgshih/crnn.git
這個(gè)是 Convolutional Recurrent Neural Network (CRNN) 的 PyTorch 實(shí)現(xiàn)。CRNN 由一些CNN,RNN和CTC組成,常用于基于圖像的序列識別任務(wù),例如場景文本識別和OCR。
https://github.com/edouardoyallon/pyscatwave.git
使用了“scattering network”的CNN實(shí)現(xiàn),特別的構(gòu)架提升了網(wǎng)絡(luò)的效果。
https://github.com/andreasveit/conditional-similarity-networks.git
《Conditional Similarity Networks》的PyTorch實(shí)現(xiàn)。
https://github.com/zhanghang1989/PyTorch-Style-Transfer.git
MSG-Net 以及 Neural Style 的 PyTorch 實(shí)現(xiàn)。
https://github.com/eladhoffer/bigBatch.git
《Train longer, generalize better: closing the generalization gap in large batch training of neural networks》的 PyTorch 實(shí)現(xiàn)。
https://github.com/e-lab/pytorch-CortexNet.git
一個(gè)使用視頻訓(xùn)練的魯棒預(yù)測深度神經(jīng)網(wǎng)絡(luò)。
https://github.com/priba/nmp_qc.git
論文《Neural Message Passing for Quantum Chemistry》的PyTorch實(shí)現(xiàn),好像是講計(jì)算機(jī)視覺下的神經(jīng)信息傳遞。
對抗生成網(wǎng)絡(luò)、生成模型、GAN相關(guān)實(shí)現(xiàn)
https://github.com/devnag/pytorch-generative-adversarial-networks.git
一個(gè)非常簡單的由PyTorch實(shí)現(xiàn)的對抗生成網(wǎng)絡(luò)
https://github.com/chenyuntc/pytorch-GAN.git
由中國網(wǎng)友實(shí)現(xiàn)的DCGAN和WGAN,代碼很簡潔。
https://github.com/martinarjovsky/WassersteinGAN.git
WGAN的官方PyTorch實(shí)現(xiàn)。
https://github.com/carpedm20/DiscoGAN-pytorch.git
《Learning to Discover Cross-Domain Relations with Generative Adversarial Networks》的 PyTorch 實(shí)現(xiàn)。
https://github.com/DmitryUlyanov/AGE.git
《Adversarial Generator-Encoder Networks》的 PyTorch 實(shí)現(xiàn)。
https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix.git
圖到圖的翻譯,著名的 CycleGAN 以及 pix2pix 的PyTorch 實(shí)現(xiàn)。
https://github.com/stormraiser/GAN-weight-norm.git
《On the Effects of Batch and Weight Normalization in Generative Adversarial Networks》的 PyTorch 實(shí)現(xiàn)。
機(jī)器翻譯、問答系統(tǒng)、NLP相關(guān)實(shí)現(xiàn)
https://github.com/rguthrie3/DeepLearningForNLPInPytorch.git
一套以 NLP 為主題的 PyTorch 基礎(chǔ)教程。本教程使用Ipython Notebook編寫,看起來很直觀,方便學(xué)習(xí)。
https://github.com/spro/practical-pytorch
以 RNN for NLP 為出發(fā)點(diǎn)的 PyTorch 基礎(chǔ)教程,分為“RNNs for NLP”和“RNNs for timeseries data”兩個(gè)部分。
https://github.com/OpenNMT/OpenNMT-py.git
一套由PyTorch實(shí)現(xiàn)的機(jī)器翻譯系統(tǒng)。(包含,Attention Model)
https://github.com/facebookresearch/end-to-end-negotiator.git
Facebook AI Research 論文《Deal or No Deal? End-to-End Learning for Negotiation Dialogues》的 PyTorch 實(shí)現(xiàn)。
https://github.com/jadore801120/attention-is-all-you-need-pytorch.git
Google Research 著名論文《Attention is all you need》的PyTorch實(shí)現(xiàn)。Attention Model(AM)。
https://github.com/fartashf/vsepp.git
一種從圖像中檢索文字的方法,來自論文:《VSE++: Improved Visual-Semantic Embeddings》。
https://github.com/facebookresearch/DrQA.git
一個(gè)開放領(lǐng)域問答系統(tǒng)DrQA的PyTorch實(shí)現(xiàn)。
https://github.com/ExplorerFreda/Structured-Self-Attentive-Sentence-Embedding.git
IBM 與 MILA 發(fā)表的《A Structured Self-Attentive Sentence Embedding》的開源實(shí)現(xiàn)。
先進(jìn)視覺推理系統(tǒng)
https://github.com/Cadene/vqa.pytorch.git
一個(gè)PyTorch實(shí)現(xiàn)的優(yōu)秀視覺推理問答系統(tǒng),是基于論文《MUTAN: Multimodal Tucker Fusion for Visual Question Answering》實(shí)現(xiàn)的。項(xiàng)目中有詳細(xì)的配置使用方法說明。
https://github.com/facebookresearch/clevr-iep.git
Facebook Research 論文《Inferring and Executing Programs for Visual Reasoning》的PyTorch實(shí)現(xiàn),講的是一個(gè)可以基于圖片進(jìn)行關(guān)系推理問答的網(wǎng)絡(luò)。
深度強(qiáng)化學(xué)習(xí)相關(guān)實(shí)現(xiàn)
https://github.com/onlytailei/pytorch-rl.git
多種使用PyTorch實(shí)現(xiàn)強(qiáng)化學(xué)習(xí)的方法。
https://github.com/onlytailei/Value-Iteration-Networks-PyTorch.git
Value Iteration Networks (VIN) 的PyTorch實(shí)現(xiàn)。
https://github.com/onlytailei/A3C-PyTorch.git
Adavantage async Actor-Critic (A3C) 的PyTorch實(shí)現(xiàn)。
通用神經(jīng)網(wǎng)絡(luò)高級應(yīng)用
https://github.com/ikostrikov/pytorch-meta-optimizer.git
論文《Learning to learn by gradient descent by gradient descent》的PyTorch實(shí)現(xiàn)。
https://github.com/locuslab/optnet.git
論文《Differentiable Optimization as a Layer in Neural Networks》的PyTorch實(shí)現(xiàn)。
https://github.com/locuslab/e2e-model-learning.git
論文《Task-based End-to-end Model Learning》的PyTorch實(shí)現(xiàn)。
https://github.com/szagoruyko/diracnets.git
不使用“Skip-Connections”而搭建特別深的神經(jīng)網(wǎng)絡(luò)的方法。
https://github.com/ShiyuLiang/odin-pytorch.git
這是一個(gè)能夠檢測“分布不足”(Out-of-Distribution)樣本的方法的PyTorch實(shí)現(xiàn)。當(dāng)“true positive rate”為95%時(shí),該方法將DenseNet(適用于CIFAR-10)的“false positive rate”從34.7%降至4.3%。
https://github.com/ajbrock/FreezeOut.git
一種使用“progressively freezing layers”來加速神經(jīng)網(wǎng)絡(luò)訓(xùn)練的方法。
https://github.com/gpleiss/efficient_densenet_pytorch.git
DenseNets的PyTorch實(shí)現(xiàn),優(yōu)化以節(jié)省GPU內(nèi)存。
總結(jié)
以上是生活随笔為你收集整理的PyTorch Tutorial的全部內(nèi)容,希望文章能夠幫你解決所遇到的問題。
- 上一篇: msf win10漏洞_Kali对Win
- 下一篇: SwipeRefreshLayout的基