All Projects → Multihead_joint_entity_relation_extraction → Similar Projects or Alternatives

96 Open source projects that are alternatives of or similar to Multihead_joint_entity_relation_extraction

lima
The Libre Multilingual Analyzer, a Natural Language Processing (NLP) C++ toolkit.
Stars: ✭ 75 (-75.08%)
Mutual labels:  relation-extraction
Schema Based Knowledge Extraction
Code for http://lic2019.ccf.org.cn/kg 信息抽取。使用基于 BERT 的实体抽取和关系抽取的端到端的联合模型。
Stars: ✭ 199 (-33.89%)
Mutual labels:  relation-extraction
pynsett
A programmable relation extraction tool
Stars: ✭ 25 (-91.69%)
Mutual labels:  relation-extraction
SENet-for-Weakly-Supervised-Relation-Extraction
No description or website provided.
Stars: ✭ 39 (-87.04%)
Mutual labels:  relation-extraction
Deeplearning nlp
基于深度学习的自然语言处理库
Stars: ✭ 154 (-48.84%)
Mutual labels:  relation-extraction
FDDC
Named Entity Recognition & Relation Extraction 实体命名识别与关系分类
Stars: ✭ 29 (-90.37%)
Mutual labels:  relation-extraction
Bert Attributeextraction
USING BERT FOR Attribute Extraction in KnowledgeGraph. fine-tuning and feature extraction. 使用基于bert的微调和特征提取方法来进行知识图谱百度百科人物词条属性抽取。
Stars: ✭ 224 (-25.58%)
Mutual labels:  relation-extraction
adversarial-relation-classification
Unsupervised domain adaptation method for relation extraction
Stars: ✭ 18 (-94.02%)
Mutual labels:  relation-extraction
Relation Classification Using Bidirectional Lstm Tree
TensorFlow Implementation of the paper "End-to-End Relation Extraction using LSTMs on Sequences and Tree Structures" and "Classifying Relations via Long Short Term Memory Networks along Shortest Dependency Paths" for classifying relations
Stars: ✭ 167 (-44.52%)
Mutual labels:  relation-extraction
m3gm
Max-Margin Markov Graph Models for WordNet (EMNLP 2018)
Stars: ✭ 40 (-86.71%)
Mutual labels:  relation-extraction
DocuNet
Code and dataset for the IJCAI 2021 paper "Document-level Relation Extraction as Semantic Segmentation".
Stars: ✭ 84 (-72.09%)
Mutual labels:  relation-extraction
Kg Baseline Pytorch
2019百度的关系抽取比赛,使用Pytorch实现苏神的模型,F1在dev集可达到0.75,联合关系抽取,Joint Relation Extraction.
Stars: ✭ 149 (-50.5%)
Mutual labels:  relation-extraction
Relation-Extraction-Transformer
NLP: Relation extraction with position-aware self-attention transformer
Stars: ✭ 63 (-79.07%)
Mutual labels:  relation-extraction
Att-BLSTM-relation-extraction
Implementation of Attention-Based Bidirectional Long Short-Term Memory Networks for Relation Classification.
Stars: ✭ 60 (-80.07%)
Mutual labels:  relation-extraction
PSPE
Pretrained Span and span Pair Encoder, code for "Pre-training Entity Relation Encoder with Intra-span and Inter-spanInformation.", EMNLP2020. It is based on our NERE toolkit (https://github.com/Receiling/NERE).
Stars: ✭ 17 (-94.35%)
Mutual labels:  relation-extraction
GP-GNN
Code and dataset of ACL2019 Paper: Graph Neural Networks with Generated Parameters for Relation Extraction.
Stars: ✭ 52 (-82.72%)
Mutual labels:  relation-extraction
VERSE
Vancouver Event and Relation System for Extraction
Stars: ✭ 13 (-95.68%)
Mutual labels:  relation-extraction
Pytorch graph Rel
A PyTorch implementation of GraphRel
Stars: ✭ 204 (-32.23%)
Mutual labels:  relation-extraction
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 信息抽取。
Stars: ✭ 269 (-10.63%)
Mutual labels:  relation-extraction
Cnn Re Tf
Convolutional Neural Network for Multi-label Multi-instance Relation Extraction in Tensorflow
Stars: ✭ 190 (-36.88%)
Mutual labels:  relation-extraction
Shukongdashi
使用知识图谱,自然语言处理,卷积神经网络等技术,基于python语言,设计了一个数控领域故障诊断专家系统
Stars: ✭ 109 (-63.79%)
Mutual labels:  relation-extraction
Ruijin round2
瑞金医院MMC人工智能辅助构建知识图谱大赛复赛
Stars: ✭ 159 (-47.18%)
Mutual labels:  relation-extraction
DiagnoseRE
Source code and dataset for the CCKS201 paper "On Robustness and Bias Analysis of BERT-based Relation Extraction"
Stars: ✭ 23 (-92.36%)
Mutual labels:  relation-extraction
Tensorflow rlre
Reinforcement Learning for Relation Classification from Noisy Data(TensorFlow)
Stars: ✭ 150 (-50.17%)
Mutual labels:  relation-extraction
relation-extraction-rnn
Bi-directional LSTM model for relation extraction
Stars: ✭ 22 (-92.69%)
Mutual labels:  relation-extraction
dialogre
Dialogue-Based Relation Extraction
Stars: ✭ 124 (-58.8%)
Mutual labels:  relation-extraction
Macadam
Macadam是一个以Tensorflow(Keras)和bert4keras为基础,专注于文本分类、序列标注和关系抽取的自然语言处理工具包。支持RANDOM、WORD2VEC、FASTTEXT、BERT、ALBERT、ROBERTA、NEZHA、XLNET、ELECTRA、GPT-2等EMBEDDING嵌入; 支持FineTune、FastText、TextCNN、CharCNN、BiRNN、RCNN、DCNN、CRNN、DeepMoji、SelfAttention、HAN、Capsule等文本分类算法; 支持CRF、Bi-LSTM-CRF、CNN-LSTM、DGCNN、Bi-LSTM-LAN、Lattice-LSTM-Batch、MRC等序列标注算法。
Stars: ✭ 149 (-50.5%)
Mutual labels:  relation-extraction
Recurrent Interaction Network EMNLP2020
Here is the code for the paper ``Recurrent Interaction Network for Jointly Extracting Entities and Classifying Relations'' accepted by EMNLP2020.
Stars: ✭ 13 (-95.68%)
Mutual labels:  relation-extraction
R-BERT
Pytorch re-implementation of R-BERT model
Stars: ✭ 59 (-80.4%)
Mutual labels:  relation-extraction
knowledge-graph-nlp-in-action
从模型训练到部署,实战知识图谱(Knowledge Graph)&自然语言处理(NLP)。涉及 Tensorflow, Bert+Bi-LSTM+CRF,Neo4j等 涵盖 Named Entity Recognition,Text Classify,Information Extraction,Relation Extraction 等任务。
Stars: ✭ 58 (-80.73%)
Mutual labels:  relation-extraction
ReQuest
Indirect Supervision for Relation Extraction Using Question-Answer Pairs (WSDM'18)
Stars: ✭ 26 (-91.36%)
Mutual labels:  relation-extraction
PathNRE
Source code and dataset of EMNLP2017 paper "Incorporating Relation Paths in Neural Relation Extraction".
Stars: ✭ 42 (-86.05%)
Mutual labels:  relation-extraction
spert
PyTorch code for SpERT: Span-based Entity and Relation Transformer
Stars: ✭ 572 (+90.03%)
Mutual labels:  relation-extraction
Tacred Relation
PyTorch implementation of the position-aware attention model for relation extraction
Stars: ✭ 271 (-9.97%)
Mutual labels:  relation-extraction
OpenUE
OpenUE是一个轻量级知识图谱抽取工具 (An Open Toolkit for Universal Extraction from Text published at EMNLP2020: https://aclanthology.org/2020.emnlp-demos.1.pdf)
Stars: ✭ 274 (-8.97%)
Mutual labels:  relation-extraction
KGPool
[ACL 2021] KGPool: Dynamic Knowledge Graph Context Selection for Relation Extraction
Stars: ✭ 33 (-89.04%)
Mutual labels:  relation-extraction
Agriculture knowledgegraph
农业知识图谱(AgriKG):农业领域的信息检索,命名实体识别,关系抽取,智能问答,辅助决策
Stars: ✭ 2,957 (+882.39%)
Mutual labels:  relation-extraction
CREST
A Causal Relation Schema for Text
Stars: ✭ 19 (-93.69%)
Mutual labels:  relation-extraction
Reside
EMNLP 2018: RESIDE: Improving Distantly-Supervised Neural Relation Extraction using Side Information
Stars: ✭ 222 (-26.25%)
Mutual labels:  relation-extraction
knodle
A PyTorch-based open-source framework that provides methods for improving the weakly annotated data and allows researchers to efficiently develop and compare their own methods.
Stars: ✭ 76 (-74.75%)
Mutual labels:  relation-extraction
Cnn Relation Extraction
Tensorflow Implementation of Convolutional Neural Network for Relation Extraction (COLING 2014, NAACL 2015)
Stars: ✭ 203 (-32.56%)
Mutual labels:  relation-extraction
Oie Resources
A curated list of Open Information Extraction (OIE) resources: papers, code, data, etc.
Stars: ✭ 283 (-5.98%)
Mutual labels:  relation-extraction
Marktool
这是一款基于web的通用文本标注工具,支持大规模实体标注、关系标注、事件标注、文本分类、基于字典匹配和正则匹配的自动标注以及用于实现归一化的标准名标注,同时也支持文本的迭代标注和实体的嵌套标注。标注规范可自定义且同类型任务中可“一次创建多次复用”。通过分级实体集合扩大了实体类型的规模,并设计了全新高效的标注方式,提升了用户体验和标注效率。此外,本工具增加了审核环节,可对多人的标注结果进行一致性检验和调整,提高了标注语料的准确率和可靠性。
Stars: ✭ 190 (-36.88%)
Mutual labels:  relation-extraction
InformationExtractionSystem
Information Extraction System can perform NLP tasks like Named Entity Recognition, Sentence Simplification, Relation Extraction etc.
Stars: ✭ 27 (-91.03%)
Mutual labels:  relation-extraction
Pytorch Acnn Model
code of Relation Classification via Multi-Level Attention CNNs
Stars: ✭ 170 (-43.52%)
Mutual labels:  relation-extraction
OpenNRE for Chinese
OpenNRE for Chinese open relation extraction task in pytorch
Stars: ✭ 32 (-89.37%)
Mutual labels:  relation-extraction
Jointnre
Joint Neural Relation Extraction with Text and KGs
Stars: ✭ 168 (-44.19%)
Mutual labels:  relation-extraction
Relation-Classification
Relation Classification - SEMEVAL 2010 task 8 dataset
Stars: ✭ 46 (-84.72%)
Mutual labels:  relation-extraction
Fox
Federated Knowledge Extraction Framework
Stars: ✭ 155 (-48.5%)
Mutual labels:  relation-extraction
PCNN
A neural architecture for relation extraction task implemented in Tensorflow.
Stars: ✭ 89 (-70.43%)
Mutual labels:  relation-extraction
R Bert
Pytorch implementation of R-BERT: "Enriching Pre-trained Language Model with Entity Information for Relation Classification"
Stars: ✭ 150 (-50.17%)
Mutual labels:  relation-extraction
CogIE
CogIE: An Information Extraction Toolkit for Bridging Text and CogNet. ACL 2021
Stars: ✭ 47 (-84.39%)
Mutual labels:  relation-extraction
Open Ie Papers
Open Information Extraction (OpenIE) and Open Relation Extraction (ORE) papers and data.
Stars: ✭ 150 (-50.17%)
Mutual labels:  relation-extraction
IE Paper Notes
Paper notes for Information Extraction, including Relation Extraction (RE), Named Entity Recognition (NER), Entity Linking (EL), Event Extraction (EE), Named Entity Disambiguation (NED).
Stars: ✭ 14 (-95.35%)
Mutual labels:  relation-extraction
HNRE
Hierarchical Neural Relation Extraction
Stars: ✭ 93 (-69.1%)
Mutual labels:  relation-extraction
Opennre
An Open-Source Package for Neural Relation Extraction (NRE)
Stars: ✭ 3,442 (+1043.52%)
Mutual labels:  relation-extraction
Languagecrunch
LanguageCrunch NLP server docker image
Stars: ✭ 281 (-6.64%)
Mutual labels:  relation-extraction
comb dist direct relex
Combining Distant and Direct Supervision for Neural Relation Extraction
Stars: ✭ 33 (-89.04%)
Mutual labels:  relation-extraction
MetaLifelongLanguage
Repository containing code for the paper "Meta-Learning with Sparse Experience Replay for Lifelong Language Learning".
Stars: ✭ 21 (-93.02%)
Mutual labels:  relation-extraction
Ask2Transformers
A Framework for Textual Entailment based Zero Shot text classification
Stars: ✭ 102 (-66.11%)
Mutual labels:  relation-extraction
1-60 of 96 similar projects