|
2 | 2 |
|
3 | 3 | <p align="center"><img width="100" src="https://upload.wikimedia.org/wikipedia/commons/thumb/1/11/TensorFlowLogo.svg/225px-TensorFlowLogo.svg.png" /> <img width="100" src="https://media-thumbs.golden.com/OLqzmrmwAzY1P7Sl29k2T9WjJdM=/200x200/smart/golden-storage-production.s3.amazonaws.com/topic_images/e08914afa10a4179893eeb07cb5e4713.png" /></p>
|
4 | 4 |
|
5 |
| -`nlp-tutorial` is a tutorial for who is studying NLP(Natural Language Processing) using **TensorFlow** and **Pytorch**. Most of the models in NLP were implemented with less than **100 lines** of code.(except comments or blank lines) |
| 5 | +`nlp-tutorial` is a tutorial for who is studying NLP(Natural Language Processing) using **Pytorch**. Most of the models in NLP were implemented with less than **100 lines** of code.(except comments or blank lines) |
6 | 6 |
|
| 7 | +- [08-14-2020] Old TensorFlow v1 code is archived in [the archive folder](archive). For beginner readability, only pytorch version 1.0 or higher is supported. |
7 | 8 |
|
8 | 9 |
|
9 | 10 | ## Curriculum - (Example Purpose)
|
10 | 11 |
|
11 | 12 | #### 1. Basic Embedding Model
|
12 | 13 |
|
13 |
| -- 1-1. [NNLM(Neural Network Language Model)](https://github.com/graykode/nlp-tutorial/tree/master/1-1.NNLM) - **Predict Next Word** |
| 14 | +- 1-1. [NNLM(Neural Network Language Model)](1-1.NNLM) - **Predict Next Word** |
14 | 15 | - Paper - [A Neural Probabilistic Language Model(2003)](http://www.jmlr.org/papers/volume3/bengio03a/bengio03a.pdf)
|
15 |
| - - Colab - [NNLM_Tensor.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/1-1.NNLM/NNLM_Tensor.ipynb), [NNLM_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/1-1.NNLM/NNLM_Torch.ipynb) |
16 |
| -- 1-2. [Word2Vec(Skip-gram)](https://github.com/graykode/nlp-tutorial/tree/master/1-2.Word2Vec) - **Embedding Words and Show Graph** |
| 16 | + - Colab - [NNLM.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/1-1.NNLM/NNLM.ipynb) |
| 17 | +- 1-2. [Word2Vec(Skip-gram)](1-2.Word2Vec) - **Embedding Words and Show Graph** |
17 | 18 | - Paper - [Distributed Representations of Words and Phrases
|
18 | 19 | and their Compositionality(2013)](https://papers.nips.cc/paper/5021-distributed-representations-of-words-and-phrases-and-their-compositionality.pdf)
|
19 |
| - - Colab - [Word2Vec_Tensor(NCE_loss).ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/1-2.Word2Vec/Word2Vec_Skipgram_Tensor(NCE_loss).ipynb), [Word2Vec_Tensor(Softmax).ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/1-2.Word2Vec/Word2Vec_Skipgram_Tensor(Softmax).ipynb), [Word2Vec_Torch(Softmax).ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/1-2.Word2Vec/Word2Vec_Skipgram_Torch(Softmax).ipynb) |
20 |
| -- 1-3. [FastText(Application Level)](https://github.com/graykode/nlp-tutorial/tree/master/1-3.FastText) - **Sentence Classification** |
| 20 | + - Colab - [Word2Vec.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/1-2.Word2Vec/Word2Vec_Skipgram(Softmax).ipynb) |
| 21 | +- 1-3. [FastText(Application Level)](1-3.FastText) - **Sentence Classification** |
21 | 22 | - Paper - [Bag of Tricks for Efficient Text Classification(2016)](https://arxiv.org/pdf/1607.01759.pdf)
|
22 | 23 | - Colab - [FastText.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/1-3.FastText/FastText.ipynb)
|
23 | 24 |
|
24 | 25 |
|
25 | 26 |
|
26 | 27 | #### 2. CNN(Convolutional Neural Network)
|
27 | 28 |
|
28 |
| -- 2-1. [TextCNN](https://github.com/graykode/nlp-tutorial/tree/master/2-1.TextCNN) - **Binary Sentiment Classification** |
| 29 | +- 2-1. [TextCNN](2-1.TextCNN) - **Binary Sentiment Classification** |
29 | 30 | - Paper - [Convolutional Neural Networks for Sentence Classification(2014)](http://www.aclweb.org/anthology/D14-1181)
|
30 |
| - - Colab - [TextCNN_Tensor.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/2-1.TextCNN/TextCNN_Tensor.ipynb), [TextCNN_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/2-1.TextCNN/TextCNN_Torch.ipynb) |
31 |
| -- 2-2. DCNN(Dynamic Convolutional Neural Network) |
| 31 | + - [TextCNN.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/2-1.TextCNN/TextCNN.ipynb) |
32 | 32 |
|
33 | 33 |
|
34 | 34 |
|
35 | 35 | #### 3. RNN(Recurrent Neural Network)
|
36 | 36 |
|
37 |
| -- 3-1. [TextRNN](https://github.com/graykode/nlp-tutorial/tree/master/3-1.TextRNN) - **Predict Next Step** |
| 37 | +- 3-1. [TextRNN](3-1.TextRNN) - **Predict Next Step** |
38 | 38 | - Paper - [Finding Structure in Time(1990)](http://psych.colorado.edu/~kimlab/Elman1990.pdf)
|
39 |
| - - Colab - [TextRNN_Tensor.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-1.TextRNN/TextRNN_Tensor.ipynb), [TextRNN_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-1.TextRNN/TextRNN_Torch.ipynb) |
| 39 | + - Colab - [TextRNN.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-1.TextRNN/TextRNN.ipynb) |
40 | 40 | - 3-2. [TextLSTM](https://github.com/graykode/nlp-tutorial/tree/master/3-2.TextLSTM) - **Autocomplete**
|
41 | 41 | - Paper - [LONG SHORT-TERM MEMORY(1997)](https://www.bioinf.jku.at/publications/older/2604.pdf)
|
42 |
| - - Colab - [TextLSTM_Tensor.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-2.TextLSTM/TextLSTM_Tensor.ipynb), [TextLSTM_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-2.TextLSTM/TextLSTM_Torch.ipynb) |
43 |
| -- 3-3. [Bi-LSTM](https://github.com/graykode/nlp-tutorial/tree/master/3-3.Bi-LSTM) - **Predict Next Word in Long Sentence** |
44 |
| - - Colab - [Bi_LSTM_Tensor.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-3.Bi-LSTM/Bi_LSTM_Tensor.ipynb), [Bi_LSTM_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-3.Bi-LSTM/Bi_LSTM_Torch.ipynb) |
| 42 | + - Colab - [TextLSTM.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-2.TextLSTM/TextLSTM.ipynb) |
| 43 | +- 3-3. [Bi-LSTM](3-3.Bi-LSTM) - **Predict Next Word in Long Sentence** |
| 44 | + - Colab - [Bi_LSTM.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/3-3.Bi-LSTM/Bi_LSTM.ipynb) |
45 | 45 |
|
46 | 46 |
|
47 | 47 |
|
48 | 48 | #### 4. Attention Mechanism
|
49 | 49 |
|
50 |
| -- 4-1. [Seq2Seq](https://github.com/graykode/nlp-tutorial/tree/master/4-1.Seq2Seq) - **Change Word** |
| 50 | +- 4-1. [Seq2Seq](4-1.Seq2Seq) - **Change Word** |
51 | 51 | - Paper - [Learning Phrase Representations using RNN Encoder–Decoder
|
52 | 52 | for Statistical Machine Translation(2014)](https://arxiv.org/pdf/1406.1078.pdf)
|
53 |
| - - Colab - [Seq2Seq_Tensor.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-1.Seq2Seq/Seq2Seq_Tensor.ipynb), [Seq2Seq_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-1.Seq2Seq/Seq2Seq_Torch.ipynb) |
54 |
| -- 4-2. [Seq2Seq with Attention](https://github.com/graykode/nlp-tutorial/tree/master/4-2.Seq2Seq(Attention)) - **Translate** |
| 53 | + - Colab - [Seq2Seq.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-1.Seq2Seq/Seq2Seq.ipynb) |
| 54 | +- 4-2. [Seq2Seq with Attention](4-2.Seq2Seq(Attention)) - **Translate** |
55 | 55 | - Paper - [Neural Machine Translation by Jointly Learning to Align and Translate(2014)](https://arxiv.org/abs/1409.0473)
|
56 |
| - - Colab - [Seq2Seq(Attention)_Tensor.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-2.Seq2Seq(Attention)/Seq2Seq(Attention)_Tensor.ipynb), [Seq2Seq(Attention)_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-2.Seq2Seq(Attention)/Seq2Seq(Attention)_Torch.ipynb) |
57 |
| -- 4-3. [Bi-LSTM with Attention](https://github.com/graykode/nlp-tutorial/tree/master/4-3.Bi-LSTM(Attention)) - **Binary Sentiment Classification** |
58 |
| - - Colab - [Bi_LSTM(Attention)_Tensor.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-3.Bi-LSTM(Attention)/Bi_LSTM(Attention)_Tensor.ipynb), [Bi_LSTM(Attention)_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-3.Bi-LSTM(Attention)/Bi_LSTM(Attention)_Torch.ipynb) |
| 56 | + - Colab - [Seq2Seq(Attention).ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-2.Seq2Seq(Attention)/Seq2Seq(Attention).ipynb) |
| 57 | +- 4-3. [Bi-LSTM with Attention](4-3.Bi-LSTM(Attention)) - **Binary Sentiment Classification** |
| 58 | + - Colab - [Bi_LSTM(Attention).ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/4-3.Bi-LSTM(Attention)/Bi_LSTM(Attention).ipynb) |
59 | 59 |
|
60 | 60 |
|
61 | 61 |
|
62 | 62 | #### 5. Model based on Transformer
|
63 | 63 |
|
64 |
| -- 5-1. [The Transformer](https://github.com/graykode/nlp-tutorial/tree/master/5-1.Transformer) - **Translate** |
| 64 | +- 5-1. [The Transformer](5-1.Transformer) - **Translate** |
65 | 65 | - Paper - [Attention Is All You Need(2017)](https://arxiv.org/abs/1706.03762)
|
66 |
| - - Colab - [Transformer_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/5-1.Transformer/Transformer_Torch.ipynb), [Transformer(Greedy_decoder)_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/5-1.Transformer/Transformer(Greedy_decoder)_Torch.ipynb) |
67 |
| -- 5-2. [BERT](https://github.com/graykode/nlp-tutorial/tree/master/5-2.BERT) - **Classification Next Sentence & Predict Masked Tokens** |
| 66 | + - Colab - [Transformer.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/5-1.Transformer/Transformer.ipynb), [Transformer(Greedy_decoder).ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/5-1.Transformer/Transformer(Greedy_decoder).ipynb) |
| 67 | +- 5-2. [BERT](5-2.BERT) - **Classification Next Sentence & Predict Masked Tokens** |
68 | 68 | - Paper - [BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding(2018)](https://arxiv.org/abs/1810.04805)
|
69 |
| - - Colab - [BERT_Torch.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/5-2.BERT/BERT_Torch.ipynb) |
70 |
| - |
71 |
| -| Model | Example | Framework | Lines(torch/tensor) | |
72 |
| -| :------------------------: | :--------------------------------: | :-----------: | :-----------------: | |
73 |
| -| NNLM | Predict Next Word | Torch, Tensor | 67/83 | |
74 |
| -| Word2Vec(Softmax) | Embedding Words and Show Graph | Torch, Tensor | 77/94 | |
75 |
| -| TextCNN | Sentence Classification | Torch, Tensor | 94/99 | |
76 |
| -| TextRNN | Predict Next Step | Torch, Tensor | 70/88 | |
77 |
| -| TextLSTM | Autocomplete | Torch, Tensor | 73/78 | |
78 |
| -| Bi-LSTM | Predict Next Word in Long Sentence | Torch, Tensor | 73/78 | |
79 |
| -| Seq2Seq | Change Word | Torch, Tensor | 93/111 | |
80 |
| -| Seq2Seq with Attention | Translate | Torch, Tensor | 108/118 | |
81 |
| -| Bi-LSTM with Attention | Binary Sentiment Classification | Torch, Tensor | 92/104 | |
82 |
| -| Transformer | Translate | Torch | 222/0 | |
83 |
| -| Greedy Decoder Transformer | Translate | Torch | 246/0 | |
84 |
| -| BERT | how to train | Torch | 242/0 | |
85 |
| - |
| 69 | + - Colab - [BERT.ipynb](https://colab.research.google.com/github/graykode/nlp-tutorial/blob/master/5-2.BERT/BERT.ipynb) |
86 | 70 |
|
87 | 71 |
|
88 | 72 |
|
89 | 73 | ## Dependencies
|
90 | 74 |
|
91 | 75 | - Python 3.5+
|
92 |
| -- Tensorflow 1.12.0+ |
93 |
| -- Pytorch 0.4.1+ |
94 |
| -- Plan to add Keras Version |
| 76 | +- Pytorch 1.0.0+ |
95 | 77 |
|
96 | 78 |
|
97 | 79 |
|
|
0 commit comments