前言

之前研究事件抽取领域(NLP一个小领域信息抽取的子领域), 之前整理过一些文献。

事件抽取文献整理(2020-2021)
+
事件抽取文献整理(2019)
+
事件抽取文献整理(2018)
+
事件抽取文献整理(2008-2017)

模型综述
图片来自: A Compact Survey on Event Extraction: Approaches and Applications


之前看的时候还看了这篇描述 NLP 事件抽取综述(中)—— 模型篇

模型中有$代表有给代码

论文

2021

Gen-arg $

Document-Level Event Argument Extraction by Conditional Generation (aclanthology.org)


使用了Bart模型, 但个人看了官方源码觉得不全

BRAD

Event Extraction from Historical Texts: A New Dataset for Black Rebellions (aclanthology.org)
无官方源码
提出了一个新的数据集(论文没有给公开的数据集链接), 是本文的主要贡献点。
a corpus of nineteenth-century African American newspapers.
Our dataset features 5 entity types, 12 event types, and 6 argument roles that concern slavery and black movements between the eighteenth and nineteenth centuries.

TEXT2EVENT $

原文: https://aclanthology.org/2021.acl-long.217.pdf
代码: luyaojie/Text2Event (github.com)
如何融合使用shcema去constraint decode过程或许可以参考

CasEE $

CasEE: A Joint Learning Framework with Cascade Decoding for Overlapping Event Extraction (aclanthology.org)
代码: JiaweiSheng/CasEE: Source code for ACL 2021 finding paper: CasEE: A Joint Learning Framework with Cascade Decoding for Overlapping Event Extraction (github.com)
面向中文
我尝试了一下环境,发现没啥问题,能跑起来
也简单看了一遍代码

这篇文章其实是参考CasRel (arxiv.org), 一个三元组关系抽取任务。将这个范式迁移到事件抽取中。

CasEE 架构:

使用了CLN(Conditioned LayNorm)和 MSA(multiHead Self-Attention)

利用双指针, start pos, end pos, 但是缺点是阈值需要手动设定 We select tokens with 数学公式: t ^ i s c > ξ 2 \hat{t}^{sc}_i > ξ_2 t^isc​>ξ2​ as the start positions, and those with 数学公式: t ^ i e c > ξ 3 \hat{t}^{ec}_i > ξ_3 t^iec​>ξ3​as end positions, where 数学公式: ξ 2 , ξ 3 ∈ [ 0 , 1 ] ξ_2, ξ_3 ∈ [0, 1] ξ2​,ξ3​∈[0,1] are scalar thresholds.

在论元分类的时候,还有个type_soft_constrain的操作

p_s = torch.sigmoid(self.head_cls(inp))  # [b, t, l]
p_e = torch.sigmoid(self.tail_cls(inp))type_soft_constrain = torch.sigmoid(self.gate_linear(type_emb))  # [b, l]
type_soft_constrain = type_soft_constrain.unsqueeze(1).expand_as(p_s)
p_s = p_s * type_soft_constrain
p_e = p_e * type_soft_constrain

不同模型不同学习率, 另外 get_cosine_schedule_with_warmup 可见这个例子: 情感分析bert家族 pytorch实现(ing)

def set_learning_setting(self, config, train_loader, dev_loader, model):instances_num = len(train_loader.dataset)train_steps = int(instances_num * config.epochs_num / config.batch_size) + 1print("Batch size: ", config.batch_size)print("The number of training instances:", instances_num)print("The number of evaluating instances:", len(dev_loader.dataset))bert_params = list(map(id, model.bert.parameters()))other_params = filter(lambda p: id(p) not in bert_params, model.parameters())optimizer_grouped_parameters = [{'params': model.bert.parameters()}, {'params': other_params, 'lr': config.lr_task}]optimizer = AdamW(optimizer_grouped_parameters, lr=config.lr_bert, correct_bias=False)scheduler = get_linear_schedule_with_warmup(optimizer, num_warmup_steps=train_steps * config.warmup, num_training_steps=train_steps)

CLEVE $

CLEVE: Contrastive Pre-training for Event Extraction (aclanthology.org)
代码: THU-KEG/CLEVE (github.com)

BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding
Graph Isomorphism Network
Here we use a state-of-the-art GNN model, Graph Isomorphism Network (Xu et al., 2019), as our graph encoder for its strong representation ability.

FEAE

Trigger is Not Sufficient: Exploiting Frame-aware Knowledge for Implicit Event Argument Extraction (aclanthology.org)
无官方源码

MRC-based Argument Extraction
Teacher-student Framework

GIT $

Document-level Event Extraction via Heterogeneous Graph-based Interaction Model with a Tracker (aclanthology.org)
源码: Document-level Event Extraction via Heterogeneous Graph-based Interaction Model with a Tracker (aclanthology.org)

作者在AI Drive分享GIT的视频分享中也说了,一开始并不是end to end训练的,而是先给了gold label, 慢慢再替换为模型的输出

tracker 非并行成为模型运行的速度瓶颈,另外, 论元抽取的顺序需要预先定义
例如这里的Equity Freeze需要手工定义Equity Holder -> FrozeShare -> StartDate…
这个需要训练才能发现好坏

github是金融数据集

NoFPFN $

Revisiting the Evaluation of End-to-end Event Extraction (aclanthology.org)
源码: dolphin-zs/Doc2EDAG (github.com)

reinforcement learning, to support diverse preferences of evaluation metrics motivated by different scenarios, we propose a new training paradigm based on reinforcement learning for a typical end-to-end EE model,

GATE $

GATE: Graph Attention Transformer Encoder for Cross-lingual Relation and Event Extraction (arxiv.org)

Ahmad, W. U., Peng, N., & Chang, K.-W. (2021). GATE: Graph Attention Transformer Encoder for Cross-lingual Relation and Event Extraction. Proceedings of the AAAI Conference on Artificial Intelligence, 35(14), 12462-12470. Retrieved from https://ojs.aaai.org/index.php/AAAI/article/view/17478

源码:wasiahmad/GATE (github.com)
跨语言

DualQA

What the Role is vs. What Plays the Role: Semi-Supervised Event Argument Extraction via Dual Question Answering | Proceedings of the AAAI Conference on Artificial Intelligence
无官方源码

GRIT $

GRIT: Generative Role-filler Transformers for Document-level Event Entity Extraction (aclanthology.org)

源码: xinyadu/grit_doc_event_entity (github.com)

Event Entity Extraction

Partially causal masking strategy

Wen et al.

Event Time Extraction and Propagation via Graph Attention Networks (aclanthology.org)
无官方源码

2020

SciBERT $

Biomedical Event Extraction as Multi-turn Question Answering (aclanthology.org)
源码:allenai/scibert: A BERT model for scientific text. (github.com)

Biomedical event extraction
describing specific relationships between multiple molecular entities, such as genes, proteins, or cellular components



可视化工具 BioNLP Shared Task 2011: Supporting Resources (aclanthology.org)

HPNet

Joint Event Extraction with Hierarchical Policy Network (aclanthology.org)
无官方源码



M2E2

Cross-media Structured Common Space for Multimedia Event Extraction (aclanthology.org)
无官方源码


MQAEE

Event Extraction as Multi-turn Question Answering (aclanthology.org)
无官方源码

模型结构图:

Du et al. $

Event Extraction by Answering (Almost) Natural Questions (aclanthology.org)
源码: xinyadu/eeqa: Event Extraction by Answering (Almost) Natural Questions (github.com)
ll同学在用这篇, 先放放,看他怎么说

Min et al.

Towards Few-Shot Event Mention Retrieval: An Evaluation Framework and A Siamese Network Approach (aclanthology.org)
无官方源码

  • Sample pairs that are both in the query, and assign them the same class label.
  • Sample pairs such that one of them is in the query but the other is not, and assign this pair the not in same class label.

Chen et al.

Reading the Manual: Event Extraction as Definition Comprehension (aclanthology.org)
无官方源码

主要可以面向零样本和少样本
暂时没看懂Approach部分…
trigger cls: 72.9
arg cls: 42.4

EEGCN $

Edge-Enhanced Graph Convolution Networks for Event Detection with Syntactic Relation (aclanthology.org)

源码: cuishiyao96/eegcned (github.com)

图模型有些奇特
Edge-Aware Node Update Module first aggregates information from neighbors of each node through specific edge, and Node-Aware Edge Update module refines the edge representation with its connected nodes.

只有事件trigger任务


事件抽取文献整理(2020-2021)相关推荐

  1. 事件抽取文献整理(2018)

    前言 之前研究事件抽取领域(NLP一个小领域信息抽取的子领域), 之前整理过一些文献. 本文是 事件抽取文献整理(2019) 的后续. 事件抽取文献整理(2020-2021) + 事件抽取文献整理(2 ...

  2. 英文事件抽取论文整理

    不知不觉,研究英文事件抽取两年了,是时候将看过的paper做一个总结了 目前事件抽取仍然集中于基于表示的神经网络方法,但基于特征的方法仍然值得去领悟,因此我主要按这两个类别进行分类: 基于特征的方法 ...

  3. 直播 | ACL 2021论文解读:基于对抗学习的事件抽取预训练模型

    「AI Drive」是由 PaperWeekly 和 biendata 共同发起的学术直播间,旨在帮助更多的青年学者宣传其最新科研成果.我们一直认为,单向地输出知识并不是一个最好的方式,而有效地反馈和 ...

  4. 科大讯飞2020完整事件抽取系统(bert+数据集)

    科大讯飞2020完整事件抽取系统(bert+数据集) 事件抽取将非结构化文本中的事件信息展现为结构化形式,在舆情监测.文本摘要.自 动问答.事理图谱自动构建等领域有着重要应用.在真实新闻中,由于文本中 ...

  5. 使用MRC(机器阅读理解)方式做事件抽取任务,基于2020百度事件抽取任务

    ​关注微信公众号:NLP分享汇.[喜欢的扫波关注,每天都在更新自己之前的积累] 文章链接:https://mp.weixin.qq.com/s/aKB6j42bC1MnWCFIEyjwQQ [前言] ...

  6. 基于百度2020语言与智能技术竞赛:事件抽取任务

    关注微信公众号:NLP分享汇.[喜欢的扫波关注,每天都在更新自己之前的积累] 文章链接:https://mp.weixin.qq.com/s/4oGMn1eZehGCBrmKJSf1_A ​[前言] ...

  7. ACL2020放榜!事件抽取、关系抽取、NER、Few-Shot相关论文整理~

    重磅! ACL2020 官方放榜啦!传送门: https://acl2020.org/program/accepted/ 小编在此整理出了一份事件抽取.关系抽取.命名实体识别.Few-Shot以及在模 ...

  8. EMNLP 2021事件相关(事件抽取、事件关系抽取、事件预测等)论文汇总

    EMNLP 2021事件相关(事件抽取.事件关系抽取.事件预测等)论文汇总,已更新全部. Event Extraction Crosslingual Transfer Learning for Rel ...

  9. NLP事件抽取顶刊顶会模型汇总-2021

    SpERT(基于span)(使用BERT) Span-based Joint Entity and Relation Extraction with Transformer Pre-training ...

最新文章

  1. keras训练完以后怎么预测_使用Keras建立Wide Deep神经网络,通过描述预测葡萄酒价格...
  2. 自学python转行-转行Python,应该如何短期自学,达到就业水平
  3. 小波的秘密10_图像处理应用:图像增强
  4. 通信 / HTTPS 过程详解
  5. bs架构的系统能连接mysql吗_HTTP、BS架构
  6. 每个产品经理都应该知道的机器学习术语
  7. Dubbo源码分析系列-深入Dubbo SPI机制
  8. windows phone, 应用最大内存
  9. java中4种修饰符访问权限的区别
  10. Android Studio 3.3发布:官方支持导航编辑器
  11. C/C++回调方式系列之二class接口回调和lambda程式
  12. 句法结构中的语义分析
  13. C++和C#结构体转换的问题
  14. 设置selected选中的多种方法(总结)
  15. 为什么TIME_WAIT状态是2MSL?(2个原因)
  16. 2020.9.8:Spring cloud :install时报错
  17. 【Python进阶】9- Pandas的应用
  18. 好数对的数目(C++)
  19. 计算机输入法在桌面显示不出来的,电脑开机无法正常显示桌面只能看到输入法如何解决...
  20. music功能 vue_vue_music:歌手详情页

热门文章

  1. 树莓派python编程优点_树莓派为什么会使用python编程?为什么有时python运行效率不高?...
  2. Unity UGUI简单的音频播放+读歌词(实现类似 QQ音乐,网易云音乐歌词滚动)
  3. android webservice 传递对象,Android通过ksoap2传递复杂数据类型及CXF发布的webservice详细介绍...
  4. 用Python制作一个颜值打分器,看看你女盆友们颜值多少分
  5. 上百个微信小程序源代码下载,超过100个完整项目文档
  6. 软银孙正义谈收购Sprint:拟用数据服务动摇美国
  7. matlab finfsym,matlab 定义f函数
  8. matlab定义函数多输入,matlab .m文件中定义多个函数
  9. Android稳定性测试资源汇总
  10. 开源直播平台接口分析及使用