├── Deep Learning ├── 10. Neural Network │ ├── README.md │ └── TensorFlow_LR.ipynb ├── 11. CNN │ ├── CNN.ipynb │ └── README.md ├── 12. RNN │ ├── README.md │ └── RNN.ipynb ├── 12.1 GRU │ ├── GRU.ipynb │ └── README.md ├── 12.2 LSTM │ ├── LSTM.ipynb │ └── README.md ├── 13. Transfer Learning │ ├── README.md │ └── Transfer Learning.ipynb ├── 14. Reinforcement Learning │ └── README.md ├── 15. DL Optimizer │ └── README.md └── README.md ├── Machine Learning ├── 2.Logistics Regression │ ├── 2.Logistics Regression.md │ ├── README.md │ └── demo │ │ ├── CreditScoring.ipynb │ │ ├── KaggleCredit2.csv.zip │ │ └── README.md ├── 3.1 Random Forest │ ├── 3.1 Random Forest.md │ ├── README.md │ └── RandomForestRegression.ipynb ├── 3.2 GBDT │ ├── 3.2 GBDT.md │ ├── GBDT_demo.ipynb │ ├── README.md │ ├── test_feat.txt │ └── train_feat.txt ├── 3.3 XGBoost │ ├── 3.3 XGBoost.ipynb │ ├── 3.3 XGBoost.md │ ├── README.md │ ├── pima-indians-diabetes.csv │ └── 数据说明.txt ├── 3.4 LightGBM │ ├── 3.4 LightGBM.ipynb │ ├── 3.4 LightGBM.md │ └── README.md ├── 3.Desition Tree │ ├── DecisionTree.csv │ ├── DecisionTree.ipynb │ ├── Desition Tree.md │ └── README.md ├── 4. SVM │ ├── 4. SVM.md │ ├── README.md │ └── news classification │ │ ├── README.md │ │ └── svm_classification.ipynb ├── 5.1 Bayes Network │ ├── 5.1 Bayes Network.md │ ├── Naive Bayes Classifier.ipynb │ └── README.md ├── 5.2 Markov │ ├── 5.2 HMM.ipynb │ ├── 5.2 Markov.md │ └── README.md ├── 5.3 Topic Model │ ├── HillaryEmail.ipynb │ ├── HillaryEmails.csv │ └── README.md ├── 6. EM │ ├── README.md │ └── gmm_em │ │ ├── README.md │ │ ├── genSample.py │ │ ├── gmm.data │ │ ├── gmm.py │ │ ├── main.py │ │ └── sample.data ├── 7. Clustering │ ├── GMM.ipynb │ ├── K-Means.ipynb │ ├── README.md │ └── corpus_train.txt ├── 8. ML特征工程和优化方法 │ └── README.md ├── 9. KNN │ ├── README.md │ └── handwritingClass │ │ ├── README.md │ │ ├── handwritingClass.py │ │ ├── testDigits.zip │ │ └── trainingDigits.zip ├── Liner Regression │ ├── 1.Liner Regression.md │ ├── README.md │ └── demo │ │ ├── README.md │ │ ├── housing_price.py │ │ ├── kc_test.txt │ │ └── kc_train.txt └── README.md ├── NLP ├── 16. NLP │ └── README.md ├── 16.1 Word Embedding │ ├── README.md │ └── word2vec.ipynb ├── 16.2 fastText │ ├── README.md │ └── fastText.ipynb ├── 16.3 GloVe │ ├── GloVe.ipynb │ └── README.md ├── 16.4 textRNN & textCNN │ ├── README.md │ ├── cnews_loader.py │ ├── cnn_model.py │ ├── rnn_model.py │ ├── textCNN.ipynb │ └── textRNN.ipynb ├── 16.5 seq2seq │ ├── README.md │ └── seq2seq.ipynb ├── 16.6 Attention │ ├── README.md │ ├── datautil.py │ ├── fanyichina │ │ ├── fromids │ │ │ └── README.md │ │ ├── toids │ │ │ └── README.md │ │ └── yuliao │ │ │ ├── from │ │ │ └── english1w.txt │ │ │ └── to │ │ │ ├── README.md │ │ │ └── chinese1w.txt │ ├── myjiebadict.txt │ ├── seq2seq_model.py │ ├── test.py │ └── train.ipynb ├── 16.7 Transformer │ └── README.md ├── 16.8 BERT │ ├── README.md │ ├── bert-Chinese-classification-task.md │ ├── data │ │ ├── dev.tsv │ │ ├── test │ │ └── train.tsv │ ├── download_glue_data.py │ ├── modeling.py │ ├── optimization.py │ ├── run.sh │ ├── run_classifier_word.py │ └── tokenization_word.py ├── 16.9 XLNet │ └── README.md └── README.md ├── Project ├── 17. Recommendation System │ └── README.md ├── 18. Intelligent Customer Service │ └── README.md └── README.md ├── README.md └── images ├── 2019-9-28_21-34-11.png └── README.md /Deep Learning/10. Neural Network/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/10. Neural Network/README.md -------------------------------------------------------------------------------- /Deep Learning/10. Neural Network/TensorFlow_LR.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/10. Neural Network/TensorFlow_LR.ipynb -------------------------------------------------------------------------------- /Deep Learning/11. CNN/CNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/11. CNN/CNN.ipynb -------------------------------------------------------------------------------- /Deep Learning/11. CNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/11. CNN/README.md -------------------------------------------------------------------------------- /Deep Learning/12. RNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/12. RNN/README.md -------------------------------------------------------------------------------- /Deep Learning/12. RNN/RNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/12. RNN/RNN.ipynb -------------------------------------------------------------------------------- /Deep Learning/12.1 GRU/GRU.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/12.1 GRU/GRU.ipynb -------------------------------------------------------------------------------- /Deep Learning/12.1 GRU/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/12.1 GRU/README.md -------------------------------------------------------------------------------- /Deep Learning/12.2 LSTM/LSTM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/12.2 LSTM/LSTM.ipynb -------------------------------------------------------------------------------- /Deep Learning/12.2 LSTM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/12.2 LSTM/README.md -------------------------------------------------------------------------------- /Deep Learning/13. Transfer Learning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/13. Transfer Learning/README.md -------------------------------------------------------------------------------- /Deep Learning/13. Transfer Learning/Transfer Learning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/13. Transfer Learning/Transfer Learning.ipynb -------------------------------------------------------------------------------- /Deep Learning/14. Reinforcement Learning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/14. Reinforcement Learning/README.md -------------------------------------------------------------------------------- /Deep Learning/15. DL Optimizer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/15. DL Optimizer/README.md -------------------------------------------------------------------------------- /Deep Learning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Deep Learning/README.md -------------------------------------------------------------------------------- /Machine Learning/2.Logistics Regression/2.Logistics Regression.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/2.Logistics Regression/2.Logistics Regression.md -------------------------------------------------------------------------------- /Machine Learning/2.Logistics Regression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/2.Logistics Regression/README.md -------------------------------------------------------------------------------- /Machine Learning/2.Logistics Regression/demo/CreditScoring.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/2.Logistics Regression/demo/CreditScoring.ipynb -------------------------------------------------------------------------------- /Machine Learning/2.Logistics Regression/demo/KaggleCredit2.csv.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/2.Logistics Regression/demo/KaggleCredit2.csv.zip -------------------------------------------------------------------------------- /Machine Learning/2.Logistics Regression/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/2.Logistics Regression/demo/README.md -------------------------------------------------------------------------------- /Machine Learning/3.1 Random Forest/3.1 Random Forest.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.1 Random Forest/3.1 Random Forest.md -------------------------------------------------------------------------------- /Machine Learning/3.1 Random Forest/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.1 Random Forest/README.md -------------------------------------------------------------------------------- /Machine Learning/3.1 Random Forest/RandomForestRegression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.1 Random Forest/RandomForestRegression.ipynb -------------------------------------------------------------------------------- /Machine Learning/3.2 GBDT/3.2 GBDT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.2 GBDT/3.2 GBDT.md -------------------------------------------------------------------------------- /Machine Learning/3.2 GBDT/GBDT_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.2 GBDT/GBDT_demo.ipynb -------------------------------------------------------------------------------- /Machine Learning/3.2 GBDT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.2 GBDT/README.md -------------------------------------------------------------------------------- /Machine Learning/3.2 GBDT/test_feat.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.2 GBDT/test_feat.txt -------------------------------------------------------------------------------- /Machine Learning/3.2 GBDT/train_feat.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.2 GBDT/train_feat.txt -------------------------------------------------------------------------------- /Machine Learning/3.3 XGBoost/3.3 XGBoost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.3 XGBoost/3.3 XGBoost.ipynb -------------------------------------------------------------------------------- /Machine Learning/3.3 XGBoost/3.3 XGBoost.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.3 XGBoost/3.3 XGBoost.md -------------------------------------------------------------------------------- /Machine Learning/3.3 XGBoost/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.3 XGBoost/README.md -------------------------------------------------------------------------------- /Machine Learning/3.3 XGBoost/pima-indians-diabetes.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.3 XGBoost/pima-indians-diabetes.csv -------------------------------------------------------------------------------- /Machine Learning/3.3 XGBoost/数据说明.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.3 XGBoost/数据说明.txt -------------------------------------------------------------------------------- /Machine Learning/3.4 LightGBM/3.4 LightGBM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.4 LightGBM/3.4 LightGBM.ipynb -------------------------------------------------------------------------------- /Machine Learning/3.4 LightGBM/3.4 LightGBM.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.4 LightGBM/3.4 LightGBM.md -------------------------------------------------------------------------------- /Machine Learning/3.4 LightGBM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.4 LightGBM/README.md -------------------------------------------------------------------------------- /Machine Learning/3.Desition Tree/DecisionTree.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.Desition Tree/DecisionTree.csv -------------------------------------------------------------------------------- /Machine Learning/3.Desition Tree/DecisionTree.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.Desition Tree/DecisionTree.ipynb -------------------------------------------------------------------------------- /Machine Learning/3.Desition Tree/Desition Tree.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.Desition Tree/Desition Tree.md -------------------------------------------------------------------------------- /Machine Learning/3.Desition Tree/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/3.Desition Tree/README.md -------------------------------------------------------------------------------- /Machine Learning/4. SVM/4. SVM.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/4. SVM/4. SVM.md -------------------------------------------------------------------------------- /Machine Learning/4. SVM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/4. SVM/README.md -------------------------------------------------------------------------------- /Machine Learning/4. SVM/news classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/4. SVM/news classification/README.md -------------------------------------------------------------------------------- /Machine Learning/4. SVM/news classification/svm_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/4. SVM/news classification/svm_classification.ipynb -------------------------------------------------------------------------------- /Machine Learning/5.1 Bayes Network/5.1 Bayes Network.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.1 Bayes Network/5.1 Bayes Network.md -------------------------------------------------------------------------------- /Machine Learning/5.1 Bayes Network/Naive Bayes Classifier.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.1 Bayes Network/Naive Bayes Classifier.ipynb -------------------------------------------------------------------------------- /Machine Learning/5.1 Bayes Network/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.1 Bayes Network/README.md -------------------------------------------------------------------------------- /Machine Learning/5.2 Markov/5.2 HMM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.2 Markov/5.2 HMM.ipynb -------------------------------------------------------------------------------- /Machine Learning/5.2 Markov/5.2 Markov.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.2 Markov/5.2 Markov.md -------------------------------------------------------------------------------- /Machine Learning/5.2 Markov/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.2 Markov/README.md -------------------------------------------------------------------------------- /Machine Learning/5.3 Topic Model/HillaryEmail.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.3 Topic Model/HillaryEmail.ipynb -------------------------------------------------------------------------------- /Machine Learning/5.3 Topic Model/HillaryEmails.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.3 Topic Model/HillaryEmails.csv -------------------------------------------------------------------------------- /Machine Learning/5.3 Topic Model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/5.3 Topic Model/README.md -------------------------------------------------------------------------------- /Machine Learning/6. EM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/6. EM/README.md -------------------------------------------------------------------------------- /Machine Learning/6. EM/gmm_em/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/6. EM/gmm_em/README.md -------------------------------------------------------------------------------- /Machine Learning/6. EM/gmm_em/genSample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/6. EM/gmm_em/genSample.py -------------------------------------------------------------------------------- /Machine Learning/6. EM/gmm_em/gmm.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/6. EM/gmm_em/gmm.data -------------------------------------------------------------------------------- /Machine Learning/6. EM/gmm_em/gmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/6. EM/gmm_em/gmm.py -------------------------------------------------------------------------------- /Machine Learning/6. EM/gmm_em/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/6. EM/gmm_em/main.py -------------------------------------------------------------------------------- /Machine Learning/6. EM/gmm_em/sample.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/6. EM/gmm_em/sample.data -------------------------------------------------------------------------------- /Machine Learning/7. Clustering/GMM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/7. Clustering/GMM.ipynb -------------------------------------------------------------------------------- /Machine Learning/7. Clustering/K-Means.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/7. Clustering/K-Means.ipynb -------------------------------------------------------------------------------- /Machine Learning/7. Clustering/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/7. Clustering/README.md -------------------------------------------------------------------------------- /Machine Learning/7. Clustering/corpus_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/7. Clustering/corpus_train.txt -------------------------------------------------------------------------------- /Machine Learning/8. ML特征工程和优化方法/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/8. ML特征工程和优化方法/README.md -------------------------------------------------------------------------------- /Machine Learning/9. KNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/9. KNN/README.md -------------------------------------------------------------------------------- /Machine Learning/9. KNN/handwritingClass/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/9. KNN/handwritingClass/README.md -------------------------------------------------------------------------------- /Machine Learning/9. KNN/handwritingClass/handwritingClass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/9. KNN/handwritingClass/handwritingClass.py -------------------------------------------------------------------------------- /Machine Learning/9. KNN/handwritingClass/testDigits.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/9. KNN/handwritingClass/testDigits.zip -------------------------------------------------------------------------------- /Machine Learning/9. KNN/handwritingClass/trainingDigits.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/9. KNN/handwritingClass/trainingDigits.zip -------------------------------------------------------------------------------- /Machine Learning/Liner Regression/1.Liner Regression.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/Liner Regression/1.Liner Regression.md -------------------------------------------------------------------------------- /Machine Learning/Liner Regression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/Liner Regression/README.md -------------------------------------------------------------------------------- /Machine Learning/Liner Regression/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/Liner Regression/demo/README.md -------------------------------------------------------------------------------- /Machine Learning/Liner Regression/demo/housing_price.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/Liner Regression/demo/housing_price.py -------------------------------------------------------------------------------- /Machine Learning/Liner Regression/demo/kc_test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/Liner Regression/demo/kc_test.txt -------------------------------------------------------------------------------- /Machine Learning/Liner Regression/demo/kc_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/Liner Regression/demo/kc_train.txt -------------------------------------------------------------------------------- /Machine Learning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Machine Learning/README.md -------------------------------------------------------------------------------- /NLP/16. NLP/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16. NLP/README.md -------------------------------------------------------------------------------- /NLP/16.1 Word Embedding/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.1 Word Embedding/README.md -------------------------------------------------------------------------------- /NLP/16.1 Word Embedding/word2vec.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.1 Word Embedding/word2vec.ipynb -------------------------------------------------------------------------------- /NLP/16.2 fastText/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.2 fastText/README.md -------------------------------------------------------------------------------- /NLP/16.2 fastText/fastText.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.2 fastText/fastText.ipynb -------------------------------------------------------------------------------- /NLP/16.3 GloVe/GloVe.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.3 GloVe/GloVe.ipynb -------------------------------------------------------------------------------- /NLP/16.3 GloVe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.3 GloVe/README.md -------------------------------------------------------------------------------- /NLP/16.4 textRNN & textCNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.4 textRNN & textCNN/README.md -------------------------------------------------------------------------------- /NLP/16.4 textRNN & textCNN/cnews_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.4 textRNN & textCNN/cnews_loader.py -------------------------------------------------------------------------------- /NLP/16.4 textRNN & textCNN/cnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.4 textRNN & textCNN/cnn_model.py -------------------------------------------------------------------------------- /NLP/16.4 textRNN & textCNN/rnn_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.4 textRNN & textCNN/rnn_model.py -------------------------------------------------------------------------------- /NLP/16.4 textRNN & textCNN/textCNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.4 textRNN & textCNN/textCNN.ipynb -------------------------------------------------------------------------------- /NLP/16.4 textRNN & textCNN/textRNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.4 textRNN & textCNN/textRNN.ipynb -------------------------------------------------------------------------------- /NLP/16.5 seq2seq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.5 seq2seq/README.md -------------------------------------------------------------------------------- /NLP/16.5 seq2seq/seq2seq.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.5 seq2seq/seq2seq.ipynb -------------------------------------------------------------------------------- /NLP/16.6 Attention/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.6 Attention/README.md -------------------------------------------------------------------------------- /NLP/16.6 Attention/datautil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.6 Attention/datautil.py -------------------------------------------------------------------------------- /NLP/16.6 Attention/fanyichina/fromids/README.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /NLP/16.6 Attention/fanyichina/toids/README.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /NLP/16.6 Attention/fanyichina/yuliao/from/english1w.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.6 Attention/fanyichina/yuliao/from/english1w.txt -------------------------------------------------------------------------------- /NLP/16.6 Attention/fanyichina/yuliao/to/README.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /NLP/16.6 Attention/fanyichina/yuliao/to/chinese1w.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.6 Attention/fanyichina/yuliao/to/chinese1w.txt -------------------------------------------------------------------------------- /NLP/16.6 Attention/myjiebadict.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.6 Attention/myjiebadict.txt -------------------------------------------------------------------------------- /NLP/16.6 Attention/seq2seq_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.6 Attention/seq2seq_model.py -------------------------------------------------------------------------------- /NLP/16.6 Attention/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.6 Attention/test.py -------------------------------------------------------------------------------- /NLP/16.6 Attention/train.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.6 Attention/train.ipynb -------------------------------------------------------------------------------- /NLP/16.7 Transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.7 Transformer/README.md -------------------------------------------------------------------------------- /NLP/16.8 BERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/README.md -------------------------------------------------------------------------------- /NLP/16.8 BERT/bert-Chinese-classification-task.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/bert-Chinese-classification-task.md -------------------------------------------------------------------------------- /NLP/16.8 BERT/data/dev.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/data/dev.tsv -------------------------------------------------------------------------------- /NLP/16.8 BERT/data/test: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /NLP/16.8 BERT/data/train.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/data/train.tsv -------------------------------------------------------------------------------- /NLP/16.8 BERT/download_glue_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/download_glue_data.py -------------------------------------------------------------------------------- /NLP/16.8 BERT/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/modeling.py -------------------------------------------------------------------------------- /NLP/16.8 BERT/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/optimization.py -------------------------------------------------------------------------------- /NLP/16.8 BERT/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/run.sh -------------------------------------------------------------------------------- /NLP/16.8 BERT/run_classifier_word.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/run_classifier_word.py -------------------------------------------------------------------------------- /NLP/16.8 BERT/tokenization_word.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.8 BERT/tokenization_word.py -------------------------------------------------------------------------------- /NLP/16.9 XLNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/16.9 XLNet/README.md -------------------------------------------------------------------------------- /NLP/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/NLP/README.md -------------------------------------------------------------------------------- /Project/17. Recommendation System/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Project/17. Recommendation System/README.md -------------------------------------------------------------------------------- /Project/18. Intelligent Customer Service/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Project/18. Intelligent Customer Service/README.md -------------------------------------------------------------------------------- /Project/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/Project/README.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/README.md -------------------------------------------------------------------------------- /images/2019-9-28_21-34-11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NLP-LOVE/ML-NLP/HEAD/images/2019-9-28_21-34-11.png -------------------------------------------------------------------------------- /images/README.md: -------------------------------------------------------------------------------- 1 | 2 | --------------------------------------------------------------------------------