Awesome-Pytorch-list|厲害的Pytorch項目
English Version
Contents|內容
- Awesome-Pytorch-list|厲害的Pytorch項目
- English Version
- Contents|內容
- Pytorch & related libraries|Pytorch & 相關庫
- NLP & Speech Processing|自然語言處理& 語音處理
- CV|計算機視覺
- Probabilistic/Generative Libraries|概率庫和生成庫
- Other libraries|其他庫
- Tutorials & books & examples|教程& 書籍& 示例
- Paper implementations|論文實現
- Talks & conferences|報告& 會議
- Pytorch elsewhere | Pytorch相關
Pytorch & related libraries|Pytorch & 相關庫
- pytorch: Tensors and Dynamic neural networks in Python with strong GPU acceleration | 使用強GPU加速的Python張量計算和動態神經網絡.
NLP & Speech Processing|自然語言處理& 語音處理:
- 2800+ text: 針對文本數據和NLP數據集的數據加載和抽象。
- 1300+ pytorch-seq2seq: Pytorch中處理seq2seq的開源框架。
- 1000- anuvada: NLP可解釋模型。
- 1300+ audio: 簡單的音頻I/O。
- 1000- loop: 一種跨多說話者的語音生成方法。
- null fairseq: Facebook開發的Sequence-to-Sequence python工具包。
- 1000- speech: 語音轉文字的端到端模型實現。
- 5100+ OpenNMT-py: 開源神經機器翻譯http://opennmt.net.
- 2300+ neuralcoref: 在spaCy中使用神經網絡實現快速共指消解。
- 1000+ sentiment-discovery: 基於規模的無監督語言模型在穩健情緒分類中的應用。
- 2800+ MUSE: 一個多語言無監督或有監督詞語嵌入庫。
- 1000- nmtpytorch: PyTorch中的Sequence-to-Sequence框架。
- 1000- pytorch-wavenet: 快速生成WaveNet的實現。
- 1000- Tacotron-pytorch: Tacotron: 端到端語音合成。
- 10300+ AllenNLP: 開源NLP研究庫,基於PyTorch。 http://www.allennlp.org/
- 1900+ PyTorch-NLP: 為加速NLP研究設立的一個庫,包含神經網絡層、文本處理模塊和眾多數據集。 pytorchnlp.readthedocs.io
- 1000- quick-nlp: 基於FastAI的Pytorch NLP庫。
- 4900+ TTS: 文本轉語音的深度學習框架。
- 2800+ LASER: LASER是一個用來計算和使用多語言語句嵌入的庫。
- 1100+ pyannote-audio: 用於說話人分類的神經構建塊:語音活動檢測, 說話人變化檢測, 說話人嵌入。
- 1000- gensen: 基於大規模多任務學習的通用句子表示。
- 1000- translate: 翻譯——一個PyTorch語言庫。
- 3900+ espnet: 端到端語音處理工具集。 espnet.github.io/espnet
- 4500+ pythia: 源於FAIR(Facebook AI Research)的視覺與語言多模態研究的模塊化框架。
- 1400+ UnsupervisedMT: 基於短語的神經無監督機器翻譯。
- 1300+ jiant: 通用文本理解模型的jiant工具包。 https://jiant.info
- 4300+ BERT-PyTorch: Google AI 2018 BERT 的Pytorch 實現,伴有簡單註釋。
- 2100+ InferSent: NLI的句子嵌入(InferSent)和訓練代碼。
- 1300+ uis-rnn:無限交錯狀態遞歸神經網絡(UIS-RNN)算法,能夠從嘈雜的環境中分辨聲音,對應論文Fully Supervised Speaker Diarization. arxiv.org/abs/1810.04719
- 10600+ flair: 一個針對最先進的NLP的簡單框架。
- 6200+ pytext: 基於PyTorch的自然語言建模框架。 fb.me/pytextdocs
- 1000- voicefilter: 谷歌AI的VoiceFilter的非官方實現。 http://swpark.me/voicefilter
- 1000- BERT-NER: 基於BERT的命名體識別(Named-Entity-Recognition)。
- 1000- transfer-nlp: 為可複制實驗管理而設計的NLP庫。
- 1000- texar-pytorch: 機器學習和文本生成工具包。 texar.io
- 2000+ pytorch-kaldi: pytorch-kaldi 是一個開發中的最先進的dnn/rnn混合語音識別系統。其DNN部分由PyTorch實現,而特徵提取、標籤計算和解碼由kaldi工具包完成。
- 2900+ NeMo: 神經模塊:對話式AI(conversational AI)工具集nvidia.github.io/NeMo
- 1000- pytorch-struct: 經過測試的GPU實現庫,實現了深度學習中的一些核心的結構化算法,如HMM, Dep Trees, CKY, ...
- 1000- espresso: Espresso: 快速的端到端神經語音識別工具集。
- 48900+ transformers: huggingface Transformers: TensorFlow 2.0 和PyTorch 上最先進的NLP工具。 huggingface.co/transformers
- 1500+ reformer-pytorch: Reformer 的PyTorch 版。
- 1000- torch-metrics: PyTorch 中的模型評估指標。
- 2600+ speechbrain: SpeechBrain is an open-source and all-in-one speech toolkit based on PyTorch.
- 1000- Backprop: Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
CV|計算機視覺:
- 9400+ pytorch vision: TorchVision包含流行的數據集、模型架構、計算機視覺中常用的圖像變換。
- 1000- pt-styletransfer: 作為PyTorch中一個類的神經風格轉移。
- 1000- OpenFacePytorch: 使用OpenFace的nn4.small2.v1.t7模型的PyTorch模塊。
- 1000- img_classification_pk_pytorch: 將你的圖像分類模型和最先進的模型進行快速比較(比如DenseNet, ResNet, ...)
- 1400+ SparseConvNet: 子流形稀疏卷積神經網絡。
- 1000- Convolution_LSTM_pytorch: 多層卷積LSTM(長短期記憶網絡)模塊。
- 5000+ face-alignment: 基於PyTorch 的2D 和3D 面部對齊庫。 adrianbulat.com
- 1500+ pytorch-semantic-segmentation: 語義分割。
- 1000- RoIAlign.pytorch: PyTorch版本的RoIAlign。其實現基於crop_and_resize,支持CPU和GPU上的前向和後向。
- 1000- pytorch-cnn-finetune: 用PyTorch微調預訓練卷積神經網絡。
- 1000- detectorch: Detectorch - PyTorch版detectron框架,目前僅有detectron的推斷(inference)和評估(evalutaion)功能,無訓練(training)功能。
- 4400+ Augmentor: 用於機器學習的圖像增強庫。 http://augmentor.readthedocs.io
- 1000- s2cnn: Spherical CNNs:球面卷積網絡的PyTorch實現。 (eg 全方位圖像、全球信號)
- 2100+ TorchCV: 基於PyTorch的計算機視覺深度學習框架。
- 8400+ maskrcnn-benchmark: 實例分割與對象檢測的快速模塊化參考實現。
- 2200+ image-classification-mobile: 計算機視覺卷積網絡訓練沙盒,包含ImageNet-1K上的與訓練分類模型集合。
- 1000- medicaltorch: 一個醫學成像框架。 http://medicaltorch.readthedocs.io
- 8400+ albumentations: 快速圖像增強庫和其他庫的易用包裝器。
- 4200+ kornia: 開源可微計算機視覺庫。 https://kornia.org
- 1000- text-detector: 檢測和翻譯文本。
- 2200+ facenet-pytorch: 預訓練Pytorch人臉檢測與識別模型,從davidsandberg/facenet 移植而來。
- 17300+ detectron2: Detectron2是FAIR的下一代目標檢測和分割研究平台。
- 1000- vedaseg: 基於PyTorch的語義分割工具箱。
- 1300+ ClassyVision: A用於圖像和視頻分類的端到端PyTorch框架。 https://classyvision.ai
- 1000- detecto: 用5 行代碼構建功能完備的計算機視覺模型。 https://detecto.readthedocs.io/
- 5000+ pytorch3d: PyTorch3d 是一個面向深度學習的高效、可複用的3D 計算機視覺庫。 https://pytorch3d.org/
- 15700+ MMDetection: MMDetection 是一個開源的目標檢測工具箱,屬於OpenMMLab 項目。
- 1000- neural-dream: DeepDream 算法的PyTorch 實現,可以創造夢一樣的幻覺視覺效果。
- 1000- FlashTorch: Visualization toolkit for neural networks in PyTorch!
- 1000- Lucent: Tensorflow and OpenAI Clarity's Lucid adapted for PyTorch.
- 1300+ MMDetection3D: MMDetection3D is OpenMMLab's next-generation platform for general 3D object detection, a part of the OpenMMLab project.
- 2100+ MMSegmentation: MMSegmentation is a semantic segmentation toolbox and benchmark, a part of the OpenMMLab project.
- 2200+ MMEditing: MMEditing is a image and video editing toolbox, a part of the OpenMMLab project.
- 1000+ MMAction2: MMAction2 is OpenMMLab's next generation action understanding toolbox and benchmark, a part of the OpenMMLab project.
- 1000+ MMPose: MMPose is a pose estimation toolbox and benchmark, a part of the OpenMMLab project.
- 1000+ lightly - Lightly is a computer vision framework for self-supervised learning.
Probabilistic/Generative Libraries|概率庫和生成庫:
- 1000- ptstat: 概率編程和統計推斷。
- 7000+ pyro: 基於Python 和PyTorch 的深度通用概率編程庫。 http://pyro.ai
- 1000- probtorch: Probabilistic Torch是一個擴展了PyTorch的深度生成模型的庫。
- 1000- paysage: 基於Python/PyTorch的非監督學習和生成模型庫。
- 1000- pyvarinf: Python包,促進了帶有變分推斷的貝葉斯深度學習方法在pytorch中的應用。
- 1000- pyprob: 一個基於PyTorch的概率編程與推斷編譯的庫。
- 1000- mia: 一個運行針對機器學習模型的成員推理攻擊的庫。
- 1000- pro_gan_pytorch: 作為PyTorch nn.Module的擴展的ProGAN包。
- 2000+ botorch: PyTorch中的貝葉斯優化。
Other libraries|其他庫:
- 1000- pytorch extras: PyTorch的額外特性。
- 1000- functional zoo: PyTorch和Tensorflow的模型定義和預訓練權重。
- 1600+ torch-sampling: Pytorch的採樣、高級訓練、數據增強和實用程序。
- 1000- torchcraft-py: TorchCraft的Python包裝器,TorchCraft是連接Torch和StarCraft的橋樑。
- 1000- aorun: Aorun試圖以PyTorch為後端實現類似於Keras的API。
- 1000- logger: 機器學習記錄器(logger)。
- 1000- PyTorch-docset: PyTorch離線文檔,結合Dash,Zeal,Velocity或者LovelyDocs使用。
- 1000- convert_torch_to_pytorch: 將Torch t7模型轉換為PyTorch模型。
- 8000+ pretrained-models.pytorch: PyTorch 預訓練卷積神經網絡:NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN 等等。該項目的目標是幫助複製研究論文結果。
- 1000- pytorch_fft: CUDA FFTs的PyTorch包裝器。
- 1000- caffe_to_torch_to_pytorch: Caffe模型轉PyTorch/Torch模型,Torch模型轉PyTorch模型。
- 1000- pytorch-extension: PyTorch的CUDA擴展示例,計算了兩個張量的哈達瑪積(Hadamard product)。
- 7000+ tensorboard-pytorch: 該模塊以tensorboard格式保存PyTorch張量以供檢查。目前支持tensorboard中的標量、圖像、音頻、直方圖等特性。
- 2400+ gpytorch: GPyTorch是一個用PyTorch實現的高斯過程庫。它可以輕鬆地創建可伸縮、靈活和模塊化的高斯過程模型。
- 2500+ spotlight: 深度推薦模型。
- 1000- pytorch-cns: 基於PyTorch的廣義壓縮網絡搜索(Generalized Compressed Network Search)。
- 1000- pyinn: CuPy實現融合PyTorch操作。
- 1000- inferno: 關於PyTorch的實用程序庫。
- 1000- pytorch-fitmodule: 一種用於PyTorch模塊的超簡單擬合方法。
- 4000+ inferno-sklearn: 一個基於PyTorch封裝且兼容scikit-learn的神經網絡庫。
- null pytorch-caffe-darknet-convert: 在pytorch, caffe prototxt/weights 和darknet cfg/weights 之間轉換。
- 1000- pytorch2caffe: 將PyTorch模型轉換成Caffe模型。
- 1000- pytorch-tools: PyTorch工具。
- 1900+ sru: 訓練RNNs和訓練CNNs一樣快。 (arxiv.org/abs/1709.02755)
- 1000- torch2coreml: Torch7 -> CoreML,該工具可將Torch7模型轉換為Apple CoreML格式以便在Apple設備上運行。
- 1700+ PyTorch-Encoding: PyTorch 深度紋理編碼網絡(Deep Texture Encoding Network) http://hangzh.com/PyTorch-Encoding
- 1000- pytorch-ctc: PyTorch-CTC 實現了CTC(聯結主義時間分類,Connectionist Temporal Classification)集束搜索(Beam Search)解碼。 C++代碼借鑒了TensorFlow,並通過一些改進增加了靈活性。
- 1000- candlegp: Pytorch中的高斯過程。
- 1000- dpwa: 基於成對平均(Pair-Wise Averaging)的分佈式學習。
- 1000- dni-pytorch: 基於合成梯度的PyTorch解耦神經接口。
- 4000+ skorch: 一個基於PyTorch封裝且兼容scikit-learn的神經網絡庫。
- 3600+ ignite: Ignite是一個高級庫,幫助你在PyTorch中訓練神經網絡。
- 1000- Arnold: Arnold - DOOM 遊戲代理。
- 1000- pytorch-mcn: 將MatConvNet模型轉換為PyTorch模型。
- 3200+ simple-faster-rcnn-pytorch: Faster R-CNN 的簡化實現,性能與原始論文相當。
- 1000- generative_zoo: generative_zoo提供了PyTorch中一些生成模型的工作實現。
- 1800+ pytorchviz: 可視化PyTorch的運行圖。
- 1000- cogitare: Cogitare - 一個現代、快速、模塊化的深度學習和機器學習框架。
- 1000- pydlt: 基於PyTorch的深度學習工具箱。
- 1000- semi-supervised-pytorch: 各種基於VAE的半監督模型和生成模型的實現。
- 1000- pytorch_cluster: 優化圖簇算法的PyTorch擴展庫。
- 1000- neural-assembly-compiler: 基於自適應神經編譯的PyTorch神經彙編編譯器。
- 1000- caffemodel2pytorch: 將Caffe模型轉換為PyTorch模型。
- 1000- extension-cpp: PyTorch中的C++擴展。
- 1000- pytoune: 類Keras框架和實用程序。
- 1000- jetson-reinforcement: 使用PyTorch,OpenAI Gym和Gazebo機器人模擬的NVIDIA Jetson深度強化學習GPU庫。
- 1000- matchbox: 編寫單個示例的PyTorch代碼,然後小批量地高效運行。
- 1000- torch-two-sample: PyTorch雙樣本測試庫。
- 3100+ pytorch-summary: PyTorch模型總結,類似於Keras中的
model.summary() 。 - 1000- mpl.pytorch: MaxPoolingLoss的PyTorch實現。
- null scVI-dev: 鏈接失效。
- 5500+ apex: 一個PyTorch擴展:面向精簡混合精度和分佈式訓練。
- 3100+ ELF: ELF: 遊戲研究平台,復現了AlphaGoZero/AlphaZero。
- 1000- Torchlite: Pytorch建立在sklearn、Pytorch和Tensorflow等流行機器學習框架上的高水平庫。
- 1000- joint-vae: JointVAE的PyTorch實現,一個面向分離連續和離散變異因素的框架?。
- 1000- SLM-Lab: PyTorch模塊化深度強化學習框架。
- 1000- bindsnet: 一個Python包,可藉助PyTorch
Tensor功能在CPUs或GPUs上模擬脈衝神經網絡(SNNs, Spiking Neural Networks)。 - 1000- pro_gan_pytorch: 作為PyTorch nn.Module 擴展的ProGAN 包。
- 11500+ pytorch_geometric: PyTorch幾何深度學習擴展庫。
- 1000- torchplus: 在PyTorch modules 上實現+ 運算符,返回序列。
- 1000- lagom: lagom: 用於強化學習算法快速原型構建的輕量級PyTorch架構。
- 1000- torchbearer: torchbearer: PyTorch模型擬合庫。
- 1000- pytorch-maml-rl: 強化學習中的模型不可知元學習(MAML, Model-Agnostic Meta-Learning)。
- 1000- NALU: 神經算術邏輯單元(Neural Arithmetic Logic Units)的PyTorch基本實現,論文:arxiv.org/pdf/1808.00508.pdf 。
- 1000- QuCumber: 神經網絡多體波函數重構。
- 1000- magnet: 自我建立的深度學習項目。 http://magnet-dl.readthedocs.io/
- 1000- opencv_transforms: OpenCV實現Torchvision的圖像分割。
- 21100+ fastai: fast.ai 深度學習庫、課程和教程。
- 1000- pytorch-dense-correspondence: 《Dense Object Nets: Learning Dense Visual Object Descriptors By and For Robotic Manipulation》 一文的代碼。
- 1000- colorization-pytorch: PyTorch實現交互式深度著色(Interactive Deep Colorization)。 richzhang.github.io/ideepcolor
- 1000- beauty-net: PyTorch一個簡單、靈活、可擴展的PyTorch模板。
- 1000- OpenChem: OpenChem: 面向計算化學和藥物設計研究的深度學習工具包mariewelt.github.io/OpenChem 。
- 1000- torchani: PyTorch精確神經網絡電位。 aiqm.github.io/torchani
- 1000- PyTorch-LBFGS: PyTorch實現L-BFGS。
- 2400+ gpytorch: PyTorch中對高斯過程的高效且模塊化的實現。
- 1000- hessian: PyTorch版hessian。
- 1000- vel: 深度學習研究中的速度。
- 1000- nonechucks: 動態地處理數據集中的壞樣本,使用轉換作為過濾器。
- 1000+ torchstat: PyTorch中的模型分析器。
- 1400+ QNNPACK: 量化神經網絡包—量化神經網絡算子的移動優化實現。
- 3600+ torchdiffeq: PyTorch解常微分方程(ODE),使用的是全GPU支持、O(1)內存複雜度的反向傳播算法。
- 1000+ redner: 可微的Monte Carlo 路徑跟踪器。
- 1000- pixyz: 一個庫,用來以更簡潔、直觀和可擴展的方式開發深層生成模型。
- 1000- euclidesdb: 一種多模型機器學習特徵嵌入數據庫。 http://euclidesdb.readthedocs.io
- 1000- pytorch2keras: 將PyTorch模型轉換為Keras模型。
- 1000- salad: 域適應和半監督學習工具箱。
- 1000- netharn: PyTorch的參數化擬合和預測線束(Prediction Harnesses)。
- 7700+ dgl: Python包,基於現有的DL框架,用於簡化對圖形的深度學習。 http://dgl.ai.
- 1600+ gandissect: 基於PyTorch的工具,用於可視化和理解GAN的神經元。 gandissect.csail.mit.edu
- 1000- delira: 基於PyTorch和Tensorlow的快速原型和訓練深層神經網絡的輕量級框架,用於醫療成像。 delira.rtfd.io
- 1000- mushroom: 強化學習實驗的Python庫。
- 1000- Xlearn: 遷移學習庫。
- 1000- geoopt: 基於PyTorch優化的黎曼自適應優化方法。
- 1000- vegans: 包含多種現有的GANs。
- 4200+ kornia: PyTorch開源可微計算機視覺庫。 https://kornia.org
- 1000- AdverTorch: 研究對抗魯棒性的工具箱。
- 2800+ AdaBound: 一個優化器,訓練速度和Adam一樣快,和SGD一樣好。
- 1000- fenchel-young-losses: 在PyTorch/TensorFlow/scikit-learn中使用Fenchel-Young損失作為概率分類的損失函數。
- 2700+ pytorch-OpCounter: 統計PyTorch模型的MACs/FLOPs。
- 1000- Tor10: 基於PyTorch,為量子模擬設計的通用張量網絡庫。
- 2600+ Catalyst: PyTorch DL&RL 研究的高級實用程序。它的開發重點是可重複性、快速實驗和代碼/思想重用。能夠研究/開發新的東西,而不是編寫另一個常規的訓練循環。
- 1500+ Ax: 自適應實驗平台。
- 1000- pywick: 高水平的PyTorch神經網絡訓練庫。
- 1000- torchgpipe: PyTorch實現GPipe。 torchgpipe.readthedocs.io
- 1000+ hub: Pytorch Hub 是一個預訓練模型庫,用來提升研究的可重複性。
- 14600+ pytorch-lightning: 面向ML研究人員的輕量級PyTorch包裝器。縮放模型,少寫樣板。
- 1000- Tor10: 基於pytorch為量子模擬設計的通用張量網絡庫。
- 3100+ tensorwatch: 針對Python機器學習與數據科學的調試、監控與可視化。
- 1000- wavetorch: 波動方程的數值求解與反傳播。 arxiv.org/abs/1904.12831
- 1000- diffdist: diffdist是一個面向PyTorch的Python庫。它擴展了
torch.autograd的默認功能,並增加了對進程間可微通信的支持。 - 1000- torchprof: 用於Pytorch模型逐層分析的最小依賴庫。
- 1000- osqpth: PyTorch可微OSQP求解器。
- 1000- mctorch: 面向深度學習的流形優化庫。
- 1000- pytorch-hessian-eigenthings: 使用Hessian向量積和隨機冪迭代的高效PyTorch Hessian特徵分解。
- 1200+ MinkowskiEngine: 閔可夫斯基引擎是一個用於廣義稀疏卷積和高維稀疏張量的自動微分方法庫。
- 1000- pytorch-cpp-rl: CppRl是一個強化學習框架,用PyTorch C++ 前端編寫。
- 1000+ pytorch-toolbelt: PyTorch擴展,用來進行快速R&D原型開發和Kaggle代碼收集。
- 1000- argus-tensor-stream: 一個庫,用來將實時視頻流解碼至CUDA內存。 tensorstream.argus-ai.com
- 1000- macarico: 在PyTorch 中學習搜索。
- 1900+ rlpyt: PyTorch 中的強化學習。
- 1000- pywarm: 為PyTorch 建立神經網絡的一種更清潔的方法。 https://blue-season.github.io/pywarm/
- 1300+ learn2learn: PyTorch元學習框架。 http://learn2learn.net
- 1000- torchbeast: 分佈式強化學習的PyTorch平台。
- 1100+ higher: higher 是一個PyTorch庫,允許用戶獲得跨越訓練循環而不是單個訓練步驟的損失的高階梯度。
- null Torchelie: Torchélie 是面向PyTorch的一系列工具函數、層、損失、模型、訓練器等的合集。 https://torchelie.readthedocs.org/
- 1000- CrypTen: CrypTen 是一個隱私保護機器學習框架,它使用PyTorch編寫,允許研究人員和開發人員使用加密數據訓練模型。 CrypTen目前支持將安全的多方計算(Secure Multiparty Computation)作為其加密機制。
- 1000+ cvxpylayers: cvxpylayers 是一個Python 庫,用於在PyTorch中構造可微凸優化層。
- 1000+ RepDistiller: 對比表示蒸餾(CRD)和最新知識蒸餾方法的基準。
- 2500+ kaolin: 一個旨在加速3D深度學習研究的PyTorch庫。
- 1000- PySNN: 高效的尖峰神經網絡框架,建立在PyTorch之上,用於GPU加速。
- 1000- sparktorch: 在Apache Spark 上訓練和運行PyTorch 模型。
- 3400+ pytorch-metric-learning: 在應用程序中使用度量學習的最簡單方法。模塊化,靈活,可擴展。用PyTorch 構建。
- 1000- autonomous-learning-library: 用於建立深度強化學習代理的PyTorch 庫。
- 1000- flambe: 一個用於加速研究及其生產路徑的ML框架。 https://flambe.ai
- 1900+ pytorch-optimizer: Collections of modern optimization algorithms for PyTorch, includes: AccSGD, AdaBound, AdaMod, DiffGrad, Lamb, RAdam, RAdam, Yogi.
- 2200+ PyTorch-VAE: A Collection of Variational Autoencoders (VAE) in PyTorch.
- 16700+ ray: A fast and simple framework for building and running distributed applications. Ray is packaged with RLlib, a scalable reinforcement learning library, and Tune, a scalable hyperparameter tuning library. ray.io
- 1000- Pytorch Geometric Temporal: A temporal extension library for PyTorch Geometric.
- 1000- Poutyne: A Keras-like framework for PyTorch that handles much of the boilerplating code needed to train neural networks.
- 1000- Pytorch-Toolbox: This is toolbox project for Pytorch. Aiming to make you write Pytorch code more easier, readable and concise.
- 1000- Pytorch-contrib: It contains reviewed implementations of ideas from recent machine learning papers.
- 6200+ EfficientNet PyTorch: It contains an op-for-op PyTorch reimplementation of EfficientNet, along with pre-trained models and examples.
- 1300+ PyTorch/XLA: PyTorch/XLA is a Python package that uses the XLA deep learning compiler to connect the PyTorch deep learning framework and Cloud TPUs.
- 1000- webdataset: WebDataset is a PyTorch Dataset (IterableDataset) implementation providing efficient access to datasets stored in POSIX tar archives.
- 1000- volksdep: volksdep is an open-source toolbox for deploying and accelerating PyTorch, Onnx and Tensorflow models with TensorRT.
- 1700+ PyTorch-StudioGAN: StudioGAN is a Pytorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation. StudioGAN aims to offer an identical playground for modern GANs so that machine learning researchers can readily compare and analyze a new idea.
- null torchdrift: drift detection library
- 1600+ accelerate : A simple way to train and use PyTorch models with multi-GPU, TPU, mixed-precision.
- 1000- lightning-transformers: Flexible interface for high-performance research using SOTA Transformers leveraging Pytorch Lightning, Transformers, and Hydra.
Tutorials & books & examples|教程& 書籍& 示例
- 4200+ Practical Pytorch**: 該教程對不同的RNN模型進行了解釋。
- DeepLearningForNLPInPytorch: IPython Notebook 深度學習教程,包含對自然語言處理的強調。
- 21300+ pytorch-tutorial: 面向研究人員的深度學習教程,其中大部分模型的實現代碼都少於30行。
- 1000- pytorch-exercises: PyTorch練習集合。
- 5200+ pytorch tutorials: 各種PyTorch教程。
- 16500+ pytorch examples: PyTorch使用示例,應用場景包括視覺、文本、強化學習等。
- 1000- pytorch practice: PyTorch示例。
- 1000- pytorch mini tutorials: PyTorch極簡教程,改編自Alec Radford的Theano教程。
- 1000- pytorch text classification: PyTorch實現基於CNN的文本分類。
- 1000- cats vs dogs: Kaggle 競賽Dogs vs. Cats Redux: Kernels Edition 的網絡微調示例。
- 1000- convnet: 深度卷積網絡在不同數據集(ImageNet, Cifar10, Cifar100, MNIST)上的完整訓練示例。
- 1000- pytorch-generative-adversarial-networks: 一個簡單的對抗生成網絡(GAN) 。
- 1000- pytorch containers: PyTorch中簡化的Torch容器。
- 1000- T-SNE in pytorch: t-SNE實驗。
- 1000- AAE_pytorch: PyTorch版對抗自編碼器。
- 1000- Kind_PyTorch_Tutorial: PyTorch新手教程。
- 1000- pytorch-poetry-gen: 基於PyTorch的char-RNN(字符級循環神經網絡)。
- 1000- pytorch-REINFORCE: PyTorch 實現了OpenAI gym 下離散和連續控制的REINFORCE。
- 6100+ PyTorch-Tutorial**: 簡單而快速地搭建你自己的神經網絡。 https://morvanzhou.github.io/tutorials/
- 1000- pytorch-intro: 演示如何在PyTorch中實現CNNs和RNNs。
- 1300+ pytorch-classification: 一個CIFAR-10/100和ImageNet數據集上的分類框架。
- 1000- pytorch_notebooks - hardmaru: 用NumPy和PyTorch編寫的隨機教程。
- 1000- pytorch_tutoria-quick: PyTorch介紹和教程。面向計算機視覺、圖形和機器學習領域的研究人員,要求對神經網絡理論知識和常用神經網絡框架由基本的了解。
- 1000- Pytorch_fine_tuning_Tutorial: 在PyTorch中進行微調或轉移學習的簡短教程。
- 1000- pytorch_exercises: PyTorch練習。
- 1000- traffic-sign-detection: 紐約大學2018年計算機視覺秋季課程示例。
- 1000- mss_pytorch: 無需進行濾波後處理,利用循環推斷算法實現歌唱語音分離- PyTorch 實現。 演示: js-mim.github.io/mss_pytorch
- 2600+ DeepNLP-models-Pytorch cs-224n課程中的各種深度NLP模型的PyTorch實現。 (Stanford Univ: NLP with Deep Learning)
- 1000- Mila introductory tutorials: 面向MILA新生的各種教程。 (MILA:加拿大蒙特利爾人工智能研究中心)
- 1000- pytorch.rl.learning: 使用PyTorch學習強化學習。
- 1000- minimal-seq2seq: 關注神經機器翻譯的最小Seq2Seq模型。
- 1000- tensorly-notebooks: 利用Python和TensorLy實現張量方法。 tensorly.github.io/dev
- 1000- pytorch_bits: 時序預測的相關示例。
- 1000- skip-thoughts: PyTorch實現Skip-Thought詞向量模型。
- 1000- video-caption-pytorch: 利用PyTorch為視頻添加字幕。
- 1000- Capsule-Network-Tutorial: 簡單易學的膠囊網絡(Capsule Network)教程。
- 2100+ code-of-learn-deep-learning-with-pytorch: 《深度學習入門之PyTorch》書中代碼。 item.jd.com/17915495606.html
- 2300+ RL-Adventure: Pytorch 版Deep Q Learning 教程,簡單、易學、代碼可讀性強,包含DQN / DDQN / Prioritized replay/ noisy networks/ distributional values/ Rainbow/ hierarchical RL 的PyTorch 實現。
- 1000- accelerated_dl_pytorch: Jupyter Day Atlanta II 會議上的加速深度學習算法,包含PyTorch 教程和會議演講文稿。
- 2500+ RL-Adventure-2: 以下內容的PyTorch0.4 版本教程: actor critic / proximal policy optimization / acer / ddpg / twin dueling ddpg / soft actor critic / generative adversarial imitation learning / hindsight experience replay。
- Generative Adversarial Networks (GANs) in 50 lines of code (PyTorch): 50行生成對抗網絡。
- adversarial-autoencoders-with-pytorch: PyTorch對抗自編碼器。
- transfer learning using pytorch: PyTorch遷移學習。
- how-to-implement-a-yolo-object-detector-in-pytorch: 如何使用PyTorch實現一個YOLO (v3)物體檢測器。
- pytorch-for-recommenders-101: 使用PyTorch構建推薦系統。
- 1000- pytorch-for-numpy-users: 面向Numpy用戶的PyTorch。
- PyTorch Tutorial: PyTorch中文教程(PyTorch中文網)。
- 1000- grokking-pytorch: 手把手教你學會PyTorch。
- 5200+ PyTorch-Deep-Learning-Minicourse: PyTorch深度學習微型課程。
- 1000- pytorch-custom-dataset-examples: PyTorch的一些自定義數據集示例。
- Multiplicative LSTM for sequence-based Recommenders: 面向基於序列的推薦器的乘法LSTM。 /基於LSTM的序列推薦實現。
- 1000- deeplearning.ai-pytorch: Coursera深度學習課程(deeplearning.ai)任務的PyTorch實現。
- 1000- MNIST_Pytorch_python_and_capi: 示例:如何在Python中訓練一個MNIST網絡並在C++中用PyTorch1.0運行。
- 1000- torch_light: 教程和示例,包括強化學習、NLP、CV。 Logistic、CNN、RNN、LSTM等神經網絡模型由數行代碼實現,一些高級示例由複雜模型實現。
- 1000- portrain-gan: 編碼(解碼尚未實現)art-DCGAN 生成的肖像油畫。
- 1000- mri-analysis-pytorch: 使用PyTorch和MedicalTorch進行核磁共振(MRI)分析。
- 1000- cifar10-fast: 在79秒內完成CIFAR10數據集上的ResNet模型的訓練並達到94%的測試準確率,相關內容參見blog series。
- Intro to Deep Learning with PyTorch: Udacity和Facebook聯合推出的免費課程,包括對PyTorch的介紹和對PyTorch作者之一的Soumith Chintala的採訪。
- 2900+ pytorch-sentiment-analysis: PyTorch和TorchText語義分析教程。
- 11800+ pytorch-image-models: PyTorch圖像模型、腳本、與訓練權重—— (SE)ResNet/ResNeXT, DPN, EfficientNet, MobileNet-V3/V2/V1, MNASNet, Single-Path NAS, FBNet等等。
- 1000- CIFAR-ZOO: 以CIFAR為基準的多種CNN架構的PyTorch實現。
- 3700+ d2l-pytorch: 本項目嘗試複製《動手深度學習(Dive into Deep Learning)》(www.d2l.ai) 一書,將MXnet代碼改編為PyTorch版。
- 1000- thinking-in-tensors-writing-in-pytorch: 張量思維,PyTorch實踐(深度學習入門)。
- 1000- NER-BERT-pytorch: 命名試題識別的PyTorch解決方案,使用了Google AI的預訓練BERT模型。
- 1000- pytorch-sync-batchnorm-example: 如何在PyTorch 中使用交叉複製(Cross Replica)/同步批標準化(Synchronized Batchnorm)。
- 1000- SentimentAnalysis: 情緒分析神經網絡,在斯坦福情緒樹庫上用微調BERT訓練得到。
- 1100+ pytorch-cpp: 為深度學習研究者打造,用C++ 實現PyTorch 教程內容(基於pytorch-tutorial 的Python教程)。
- Deep Learning with PyTorch: Zero to GANs: Deep Learning with PyTorch (video)系列在線課程的相關代碼。
- Deep Learning with PyTorch: Deep Learning with PyTorch teaches you how to implement deep learning algorithms with Python and PyTorch, the book includes a case study: building an algorithm capable of detecting malignant lung tumors using CT scans.
- Serverless Machine Learning in Action with PyTorch and AWS: Serverless Machine Learning in Action is a guide to bringing your experimental PyTorch machine learning code to production using serverless capabilities from major cloud providers like AWS, Azure, or GCP.
- 3200+ LabML NN: A collection of PyTorch implementations of neural networks architectures and algorithms with side-by-side notes.
Paper implementations|論文實現
- 1000- google_evolution: 實現了Large-scale evolution of image classifiers 一文的結果網絡之一。
- 1000- pyscatwave: 基於CuPy/PyTorch的快速散射變換,Scaling the Scattering Transform: Deep Hybrid Networks
- 1000- scalingscattering: 該倉庫包含Scaling The Scattering Transform : Deep Hybrid Networks 一文中的實驗。
- 1000- deep-auto-punctuation: 通過逐字符學習實現自動添加標點。
- 1100+ Realtime_Multi-Person_Pose_Estimation: 基於PyTorch的多人人體姿態估計,原始代碼。
- 1000- PyTorch-value-iteration-networks: PyTorch實現價值迭代網絡(Value Iteration Networks)(NIPS2016最佳論文獎)。
- 1000- pytorch_Highway: PyTorch實現高速公路網絡(Highway Networks)。
- 1000- pytorch_NEG_loss: PyTorch實現負採樣損失(Negative Sampling Loss)。
- 1000- pytorch_RVAE: 用PyTorch實現的產生序列數據的遞歸變分自動編碼器,相關論文:Generating Sentences from a Continuous Space,Character-Aware Neural Language Models。
- 1000- pytorch_TDNN: 用PyTorch實現時間延遲神經網絡(Time Delayed NN)。
- 1000- eve.pytorch: 一個Eve優化器的實現,相關論文:Imploving Stochastic Gradient Descent with Feedback。
- 1000- e2e-model-learning: 隨機優化中的基於任務的端到端模型,https://arxiv.org/abs/1703.04529 。
- 1000- pix2pix-pytorch: PyTorch實現“基於條件對抗網絡的圖像到圖像翻譯”。 論文:Image-to-Image Translation Using Conditional Adversarial Networks。
- 4300+ Single Shot MultiBox Detector: 單發多盒探測器,論文:Single Shot MultiBox Detector。
- 1000- DiscoGAN: 學習利用生成性對抗網絡發現跨域關係。論文:Learning to Discover Cross-Domain Relations with Generative Adversarial Networks。
- 1000- official DiscoGAN implementation: 官方實現“學習利用生成性對抗網絡發現跨域關係”。 論文:Learning to Discover Cross-Domain Relations with Generative Adversarial Networks。
- 1000- pytorch-es: 進化策略。論文:Evolution Strategies as a Scalable Alternative to Reinforcement Learning .
- 1000- piwise: 使用PyTorch對VOC2012數據集進行像素切割。
- 1000- pytorch-dqn: 深度Q學習網絡。
- 1000+ neuraltalk2-pytorch: PyTorch圖像字幕代碼庫(在分支“with_finetune”中有可微調CNN)。
- 1000- vnet.pytorch: PyTorch實現V-Net:全卷積神經網絡在體醫學圖像分割中的應用。 http://mattmacy.io/vnet.pytorch/
- 1400+ pytorch-fcn: PyTorch 實現完全卷積網絡。
- 1000- WideResNets: PyTorch實現WideResNets。該實現比官方Torch實現花費更少的GPU內存。實現: https://github.com/szagoruyko/wide-residual-networks .
- 1000- pytorch_highway_networks: PyTorch實現高速公路網絡。
- 1000- pytorch-NeuCom: Pytorch實現DeepMind的可微神經計算機論文。
- 1000- captionGen: 使用PyTorch為圖像生成標註。
- 1100+ AnimeGAN: 生成對抗網絡的PyTorch簡單實現,關注於動漫臉譜繪畫。
- 1000- Cnn-text classification: PyTorch 實現Kim的基於卷積神經網絡的句子分類論文。
- 1700+ deepspeech2: 使用Baidu Warp-CTC 實現DeepSpeech2。創造一個基於DeepSpeech2 架構的網絡,用CTC 激活函數訓練。
- 1000- seq2seq: 包含PyTorch中的Seq2Seq模型。
- 1000- Asynchronous Advantage Actor-Critic in PyTorch: PyTorch實現A3C(Asynchronous Advantage Actor-Critic),論文:Asynchronous Methods for Deep Reinforcement Learning。由於PyTorch 可以輕鬆地在多進程內控制共享內存,我們可以輕易實現A3C這樣的異步算法。
- 1000- densenet: This is a PyTorch 實現DenseNet-BC 架構,相關論文Densely Connected Convolutional Networks。該實現的CIFAR-10+ 100層錯誤率為4.77 增長率為12。官方實現和許多第三方庫的鏈接參見liuzhuang13/DenseNet。
- 1000- nninit: PyTorch神經網絡模塊的權值初始化方案,這是nninit 的流行端口。
- 1500+ faster rcnn: PyTorch 實現Faster RCNN。該項目主要基於py-faster-rcnn 和TFFRCNN。更多關於R-CNN 的細節請參考論文Faster R-CNN:Towards Real-Time Object Detection with Region Proposal Network。
- 1000- doomnet: PyTorch版Doom-net,實現了ViZDoom環境下的RL模型。
- 1000- flownet: 通過Dosovitskiy等完成FlowNet的Pytorch實現。
- 1000- sqeezenet: 在CIFAR10數據集上用PyTorch實現Squeezenet模型,論文。
- 2800+ WassersteinGAN: PyTorch實現WassersteinGAN。
- 1000- optnet: 該倉庫包含PyTorch源碼,重現了論文OptNet: Differentiable Optimization as a Layer in Neural Networks中的實驗。
- 1000- qp solver: PyTorch的一個快速和可微分的QP求解器。 https://locuslab.github.io/qpth/
- 1000- Continuous Deep Q-Learning with Model-based Acceleration : 基於模型加速的連續深度Q學習的再實現。
- 1000- Learning to learn by gradient descent by gradient descent: PyTorch實現Learning to learn by gradient descent by gradient descent。
- 1000- fast-neural-style: PyTorch實現fast-neural-style,論文:Perceptual Losses for Real-Time Style Transfer and Super-Resolution。
- 1000- PytorchNeuralStyleTransfer: Pytorch中的神經風格轉換。
- 1000- Fast Neural Style for Image Style Transform by Pytorch: 使用快速神經風格進行圖像風格轉換。
- 1000- neural style transfer: 通過神經風格算法介紹PyTorch,Neural-Style algorithm。
- 1000- VIN_PyTorch_Visdom: PyTorch實現價值迭代網絡(VIN):乾淨、簡單、模塊化。利用Visdom進行可視化。
- 1400+ YOLO2: PyTorch中的YOLOv2。
- 1200+ attention-transfer: 通過注意轉移改善卷積網絡,ICLR2017會議論文。
- 1000- SVHNClassifier: PyTorch實現基於深度卷積神經網絡的街景圖像多位數識別。
- 1000- pytorch-deform-conv: PyTorch實現可變形卷積(Deformable Convolution)。
- 1000- BEGAN-pytorch: PyTorch實現邊界均衡生成對抗網絡(BEGAN): Boundary Equilibrium Generative Adversarial Networks.
- 1000- treelstm.pytorch: PyTorch實現樹形結構LSTM。
- 1000- AGE: 論文代碼,原文:對抗生成編碼器網絡(Adversarial Generator-Encoder Networks)。
- 1000- ResNeXt.pytorch: 再現ResNet-V3 (深度神經網絡的聚集殘差變換)。
- 1000- pytorch-rl: 基於PyTorch和Visdom的深度強化學習。
- 1000- Deep-Leafsnap: 對比傳統的計算機視覺方法,使用深度神經網絡的LeafSnap能有效提高測試準確率。
- 15400+ pytorch-CycleGAN-and-pix2pix: PyTorch 實現圖像風格遷移。
- 1000- A3C-PyTorch:PyTorch 實現A3C(Advantage async actor-critic)算法。
- 1000- pytorch-value-iteration-networks: PyTorch實現價值迭代網絡Value Iteration Networks (NIPS 2016 最佳論文)。
- 1000- PyTorch-Style-Transfer: PyTorch實現實時轉換多風格生成網絡。
- 1000- pytorch-deeplab-resnet: PyTorch實現DeepLab resnet v2。
- 1100+ pointnet.pytorch: PyTorch實現"PointNet: 基於深度學習的3D點分類和分割模型" https://arxiv.org/abs/1612.00593
- 2100+ pytorch-playground: 包含常見的預訓練模型和數據集(MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)**.
- 1000- pytorch-dnc: PyTorch/Visdom實現的神經機器翻譯(NTM)&可微神經計算機(DNC)。
- 1000- pytorch_image_classifier: 使用PyTorch的最小但實用的圖像分類器管道,在ResNet18上進行細化,在自己的小型數據集上獲得99%的準確率。
- 1000- mnist-svhn-transfer: PyTorch實現CycleGAN和SGAN。
- null pytorch-yolo2: pytorch-yolo2
- 1000- dni: PyTorch實現使用合成梯度的解耦神經接口,論文:Decoupled Neural Interfaces using Synthetic Gradients。
- 1200+ wgan-gp: PyTorch實現論文"Improved Training of Wasserstein GANs".
- 1000- pytorch-seq2seq-intent-parsing: PyTorch使用seq2seq和注意力模型進行意圖分析和空位填充。
- 1000- pyTorch_NCE: 復現噪音對比估計算法,論文:Noise-contrastive estimation: A new estimation principle for unnormalized statistical models。
- 1000- molencoder: 分子自動編碼器。
- 1000- GAN-weight-norm: 論文代碼,"生成對抗網絡中批量和權重歸一化的影響"
- 1000- lgamma: 實現polygamma、lgamma和beta函數。
- 1000- bigBatch: 論文代碼,論文:“訓練越久,泛化越好:關閉神經網絡大批量訓練的泛化間隙”。
- 1000- rl_a3c_pytorch: 針對Atari 2600 的強化學習,實現了A3C LSTM 。
- 1000- pytorch-retraining: PyTorch動物園模型轉移學習(torchvision)。
- 1000- nmp_qc: 用於計算機視覺的神經消息傳遞。
- 2900+ grad-cam: PyTorch 實現Grad-CAM。
- null pytorch-trpo: PyTorch s實現置信域策略優化(Trust Region Policy Optimization (TRPO))。
- 1000- pytorch-explain-black-box: PyTorch通過有意義擾動實現黑箱的可解釋性解釋,論文。
- 1000- vae_vpflows: 凸組合線性IAF與Householder流https://jmtomczak.github.io/deebmed.html 。
- 1000- relational-networks: Pytorch實現"用一個簡單的神經網絡模塊來做關係推理"(關係網絡)。
- 1000- vqa.pytorch: 視覺問答。
- 1300+ end-to-end-negotiator: 成交還是不成交?談判對話的端到端學習。
- 1000- odin-pytorch: 神經網絡失配實例的原則性檢測。
- 1000- FreezeOut: 一種通過逐步凍結層加速神經網絡訓練的簡單技術。
- 1000- ARAE: 論文代碼,"對抗性正則化的自動編碼器, ARAE"。
- 1000- forward-thinking-pytorch: PyTorch實現"前向思考:一次一層地建立和訓練神經網絡"。
- 1000- context_encoder_pytorch: PyTorch實現上下文編碼器(Context Encoders),可用於圖像修復。
- 5500+ attention-is-all-you-need-pytorch: PyTorch在"Attention is All You Need"中實現轉換模型,https://github.com/thnkim/OpenFacePytorch。
- 1000- OpenFacePytorch: 使用OpenFace's nn4.small2.v1.t7 模型的PyTorch模塊。
- 1000- neural-combinatorial-rl-pytorch: PyTorch 實現"通過強化學習實現神經組合優化"。
- null pytorch-nec: PyTorch實現神經情景控制(NEC,Neural Episodic Control)。
- 1000- seq2seq.pytorch: 使用PyTorch進行Sequence-to-Sequence學習。
- 1000- Pytorch-Sketch-RNN: PyTorch實現“A Neural Representation of Sketch Drawings”。
- 1000- pytorch-pruning: PyTorch實現[1611.06440] 用於資源有效推理的剪枝卷積神經網絡
- 1000- DrQA: PyTorch實現自動閱讀維基百科並回答開放領域問題。
- 1000- YellowFin_Pytorch: 基於動量梯度下降(momentum SGD)的自動調優優化器,無需手動指定學習速率和動量。
- 1000- samplernn-pytorch: PyTorch實現SampleRNN: 一種無條件端到端神經音頻生成模型。
- 1000- AEGeAN: 基於AE穩定的更深的深度卷積生成對抗網絡(DCGAN, Deep Convolution Generative Adversarial Networks)。
- 1000- /pytorch-SRResNet: PyTorch實現“基於生成對抗網絡的實感單幅圖像超分辨率”。
- 1000- vsepp: 論文代碼,"VSE++:使用難分樣本(Hard Negative)改善視覺語義聯合嵌入"。
- 1000- Pytorch-DPPO: Pytorch實現分佈式近端策略優化(Distributed Proximal Policy Optimization)。
- 1700+ UNIT: 無監督的圖像到圖像轉換網絡,論文。
- 1300+ efficient_densenet_pytorch: DenseNets的內存高效實現。
- 1000- tsn-pytorch: PyTorch實現時間分割網絡(TSN, Temporal Segment Networks)。
- 1000- SMASH: SMASH,一種高效地探索神經體系結構的實驗技術。
- 1000- pytorch-retinanet: RetinaNet。
- 1000- biogans: 實現ICCV 2017 論文"利用GANs進行生物圖像合成"。
- null Semantic Image Synthesis via Adversarial Learning: PyTorch 實現ICCV 2017 論文"基於對抗學習的語義圖像合成"。
- 1000- fmpytorch: PyTorch在Cython中實現分析機(Factorization Machine)模塊。
- 1000- ORN: PyTorch 實現CVPR 2017 論文"Oriented Response Networks"。
- 1000- pytorch-maml: PyTorch實現MAML(Model-Agnostic Meta-Learning,與模型無關的元學習)。
- 2200+ pytorch-generative-model-collections: PyTorch中的各種生成模型集合。
- 1000- vqa-winner-cvprw-2017: Pytorch 實現CVPR'17 VQA( Visual Question Answer,視覺問答) 挑戰冠軍。
- 1000- tacotron_pytorch: PyTorch 實現Tacotron 語音合成模型。
- 1000- pspnet-pytorch: PyTorch 實現PSPNet 語義分割網絡。
- 1000- LM-LSTM-CRF: 《Empower Sequence Labeling with Task-Aware Language Model》 http://arxiv.org/abs/1709.04109
- 5000+ face-alignment: 使用PyTorch構建2D和3D人臉對齊庫。
- 1000- DepthNet: PyTorch 在Still Box數據集上訓練DepthNet。
- 1600+ EDSR-PyTorch: 論文《Enhanced Deep Residual Networks for Single Image Super-Resolution》的PyTorch實現版本。 (CVPRW 2017)
- 1000- e2c-pytorch: E2C,Embed to Control 實現。
- 2900+ 3D-ResNets-PyTorch: 基於3D殘差網絡的動作識別。
- 1000- bandit-nmt: EMNLP 2017 論文《Reinforcement Learning for Bandit Neural Machine Translation with Simulated Human Feedback》的代碼,,改論文在神經編解碼模型的基礎上實現了A2C算法,並在模擬噪聲激勵下對組合進行了基準測試。
- 2400+ pytorch-a2c-ppo-acktr: PyTorch 實現Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO,近端策略優化) 和可擴展信賴域(Trust Region)方法,這些算法使用Kronecker因子近似(ACKTR)和生成對抗模仿學習(GAIL)實現,可用於深度強化學習。
- 1000- zalando-pytorch: Fashion-MNIST數據集上的各種實驗。
- 1000- sphereface_pytorch: PyTorch實現SphereFace,人臉識別相關,https://arxiv.org/abs/1704.08063 。
- 1000- Categorical DQN: PyTorch 版Categorical DQN,該模型來自論文《A Distributional Perspective on Reinforcement Learning》。
- 1000- pytorch-ntm: 神經網絡圖靈機。
- null mask_rcnn_pytorch: Mask RCNN in PyTorch.
- 1000- graph_convnets_pytorch: PyTorch 實現圖卷積神經網絡,NIPS'16。
- 1700+ pytorch-faster-rcnn: PyTorch實現faster RCNN 檢測框架,基於Xinlei Chen 的tf-faster-rcnn,已不再維護。
- 1000- torchMoji: A pyTorch implementation of the DeepMoji model: state-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc.
- 3900+ semantic-segmentation-pytorch: 在MIT ADE20K dataset數據集上實現語義分割/場景解析。
- 1200+ pytorch-qrnn: PyTorch implementation of the Quasi-Recurrent Neural Network - up to 16 times faster than NVIDIA's cuDNN LSTM
- 1000- pytorch-sgns: Skipgram Negative Sampling in PyTorch.
- 1000- SfmLearner-Pytorch : Pytorch version of SfmLearner from Tinghui Zhou et al.
- 1000- deformable-convolution-pytorch: PyTorch實現可變形卷積。
- 1000- skip-gram-pytorch: A complete pytorch implementation of skipgram model (with subsampling and negative sampling). The embedding result is tested with Spearman's rank correlation.
- 1000- stackGAN-v2: Pytorch implementation for reproducing StackGAN_v2 results in the paper StackGAN++: Realistic Image Synthesis with Stacked Generative Adversarial Networks by Han Zhang*, Tao Xu*, Hongsheng Li, Shaoting Zhang, Xiaogang Wang, Xiaolei Huang, Dimitris Metaxas.
- 1000- self-critical.pytorch: 非官方,PyTorch實現基於self-critical 序列訓練的圖像標註。
- 3600+ pygcn: 圖卷積網絡。
- 1000- dnc: 可微神經計算機、稀疏存取存儲器與稀疏可微神經計算機。
- 1000- prog_gans_pytorch_inference: PyTorch inference for "Progressive Growing of GANs" with CelebA snapshot.
- 1000- pytorch-capsule: Pytorch implementation of Hinton's Dynamic Routing Between Capsules.
- 1000- PyramidNet-PyTorch: A PyTorch implementation for PyramidNets (Deep Pyramidal Residual Networks, arxiv.org/abs/1610.02915)
- 1000- radio-transformer-networks: A PyTorch implementation of Radio Transformer Networks from the paper "An Introduction to Deep Learning for the Physical Layer". arxiv.org/abs/1702.00832
- 1000- honk: PyTorch reimplementation of Google's TensorFlow CNNs for keyword spotting.
- 1000- DeepCORAL: A PyTorch implementation of 'Deep CORAL: Correlation Alignment for Deep Domain Adaptation.', ECCV 2016
- 1000- pytorch-pose: PyTorch工具包,用於2D人體姿態估計。
- 1000- lang-emerge-parlai: Implementation of EMNLP 2017 Paper "Natural Language Does Not Emerge 'Naturally' in Multi-Agent Dialog" using PyTorch and ParlAI
- 1200+ Rainbow: Rainbow: Combining Improvements in Deep Reinforcement Learning
- 1000- pytorch_compact_bilinear_pooling v1: This repository has a pure Python implementation of Compact Bilinear Pooling and Count Sketch for PyTorch.
- 1000- CompactBilinearPooling-Pytorch v2: (Yang Gao, et al.) A Pytorch Implementation for Compact Bilinear Pooling.
- 1000- FewShotLearning: Pytorch implementation of the paper "Optimization as a Model for Few-Shot Learning"
- 1000- meProp: Codes for "meProp: Sparsified Back Propagation for Accelerated Deep Learning with Reduced Overfitting".
- 1000- SFD_pytorch: 單鏡頭尺度不變人臉檢測器。
- 1000- GradientEpisodicMemory: Continuum Learning with GEM: Gradient Episodic Memory. https://arxiv.org/abs/1706.08840
- 1900+ DeblurGAN: Pytorch implementation of the paper DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial Networks.
- 4800+ StarGAN: StarGAN: 多領域圖像轉換GAN 網絡,https://arxiv.org/abs/1711.09020 。
- 1000- CapsNet-pytorch: PyTorch 實現NIPS 2017 論文“膠囊間的動態路由”。
- 1000- CondenseNet: CondenseNet: 面向移動設備的輕量級CNN。
- 6700+ deep-image-prior: 基於神經網絡的圖像修復,無學習過程。
- 1100+ deep-head-pose: 使用PyTorch進行深度學習頭部姿勢估計。
- 1000- Random-Erasing: 論文代碼,論文:"隨機擦除數據增強"。
- 1000- FaderNetworks: Fader Networks: 通過滑動屬性重構圖像- NIPS 2017,https://arxiv.org/pdf/1706.00409.pdf 。
- 2300+ FlowNet 2.0: FlowNet 2.0: 深度網絡中光流估計的演化。
- 5300+ pix2pixHD: 利用條件GANs 合成和處理HD 高清圖像的PyTorch 實現,https://arxiv.org/pdf/1711.11585.pdf。
- 1000- pytorch-smoothgrad: SmoothGrad通過增加噪聲來去除噪聲。
- 1000- RetinaNet: RetinaNe實現。
- 6300+ faster-rcnn.pytorch: This project is a faster faster R-CNN implementation, aimed to accelerating the training of faster R-CNN object detection models.
- 1000- mixup_pytorch: A PyTorch implementation of the paper Mixup: Beyond Empirical Risk Minimization in PyTorch.
- 1100+ inplace_abn: In-Place Activated BatchNorm for Memory-Optimized Training of DNNs
- 1000- pytorch-pose-hg-3d: PyTorch implementation for 3D human pose estimation
- 1000- nmn-pytorch: Neural Module Network for VQA in Pytorch.
- 1000- bytenet: Pytorch implementation of bytenet from "Neural Machine Translation in Linear Time" paper
- 1000- bottom-up-attention-vqa: vqa, bottom-up-attention, pytorch
- 1000- yolo2-pytorch: The YOLOv2 is one of the most popular one-stage object detector. This project adopts PyTorch as the developing framework to increase productivity, and utilize ONNX to convert models into Caffe 2 to benifit engineering deployment.
- 1000- reseg-pytorch: PyTorch 實現ReSeg。 (https://arxiv.org/pdf/1511.07053.pdf)
- 1000- binary-stochastic-neurons: Binary Stochastic Neurons in PyTorch.
- 1000- pytorch-pose-estimation: PyTorch Implementation of Realtime Multi-Person Pose Estimation project.
- 1000- interaction_network_pytorch: Pytorch Implementation of Interaction Networks for Learning about Objects, Relations and Physics.
- 1000- NoisyNaturalGradient: Pytorch Implementation of paper "Noisy Natural Gradient as Variational Inference".
- 1000- ewc.pytorch: An implementation of Elastic Weight Consolidation (EWC), proposed in James Kirkpatrick et al. Overcoming catastrophic forgetting in neural networks 2016(10.1073/pnas.1611835114).
- 1000- pytorch-zssr: PyTorch implementation of 1712.06087 "Zero-Shot" Super-Resolution using Deep Internal Learning
- 1000- deep_image_prior: 基於未訓練神經網絡的圖像重建算法實現。算法:Deep Image Prior。
- 1000- pytorch-transformer: PyTorch實現論文Attention Is All You Need。
- 1000- DeepRL-Grounding: PyTorch實現AAAI-18論文Gated-Attention Architectures for Task-Oriented Language Grounding。
- 1000- deep-forecast-pytorch: 使用LSTMs進行風速預測,論文:Deep Forecast: Deep Learning-based Spatio-Temporal Forecasting。
- 1000- cat-net: 正則外觀變換(Canonical Appearance Transformations)
- 1000- minimal_glo: Minimal PyTorch implementation of Generative Latent Optimization from the paper "Optimizing the Latent Space of Generative Networks"
- 1000- LearningToCompare-Pytorch: Pytorch Implementation for Paper: Learning to Compare: Relation Network for Few-Shot Learning.
- 1400+ poincare-embeddings: PyTorch implementation of the NIPS-17 paper "Poincaré Embeddings for Learning Hierarchical Representations".
- null pytorch-trpo(Hessian-vector product version): This is a PyTorch implementation of "Trust Region Policy Optimization (TRPO)" with exact Hessian-vector product instead of finite differences approximation.
- 1000- ggnn.pytorch: A PyTorch Implementation of Gated Graph Sequence Neural Networks (GGNN).
- 1000- visual-interaction-networks-pytorch: This's an implementation of deepmind Visual Interaction Networks paper using pytorch
- 1000- adversarial-patch: PyTorch實現對抗補丁。
- 1000- Prototypical-Networks-for-Few-shot-Learning-PyTorch: Implementation of Prototypical Networks for Few Shot Learning (arxiv.org/abs/1703.05175) in Pytorch
- 1000- Visual-Feature-Attribution-Using-Wasserstein-GANs-Pytorch: Implementation of Visual Feature Attribution using Wasserstein GANs (arxiv.org/abs/1711.08998) in PyTorch.
- 1000- PhotographicImageSynthesiswithCascadedRefinementNetworks-Pytorch: 用級聯優化網絡生成照片級圖像,https://arxiv.org/abs/1707.09405 。
- 2400+ ENAS-pytorch: PyTorch實現"基於參數共享的高效神經網絡結構搜索"。
- 1000- Neural-IMage-Assessment: 神經圖片評估,https://arxiv.org/abs/1709.05424 。
- 1000- proxprop: 近端回傳(Proximal Backpropagation) - 隱式梯度代替顯式梯度的神經網絡訓練算法。
- 10500+ FastPhotoStyle: 照片級逼真的圖像風格化的一個封閉解。
- 1000- Deep-Image-Analogy-PyTorch: 基於PyTorch的深度圖像模擬的Python實現。
- 2700+ Person-reID_pytorch: 行人再識別Person-reID的PyTorch實現。
- 1000- pt-dilate-rnn: 空洞遞歸神經網絡(Dilated RNNs)。
- 1000- pytorch-i-revnet: Pytorch實現i-RevNets。
- 1000- OrthNet: TensorFlow、PyTorch和Numpy層生成正交多項式。
- 1000- DRRN-pytorch: "超分辨率的深遞歸殘差網絡(DRRN)", CVPR 2017
- 1000- shampoo.pytorch: Shampoo算法實現。
- 1000- Neural-IMage-Assessment 2: 神經圖片評估,https://arxiv.org/abs/1709.05424 。
- 2900+ TCN: Sequence modeling benchmarks and temporal convolutional networks locuslab/TCN
- 1000- DCC: This repository contains the source code and data for reproducing results of Deep Continuous Clustering paper.
- 1000- packnet: Code for PackNet: Adding Multiple Tasks to a Single Network by Iterative Pruning arxiv.org/abs/1711.05769
- 1000- PyTorch-progressive_growing_of_gans: PyTorch implementation of Progressive Growing of GANs for Improved Quality, Stability, and Variation.
- 1000- nonauto-nmt: PyTorch Implementation of "Non-Autoregressive Neural Machine Translation"
- 9800+ PyTorch-GAN: PyTorch implementations of Generative Adversarial Networks.
- 1000- PyTorchWavelets: PyTorch implementation of the wavelet analysis found in Torrence and Compo (1998)
- 1000- pytorch-made: MADE (Masked Autoencoder Density Estimation) implementation in PyTorch
- 1000- VRNN: Pytorch implementation of the Variational RNN (VRNN), from A Recurrent Latent Variable Model for Sequential Data.
- 1000- flow: Pytorch implementation of ICLR 2018 paper Deep Learning for Physical Processes: Integrating Prior Scientific Knowledge.
- 1600+ deepvoice3_pytorch: PyTorch實現基於卷積神經網絡的語音合成模型。
- 1000- psmm: imlementation of the the Pointer Sentinel Mixture Model, as described in the paper by Stephen Merity et al.
- 3000+ tacotron2: Tacotron 2 - PyTorch implementation with faster-than-realtime inference.
- 1000- AccSGD: Implements pytorch code for the Accelerated SGD algorithm.
- 1000- QANet-pytorch: an implementation of QANet with PyTorch (EM/F1 = 70.5/77.2 after 20 epoches for about 20 hours on one 1080Ti card.)
- 1000- ConvE: Convolutional 2D Knowledge Graph Embeddings
- 1000- Structured-Self-Attention: Implementation for the paper A Structured Self-Attentive Sentence Embedding, which is published in ICLR 2017: arxiv.org/abs/1703.03130 .
- 1000- graphsage-simple: Simple reference implementation of GraphSAGE.
- 2800+ Detectron.pytorch: A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
- 1000- R2Plus1D-PyTorch: PyTorch implementation of the R2Plus1D convolution based ResNet architecture described in the paper "A Closer Look at Spatiotemporal Convolutions for Action Recognition"
- 1000- StackNN: A PyTorch implementation of differentiable stacks for use in neural networks.
- 1000- translagent: Code for Emergent Translation in Multi-Agent Communication.
- 1000- ban-vqa: Bilinear attention networks for visual question answering.
- 1200+ pytorch-openai-transformer-lm: This is a PyTorch implementation of the TensorFlow code provided with OpenAI's paper "Improving Language Understanding by Generative Pre-Training" by Alec Radford, Karthik Narasimhan, Tim Salimans and Ilya Sutskever.
- 1000- T2F: 使用深度學習進行Text-to-Face生成。該項目結合了StackGAN和ProGAN,這兩個模型可以基於文字描述合成人臉。
- 1300+ pytorch - fid: A Port of Fréchet Inception Distance (FID score) to PyTorch
- 1000- vae_vpflows:Code in PyTorch for the convex combination linear IAF and the Householder Flow, JM Tomczak & M. Welling jmtomczak.github.io/deebmed.html
- 1000- CoordConv-pytorch: Pytorch implementation of CoordConv introduced in 'An intriguing failing of convolutional neural networks and the CoordConv solution' paper. (arxiv.org/pdf/1807.03247.pdf)
- 1000- SDPoint: Implementation of "Stochastic Downsampling for Cost-Adjustable Inference and Improved Regularization in Convolutional Networks", published in CVPR 2018.
- 1000- SRDenseNet-pytorch: 極深網絡,SRDenseNet-pytorch,論文:基於密集跳躍連接的圖像超分辨率(ICCV_2017)。
- 1000- GAN_stability: Code for paper "Which Training Methods for GANs do actually Converge? (ICML 2018)"
- 1000- Mask-RCNN: A PyTorch implementation of the architecture of Mask RCNN, serves as an introduction to working with PyTorch
- 1000- pytorch-coviar: Compressed Video Action Recognition
- 1000- PNASNet.pytorch: PyTorch implementation of PNASNet-5 on ImageNet.
- 1000- NALU-pytorch: Basic pytorch implementation of NAC/NALU from Neural Arithmetic Logic Units arxiv.org/pdf/1808.00508.pdf
- 1000- LOLA_DiCE: Pytorch 使用DiCE實現LOLA。
- 1000- generative-query-network-pytorch: Generative Query Network (GQN) in PyTorch as described in "Neural Scene Representation and Rendering"
- 1000- pytorch_hmax: 在PyTorch中實現HMAX(Hierarchical Model and X)視覺模型。
- 1000- FCN-pytorch-easiest: trying to be the most easiest and just get-to-use pytorch implementation of FCN (Fully Convolotional Networks)
- 1000- transducer: A Fast Sequence Transducer Implementation with PyTorch Bindings.
- 1000- AVO-pytorch: Implementation of Adversarial Variational Optimization in PyTorch.
- 1000- HCN-pytorch: A pytorch reimplementation of { Co-occurrence Feature Learning from Skeleton Data for Action Recognition and Detection with Hierarchical Aggregation }.
- 1000- binary-wide-resnet: PyTorch implementation of Wide Residual Networks with 1-bit weights by McDonnel (ICLR 2018)
- 1000- piggyback: Code for Piggyback: Adapting a Single Network to Multiple Tasks by Learning to Mask Weights arxiv.org/abs/1801.06519
- 7700+ vid2vid: Pytorch implementation of our method for high-resolution (eg 2048x1024) photorealistic video-to-video translation.
- 1000- poisson-convolution-sum: Implements an infinite sum of poisson-weighted convolutions
- 1000- tbd-nets: PyTorch implementation of "Transparency by Design: Closing the Gap Between Performance and Interpretability in Visual Reasoning" arxiv.org/abs/1803.05268
- 1000- attn2d: Pervasive Attention: 2D Convolutional Networks for Sequence-to-Sequence Prediction
- 7500+ yolov3: YOLOv3: 訓練和推斷,https://www.ultralytics.com 。
- 1000- deep-dream-in-pytorch: Pytorch implementation of the DeepDream computer vision algorithm.
- 1000- pytorch-flows: PyTorch implementations of algorithms for density estimation
- 1000- quantile-regression-dqn-pytorch: Quantile Regression DQN a Minimal Working Example
- 1000- relational-rnn-pytorch: An implementation of DeepMind's Relational Recurrent Neural Networks in PyTorch.
- 1000- DEXTR-PyTorch: 深度極端切割,http://www.vision.ee.ethz.ch/~cvlsegmentation/dextr 。
- 1000- PyTorch_GBW_LM: PyTorch Language Model for Google Billion Word Dataset.
- 1000- Pytorch-NCE: The Noise Contrastive Estimation for softmax output written in Pytorch
- 1000- generative-models: Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN.
- 1000- convnet-aig: PyTorch implementation for Convolutional Networks with Adaptive Inference Graphs.
- 1000- integrated-gradient-pytorch: This is the pytorch implementation of the paper - Axiomatic Attribution for Deep Networks.
- 1000- MalConv-Pytorch: Pytorch implementation of MalConv.
- 1000- trellisnet: Trellis Networks for Sequence Modeling
- 1000- Learning to Communicate with Deep Multi-Agent Reinforcement Learning: pytorch implementation of Learning to Communicate with Deep Multi-Agent Reinforcement Learning paper.
- 1000- pnn.pytorch: PyTorch implementation of CVPR'18 - Perturbative Neural Networks http://xujuefei.com/pnn.html.
- 1000- Face_Attention_Network: Pytorch implementation of face attention network as described in Face Attention Network: An Effective Face Detector for the Occluded Faces.
- 1800+ waveglow: 基於流的語音合成生成網絡。
- 1000- deepfloat: This repository contains the SystemVerilog RTL, C++, HLS (Intel FPGA OpenCL to wrap RTL code) and Python needed to reproduce the numerical results in "Rethinking floating point for deep learning"
- 1000- EPSR: Pytorch implementation of Analyzing Perception-Distortion Tradeoff using Enhanced Perceptual Super-resolution Network. This work has won the first place in PIRM2018-SR competition (region 1) held as part of the ECCV 2018.
- 1000- ClariNet: Pytorch實現ClariNet。
- 48900+ pytorch-pretrained-BERT: PyTorch version of Google AI's BERT model with script to load Google's pre-trained models
- 1000- torch_waveglow: PyTorch實現WaveGlow: 基於流的語音合成生成網絡。
- 3000+ 3DDFA: The pytorch improved re-implementation of TPAMI 2017 paper: Face Alignment in Full Pose Range: A 3D Total Solution.
- 1600+ loss-landscape: loss-landscape Code for visualizing the loss landscape of neural nets.
- 1000- famos:(非)參數圖像風格化馬賽克的對抗性框架。論文:http://arxiv.org/abs/1811.09236 。
- 1000- back2future.pytorch: This is a Pytorch implementation of Janai, J., Güney, F., Ranjan, A., Black, M. and Geiger, A., Unsupervised Learning of Multi-Frame Optical Flow with Occlusions. ECCV 2018.
- 1000- FFTNet: Unofficial Implementation of FFTNet vocode paper.
- 1000- FaceBoxes.PyTorch: PyTorch實現FaceBoxes。
- 2900+ Transformer-XL: Transformer-XL: Attentive Language Models Beyond a Fixed-Length Contexthttps://github.com/kimiyoung/transformer-xl
- 1000- associative_compression_networks: Associative Compression Networks for Representation Learning.
- 1000- fluidnet_cxx: FluidNet re-written with ATen tensor lib.
- 3700+ Deep-Reinforcement-Learning-Algorithms-with-PyTorch: This repository contains PyTorch implementations of deep reinforcement learning algorithms.
- 1000- Shufflenet-v2-Pytorch: This is a Pytorch implementation of faceplusplus's ShuffleNet-v2.
- 1000- GraphWaveletNeuralNetwork: This is a Pytorch implementation of Graph Wavelet Neural Network. ICLR 2019.
- 1000- AttentionWalk: This is a Pytorch implementation of Watch Your Step: Learning Node Embeddings via Graph Attention. NIPS 2018.
- 1000- SGCN: This is a Pytorch implementation of Signed Graph Convolutional Network. ICDM 2018.
- 1000- SINE: This is a Pytorch implementation of SINE: Scalable Incomplete Network Embedding. ICDM 2018.
- 1000- GAM: This is a Pytorch implementation of Graph Classification using Structural Attention. KDD 2018.
- 1000- neural-style-pt: PyTorch 實現Justin Johnson 的神經風格算法。論文:A Neural Algorithm of Artistic Style。
- 1000- TuckER: TuckER: Tensor Factorization for Knowledge Graph Completion.
- 1000- pytorch-prunes: Pruning neural networks: is it time to nip it in the bud?
- 1000- SimGNN: SimGNN: 一個快速圖形相似度計算的神經網絡方法。論文:A Neural Network Approach to Fast Graph Similarity Computation.
- 1000- Character CNN: PyTorch implementation of the Character-level Convolutional Networks for Text Classification paper.
- 2400+ XLM: PyTorch original implementation of Cross-lingual Language Model Pretraining.
- 1000- DiffAI: A provable defense against adversarial examples and library for building compatible PyTorch models.
- 1000- APPNP: Combining Neural Networks with Personalized PageRank for Classification on Graphs. ICLR 2019.
- 1000- NGCN: A Higher-Order Graph Convolutional Layer. NeurIPS 2018.
- 1000- gpt-2-Pytorch: Simple Text-Generator with OpenAI gpt-2 Pytorch Implementation
- 1000- Splitter: Splitter: Learning Node Representations that Capture Multiple Social Contexts. (WWW 2019).
- 1000+ CapsGNN: 膠囊圖神經網絡,Capsule Graph Neural Network。
- 2300+ BigGAN-PyTorch: PyTorch實現BigGAN(非官方)。
- 1000- ppo_pytorch_cpp: 近端策略優化算法的C++ API。
- 1000- RandWireNN: 基於隨機連接神經網絡性能的圖像識別。
- 1000- Zero-shot Intent CapsNet: GPU-accelerated PyTorch implementation of "Zero-shot User Intent Detection via Capsule Neural Networks".
- 1000- SEAL-CI 半監督圖分類:層次圖視角,Semi-Supervised Graph Classification: A Hierarchical Graph Perspective. (WWW 2019)。
- 1000- MixHop: MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing. ICML 2019.
- 1000- densebody_pytorch: PyTorch implementation of CloudWalk's recent paper DenseBody.
- 1000- voicefilter: Unofficial PyTorch implementation of Google AI's VoiceFilter system http://swpark.me/voicefilter.
- 1300+ NVIDIA/semantic-segmentation: PyTorch實現“利用視頻傳播和標籤鬆弛改進語義分割”。論文:Improving Semantic Segmentation via Video Propagation and Label Relaxation, In CVPR2019.
- 1000- ClusterGCN: A PyTorch implementation of "Cluster-GCN: An Efficient Algorithm for Training Deep and Large Graph Convolutional Networks" (KDD 2019).
- 1000+ NVlabs/DG-Net: A PyTorch implementation of "Joint Discriminative and Generative Learning for Person Re-identification" (CVPR19 Oral).
- 1000- NCRF: 基於神經網絡條件隨機場(NCRF)的腫瘤轉移檢測,相關論文:https://openreview.net/forum?id=S1aY66iiM。
- 1000- pytorch-sift: PyTorch實現SIFT(尺度不變特徵變換匹配算法,Scale Invariant Feature Transform)描述子。
- 1000- brain-segmentation-pytorch: 深度學習分割網絡U-Net的PyTorch模型實現,用於腦核磁共振中FLAIR異常的分割。
- 1000- glow-pytorch: PyTorch 實現"Glow, Generative Flow with Invertible 1x1 Convolutions"。
- 1000- EfficientNets-PyTorch: PyTorch實現EfficientNet: 卷積神經網絡模型尺度的再思考。
- 1000- STEAL: STEAL - 從噪聲標註中學習語義邊界,https://nv-tlabs.github.io/STEAL/ 。
- 1000- EigenDamage-Pytorch: 官方實現ICML'19 論文"特徵損傷:克羅內克分解特徵基中的結構剪枝"。
- 1000- Aspect-level-sentiment: 論文代碼和數據集,ACL2018論文:"利用文檔知識進行體層情感分類"。
- 1000- breast_cancer_classifier: 深層神經網絡提高放射科醫生乳腺癌篩查的效果,https://arxiv.org/abs/1903.08297 。
- 1000- DGC-Net: PyTorch實現"DGC-Net: 密集幾何對應網絡".
- 1000- universal-triggers: Universal Adversarial Triggers for Attacking and Analyzing NLP (EMNLP 2019)
- 3700+ Deep-Reinforcement-Learning-Algorithms-with-PyTorch: PyTorch implementations of deep reinforcement learning algorithms and environments.
- 1000- simple-effective-text-matching-pytorch: A pytorch implementation of the ACL2019 paper "Simple and Effective Text Matching with Richer Alignment Features".
- null Adaptive-segmentation-mask-attack (ASMA): A pytorch implementation of the MICCAI2019 paper "Impact of Adversarial Examples on Deep Learning Models for Biomedical Image Segmentation".
- 1000- NVIDIA/unsupervised-video-interpolation: A PyTorch Implementation of Unsupervised Video Interpolation Using Cycle Consistency, In ICCV 2019.
- 1000- Seg-Uncertainty: Unsupervised Scene Adaptation with Memory Regularization in vivo, In IJCAI 2020.
- 5700+ pulse: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models
- 1000- distance-encoding: Distance-Encoding - Design Provably More PowerfulGNNs for Structural Representation Learning.
- 1000- Pathfinder Discovery Networks: Pathfinder Discovery Networks for Neural Message Passing.
- 1000- PyKEEN: A Python library for learning and evaluating knowledge graph embeddings
Talks & conferences|報告& 會議
- PyTorch Conference 2018: 2018年首屆PyTorch開發者大會。
Pytorch elsewhere | Pytorch相關
- 8300+ the-incredible-pytorch**: 不可思議的Pythorch:一份PyTorch相關的教程、論文、項目、社區等的清單。
- 6500+ generative models: 各種生成模型,例如基於Pytorch和Tensorflow的GAN、VAE。 http://wiseodd.github.io
- pytorch vs tensorflow: Reddit上的PyTorch和TensorFlow的比較文章。
- Pytorch discussion forum: PyTorch論壇。
- null pytorch notebook: docker-stack: 類似於Jupyter Notebook Scientific Python Stack
- 1000- drawlikebobross: 使用神經網絡作畫!
- 1000- pytorch-tvmisc: 該倉庫收集了作者用PyTorch實現的各種玩意兒。
- 1000- pytorch-a3c-mujoco: 該項目旨在解決Mujoco中的控制問題,高度基於pytorch-a3c。
- PyTorch in 5 Minutes.
- 1000- pytorch_chatbot: 用PyTorch實現的聊天機器人。
- 1000- malmo-challenge: Malmo協作人工智能挑戰-Pig Catcher團隊。
- 1000- sketchnet: 指導計算機作畫。 http://www.jtoy.net/projects/sketchnet/
- 1200+ Deep-Learning-Boot-Camp: 非盈利社區運營的5天深度學習訓練營。 http://deep-ml.com.
- 1000- Amazon_Forest_Computer_Vision: 亞馬遜森林計算機視覺:使用PyTorch標記衛星圖像標記/Keras中的PyTorch技巧。
- 2400+ AlphaZero_Gomoku: 用AlphaZero算法玩五子棋。
- null pytorch-cv: null.
- 2800+ deep-person-reid: Pytorch實現深度學習行人重新識別方法。
- 2700+ pytorch-template: PyTorch深度學習模版。
- 1000- Deep Learning With Pytorch: 隨書代碼《Deep Learning With Pytorch TextBook》 PyTorch實用指南:使用PyTorch建立文本和視覺神經網絡模型。亞馬遜中國電子版
- 1000- compare-tensorflow-pytorch: 比較用Tensorflow編寫的層和用Pytorch編寫的層之間的輸出。
- 1000- hasktorch: Haskell中的張量與神經網絡。
- Deep Learning With Pytorch Deep Learning with PyTorch 教你如何用Python和PyTorch實現深度學習算法。
- 1000- nimtorch: PyTorch - Python + Nim,PyTorch的Nim前端。
- 1000- derplearning: 自動駕駛遙控車代碼。
- 1000- pytorch-saltnet: Kaggle | TGS Salt Identification Challenge 第9名解決方案。
- 1000- pytorch-scripts: 一些腳本,使在Windows上使用PyTorch更加容易。
- 1000- pytorch_misc: 為PyTorch討論板創建的代碼片段。
- 1000- awesome-pytorch-scholarship: 收集了一系列優秀的PyTorch學術文章、指南、博客、課程和其他資源。
- 1000- MentisOculi: PyTorch版raytracer。 (raynet?)
- 2400+ DoodleMaster: “畫出UI!”("Don't code your UI, Draw it !")
- 1000- ocaml-torch: ocaml-torch為PyTorch張量庫提供一些ocaml綁定。
- 1000- extension-script: TorchScript自定義C++/CUDA運算符的示例。
- 1000- pytorch-inference: Windows10 平台上Pytorch 1.0在C++ 中的推斷。
- 1000- pytorch-cpp-inference: 包含使用PyTorch C++ API執行推斷的各種示例。
- 1100+ tch-rs: PyTorch的Rust綁定。
- 1000- TorchSharp: Pytorch引擎的.NET綁定。
- 2000+ ML Workspace: 面向機器學習和數據科學的一體化Web IDE。包含Jupyter, VS Code, PyTorch 和許多其他工具或庫,這些都集合在一個Docker映像中。
- 1100+ PyTorch Style Guide Style guide for PyTorch code. Consistent and good code style helps collaboration and prevents errors!
Feedback: If you have any ideas or you want any other content to be added to this list, feel free to contribute.