首页 > 其他分享 >推荐:常见NLP模型的代码实现(基于TensorFlow和PyTorch)

推荐:常见NLP模型的代码实现(基于TensorFlow和PyTorch)

时间:2022-12-12 13:36:24浏览次数:80  
标签:NLP 教程 Tensor 代码 Torch PyTorch ipynb TensorFlow


推荐github上的一个NLP代码教程:nlp-tutorial,教程中包含常见的NLP模型代码实现(基于TensorFlow和Pytorch),而且教程中的大多数NLP模型都使用少于100行代码。

教程说明

这是使用TensorFlow和Pytorch学习NLP(自然语言处理)的教程,把常用NLP模型用不到100行的代码实现了,教程里附论文下载,并且包含py和ipynb文件,经过测试全部通过。

仓库地址:

​https://github.com/graykode/nlp-tutorial​

里面有使用说明和样例(py和ipynb格式)。

注意:论文下载请“阅读原文”。

教程目录

1. Basic Embedding Model(基础嵌入模型)

1-1. NNLM(Neural Network Language Model)- Predict Next Word

  • 论文下载

A Neural Probabilistic LanguageModel(2003)

  • 代码实现

 NNLM_Tensor.ipynb, NNLM_Torch.ipynb

1-2. Word2Vec(Skip-gram) - EmbeddingWords and Show Graph

  •  论文下载

Distributed Representations of Wordsand Phrases and their Compositionality(2013)

  • 代码实现

Word2Vec_Tensor(NCE_loss).ipynb,Word2Vec_Tensor(Softmax).ipynb,Word2Vec_Torch(Softmax).ipynb

1-3. FastText(Application Level)- Sentence Classification

  • 论文下载

Bag of Tricks for Efficient Text Classification(2016)

  •  代码实现

FastText.ipynb

2. CNN(卷积神经网络)

2-1. TextCNN - BinarySentiment Classification

  • 论文下载

Convolutional Neural Networks for SentenceClassification(2014)

  • 代码实现

TextCNN_Tensor.ipynb, TextCNN_Torch.ipynb

2-2. DCNN(Dynamic Convolutional Neural Network)

3. RNN(循环神经网络)

3-1. TextRNN - Predict NextStep

  • 论文下载

Finding Structure in Time(1990)

  • 代码实现

TextRNN_Tensor.ipynb, TextRNN_Torch.ipynb

3-2. TextLSTM - Autocomplete

  • 论文下载

LONG SHORT-TERM MEMORY(1997)

  • 代码实现

TextLSTM_Tensor.ipynb, TextLSTM_Torch.ipynb

3-3. Bi-LSTM - Predict NextWord in Long Sentence

  • 代码实现

Bi_LSTM_Tensor.ipynb, Bi_LSTM_Torch.ipynb

4. Attention Mechanism(注意力机制)

4-1. Seq2Seq - Change Word

  •  论文下载

Learning Phrase Representations using RNN Encoder–Decoder for Statistical MachineTranslation(2014)

  • 代码实现

Seq2Seq_Tensor.ipynb, Seq2Seq_Torch.ipynb

4-2. Seq2Seq with Attention - Translate

  • 论文下载

NeuralMachine Translation by Jointly Learning to Align and Translate(2014)

  • 代码实现

Seq2Seq(Attention)_Tensor.ipynb,Seq2Seq(Attention)_Torch.ipynb

4-3. Bi-LSTM with Attention - BinarySentiment Classification

  • 代码实现

Bi_LSTM(Attention)_Tensor.ipynb,Bi_LSTM(Attention)_Torch.ipynb

5. Model based on Transformer(Transformer模型)

5-1. The Transformer - Translate

  • 论文下载

Attention Is All You Need(2017)

  • 代码实现

Transformer_Torch.ipynb, Transformer(Greedy_decoder)_Torch.ipynb

5-2. BERT - ClassificationNext Sentence & Predict Masked Tokens

  • 论文下载

BERT: Pre-training of Deep Bidirectional Transformers for LanguageUnderstanding(2018)

  • 代码实现
    BERT_Torch.ipynb

部分内容截图

推荐:常见NLP模型的代码实现(基于TensorFlow和PyTorch)_机器学习

推荐:常见NLP模型的代码实现(基于TensorFlow和PyTorch)_代码实现_02

推荐:常见NLP模型的代码实现(基于TensorFlow和PyTorch)_代码实现_03

推荐:常见NLP模型的代码实现(基于TensorFlow和PyTorch)_机器学习_04

TextCNN的两种实现方式(使用TensorFlow和Pytorch)

总结

推荐github上的一个NLP代码教程:nlp-tutorial,一个使用TensorFlow和Pytorch学习NLP(自然语言处理)的教程,教程中的大多数NLP模型都使用少于100行代码实现。

仓库地址:

​https://github.com/graykode/nlp-tutorial​

里面有使用说明和样例(py和ipynb格式)。

仓库作者:Tae Hwan Jung(Jeff Jung)

本站简介↓↓↓ 

“机器学习初学者”是帮助人工智能爱好者入门的个人公众号(创始人:黄海广)

初学者入门的道路上,最需要的是“雪中送炭”,而不是“锦上添花”。



标签:NLP,教程,Tensor,代码,Torch,PyTorch,ipynb,TensorFlow
From: https://blog.51cto.com/u_15671528/5929475

相关文章

  • 带你少走弯路:强烈推荐的TensorFlow快速入门资料和翻译(可下载)
    知识更新非常快,需要一直学习才能跟上时代进步,举个例子:吴恩达老师在深度学习课上讲的TensorFlow使用,这个肯定是他近几年才学的,因为谷歌开源了TensorFlow也就很短的时间。吴恩......
  • Python安装TensorFlow-GPU
    选择TensorFlow版本(重要)验证TensorFlow-gpu安装成功安装遇到的问题参考TOC本文主要介绍windows下基于Miniconda下的GPU版本的TensorFlow安装过程以及安装过程中遇到的问......
  • Python安装Pytorch-GPU
    选择Pytorch版本(重要)验证pytorch安装是否成功安装遇到的问题参考TOC本文主要介绍windows下基于Miniconda下的GPU版本的Pytorch安装过程以及安装过程中遇到的问题,本文假......
  • tensorflow
    ​​https://github.com/aymericdamien/TensorFlow-Examples.git​​摘要: 利用Docker和阿里云容器服务轻松在本地和云端搭建Tensorflow的学习环境本系列将利用Docker和阿里......
  • 深度学习-神经网络(Pytorch应用)
    OverridetheentrypointofanimageIntroducedinGitLabandGitLabRunner9.4.Readmoreaboutthe extendedconfigurationoptions.Beforeexplainingtheav......
  • Caffe、Tensorflow、Keras三大框架比对
    人工智能的浪潮正席卷全球,诸多词汇时刻萦绕在我们的耳边,如人工智能,机器学习,深度学习等。“人工智能”的概念早在1956年就被提出,顾名思义用计算机来构造复杂的,拥有与人类智慧......
  • TensorFlow模型的保存与恢复加载 ckpt
     我们使用TensorFlow进行模型的训练,训练好的模型需要保存,预测阶段我们需要将模型进行加载还原使用,这就涉及TensorFlow模型的保存与恢复加载。总结一下Tensorflow常用的模型......
  • Pytorch0.4.0环境搭建之详细教程、查看当前 Cuda和Cudnn版本
    版权:本文由【墨理学AI】原创、各位大佬、一文读懂、敬请查阅声明:作为全网AI领域干货最多的博主之一,❤️不负光阴不负卿❤️基础信息????查看系统信息cat/etc/issu......
  • Linux下cuda10.0安装Pytorch和Torchvision——啥版本都能装
    版权:本文由【墨理学AI】原创、各位大佬、一文读懂、敬请查阅声明:作为全网AI领域干货最多的博主之一,❤️不负光阴不负卿❤️服务器配置Ubuntu18.04.5LTSRTX2080......
  • 调参秘籍:BN层详解在tensorflow框架下添加正则化约束l1、l2的方法
    批量归一化(BN:BatchNormalization:解决在训练过程中,中间层数据分布发生改变的问题,以防止梯度消失或爆炸、加快训练速度)1、为什么输入数据需要归一化(NormalizedData)?    ......