【Github2.2K星】PyTorch资源列表:450个NLP/CV/SP、论文实现、教程、示例

本文涉及的产品
NLP自然语言处理_高级版,每接口累计50万次
NLP 自学习平台,3个模型定制额度 1个月
NLP自然语言处理_基础版,每接口每天50万次
简介:

项目地址:

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

980540c44173efd727bf4b2bed43f1cd0fd5b0cc

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 http://opennmt.net
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. http://augmentor.readthedocs.io
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 http://pyro.ai
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. http://wiseodd.github.io
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.


原文发布时间为:2018-10-21

本文来自云栖社区合作伙伴“专知”,了解相关信息可以关注“专知”。

相关文章
|
26天前
|
存储 物联网 PyTorch
基于PyTorch的大语言模型微调指南:Torchtune完整教程与代码示例
**Torchtune**是由PyTorch团队开发的一个专门用于LLM微调的库。它旨在简化LLM的微调流程,提供了一系列高级API和预置的最佳实践
136 59
基于PyTorch的大语言模型微调指南:Torchtune完整教程与代码示例
|
11天前
|
并行计算 监控 搜索推荐
使用 PyTorch-BigGraph 构建和部署大规模图嵌入的完整教程
当处理大规模图数据时,复杂性难以避免。PyTorch-BigGraph (PBG) 是一款专为此设计的工具,能够高效处理数十亿节点和边的图数据。PBG通过多GPU或节点无缝扩展,利用高效的分区技术,生成准确的嵌入表示,适用于社交网络、推荐系统和知识图谱等领域。本文详细介绍PBG的设置、训练和优化方法,涵盖环境配置、数据准备、模型训练、性能优化和实际应用案例,帮助读者高效处理大规模图数据。
40 5
|
1月前
|
机器学习/深度学习 数据采集 自然语言处理
【NLP自然语言处理】基于PyTorch深度学习框架构建RNN经典案例:构建人名分类器
【NLP自然语言处理】基于PyTorch深度学习框架构建RNN经典案例:构建人名分类器
|
3月前
|
并行计算 Ubuntu PyTorch
Ubuntu下CUDA、Conda、Pytorch联合教程
本文是一份Ubuntu系统下安装和配置CUDA、Conda和Pytorch的教程,涵盖了查看显卡驱动、下载安装CUDA、添加环境变量、卸载CUDA、Anaconda的下载安装、环境管理以及Pytorch的安装和验证等步骤。
613 1
Ubuntu下CUDA、Conda、Pytorch联合教程
|
3月前
|
机器学习/深度学习 自然语言处理 PyTorch
PyTorch与Hugging Face Transformers:快速构建先进的NLP模型
【8月更文第27天】随着自然语言处理(NLP)技术的快速发展,深度学习模型已经成为了构建高质量NLP应用程序的关键。PyTorch 作为一种强大的深度学习框架,提供了灵活的 API 和高效的性能,非常适合于构建复杂的 NLP 模型。Hugging Face Transformers 库则是目前最流行的预训练模型库之一,它为 PyTorch 提供了大量的预训练模型和工具,极大地简化了模型训练和部署的过程。
191 2
|
3月前
|
机器学习/深度学习 自然语言处理 PyTorch
PyTorch 在自然语言处理中的应用案例研究
【8月更文第27天】PyTorch 是一个强大的开源机器学习框架,它为开发者提供了构建和训练深度学习模型的能力。在自然语言处理(NLP)领域,PyTorch 提供了一系列工具和库,使开发者能够快速地实现和测试新的想法。本文将介绍如何使用 PyTorch 来解决常见的 NLP 问题,包括文本分类和机器翻译,并提供具体的代码示例。
48 2
|
3月前
|
机器学习/深度学习 数据采集 自然语言处理
PyTorch 在自然语言处理中的应用实践
【8月更文第29天】随着深度学习技术的发展,自然语言处理(NLP)领域取得了显著的进步。PyTorch 作为一款强大的深度学习框架,因其灵活性和易用性而被广泛采用。本文将介绍如何利用 PyTorch 构建文本分类模型,并以情感分析为例进行详细介绍。
50 0
|
3月前
|
机器学习/深度学习 自然语言处理 PyTorch
【NLP】讯飞英文学术论文分类挑战赛Top10开源多方案--6 提分方案
在讯飞英文学术论文分类挑战赛中的提分技巧和实现方法,包括数据增强、投票融合、伪标签等策略,以及加快模型训练的技巧,如混合精度训练和使用AdamW优化器等。
43 0
|
3月前
|
数据采集 机器学习/深度学习 存储
【NLP】讯飞英文学术论文分类挑战赛Top10开源多方案–5 Bert 方案
在讯飞英文学术论文分类挑战赛中使用BERT模型进行文本分类的方法,包括数据预处理、模型微调技巧、长文本处理策略以及通过不同模型和数据增强技术提高准确率的过程。
40 0
|
3月前
|
机器学习/深度学习 数据采集 自然语言处理
【NLP】讯飞英文学术论文分类挑战赛Top10开源多方案–4 机器学习LGB 方案
在讯飞英文学术论文分类挑战赛中使用LightGBM模型进行文本分类的方案,包括数据预处理、特征提取、模型训练及多折交叉验证等步骤,并提供了相关的代码实现。
49 0
下一篇
无影云桌面