bigiceland's Stars
thunlp/OpenNRE
An Open-Source Package for Neural Relation Extraction (NRE)
tticoin/LSTM-ER
Implementation of End-to-End Relation Extraction using LSTMs on Sequences and Tree Structures in ACL2016.
hankcs/HanLP
中文分词 词性标注 命名实体识别 依存句法分析 成分句法分析 语义依存分析 语义角色标注 指代消解 风格转换 语义相似度 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理
twjiang/fact_triple_extraction
使用句法依存分析抽取事实三元组
Franck-Dernoncourt/NeuroNER
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
GeorgeBourne/grid
Chinese Tokenizer; New words Finder. 中文三段式机械分词算法; 未登录新词发现算法
shimaokasonse/NFGEC
Neural Architectures for Fine Grained Entity Type Classification
oxford-cs-deepnlp-2017/lectures
Oxford Deep NLP 2017 course
WZBSocialScienceCenter/pdftabextract
A set of tools for extracting tables from PDF files helping to do data mining on (OCR-processed) scanned documents.
rockingdingo/deepnlp
Deep Learning NLP Pipeline implemented on Tensorflow
scrapinghub/python-crfsuite
A python binding for crfsuite
chokkan/crfsuite
CRFsuite: a fast implementation of Conditional Random Fields (CRFs)
yoonkim/CNN_sentence
CNNs for sentence classification
chilynn/sequence-labeling
YerevaNN/Dynamic-memory-networks-in-Theano
Implementation of Dynamic memory networks by Kumar et al. http://arxiv.org/abs/1506.07285
stanfordnlp/treelstm
Tree-structured Long Short-Term Memory networks (http://arxiv.org/abs/1503.00075)
npow/MemN2N
End-To-End Memory Networks in Theano
npow/MemNN
Theano implementation of Memory Networks
karpathy/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
fxsjy/jieba
结巴中文分词
dmlc/minpy
NumPy interface with mixed backend execution
MoyanZitto/keras-cn
Chinese keras documents with more examples, explanations and tips.
glample/tagger
Named Entity Recognition Tool
szilard/benchm-ml
A minimal benchmark for scalability, speed and accuracy of commonly used open source implementations (R packages, Python scikit-learn, H2O, xgboost, Spark MLlib etc.) of the top machine learning algorithms for binary classification (random forests, gradient boosted trees, deep neural networks etc.).
rasbt/python-machine-learning-book
The "Python Machine Learning (1st edition)" book code repository and info resource
terryum/awesome-deep-learning-papers
The most cited deep learning papers
ossu/computer-science
🎓 Path to a free self-taught education in Computer Science!
TorontoDeepLearning/convnet
A GPU implementation of Convolutional Neural Nets in C++
apache/mxnet
Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
soumith/cvpr2015