Pinned Repositories
awesome-question-answering
Resources, datasets, papers on Question Answering
base_seq2seq
基础版seq2seq
bert-as-service
Mapping a variable-length sentence to a fixed-length vector using pretrained BERT model
BERT-NER
Use google BERT to do CoNLL-2003 NER !
bert_language_understanding
Pre-training of Deep Bidirectional Transformers for Language Understanding: pre-train TextCNN
cesi
WWW 2018: CESI: Canonicalizing Open Knowledge Bases using Embeddings and Side Information
DataStructure
数据结构,主要包含两部分1基本数据结构类型2基本算法
knowledgegraph
大牛知识图谱项目整理 https://liuhuanyong.github.io/
nlp_chinese_corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
PLCOIE
Pattern Learning for Chinese Open Information Extraction
lbda1's Repositories
lbda1/base_seq2seq
基础版seq2seq
lbda1/PLCOIE
Pattern Learning for Chinese Open Information Extraction
lbda1/cesi
WWW 2018: CESI: Canonicalizing Open Knowledge Bases using Embeddings and Side Information
lbda1/pointer-generator
Code for the ACL 2017 paper "Get To The Point: Summarization with Pointer-Generator Networks"
lbda1/SPM_toolkit
Neural network toolkit for sentence pair modeling.
lbda1/text-classification-models-tf
Tensorflow implementations of Text Classification Models.
lbda1/ABCNN
Implementation of ABCNN(Attention-Based Convolutional Neural Network) on Tensorflow
lbda1/BiMPM
BiMPM: Bilateral Multi-Perspective Matching for Natural Language Sentences
lbda1/ctc_beam_search_lm
CTC+Beam_Search+kenlm 是用于以汉字为声学模型建模单元的解码系统
lbda1/Deep-Mutual-Learning
TensorFlow Implementation of Deep Mutual Learning
lbda1/deepnlp
Deep Learning NLP Pipeline implemented on Tensorflow
lbda1/elmo-bilstm-cnn-crf
BiLSTM-CNN-CRF architecture for sequence tagging using ELMo representations.
lbda1/emnlp2017-relation-extraction
Context-Aware Representations for Knowledge Base Relation Extraction
lbda1/fast_abs_rl
Code for ACL 2018 paper: "Fast Abstractive Summarization with Reinforce-Selected Sentence Rewriting. Chen and Bansal"
lbda1/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
lbda1/KG-demo-for-movie
从无到有构建一个电影知识图谱,并基于该KG,开发一个简易的KBQA程序。
lbda1/margin-softmax
keras sparse implement of margin-softmax
lbda1/MatchPyramid-for-semantic-matching
A simple Keras implementation of Paper "Text Matching as Image Recognition"
lbda1/MRC2018
2018机器阅读理解技术竞赛
lbda1/NL2SQL
NL2SQL with reading comprehension tech
lbda1/noreward-rl
[ICML 2017] TensorFlow code for Curiosity-driven Exploration for Deep Reinforcement Learning
lbda1/oie-benchmark
Framework for converting QA-SRL to Open-IE and evaluating Open IE parsers.
lbda1/OpenNMT
Open Source Neural Machine Translation in Torch
lbda1/PyTorchText
1st Place Solution for Zhihu Machine Learning Challenge . Implementation of various text-classification models.(知乎看山杯第一名解决方案)
lbda1/QA-Snake
基于多搜索引擎和深度学习技术的自动问答
lbda1/R-Net
Tensorflow Implementation of R-Net
lbda1/ranking_clarification_questions
Code and Data for the paper: "Learning to Ask Good Questions: Ranking Clarification Questions using Neural Expected Value of Perfect Information"
lbda1/seq2seq-chinese-textsum
tf版本太老
lbda1/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
lbda1/TreeLSTM_Tensorflow