├── .gitignore ├── Application └── A Neural Algorithm of Artistic Style.pdf ├── Deep Learning ├── An overview on data representation learning: From traditional.pdf ├── Computer Vision │ ├── Aggregated Residual Transformations for Deep Neural Networks.pdf │ ├── Deep Networks with Stochastic Depth.pdf │ ├── Deep Residual Learning for Image Recognition.pdf │ ├── Delving Deep into Rectifiers Surpassing Human Level Performance on ImageNet Classification.pdf │ ├── Densely Connected Convolutional Networks.pdf │ ├── Going deeper with convolutions.pdf │ ├── Identity Mappings in Deep Residual Networks.pdf │ ├── ImageNet classification with deep convolutional neural networks.pdf │ ├── Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning.pdf │ ├── Maxout Networks.pdf │ ├── Network In Network.pdf │ ├── Residual Networks of Residual Networks Multilevel Residual Networks.pdf │ ├── Rethinking the Inception Architecture for Computer Vision.pdf │ ├── Training Very Deep Networks.pdf │ ├── Very deep convolutional networks for large-scale image recognition.pdf │ ├── What Do We Understand About Convolutional Networks.pdf │ └── Wide Residual Networks.pdf ├── Dropout A Simple Way to Prevent Neural Networks from Overfitting.pdf ├── Dropout: A Simple Way to Prevent Neural Networks from Overfitting.pdf ├── Improving neural networks by preventing co-adaptation of feature detectors.pdf ├── Natural Language Processing │ ├── A Primer on Neural Network Models for Natural Language Processing.pdf │ ├── Applications of Deep Learning to Sentiment Analysis.pdf │ ├── Attention │ │ ├── Attention Is All You Need.pdf │ │ ├── Attention and Augmented Recurrent Neural Networks — Distill.pdf │ │ ├── Convolutional Sequence to Sequence Learning.pdf │ │ ├── Neural Machine Translation by Jointly Learning to Align and Translate.pdf │ │ └── Sequence to Sequence Learning with Neural Networks.pdf │ ├── Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling.pdf │ ├── Language Modeling & Generating Text │ │ ├── Extensions of Recurrent neural network based language model.pdf │ │ ├── Generating Sequences With Recurrent Neural Networks.pdf │ │ ├── Generating Text with Recurrent Neural Networks.pdf │ │ ├── Language Modeling with Gated Convolutional Networks.pdf │ │ └── Recurrent neural network based language model.pdf │ ├── Machine Comprehension │ │ ├── Coarse-to-Fine Question Answering for Long Documents.pdf │ │ ├── Neural Question Answering at BioASQ 5B.pdf │ │ ├── PROGRESS AND FUTURE PROSPECTS OF MACHINE READING COMPREHENSION.pdf │ │ └── Question Answering from Unstructured Text by Retrieval and Comprehension.pdf │ ├── Machine Translation │ │ ├── Effective Approaches to Attention-based Neural Machine Translation.pdf │ │ ├── Massive Exploration of Neural Machine Translation Architectures.pdf │ │ └── Neural Machine Translation by Jointly Learning to Align and Translate.pdf │ ├── NLI and Text Matching │ │ ├── A Decomposable Attention Model for Natural Language Inference.pdf │ │ ├── ABCNN Attention-Based Convolutional Neural Network for Modeling Sentence Pairs.pdf │ │ ├── Bilateral Multi-Perspective Matching for Natural Language Sentences.pdf │ │ ├── Enhanced LSTM for Natural Language Inference.pdf │ │ ├── Natural Language Inference over Interaction Space.pdf │ │ ├── Natural Language Inference, Sentence representation and Attention Mechanism.pdf │ │ ├── Semantic Sentence Matching with Densely-connected Recurrent and Co-attentive Information.pdf │ │ └── Siamese Recurrent Architectures for Learning Sentence Similarity.pdf │ ├── Preprocessing Techniques for Text Mining - An Overview.pdf │ ├── Question Answering │ │ └── Reading Wikipedia to Answer Open-Domain Questions.pdf │ ├── Recurrent Convolutional Neural Networks for Scene Parsing.pdf │ ├── Recurrent Neural Networks │ │ ├── A Clockwork RNN.pdf │ │ ├── A Critical Review of Recurrent Neural Networks for Sequence Learning.pdf │ │ ├── Bidirectional Recurrent Neural Networks.pdf │ │ ├── Deep Gate Recurrent Neural Network.pdf │ │ ├── Gated Feedback Recurrent Neural Networks.pdf │ │ ├── How to Construct Deep Recurrent Neural Networks.pdf │ │ ├── Recurrent Neural Network Regularization.pdf │ │ └── Speech Recognition with Deep Recurrent Neural Networks.pdf │ ├── Text Classification │ │ ├── A Sensitivity Analysis of (and Practitioners’ Guide to) Convolutional Neural Networks for Sentence Classification.pdf │ │ ├── ABCNN: Attention-Based Convolutional Neural Network for Modeling Sentence Pairs.pdf │ │ ├── Bag of Tricks for Efficient Text Classification.pdf │ │ ├── Baselines and Bigrams: Simple, Good Sentiment and Topic Classification.pdf │ │ ├── Convolutional Neural Networks for Sentence Classification.pdf │ │ ├── Hierarchical Attention Networks for Document Classification.pdf │ │ ├── Multilingual Hierarchical Attention Networks for Document Classification.pdf │ │ ├── PPT-Recurrent Convolutional Neural Networks for Text Classification.pdf │ │ ├── Recurrent Convolutional Neural Networks for Text Classification.pdf │ │ └── Semantic Clustering and Convolutional Neural Network for Short Text Categorization.pdf │ └── Word Embedding │ │ ├── A Structured Self-attentive Sentence Embedding.pdf │ │ ├── Baseline Needs More Love On Simple Word-Embedding-Based Models and Associated Pooling Mechanisms.pdf │ │ ├── Deep contextualized word representations.pdf │ │ ├── Distributed representations of words and phrases and their compositionality.pdf │ │ ├── Efficient Estimation of Word Representations in vector space.pdf │ │ └── Enriching Word Vectors with Subword Information.pdf ├── On Optimization Methods for Deep Learning.pdf ├── Searching for Activation Functions 1710.pdf ├── Understanding Deep Image Representations by Inverting Them.pdf ├── Understanding the difficulty of training deep feedforward neural networks.pdf └── Visualizing and Understanding Convolutional Networks.pdf ├── Machine Learning ├── A Few Useful Things to Know about Machine Learning.pdf ├── A method for feature selection based on the correlation analysis.pdf ├── An Analysis of Feature Selection Techniques.pdf ├── Distance-based features in pattern classification.pdf ├── Dual Supervised Learning.pdf └── Learning from Imbalanced Data.pdf └── README.md /.gitignore: -------------------------------------------------------------------------------- 1 | # some ignore files 2 | .idea 3 | logs 4 | git_push.sh 5 | .DS_Store 6 | -------------------------------------------------------------------------------- /Application/A Neural Algorithm of Artistic Style.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Application/A Neural Algorithm of Artistic Style.pdf -------------------------------------------------------------------------------- /Deep Learning/An overview on data representation learning: From traditional.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/An overview on data representation learning: From traditional.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Aggregated Residual Transformations for Deep Neural Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Aggregated Residual Transformations for Deep Neural Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Deep Networks with Stochastic Depth.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Deep Networks with Stochastic Depth.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Deep Residual Learning for Image Recognition.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Deep Residual Learning for Image Recognition.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Delving Deep into Rectifiers Surpassing Human Level Performance on ImageNet Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Delving Deep into Rectifiers Surpassing Human Level Performance on ImageNet Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Densely Connected Convolutional Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Densely Connected Convolutional Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Going deeper with convolutions.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Going deeper with convolutions.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Identity Mappings in Deep Residual Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Identity Mappings in Deep Residual Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/ImageNet classification with deep convolutional neural networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/ImageNet classification with deep convolutional neural networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Maxout Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Maxout Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Network In Network.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Network In Network.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Residual Networks of Residual Networks Multilevel Residual Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Residual Networks of Residual Networks Multilevel Residual Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Rethinking the Inception Architecture for Computer Vision.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Rethinking the Inception Architecture for Computer Vision.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Training Very Deep Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Training Very Deep Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Very deep convolutional networks for large-scale image recognition.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Very deep convolutional networks for large-scale image recognition.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/What Do We Understand About Convolutional Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/What Do We Understand About Convolutional Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Computer Vision/Wide Residual Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Computer Vision/Wide Residual Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Dropout A Simple Way to Prevent Neural Networks from Overfitting.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Dropout A Simple Way to Prevent Neural Networks from Overfitting.pdf -------------------------------------------------------------------------------- /Deep Learning/Dropout: A Simple Way to Prevent Neural Networks from Overfitting.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Dropout: A Simple Way to Prevent Neural Networks from Overfitting.pdf -------------------------------------------------------------------------------- /Deep Learning/Improving neural networks by preventing co-adaptation of feature detectors.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Improving neural networks by preventing co-adaptation of feature detectors.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/A Primer on Neural Network Models for Natural Language Processing.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/A Primer on Neural Network Models for Natural Language Processing.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Applications of Deep Learning to Sentiment Analysis.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Applications of Deep Learning to Sentiment Analysis.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Attention/Attention Is All You Need.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Attention/Attention Is All You Need.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Attention/Attention and Augmented Recurrent Neural Networks — Distill.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Attention/Attention and Augmented Recurrent Neural Networks — Distill.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Attention/Convolutional Sequence to Sequence Learning.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Attention/Convolutional Sequence to Sequence Learning.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Attention/Neural Machine Translation by Jointly Learning to Align and Translate.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Attention/Neural Machine Translation by Jointly Learning to Align and Translate.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Attention/Sequence to Sequence Learning with Neural Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Attention/Sequence to Sequence Learning with Neural Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Extensions of Recurrent neural network based language model.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Extensions of Recurrent neural network based language model.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Generating Sequences With Recurrent Neural Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Generating Sequences With Recurrent Neural Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Generating Text with Recurrent Neural Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Generating Text with Recurrent Neural Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Language Modeling with Gated Convolutional Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Language Modeling with Gated Convolutional Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Recurrent neural network based language model.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Language Modeling & Generating Text/Recurrent neural network based language model.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Machine Comprehension/Coarse-to-Fine Question Answering for Long Documents.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Machine Comprehension/Coarse-to-Fine Question Answering for Long Documents.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Machine Comprehension/Neural Question Answering at BioASQ 5B.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Machine Comprehension/Neural Question Answering at BioASQ 5B.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Machine Comprehension/PROGRESS AND FUTURE PROSPECTS OF MACHINE READING COMPREHENSION.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Machine Comprehension/PROGRESS AND FUTURE PROSPECTS OF MACHINE READING COMPREHENSION.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Machine Comprehension/Question Answering from Unstructured Text by Retrieval and Comprehension.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Machine Comprehension/Question Answering from Unstructured Text by Retrieval and Comprehension.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Machine Translation/Effective Approaches to Attention-based Neural Machine Translation.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Machine Translation/Effective Approaches to Attention-based Neural Machine Translation.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Machine Translation/Massive Exploration of Neural Machine Translation Architectures.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Machine Translation/Massive Exploration of Neural Machine Translation Architectures.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Machine Translation/Neural Machine Translation by Jointly Learning to Align and Translate.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Machine Translation/Neural Machine Translation by Jointly Learning to Align and Translate.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/NLI and Text Matching/A Decomposable Attention Model for Natural Language Inference.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/NLI and Text Matching/A Decomposable Attention Model for Natural Language Inference.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/NLI and Text Matching/ABCNN Attention-Based Convolutional Neural Network for Modeling Sentence Pairs.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/NLI and Text Matching/ABCNN Attention-Based Convolutional Neural Network for Modeling Sentence Pairs.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/NLI and Text Matching/Bilateral Multi-Perspective Matching for Natural Language Sentences.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/NLI and Text Matching/Bilateral Multi-Perspective Matching for Natural Language Sentences.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/NLI and Text Matching/Enhanced LSTM for Natural Language Inference.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/NLI and Text Matching/Enhanced LSTM for Natural Language Inference.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/NLI and Text Matching/Natural Language Inference over Interaction Space.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/NLI and Text Matching/Natural Language Inference over Interaction Space.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/NLI and Text Matching/Natural Language Inference, Sentence representation and Attention Mechanism.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/NLI and Text Matching/Natural Language Inference, Sentence representation and Attention Mechanism.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/NLI and Text Matching/Semantic Sentence Matching with Densely-connected Recurrent and Co-attentive Information.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/NLI and Text Matching/Semantic Sentence Matching with Densely-connected Recurrent and Co-attentive Information.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/NLI and Text Matching/Siamese Recurrent Architectures for Learning Sentence Similarity.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/NLI and Text Matching/Siamese Recurrent Architectures for Learning Sentence Similarity.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Preprocessing Techniques for Text Mining - An Overview.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Preprocessing Techniques for Text Mining - An Overview.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Question Answering/Reading Wikipedia to Answer Open-Domain Questions.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Question Answering/Reading Wikipedia to Answer Open-Domain Questions.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Convolutional Neural Networks for Scene Parsing.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Convolutional Neural Networks for Scene Parsing.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Neural Networks/A Clockwork RNN.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Neural Networks/A Clockwork RNN.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Neural Networks/A Critical Review of Recurrent Neural Networks for Sequence Learning.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Neural Networks/A Critical Review of Recurrent Neural Networks for Sequence Learning.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Neural Networks/Bidirectional Recurrent Neural Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Neural Networks/Bidirectional Recurrent Neural Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Neural Networks/Deep Gate Recurrent Neural Network.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Neural Networks/Deep Gate Recurrent Neural Network.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Neural Networks/Gated Feedback Recurrent Neural Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Neural Networks/Gated Feedback Recurrent Neural Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Neural Networks/How to Construct Deep Recurrent Neural Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Neural Networks/How to Construct Deep Recurrent Neural Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Neural Networks/Recurrent Neural Network Regularization.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Neural Networks/Recurrent Neural Network Regularization.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Recurrent Neural Networks/Speech Recognition with Deep Recurrent Neural Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Recurrent Neural Networks/Speech Recognition with Deep Recurrent Neural Networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/A Sensitivity Analysis of (and Practitioners’ Guide to) Convolutional Neural Networks for Sentence Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/A Sensitivity Analysis of (and Practitioners’ Guide to) Convolutional Neural Networks for Sentence Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/ABCNN: Attention-Based Convolutional Neural Network for Modeling Sentence Pairs.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/ABCNN: Attention-Based Convolutional Neural Network for Modeling Sentence Pairs.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/Bag of Tricks for Efficient Text Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/Bag of Tricks for Efficient Text Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/Baselines and Bigrams: Simple, Good Sentiment and Topic Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/Baselines and Bigrams: Simple, Good Sentiment and Topic Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/Convolutional Neural Networks for Sentence Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/Convolutional Neural Networks for Sentence Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/Hierarchical Attention Networks for Document Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/Hierarchical Attention Networks for Document Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/Multilingual Hierarchical Attention Networks for Document Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/Multilingual Hierarchical Attention Networks for Document Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/PPT-Recurrent Convolutional Neural Networks for Text Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/PPT-Recurrent Convolutional Neural Networks for Text Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/Recurrent Convolutional Neural Networks for Text Classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/Recurrent Convolutional Neural Networks for Text Classification.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Text Classification/Semantic Clustering and Convolutional Neural Network for Short Text Categorization.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Text Classification/Semantic Clustering and Convolutional Neural Network for Short Text Categorization.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Word Embedding/A Structured Self-attentive Sentence Embedding.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Word Embedding/A Structured Self-attentive Sentence Embedding.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Word Embedding/Baseline Needs More Love On Simple Word-Embedding-Based Models and Associated Pooling Mechanisms.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Word Embedding/Baseline Needs More Love On Simple Word-Embedding-Based Models and Associated Pooling Mechanisms.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Word Embedding/Deep contextualized word representations.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Word Embedding/Deep contextualized word representations.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Word Embedding/Distributed representations of words and phrases and their compositionality.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Word Embedding/Distributed representations of words and phrases and their compositionality.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Word Embedding/Efficient Estimation of Word Representations in vector space.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Word Embedding/Efficient Estimation of Word Representations in vector space.pdf -------------------------------------------------------------------------------- /Deep Learning/Natural Language Processing/Word Embedding/Enriching Word Vectors with Subword Information.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Natural Language Processing/Word Embedding/Enriching Word Vectors with Subword Information.pdf -------------------------------------------------------------------------------- /Deep Learning/On Optimization Methods for Deep Learning.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/On Optimization Methods for Deep Learning.pdf -------------------------------------------------------------------------------- /Deep Learning/Searching for Activation Functions 1710.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Searching for Activation Functions 1710.pdf -------------------------------------------------------------------------------- /Deep Learning/Understanding Deep Image Representations by Inverting Them.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Understanding Deep Image Representations by Inverting Them.pdf -------------------------------------------------------------------------------- /Deep Learning/Understanding the difficulty of training deep feedforward neural networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Understanding the difficulty of training deep feedforward neural networks.pdf -------------------------------------------------------------------------------- /Deep Learning/Visualizing and Understanding Convolutional Networks.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Deep Learning/Visualizing and Understanding Convolutional Networks.pdf -------------------------------------------------------------------------------- /Machine Learning/A Few Useful Things to Know about Machine Learning.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Machine Learning/A Few Useful Things to Know about Machine Learning.pdf -------------------------------------------------------------------------------- /Machine Learning/A method for feature selection based on the correlation analysis.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Machine Learning/A method for feature selection based on the correlation analysis.pdf -------------------------------------------------------------------------------- /Machine Learning/An Analysis of Feature Selection Techniques.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Machine Learning/An Analysis of Feature Selection Techniques.pdf -------------------------------------------------------------------------------- /Machine Learning/Distance-based features in pattern classification.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Machine Learning/Distance-based features in pattern classification.pdf -------------------------------------------------------------------------------- /Machine Learning/Dual Supervised Learning.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Machine Learning/Dual Supervised Learning.pdf -------------------------------------------------------------------------------- /Machine Learning/Learning from Imbalanced Data.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/Machine Learning/Learning from Imbalanced Data.pdf -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SunnyMarkLiu/MachineLearning-DeepLearning-Papers/HEAD/README.md --------------------------------------------------------------------------------