PyTorch资源列表:450个NLP/CV/SP、论文实现、教程、示例
admin
03-18
0

【新智元导读】bharathgs在Github上维护整理了一个PyTorch的资源站,包括论文、代码、教程等,涉及自然语言处理与语音处理、计算机视觉、机器学习、深度学习等库,是学习Pytorch必选资源。

项目地址:

https://github.com/bharathgs/Awesome-pytorch-list

PyTorch资源列表:450个NLP/CV/SP、论文实现、教程、示例

PyTorch 是什么?

PyTorch是一个用于科学计算和深度学习的Python扩展库。它便于学习、编写和调试,支持灵活的动态计算图和GPU高速运算,具有完善的研发生态和技术社区。PyTorch于2017年由Facebook正式推出后,迅速引起了人工智能研发人员的关注,目前已成为最受重视的机器学习软件库之一。近日,Facebook 在首届 PyTorch 开发者大会发布了?PyTorch1.0 预览版,标志着这一框架更为稳定可用。

目录

一. 自然语言与语音处理NLP & Speech Processing

二. 计算机视觉CV

三. 概率生成库

四. 其他库

五. 教程和例子

六. 论文实现

七.其他Pytorch资源

目录内容

Pytorch 官网

项目链接:https://github.com/pytorch/pytorch/releases

一. 自然语言与语音处理

pytorch text?: Torch text related contents.

pytorch-seq2seq: A framework for sequence-to-sequence (seq2seq) models implemented in PyTorch.

anuvada: Interpretable Models for NLP using PyTorch.

audio: simple audio I/O for pytorch.

loop: A method to generate speech across multiple speakers

fairseq-py: Facebook AI Research Sequence-to-Sequence Toolkit written in Python.

speech: PyTorch ASR Implementation.

OpenNMT-py: Open-Source Neural Machine Translation in PyTorch?

neuralcoref: State-of-the-art coreference resolution based on neural nets and spaCy huggingface.co/coref

sentiment-discovery: Unsupervised Language Modeling at scale for robust sentiment classification.

MUSE: A library for Multilingual Unsupervised or Supervised word Embeddings

nmtpytorch: Neural Machine Translation Framework in PyTorch.

pytorch-wavenet: An implementation of WaveNet with fast generation

Tacotron-pytorch: Tacotron: Towards End-to-End Speech Synthesis.

AllenNLP: An open-source NLP research library, built on PyTorch.

PyTorch-NLP: Text utilities and datasets for PyTorch pytorchnlp.readthedocs.io

quick-nlp: Pytorch NLP library based on FastAI.

TTS: Deep learning for Text2Speech

LASER: Language-Agnostic SEntence Representations

pyannote-audio: Neural building blocks for speaker diarization: speech activity detection, speaker change detection, speaker embedding

gensen: Learning General Purpose Distributed Sentence Representations via Large Scale Multi-task Learning.

translate: Translate - a PyTorch Language Library.

espnet: End-to-End Speech Processing Toolkit espnet.github.io/espnet

pythia: A software suite for Visual Question Answering

UnsupervisedMT: Phrase-Based & Neural Unsupervised Machine Translation.

jiant: The jiant sentence representation learning toolkit.

二. 计算机视觉

pytorch vision?: Datasets, Transforms and Models specific to Computer Vision.

pt-styletransfer: Neural style transfer as a class in PyTorch.

OpenFacePytorch: PyTorch module to use OpenFace's nn4.small2.v1.t7 model

img_classification_pk_pytorch: Quickly comparing your image classification models with the state-of-the-art models (such as DenseNet, ResNet, ...)

SparseConvNet: Submanifold sparse convolutional networks.

Convolution_LSTM_pytorch: A multi-layer convolution LSTM module

face-alignment:?

2D and 3D Face alignment library build using pytorch adrianbulat.com

pytorch-semantic-segmentation: PyTorch for Semantic Segmentation.

RoIAlign.pytorch: This is a PyTorch version of RoIAlign. This implementation is based on crop_and_resize and supports both forward and backward on CPU and GPU.

pytorch-cnn-finetune: Fine-tune pretrained Convolutional Neural Networks with PyTorch.

detectorch: Detectorch - detectron for PyTorch

Augmentor: Image augmentation library in Python for machine learning.?

s2cnn: This library contains a PyTorch implementation of the SO(3) equivariant CNNs for spherical signals (e.g. omnidirectional cameras, signals on the globe) s

三. 概率生成库

ptstat: Probabilistic Programming and Statistical Inference in PyTorch

pyro: Deep universal probabilistic programming with Python and PyTorch?

probtorch: Probabilistic Torch is library for deep generative models that extends PyTorch.

paysage: Unsupervised learning and generative models in python/pytorch.

pyvarinf: Python package facilitating the use of Bayesian Deep Learning methods with Variational Inference for PyTorch.

pyprob: A PyTorch-based library for probabilistic programming and inference compilation.

mia: A library for running membership inference attacks against ML models.

四. 其他库

pytorch extras?: Some extra features for pytorch.

functional zoo?: PyTorch, unlike lua torch, has autograd in it's core, so using modular structure of torch.nn modules is not necessary, one can easily allocate needed Variables and write a function that utilizes them, which is sometimes more convenient. This repo contains model definitions in this functional way, with pretrained weights for some models.

torch-sampling?: This package provides a set of transforms and data structures for sampling from in-memory or out-of-memory data.

torchcraft-py?: Python wrapper for TorchCraft, a bridge between Torch and StarCraft for AI research.

aorun?: Aorun intend to be a Keras with PyTorch as backend.

logger?: A simple logger for experiments.

PyTorch-docset?: PyTorch docset! use with Dash, Zeal, Velocity, or LovelyDocs.

convert_torch_to_pytorch?: Convert torch t7 model to pytorch model and source.

pretrained-models.pytorch: The goal of this repo is to help to reproduce research papers results.

pytorch_fft?: PyTorch wrapper for FFTs

五. 教程例子

Practical Pytorch?: Tutorials explaining different RNN models

DeepLearningForNLPInPytorch?: An IPython Notebook tutorial on deep learning, with an emphasis on Natural Language Processing.

pytorch-tutorial?: tutorial for researchers to learn deep learning with pytorch.

pytorch-exercises?: pytorch-exercises collection.

pytorch tutorials?: Various pytorch tutorials.

pytorch examples?: A repository showcasing examples of using pytorch

pytorch practice?: Some example scripts on pytorch.

pytorch mini tutorials?: Minimal tutorials for PyTorch adapted from Alec Radford's Theano tutorials.

pytorch text classification?: A simple implementation of CNN based text classification in Pytorch

cats vs dogs?: Example of network fine-tuning in pytorch for the kaggle competition Dogs vs. Cats Redux: Kernels Edition. Currently #27 (0.05074) on the leaderboard.

六. 论文实现

google_evolution?: This implements one of result networks from Large-scale evolution of image classifiers by Esteban Real, et. al.

pyscatwave?: Fast Scattering Transform with CuPy/PyTorch,read the paper?here

scalingscattering?: Scaling The Scattering Transform : Deep Hybrid Networks.

deep-auto-punctuation?: a pytorch implementation of auto-punctuation learned character by character.

Realtime_Multi-Person_Pose_Estimation?: This is a pytorch version of Realtime_Multi-Person_Pose_Estimation, origin code is?here?.

PyTorch-value-iteration-networks?: PyTorch implementation of the Value Iteration Networks (NIPS '16) paper

pytorch_Highway?: Highway network implemented in pytorch.

pytorch_NEG_loss?: NEG loss implemented in pytorch.

pytorch_RVAE?: Recurrent Variational Autoencoder that generates sequential data implemented in pytorch.

pytorch_TDNN?: Time Delayed NN implemented in pytorch.

七. 其他Pytorch资源

the-incredible-pytorch?: The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.

generative models?: Collection of generative models, e.g. GAN, VAE in Tensorflow, Keras, and Pytorch.?

pytorch vs tensorflow?: an informative thread on reddit.

Pytorch discussion forum

pytorch notebook: docker-stack?: A project similar to?Jupyter Notebook Scientific Python Stack

drawlikebobross: Draw like Bob Ross using the power of Neural Networks (With PyTorch)!

pytorch-tvmisc: Totally Versatile Miscellanea for Pytorch

pytorch-a3c-mujoco: Implement A3C for Mujoco gym envs.

PyTorch in 5 Minutes.

pytorch_chatbot: A Marvelous ChatBot implemented using PyTorch.

详细资源请看项目地址。

新智元AI WORLD 2018

本文首发于微信公众号:新智元。文章内容属作者个人观点,不代表和讯网立场。投资者据此操作,风险请自担。

(责任编辑:张洋 HN080)

相关内容

电脑快手怎么下载软件(电脑...
希沃电脑如何下载快手软件 官网下载。 如何下载电脑快手软件(电...
07-18
怎么做空股票赚钱,通过融资...
做空赚钱和做多赚钱类似,都是通过价差来获得收益的,在a股市场种,投...
07-12
二级残疾人2023补贴多少...
新京报快讯(记者吴为)22日下午,北京市民政局副局长李红兵介绍《北...
07-08
武汉社保局官网(2022年...
2022年度武汉市人力资源服务机构报告公示信息根据《人力资源市场暂...
07-08
点淘直播怎么做 点淘直播教...
如何提升直播间数据? 对于直播内容,可以按照以下方向进行,我们...
06-29
什么是场内etf基金场内交...
场内交易etf基金是一种在交易所上市的基金,可以通过股票账户进行交...
06-23

热门资讯

88岁练书法,91岁学国画 励... 88岁练书法,91岁学国画 励志爷爷“活到老,学到老”---在杭州大江东产业集聚区的义蓬街道,有一位...
NLP绝版书籍之02-改变你的... 改变你的未来 NLP 所提供的概念性理解,是很坚实地建立在信息科学和计算机程序的基础上,然而,它却更...
NLP绝版书籍之49-教学革命 导读 本书提出革新传统教学技巧的ENVOY理论。 将教学管理技巧溶入传统的教学,分为 (1)吸引注意...
不忘初心,读懂《学习纲要》(图... 中工新闻是国内主流新闻网站中工网旗下综合新闻资讯门户,也是中工网核心主频道,每天24小时为广大网民滚...
中学高价国际班使用盗版书籍 每... 面对家长们的质疑,江兴隆解释说,深圳耀华学校与深圳耀华公司是一套班子,同一个法定代表人,同一个董事长...
NLP绝版书籍之01-青蛙变王... 传说中 , 这是可以改变命运的一本书 . 青蛙变王子虽然是童话故事, 然而在现实的生活中是否可能发生...
NLP绝版书籍之03-改变未来... 作者:康尼瑞儿˙安祖博士史蒂夫˙安祖 本书推介给…… 所有想深入探索如何改变心灵的人 本书集结了NL...
30元灭火器卖198元?“消防... 打着消防部门的旗号 声称可以提供免费的消防培训 实为推销高价消防器材 遇到这样的场景,您可要当心 山...
一位励志书作家的死亡 《三杯茶》基本内容遭到的质疑,使瑞林在情感和经济上都深受打击。自杀是他与世界的对话——只不过是最后一...
“身心灵”培训黑幕重重 参加各种培训课,读各种书,买各种“玄灵”物品,只为追求“灵性成长”,乃至不顾家庭?日前,网友向记者报...