- http://ibillxia.github.io/blog/2013/04/06/Convolutional-Neural-Networks/ : 卷积神经网络(CNN)
- http://cs231n.github.io/convolutional-networks/ : Convolutional Neural Networks (CNNs / ConvNets) CS231n
- http://www.robots.ox.ac.uk/~vgg/practicals/cnn/ : VGG Convolutional Neural Networks Practical
- http://deeplearning.net/tutorial/lenet.html : Convolutional Neural Networks (LeNet)
- https://github.com/yoonkim/CNN_sentence : Convolutional Neural Networks for Sentence Classification (EMNLP 2014)
- https://github.com/dennybritz/cnn-text-classification-tf : Implementing a CNN for Text Classification in Tensorflow
- https://github.com/hadyelsahar/CNN-RelationExtraction : CNN-RelationExtraction (The CNN architecture implemented is inspired be Nguyen et al. 2015)
- https://github.com/sunilitggu/relation_extraction_in_clinical_text : Relation extraction from clinical texts using domain invariant convolutional neural network. BioNLP at ACL-2016
- https://github.com/thunlp/NRE : Neural Relation Extraction with Selective Attention over Instances. In Proceedings of ACL 2016
- https://github.com/sunilitggu/disease_name_recognition_through_rnn : Recurrent neural network models for disease name recognition using domain invariant features. ACL-2016
- https://github.com/glample/tagger : Neural Architectures for Named Entity Recognition. NAACL 2016
- https://github.com/raghavchalapathy/dnr : An Investigation of Recurrent Neural Architectures for Drug Name Recognition. LOUHI 2016 : EMNLP 2016 Workshop
- https://github.com/raghavchalapathy/Bidirectional-LSTM-CRF-for-Clinical-Concept-Extraction : "Bidirectional LSTM-CRF for Clinical Concept Extraction" at Clinical Natural Language Processing Workshop at COLING 2016
- https://github.com/abhyudaynj/LSTM-CRF-models : Structured Prediction Models for RNN based Sequence Labeling in clinical text, EMNLP 2016.
- https://github.com/harvardnlp/struct-attn : Structured Attention Networks
- https://github.com/3Top/word2vec-api : word2vec-api
- https://github.com/clinicalml/embeddings : Learning Low-Dimensional Representations of Medical Concepts
- https://github.com/to-shimo/chinese-word2vec : word2vec/glove/swivel binary file on chinese corpus
- https://github.com/Kyubyong/wordvectors : Pre-trained word vectors of 30+ languages
- http://deeplearning.net/datasets/ : deep learning datasets
- http://deeplearning.net/software_links/ : deep learning softwares
- https://github.com/tensorflow/tensorflow : TensorFlow
- https://github.com/tensorflow/fold : TensorFlow Fold (Deep learning with dynamic computation graphs in TensorFlow)
- https://github.com/tensorflow/playground : Play with neural networks! http://playground.tensorflow.org
- https://github.com/tflearn/tflearn : TFLearn: Deep learning library featuring a higher-level API for TensorFlow
- https://github.com/tensorflow/tensorflow/tree/master/tensorflow/tensorboard : TensorBoard
- https://github.com/Theano/Theano : Theano
- https://github.com/mnielsen/neural-networks-and-deep-learning : Code samples for "Neural Networks and Deep Learning"
- https://github.com/fchollet/keras : Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano or TensorFlow. http://keras-cn.readthedocs.io/en/latest/
- https://github.com/andersbll/deeppy : Deep learning in Python
- https://github.com/danielfrg/word2vec : Python interface to Google word2vec
- https://github.com/stanfordnlp/GloVe : GloVe: Global Vectors for Word Representation
- https://github.com/pytorch/pytorch: PyTorch
- http://deeplearning.net/reading-list/tutorials/ : deep learning tutorials
- https://github.com/terryum/awesome-deep-learning-papers : Awesome - Most Cited Deep Learning Papers
- https://github.com/andrewt3000/DL4NLP : Deep Learning for NLP resources (task-wise)
- https://github.com/shashankg7/Deep-Learning-for-NLP-Resources : Deep-Learning-for-NLP-Resources (classification-wise)
- https://github.com/oxford-cs-deepnlp-2017/lectures : Oxford Deep NLP 2017 course
- https://github.com/marekrei/theano-tutorial : Theano tutorial
- https://cs224d.stanford.edu/lectures/CS224d-Lecture7.pdf : CS224d: TensorFlow Tutorial
- https://github.com/tflearn/tflearn/blob/master/tutorials/intro/quickstart.md : TFLearn - Quick Start
- https://www.youtube.com/watch?v=bvHgESVuS6Q&feature=youtu.be : Learning TensorFlow (video: 40:41)
- http://jorditorres.org/first-contact-with-tensorflow/ : First contact with TensorFlow, get started with with Deep Learning programming
- https://github.com/aymericdamien/TensorFlow-Examples : TensorFlow Examples
- https://github.com/thunlp/NRLPapers : Must-read papers on NRL/NE
- http://cs231n.github.io/ : CS231n: Convolutional Neural Networks for Visual Recognition