Pinned Repositories
100-nlp-papers
100 Must-Read NLProc Papers
Agriculture_KnowledgeGraph
农业知识图谱(KG):农业领域的信息检索,命名实体识别,关系抽取,分类树构建,数据挖掘
aind2-cnn
AIND Term 2 -- Lesson on Convolutional Neural Networks
AT4ChineseNER
Adversarial Transfer Learning for Chinese Named Entity Recognition with Self-Attention Mechanism
Attention-Based-BiLSTM-relation-extraction
Tensorflow Implementation of "Attention-Based Bidirectional Long Short-Term Memory Networks for Relation Classification" (ACL 2016)
BDBKSpider
基于Python的百度百科爬虫
bert
TensorFlow code and pre-trained models for BERT
BERT-AttributeExtraction
USING BERT FOR Attribute Extraction in KnowledgeGraph. fine-tuning and feature extraction. 使用基于bert的微调和特征提取方法来进行知识图谱百度百科人物词条属性抽取。
BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning
catchLawfiles
爬取中国裁判文书网的公开法律文书文件
cjm1044642385's Repositories
cjm1044642385/BDBKSpider
基于Python的百度百科爬虫
cjm1044642385/bert
TensorFlow code and pre-trained models for BERT
cjm1044642385/BERT-AttributeExtraction
USING BERT FOR Attribute Extraction in KnowledgeGraph. fine-tuning and feature extraction. 使用基于bert的微调和特征提取方法来进行知识图谱百度百科人物词条属性抽取。
cjm1044642385/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning
cjm1044642385/BERT-NER
Use google BERT to do CoNLL-2003 NER !
cjm1044642385/Bert_Chinese_Ner_pytorch
A Pytorch solution of Chinese Named Recognition Entity based on BERT
cjm1044642385/ChineseNlpCorpus
搜集、整理、发布 中文 自然语言处理 语料/数据集,与 有志之士 共同 促进 中文 自然语言处理 的 发展。
cjm1044642385/CodingInterviewChinese2
《剑指Offer》第二版源代码
cjm1044642385/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
cjm1044642385/deeplearningbook-chinese
Deep Learning Book Chinese Translation
cjm1044642385/Distant-Supervised-Chinese-Relation-Extraction
基于远监督的中文关系抽取
cjm1044642385/Entity-Relation-Extraction
Entity and Relation Extraction Based on TensorFlow and BERT. 基于TensorFlow和BERT的管道式实体及关系抽取,2019语言与智能技术竞赛信息抽取任务解决方案。Schema based Knowledge Extraction, SKE 2019
cjm1044642385/KB2E
Knowledge Graph Embeddings including TransE, TransH, TransR and PTransE
cjm1044642385/kg-2019-baseline
2019年百度的三元组抽取比赛,一个baseline
cjm1044642385/kg-baseline-pytorch
2019百度的关系抽取比赛,使用Pytorch实现苏神的模型,F1在dev集可达到0.75,联合关系抽取,Joint Relation Extraction.
cjm1044642385/knowledge-graph-learning
A curated list of awesome knowledge graph tutorials, projects and communities.
cjm1044642385/multihead_joint_entity_relation_extraction
cjm1044642385/Multiple-Relations-Extraction-Only-Look-Once
Multiple-Relations-Extraction-Only-Look-Once. Just look at the sentence once and extract the multiple pairs of entities and their corresponding relations. 可用于 http://lic2019.ccf.org.cn/kg 信息抽取。
cjm1044642385/Name-Entity-Recognition
Lstm-crf,Lattice-CRF,bert-ner及近年ner相关论文follow
cjm1044642385/NER-LOC
中文命名实体识别& 中文命名实体检测 python实现 基于字+ 词位 分别使用tensorflow IDCNN+CRF 及 BiLSTM+CRF 搭配词性标注实现中文命名实体识别及命名实体检测
cjm1044642385/NER_entityRelationExtration
实体识别和关系抽取的联合模型
cjm1044642385/open-entity-relation-extraction
Chinese Open Entity Relation Extraction
cjm1044642385/OpenCC
A project for conversion between Traditional and Simplified Chinese
cjm1044642385/OpenKE
An Open-Source Package for Knowledge Embedding (KE)
cjm1044642385/pcnn_one_nyt10
cjm1044642385/pytorch-pretrained-BERT
📖The Big-&-Extending-Repository-of-Transformers: Pretrained PyTorch models for Google's BERT, OpenAI GPT & GPT-2, Google/CMU Transformer-XL.
cjm1044642385/pytorch-relation-extraction
distant supervised relation extraction models: PCNN MIL (Zeng 2015), PCNN+ATT(Lin 2016). 关系抽取
cjm1044642385/Schema-based-Knowledge-Extraction
Code for http://lic2019.ccf.org.cn/kg 信息抽取。使用基于 BERT 的实体抽取和关系抽取的端到端的联合模型。(将在比赛结束后,完善代码和使用说明)
cjm1044642385/tensorflow
An Open Source Machine Learning Framework for Everyone
cjm1044642385/text_classification
all kinds of text classification models and more with deep learning