目录

图像、视觉、CNN相关实现

对抗生成网络、生成模型、GAN相关实现

机器翻译、问答系统、NLP相关实现

先进视觉推理系统

深度强化学习相关实现

通用神经网络高级应用


图像、视觉、CNN相关实现

  1. PyTorch-FCN
    https://github.com/wkentaro/pytorch-fcn.git
    FCN(Fully Convolutional Networks implemented) 的PyTorch实现。
  2. 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实现。
  3. Wide ResNet model in PyTorch
    https://github.com/szagoruyko/functional-zoo.git
    一个PyTorch实现的 ImageNet Classification 。
  4. CRNN for image-based sequence recognition
    https://github.com/bgshih/crnn.git
    这个是 Convolutional Recurrent Neural Network (CRNN) 的 PyTorch 实现。CRNN 由一些CNN,RNN和CTC组成,常用于基于图像的序列识别任务,例如场景文本识别和OCR。
  5. Scaling the Scattering Transform: Deep Hybrid Networks
    https://github.com/edouardoyallon/pyscatwave.git
    使用了“scattering network”的CNN实现,特别的构架提升了网络的效果。
  6. Conditional Similarity Networks (CSNs)
    https://github.com/andreasveit/conditional-similarity-networks.git
    《Conditional Similarity Networks》的PyTorch实现。
  7. Multi-style Generative Network for Real-time Transfer
    https://github.com/zhanghang1989/PyTorch-Style-Transfer.git
    MSG-Net 以及 Neural Style 的 PyTorch 实现。
  8. 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 实现。
  9. CortexNet
    https://github.com/e-lab/pytorch-CortexNet.git
    一个使用视频训练的鲁棒预测深度神经网络。
  10. Neural Message Passing for Quantum Chemistry
    https://github.com/priba/nmp_qc.git
    论文《Neural Message Passing for Quantum Chemistry》的PyTorch实现,好像是讲计算机视觉下的神经信息传递。

对抗生成网络、生成模型、GAN相关实现

  1. Generative Adversarial Networks (GANs) in PyTorch
    https://github.com/devnag/pytorch-generative-adversarial-networks.git
    一个非常简单的由PyTorch实现的对抗生成网络
  2. DCGAN & WGAN with Pytorch
    https://github.com/chenyuntc/pytorch-GAN.git
    由中国网友实现的DCGAN和WGAN,代码很简洁。
  3. Official Code for WGAN
    https://github.com/martinarjovsky/WassersteinGAN.git
    WGAN的官方PyTorch实现。
  4. DiscoGAN in PyTorch
    https://github.com/carpedm20/DiscoGAN-pytorch.git
    《Learning to Discover Cross-Domain Relations with Generative Adversarial Networks》的 PyTorch 实现。
  5. Adversarial Generator-Encoder Network
    https://github.com/DmitryUlyanov/AGE.git
    《Adversarial Generator-Encoder Networks》的 PyTorch 实现。
  6. CycleGAN and pix2pix in PyTorch
    https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix.git
    图到图的翻译,著名的 CycleGAN 以及 pix2pix 的PyTorch 实现。
  7. Weight Normalized GAN
    https://github.com/stormraiser/GAN-weight-norm.git
    《On the Effects of Batch and Weight Normalization in Generative Adversarial Networks》的 PyTorch 实现。

机器翻译、问答系统、NLP相关实现

  1. DeepLearningForNLPInPytorch
    https://github.com/rguthrie3/DeepLearningForNLPInPytorch.git
    一套以 NLP 为主题的 PyTorch 基础教程。本教程使用Ipython Notebook编写,看起来很直观,方便学习。
  2. Practial Pytorch with Topic RNN & NLP
    https://github.com/spro/practical-pytorch
    以 RNN for NLP 为出发点的 PyTorch 基础教程,分为“RNNs for NLP”和“RNNs for timeseries data”两个部分。
  3. PyOpenNMT: Open-Source Neural Machine Translation
    https://github.com/OpenNMT/OpenNMT-py.git
    一套由PyTorch实现的机器翻译系统。(包含,Attention Model)
  4. 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 实现。
  5. 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实现。Attention Model(AM)。
  6. Improved Visual Semantic Embeddings
    https://github.com/fartashf/vsepp.git
    一种从图像中检索文字的方法,来自论文:《VSE++: Improved Visual-Semantic Embeddings》。
  7. Reading Wikipedia to Answer Open-Domain Questions
    https://github.com/facebookresearch/DrQA.git
    一个开放领域问答系统DrQA的PyTorch实现。
  8. Structured-Self-Attentive-Sentence-Embedding
    https://github.com/ExplorerFreda/Structured-Self-Attentive-Sentence-Embedding.git
    IBM 与 MILA 发表的《A Structured Self-Attentive Sentence Embedding》的开源实现。

先进视觉推理系统

  1. Visual Question Answering in Pytorch
    https://github.com/Cadene/vqa.pytorch.git
    一个PyTorch实现的优秀视觉推理问答系统,是基于论文《MUTAN: Multimodal Tucker Fusion for Visual Question Answering》实现的。项目中有详细的配置使用方法说明。
  2. Clevr-IEP
    https://github.com/facebookresearch/clevr-iep.git
    Facebook Research 论文《Inferring and Executing Programs for Visual Reasoning》的PyTorch实现,讲的是一个可以基于图片进行关系推理问答的网络。

深度强化学习相关实现

  1. Deep Reinforcement Learning withpytorch & visdom
    https://github.com/onlytailei/pytorch-rl.git
    多种使用PyTorch实现强化学习的方法。
  2. Value Iteration Networks in PyTorch
    https://github.com/onlytailei/Value-Iteration-Networks-PyTorch.git
    Value Iteration Networks (VIN) 的PyTorch实现。
  3. A3C in PyTorch
    https://github.com/onlytailei/A3C-PyTorch.git
    Adavantage async Actor-Critic (A3C) 的PyTorch实现。

通用神经网络高级应用

  1. PyTorch-meta-optimizer
    https://github.com/ikostrikov/pytorch-meta-optimizer.git
    论文《Learning to learn by gradient descent by gradient descent》的PyTorch实现。
  2. OptNet: Differentiable Optimization as a Layer in Neural Networks
    https://github.com/locuslab/optnet.git
    论文《Differentiable Optimization as a Layer in Neural Networks》的PyTorch实现。
  3. Task-based End-to-end Model Learning
    https://github.com/locuslab/e2e-model-learning.git
    论文《Task-based End-to-end Model Learning》的PyTorch实现。
  4. DiracNets
    https://github.com/szagoruyko/diracnets.git
    不使用“Skip-Connections”而搭建特别深的神经网络的方法。
  5. ODIN: Out-of-Distribution Detector for Neural Networks
    https://github.com/ShiyuLiang/odin-pytorch.git
    这是一个能够检测“分布不足”(Out-of-Distribution)样本的方法的PyTorch实现。当“true positive rate”为95%时,该方法将DenseNet(适用于CIFAR-10)的“false positive rate”从34.7%降至4.3%。
  6. Accelerate Neural Net Training by Progressively Freezing Layers
    https://github.com/ajbrock/FreezeOut.git
    一种使用“progressively freezing layers”来加速神经网络训练的方法。
  7. Efficient_densenet_pytorch
    https://github.com/gpleiss/efficient_densenet_pytorch.git
    DenseNets的PyTorch实现,优化以节省GPU内存。

PyTorch Tutorial相关推荐

  1. Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning代码调试(跑通)

    Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning代码调试(跑通) 文章目录 Show, Attend, and Tell ...

  2. Stanford CS224N: PyTorch Tutorial (Winter ‘21) —— 斯坦福CS224N PyTorch教程 (第二部分)

    本教程译文的第一部分,请见我的上一篇博文: Stanford CS224N: PyTorch Tutorial (Winter '21) -- 斯坦福CS224N PyTorch教程 (第一部分)_放 ...

  3. Pytorch tutorial pytorch 入门

    今天看了pytorch官方的tutorial,好美的教程哦,说是60min的闪电战,结果运行完代码,花了一整天,是我不配,网站官方地址是:https://pytorch.org/tutorials/b ...

  4. 【李宏毅2020 ML/DL】P16 PyTorch Tutorial | 最后提及了 apex.amp

    我已经有两年 ML 经历,这系列课主要用来查缺补漏,会记录一些细节的.自己不知道的东西. 已经有人记了笔记(很用心,强烈推荐): https://github.com/Sakura-gh/ML-not ...

  5. pytorch 音频分类_Pytorch中音频的神经风格转换

    pytorch 音频分类 They've been some really interesting applications of style transfer. It basically aims ...

  6. pytorch张量_PyTorch张量-详细概述

    pytorch张量 In this PyTorch tutorial, we'll discuss PyTorch Tensor, which are the building blocks of t ...

  7. 李宏毅2021春季机器学习课程视频笔记1:Introduction, Colab PyTorch Tutorials, HW1

    诸神缄默不语-个人CSDN博文目录 李宏毅2021春季机器学习课程视频笔记集合 VX号"PolarisRisingWar"可直接搜索添加作者好友讨论. 更新日志: 2021.11. ...

  8. PyTorch基础教程学习笔记(八):训练一个分类器

    数据应该怎么办呢? 通常来说,当必须处理图像.文本.音频或视频数据时,可以使用python标准库将数据加载到numpy数组里.然后将这个数组转化成torch.*Tensor. 对于图片,有Pillow ...

  9. 【PyTorch】torch.nn.Transformer解读与应用

    nn.TransformerEncoderLayer 这个类是transformer encoder的组成部分,代表encoder的一个层,而encoder就是将transformerEncoderL ...

最新文章

  1. f2 柱状图滚动 钉钉小程序_钉钉小程序图表库AntV - F2 使用总结
  2. 2021年人工神经网络第四次作业-第四题:旋转的数字
  3. C#调用JAVA接口WSSE方式用WebClient方式
  4. 把玩Fedora29操作系统
  5. Kestrel的ListenAnyIP和ListenLocalhost的区别
  6. Windows系统启动自动运行cmd命令
  7. python 调用c++库接口出错
  8. echarts 大屏可视化_看似复杂炫酷的数据可视化设计,用这波神器轻松搞定!
  9. centos内核引导参数
  10. python程序出现了异常会执行哪个语句,python中的异常是什么?应该怎么处理异常?...
  11. shell编程之【告警系统】
  12. Android TextView 实现文字大小不同和文字颜色不同
  13. 程序员有多少读过《人性的弱点》?项目经理呢?
  14. 接收机IQ不平衡:估计和纠正 (Rx IQ imbalance: Estimation and Correction)
  15. 计算机输入网站打不开,电脑打不开网页怎么办
  16. Linux(Ubuntu)中对音频批量转换格式MP3转WAV/PCM转WAV
  17. Whois查询结果中不同域名状态的含义
  18. 6、Docker的常用命令
  19. 安装了向日葵或TeamViewer导致系统亮度无法调节
  20. C语言实现shell

热门文章

  1. java判断读到末尾_Flink实战:自定义KafkaDeserializationSchema(Java/Scala)
  2. NSString、NSArray、NSDic常用方法汇总
  3. 鸿蒙系统是安卓还是苹果,小雷问答丨鸿蒙系统到底和苹果安卓有什么区别?
  4. 虚拟化技术之KVM安装与使用
  5. LiveVideoStackCon 2017 Day 1 专场回顾 —— 多媒体与浏览器专场
  6. 博鳌直击 | 大数据开发的最大障碍是什么?
  7. RxJava 基础扫盲
  8. 程序员请注意:异步编程模式已被人注册为专利
  9. excel中的不同类型图表叠加
  10. Visual Studio fatal error C1902: 程序数据库管理器不匹配;请检查安装