Pinned Repositories
ai-study
人工智能学习资料超全整理,包含机器学习基础ML、深度学习基础DL、计算机视觉CV、自然语言处理NLP、推荐系统、语音识别、图神经网路、算法工程师面试题
attention-nmt
A simple implementation of attention based encoder-decoder for nmt.
BERT-BiLSTM-CRF
BERT-BiLSTM-CRF的Keras版实现
bert_language_understanding
Pre-training of Deep Bidirectional Transformers for Language Understanding
Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
CoolNLTK
Text Classification ToolKit
Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
Deep-Learning-21-Examples
《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码
MatchZoo
MatchZoo is a toolkit for text matching. It was developed to facilitate the designing, comparing, and sharing of deep text matching models.
web199195's Repositories
web199195/Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
web199195/cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
web199195/CoolNLTK
Text Classification ToolKit
web199195/Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
web199195/Deep-Learning-21-Examples
《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码
web199195/text-classification-cnn-rnn
CNN-RNN中文文本分类,基于tensorflow
web199195/chinese_text_classification
web199195/cnn-text-classification-tf-chinese
CNN for Chinese Text Classification in Tensorflow
web199195/CNN_sentence
CNNs for sentence classification
web199195/deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
web199195/DeepLearningTextClassification
Chinese short text classification based on LSTM
web199195/FoolNLTK
A Chinese Nature Language Toolkit
web199195/HanLP
自然语言处理 中文分词 词性标注 命名实体识别 依存句法分析 关键词提取 新词发现 短语提取 自动摘要 文本分类 拼音简繁
web199195/keras
Deep Learning for humans
web199195/keras-MemN2N
The implementation of End-to-end memory networks in keras
web199195/keras-preprocessing
Utilities for working with image data, text data, and sequence data.
web199195/Machine-learning-learning-notes
周志华《机器学习》又称西瓜书是一本较为全面的书籍,书中详细介绍了机器学习领域不同类型的算法(例如:监督学习、无监督学习、半监督学习、强化学习、集成降维、特征选择等),记录了本人在学习过程中的理解思路与扩展知识点,希望对新人阅读西瓜书有所帮助!
web199195/machinelearning-2017-assignment-1
Cross Validation
web199195/MPCNN
Multi-Perspective Sentence Similarity Modeling with Convolutional Neural Network复现
web199195/MPCNN-sentence-similarity-tensorflow
Multi-Perspective Sentence Similarity Modeling with Convolution Neural Networks论文实现
web199195/multi-class-text-classification-cnn-rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
web199195/NCRFpp
NCRF++, an Open-source Neural Sequence Labeling Toolkit. It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
web199195/NLP-Projects
word2vec, text similarity, text classification, Chinese word segmentation, named entity recognition.
web199195/R-net
A Tensorflow Implementation of R-net: Machine reading comprehension with self matching networks
web199195/R-Net-1
Tensorflow Implementation of R-Net
web199195/SVMPairwiseRanking
Ranking of Pages related to query using SVM Pairwise Ranking
web199195/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners with Latest APIs
web199195/text_classification
Use jieba for binary classification on Chinese news
web199195/text_classification-1
all kinds of text classificaiton models and more with deep learning
web199195/yangzl-keras-language-model
My first language model implemented by Keras with LSTM in Python