All Projects → thunlp → GP-GNN

thunlp / GP-GNN

Licence: other
Code and dataset of ACL2019 Paper: Graph Neural Networks with Generated Parameters for Relation Extraction.

Projects that are alternatives of or similar to GP-GNN

Kg Baseline Pytorch
2019百度的关系抽取比赛,使用Pytorch实现苏神的模型,F1在dev集可达到0.75,联合关系抽取,Joint Relation Extraction.
Stars: ✭ 149 (+186.54%)
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 (+221.15%)
Mutual labels:  relation-extraction
Pytorch graph Rel
A PyTorch implementation of GraphRel
Stars: ✭ 204 (+292.31%)
Mutual labels:  relation-extraction
Tensorflow rlre
Reinforcement Learning for Relation Classification from Noisy Data(TensorFlow)
Stars: ✭ 150 (+188.46%)
Mutual labels:  relation-extraction
Ruijin round2
瑞金医院MMC人工智能辅助构建知识图谱大赛复赛
Stars: ✭ 159 (+205.77%)
Mutual labels:  relation-extraction
Cnn Re Tf
Convolutional Neural Network for Multi-label Multi-instance Relation Extraction in Tensorflow
Stars: ✭ 190 (+265.38%)
Mutual labels:  relation-extraction
Hatt Proto
Code and dataset of AAAI2019 paper Hybrid Attention-Based Prototypical Networks for Noisy Few-Shot Relation Classification
Stars: ✭ 149 (+186.54%)
Mutual labels:  relation-extraction
Agriculture knowledgegraph
农业知识图谱(AgriKG):农业领域的信息检索,命名实体识别,关系抽取,智能问答,辅助决策
Stars: ✭ 2,957 (+5586.54%)
Mutual labels:  relation-extraction
Jointnre
Joint Neural Relation Extraction with Text and KGs
Stars: ✭ 168 (+223.08%)
Mutual labels:  relation-extraction
Cnn Relation Extraction
Tensorflow Implementation of Convolutional Neural Network for Relation Extraction (COLING 2014, NAACL 2015)
Stars: ✭ 203 (+290.38%)
Mutual labels:  relation-extraction
R Bert
Pytorch implementation of R-BERT: "Enriching Pre-trained Language Model with Entity Information for Relation Classification"
Stars: ✭ 150 (+188.46%)
Mutual labels:  relation-extraction
Fox
Federated Knowledge Extraction Framework
Stars: ✭ 155 (+198.08%)
Mutual labels:  relation-extraction
Marktool
这是一款基于web的通用文本标注工具,支持大规模实体标注、关系标注、事件标注、文本分类、基于字典匹配和正则匹配的自动标注以及用于实现归一化的标准名标注,同时也支持文本的迭代标注和实体的嵌套标注。标注规范可自定义且同类型任务中可“一次创建多次复用”。通过分级实体集合扩大了实体类型的规模,并设计了全新高效的标注方式,提升了用户体验和标注效率。此外,本工具增加了审核环节,可对多人的标注结果进行一致性检验和调整,提高了标注语料的准确率和可靠性。
Stars: ✭ 190 (+265.38%)
Mutual labels:  relation-extraction
Open Ie Papers
Open Information Extraction (OpenIE) and Open Relation Extraction (ORE) papers and data.
Stars: ✭ 150 (+188.46%)
Mutual labels:  relation-extraction
Reside
EMNLP 2018: RESIDE: Improving Distantly-Supervised Neural Relation Extraction using Side Information
Stars: ✭ 222 (+326.92%)
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 (+186.54%)
Mutual labels:  relation-extraction
Pytorch Acnn Model
code of Relation Classification via Multi-Level Attention CNNs
Stars: ✭ 170 (+226.92%)
Mutual labels:  relation-extraction
GNN-Recommendation
毕业设计:基于图神经网络的异构图表示学习和推荐算法研究
Stars: ✭ 52 (+0%)
Mutual labels:  graph-neural-network
Bert Attributeextraction
USING BERT FOR Attribute Extraction in KnowledgeGraph. fine-tuning and feature extraction. 使用基于bert的微调和特征提取方法来进行知识图谱百度百科人物词条属性抽取。
Stars: ✭ 224 (+330.77%)
Mutual labels:  relation-extraction
Schema Based Knowledge Extraction
Code for http://lic2019.ccf.org.cn/kg 信息抽取。使用基于 BERT 的实体抽取和关系抽取的端到端的联合模型。
Stars: ✭ 199 (+282.69%)
Mutual labels:  relation-extraction

Graph Neural Networks with Generated Parameters for Relation Extraction

Code and dataset of ACL2019 Paper Graph Neural Networks with Generated Parameters for Relation Extraction. paper

Citation

Please cite our paper if you find it helpful.

@inproceedings{zhu2019graph,
  title={Graph Neural Networks with Generated Parameters for Relation Extraction},
  author={Zhu, Hao and Lin, Yankai and Liu, Zhiyuan and Fu, Jie and Chua, Tat-Seng and Sun, Maosong},
  booktitle={Proceedings of ACL},
  year={2019}
}

This repository is mainly contributed by Hao Zhu, Chaojun Xiao. And this repository is developed based on ContextAware.

Dataset

Please download gpgnn_data.zip from Aliyun and unzip it as the data folder:

unzip gpgnn_data.zip

Requirements and Installation

This repository has been tested with Python 3.6,torch==1.4.0,sacred==0.8.1

pip3 install -r requirements.txt

Get Started

Directory structure

models/: Baseline models (LSTM, CNN, PCNN, ContextAware) in baselines.py and GPGNN model in our_models.py.

parsing/: APIs to convert graphs into tensors which can be fed into our models.

semanticgraph/: APIs to construct relation graphs from sentences.

utils/: APIs to load word embeddings, evaluate, and operate the graphs.

result/: Storage area for models and output results on the test set.

model_param.json: Hyper parameters for the GPGNN model.

Running

train:

The parameters of the function main are set in function main_config. You can modify the parameters in main_config to train different models. And the hyper parameters for the models are stored in model_params.json.

python3 train.py

test:

Before testing, you should choose proper version of the model by modifing the load_model in main_config.

python3 test.py

evaluate:

cd result
python3 test_accuracy.py --input (result_file_path)
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].