11institutetext: LIAAD-INESC TEC, Portugal 22institutetext: FCUP-University of Porto, Portugal 33institutetext: University of Beira Interior, Portugal 44institutetext: University of Minho, Portugal
44email: [email protected], [email protected], [email protected]
http://www.inesctec.pt

Event Extraction for Portuguese:
A QA-driven Approach using ACE-2005

Luís Filipe Cunha 112244    Ricardo Campos 1133    Alípio Jorge 1122
Abstract

Event extraction is an Information Retrieval task that commonly consists of identifying the central word for the event (trigger) and the event’s arguments. This task has been extensively studied for English but lags behind for Portuguese, partly due to the lack of task-specific annotated corpora. This paper proposes a framework in which two separated BERT-based models were fine-tuned to identify and classify events in Portuguese documents. We decompose this task into two sub-tasks. Firstly, we use a token classification model to detect event triggers. To extract event arguments, we train a Question Answering model that queries the triggers about their corresponding event argument roles. Given the lack of event annotated corpora in Portuguese, we translated the original version of the ACE-2005 dataset (a reference in the field) into Portuguese, producing a new corpus for Portuguese event extraction. To accomplish this, we developed an automatic translation pipeline. Our framework obtains F1 marks of 64.4 for trigger classification and 46.7 for argument classification setting, thus a new state of the art reference for these tasks in Portuguese.

Keywords:
Event Extraction Question Answer Corpus Translation.

1 Introduction

Over the years, event extraction has been extensively studied and found to be a difficult information extraction task [17]. It aims to extract structured data regarding “something that happens” in a text, often understood as a specific occurrence involving one or more participants. According to the Automatic Content Extraction (ACE) 2005 annotation guidelines [1], this involves an event mention, trigger, type, argument and corresponding role:

  • Event mention: a phrase or sentence in which an event occurs, including one trigger and an arbitrary number of arguments.

  • Event trigger: the word that expresses an event occurrence.

  • Event type: represents a high-level categorization of events based on their general semantic meaning. It can be composed of sub-types that provide a more specific categorization of events.

  • Event argument: an entity mention, temporal expression or value that serves as a participant or attribute with a specific role in an event mention.

  • Argument role: indicates the semantic relationship of the argument within the event, such as the agent that performs the action, the time or location of the event, etc.

Typically, event mentions consist of an event trigger and their corresponding event arguments. Consider the following sentence, which illustrates the process of automatically identifying and classifying the event triggers and their corresponding arguments found in the text.

“Elvis Presley morreu de ataque cardíaco em 1977, Memphis, Tennessee.” (Elvis Presley died of a heart attack in 1977, Memphis, Tennessee.)

In this example, the word “morreu” (died) is an event trigger of type Life.Die and “Elvis Presley” is an event argument with role Victim.

While several English event extraction systems already exist [2, 25, 36], they reveal poor portability to other languages due to dependencies on English annotated textual resources. In this paper, we aim to tackle this problem in the context of the Portuguese language. In particular, we aim to develop a method that allows for the extraction of event mentions by leveraging the power of Transformers-based models [34]. To address this problem, we divided the event extraction task into two sub-tasks: Trigger extraction and Argument Extraction.

We approach trigger identification and classification as a Token Classification task. Then for the Argument extraction, we use a Question Answering (QA) model (inspired by Du et al. [9]) where we question the event trigger about its corresponding event argument roles. To perform these tasks, we used BERTimbau [33], a BERT [6] model pre-trained on Portuguese textual data. We fine-tuned this model with event annotations from a Portuguese translated version of ACE-2005 [7], containing textual data annotated with event triggers and corresponding arguments. For the QA task, we also experimented with the SQuAD [30] dataset in order to train our model to perform extractive QA.

Since ACE-2005 was not available in Portuguese, and the Portuguese annotated corpora we found [10, 4] did not contain explicit annotations for both event triggers and arguments, we decided to automatically translate the ACE-2005 corpus from English to Portuguese. For this purpose, we developed a translation pipeline that enabled us to automate the translation and alignment tasks. This translated dataset is an important contribution to this current work.

The main contributions of this work are listed below:

  • A pipeline for dataset translation and annotation alignment that allows the translation of annotated datasets to the Portuguese language.

  • Based on this pipeline, we produced a new dataset by translating ACE 2005 for Portuguese, which is already in the process of being accepted at the Linguistic Data Consortium (LDC) repository.

  • Using the Portuguese version of ACE-2005 corpus, we produced and deployed event extraction models. These models correspond to a baseline for Portuguese event extraction.

  • Based on the produced models, we developed and made available on Huggingface Hub, an event extraction framework for the Portuguese language.

2 Related Work

Event extraction is a fundamental task in Natural Language Processing (NLP) that has been widely researched in recent years mainly for English and with less attention to other languages. Over the years, several approaches have been proposed to tackle this task, ranging from traditional rule-based methods to more advanced machine learning and deep learning techniques [14, 18].

Recent works Du et al. [9] have demonstrated promising results using QA models in event extraction. The authors leveraged BERT [6] models fine-tuned on the ACE-2005 corpus, to identify event triggers and corresponding arguments.

Huang et al. [13] addressed event extraction by using Zero-Shot Learning to handle the scarcity of annotated data and the limited range of event types, which constrains the applicability of this task to certain domains. They drew inspiration from Pustejovsky et al. [26], who proposed that the semantics of an event structure can be generalized to different event mentions. Following this idea, they used an event ontology that defines structures for each event type. The authors used Abstract Meaning Representations (AMR) [3] to identify the event triggers and argument candidates, constructing a structure for each event.

Although event argument extraction has been primarily approached as a sentence-level task, it should be noted that in real-world scenarios, the arguments of an event can be dispersed across multiple sentences. To address this problem, Li et al. [19] propose a document-level approach for argument extraction. They use a generative model (BART [16], T5 [28]) that is conditioned by the input sequence and unfilled templates created from an event ontology. The model is responsible for filling those templates with a limited vocabulary in order to prevent it from “hallucinating”.

Despite the advances in this particular area, little has been done for the Portuguese language. Quaresma et al. [27] implemented an Event Extraction framework for the Portuguese language, focused on the crime investigation domain. Their framework relied on Semantic Role Labeling to extract event arguments and was validated on PropBank [10] corpus. The authors did not classify events by type and instead focused on the roles provided by the SRL schema, such as Actor, Place, Time, and Object. Consequently, it would be difficult to compare their work with ours as ACE-2005 contains 33 different event types.

The same applies to the work developed by Costa and Branco [5]. They used feature engineering combined with a decision tree trained on the TimeBankPT corpus to extract events from Portuguese texts. However, the TimeBankPT corpus event annotations only contain the following event types: REPORTING, OCCURRENCE, STATE, I_STATE, and I_ACTION. These annotations lack detail on event structure compared to ACE-2005, specifically the event arguments and roles.

3 Methodology

This section will discuss the methodologies used to extract event triggers (Section 3.1) and event arguments (Section 3.2). To achieve this, we fine-tune a Portuguese BERT model [33] with a Portuguese-translated version of the ACE-2005 corpus (more details in Section 4.1). We fine-tined the model for token classification and Question Answer tasks to extract event triggers and event arguments, respectively.

3.1 Trigger Extraction

For the first task, we train a model that identifies and classifies event triggers. The task is formulated as a token classification one. Given a sequence of N1subscript𝑁1N_{1}italic_N start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT tokens W=[w1,w2,,wN1]𝑊𝑤1𝑤2𝑤subscript𝑁1W=[w1,w2,...,wN_{1}]italic_W = [ italic_w 1 , italic_w 2 , … , italic_w italic_N start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT ] and a fixed set of event types (None type included) of length N2subscript𝑁2N_{2}italic_N start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT A=[a1,a2,,aN2]𝐴𝑎1𝑎2𝑎subscript𝑁2A=[a1,a2,...,aN_{2}]italic_A = [ italic_a 1 , italic_a 2 , … , italic_a italic_N start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ] our model assigns each token from W𝑊Witalic_W to their corresponding label from A𝐴Aitalic_A.

To perform this task we used BERTimbau [33], a BERT-based model that was pre-trained on Portuguese texts. We fine-tuned this model on token classification using the Portuguese-translated version of the ACE-2005 corpus. For that, we converted the translated corpus to the IOB scheme [31] (Beginning, Inside and Outside) where a label is assigned to each token of the text sequence. We consider the 9 event types and 33 event sub-types contained in ACE-2005 as labels for token classification task.

3.2 Argument Extraction

To extract arguments from the text, we used extractive QA, where we formulated questions about the event to obtain the argument roles. These questions are influenced by each specific trigger word. Given a sentence S𝑆Sitalic_S and a question Q𝑄Qitalic_Q, this task aims to find the token span offsets where the corresponding answer a𝑎aitalic_a lies in S𝑆Sitalic_S. In order to accomplish this objective, we fine-tuned the BERTimbau model in a QA task.

The input sequence format is described below:

[𝐂𝐋𝐒]𝐪𝐮𝐞𝐬𝐭𝐢𝐨𝐧(𝐐)[𝐒𝐄𝐏]𝐬𝐞𝐧𝐭𝐞𝐧𝐜𝐞(𝐒)[𝐒𝐄𝐏]delimited-[]𝐂𝐋𝐒𝐪𝐮𝐞𝐬𝐭𝐢𝐨𝐧𝐐delimited-[]𝐒𝐄𝐏𝐬𝐞𝐧𝐭𝐞𝐧𝐜𝐞𝐒delimited-[]𝐒𝐄𝐏\mathbf{[CLS]\ question(Q)\ [SEP]\ sentence\ (S)[SEP]}[ bold_CLS ] bold_question ( bold_Q ) [ bold_SEP ] bold_sentence ( bold_S ) [ bold_SEP ]

In this format, we have the BERT classification token CLS and the SEP token that separates the S𝑆Sitalic_S and Q𝑄Qitalic_Q input text sequences. The model outputs logits for the start (astartsubscript𝑎𝑠𝑡𝑎𝑟𝑡a_{start}italic_a start_POSTSUBSCRIPT italic_s italic_t italic_a italic_r italic_t end_POSTSUBSCRIPT) and end (aendsubscript𝑎𝑒𝑛𝑑a_{end}italic_a start_POSTSUBSCRIPT italic_e italic_n italic_d end_POSTSUBSCRIPT) positions of the answer to each token of the input sequence. Before selecting the most probable answer offsets, several validations must be performed to ensure that the answer span is valid. For instance, the answer a𝑎aitalic_a should be fully contained within the sentence S𝑆Sitalic_S and not part of the question Q𝑄Qitalic_Q; The start offset astartsubscript𝑎𝑠𝑡𝑎𝑟𝑡a_{start}italic_a start_POSTSUBSCRIPT italic_s italic_t italic_a italic_r italic_t end_POSTSUBSCRIPT cannot be greater than the end offset aendsubscript𝑎𝑒𝑛𝑑a_{end}italic_a start_POSTSUBSCRIPT italic_e italic_n italic_d end_POSTSUBSCRIPT, etc. These validations are common procedures in the QA task.

3.2.1 Questions Generation

In the following, we outline how we generated the actual questions for fine-tuning the model. We adopted a template-based approach, similar to Du et al. [9] and Lyu et al. [22]. Based on the event type, we can determine the appropriate questions to ask in order to extract specific arguments. In ACE-2005, each event type has a predetermined set of argument roles. We generated a question template for each event type by creating a set of questions (in Portuguese) based on the event type’s corresponding roles. Each question of the template expects to obtain as an answer the argument associated with each role. We referred to the argument roles description provided in the ACE-2005 annotation guidelines to generate these questions.

Table 1 contains the questions used to extract the arguments of an event type LIFE.DIE. Following the guidelines [1], we know that this event type can have five different argument roles: Agent, Victim, Instrument, Time and Place.

Table 1: Question templates for the event type LIFE.DIE.
Role Question (Portuguese) Question (English)
Agent Quem é o assassino? Who is the assassin?
Victim Quem morre? Who died?
Instrument Qual é o instrumento utilizado? What is the used instrument?
Zeit Quando ocorre a morte? When is the death?
Place Onde ocorre a morte? Where is the death?

Then, to contextualize the question within the event mention, we concatenate it with the event trigger word, a method that has shown to improve the model results [9]. We use the following question format: {question} + in {trigger}?. For instance, in our example of Section 1, we have an event of type LIFE.DIE. In order to extract the argument role Time, the following question is generated:

Quando ocorre a morte + em morreu?
(When is the death + in died?)

Given this prompt, the model should output the answer span corresponding to “em 1977” (in 1997). The model uses the generated questions to extract each argument role from the text. Given an event mention and an event trigger, we replicate this procedure for all the event arguments.

3.2.2 Impossible Answer

It’s important for the model to be able to identify questions that do not have a correct answer. In fact, not all event argument roles can be found in every event mention. For instance, in the example provided, the Agent argument role cannot be found in the text, which implies that the question “Who is the assassin?” should not have a correct answer.

To address this problem, we trained the model to predict the “impossible” answer. During the training phase, we gave the model several questions without any answer. In these cases, the answer span offsets are assigned to the index 0 of the input sequence corresponding to the BERT CLS token. By doing so, during inference, our model is able to filter out the roles that may not be present in the text by giving the highest probability to the CLS token. In that case, we consider that the argument role is not present in the current event mention.

4 Data

When it comes to the event extraction task, ACE-2005 is considered the standard corpus in this field. While other corpora such as PropBank focus on the annotation of predicate-argument structure, ACE-2005 goes beyond this by providing information on the overall event structure, including the event type and its corresponding argument roles. It is available in English, Chinese, and Arabic, however, there is no version of this dataset in Portuguese. We decided to take the effort of translating the dataset, thus being able to work with this valuable resource for Portuguese. In this work, we used a translated version of ACE-2005 in Portuguese, which contains 5 526 event mentions consisting of 5 526 event triggers and 9 649 corresponding event arguments.

We have also used the well known SQuAD corpus [30] for training an extractive question answering model. It consists of articles obtained from Wikipedia and a set of corresponding questions and answers about each article. In this work, we used two versions of this dataset: SQuAD1.1, which contains 100 000 questions and respective answers; SQuAD2.0 [29], which contains 150 000 questions and answers. The latter version contains all the questions from version 1.0, however, it contains 50 000 additional questions that have no correct answers. In version 2.0, one must consider the impossible answer scenario when finding the correct answer, creating a more challenging QA task. A Portuguese version of SQuAD 1.0 was already available from the Deep Learning Brasil Group111http://www.deeplearningbrasil.com.br/ , however, we took the effort of translating version 2.0.

4.1 ACE-2005 Translation

In this section, we provide an overview of the ACE-2005 corpus translation process. Although we use automatic translation, translating an annotated dataset can become particularly challenging when it comes to aligning its annotations. In fact, mismatches can occur between the annotations and their occurrences in the corresponding sentence. For instance, in sentence “The troops land on the shore”, ACE-2005 states that the trigger “land” should be extracted. However, the word “land” is translated to “terra” (land as a noun) in isolation and to “desembarcam” (land as a verb) in context.

In the pre-processing222https://github.com/nlpcl-lab/ace2005-preprocessing of ACE-2005, each event annotation was assigned to its corresponding text sentence. Then, we automatically translated each sentence, its corresponding triggers and arguments. These translations resulted in annotations’ miss-alignments i.e., translated annotations that were not contained in the translated sentences. In order to align these cases, we developed an alignment pipeline that is composed of four components: lemmatization, multiple translations, a BERT-based world aligner and fuzzy string similarity.

Regarding lemmatization, instead of directly matching the annotations to their respective sentence, we calculated lemma tokens from both the translated sentence and the corresponding translated annotations. Then, we performed the matching process using these lemma tokens. If that method was not able to find a match, we proceed to the next element of the pipeline. In particular, we used Microsoft Dictionary Lookup API to retrieve alternative translations of the event annotations and tried to match them in their sentences.

The third component of our pipeline involved aligning the annotations with a parallel corpus word aligner, proposed in Dou et al. [8]. In practice, we used the embeddings retrieved from the BERT-Multilingual model [6] in order to compute the correspondence between each token of the source sentences (English) and the translated sentences (Portuguese). Then by looking at the English annotations words, we calculated the corresponding Portuguese annotations.

Finally, if the previous approaches could not solve the miss-alignment, we used character-level similarity algorithms such as Levenshtein distance [15] and Gestalt pattern matching [32]. This approach allowed us to identify the substring within the sentence that was most similar to the annotations.

4.2 SQuAD Translation

In this work, we used a version of SQuAD1.1 that had been previously translated into Portuguese. To create a Portuguese version of the SQuAD2.0 dataset, we automatically translated the additional 50,000 impossible questions. Since these questions do not have a valid answer within the article’s text, performing annotation alignments to this dataset was unnecessary.

5 Modeling

To validate our approach we use the translated ACE-2005 corpus for training and testing, as well as the translated SQuAD datasets for modeling question-answering. We aim to assess the following: 1) the success of the trigger identification and classification approach; 2) the success of the question answering approach for argument classification; 3) the impact of training the model to detect the absence of event arguments. Given the lack of other works in Portuguese, we compare our work with the results obtained by state of the art approaches for the same tasks on the original ACE-2005 corpus.

Our first setup was to fine-tune the BERTimbau model [33] with the train split from our translated version of ACE-2005 (BERT-PT-ACE05). We used the event trigger annotations to train the token classification model and the argument annotations to train the QA model.

Then, for the argument extraction task, we used an existing Portuguese QA model [12] (pre-trained on SQuAD1.1 dataset ) and fine-tune it with the ACE-2005 data (BERT-PT-SQuAD1.1-ACE05). The motivation of this approach consisted of teaching the model to answer general questions first and then using that knowledge to answer our event-driven questions to extract the event arguments. Due to the nature of the SQuAD1.1 dataset, the Portuguese QA model [12] is not able to output impossible answers.

Next, we tested a similar approach, but instead of using a QA model based on SQuAD1.1, we fine-tuned the BERTimbau model with SQuAD2.0 so the model could learn how to identify impossible answers. Subsequently, we used ACE-2005 data so the model learns how to extract the event arguments (BERT-PT-SQuAD2.0-ACE05). As stated before, dealing with impossible answers is important because not all event argument roles are present in every event.

6 Results

Our models were validated on the test split of ACE-2005 containing 422 event triggers and 892 arguments. We ensured a fairer comparison with state-of-the-art in English by using the same data splits and evaluation criteria as previous works [9, 17]. A correct identification and classification of an event trigger requires matching its offsets and event type with the gold-standard. An event argument’s correct identification and classification demands matching its offsets with the ACE-2005 annotations and ensuring its semantic role is accurate. In other words, matching between extracted elements and ground truth must be exact.

Table 2: Event Extraction results on ACE-2005 dataset.
Model Trigger Classification Argument Classification
P R F1 P R F1
English ACE-2005
JRNN 2016 [25] 73.0 66.0 69.3 56.7 54.2 55.4
JointEntityEvent 2016 [36] 75.1 63.3 68.7 70.6 36.9 48.4
GAIL-ELMo 2019 [37] 74.8 69.4 72.0 61.6 45.7 52.4
BERT_QA_Arg 2020 [9] 71.1 73.7 72.4 56.8 50.2 53.3
OneIE 2020 [20] - - 74.7 - - 56.8
Text2Event 2021 [21] 69.6 74.4 71.9 52.5 55.2 53.8
FourIE 2021 [23] - - 75.4 - - 58.0
GraphIE 2022 [24] - - 75.7 - - 59.4
Portuguese ACE-2005
BERT-PT-ACE05 63.6 65.3 64.4 46.3 45.1 45.7
BERT-PT-SQuAD1.1-ACE05 - - - 45.7 46.3 46.0
BERT-PT-SQuAD2.0-ACE05 - - - 46.8 46.6 46.7

On Table 2 is presented a comparison of our results using the ACE in Portuguese against SOTA event extraction methods using the original ACE 2005. The evaluation metrics are Precision (P), Recall (R) and F1 scores. Looking at the trigger extraction task, our F1 for Portuguese is about 10% below F1 for English. This superiority, also observable for argument extraction (nearly 15%), is probably due to the translation effects and language specifics. As for the arguments, one can observe a slightly positive impact of using question-answering and a clearer impact of allowing non-answers (more details in Section 7).

Finally, for direct qualitative evaluation, we developed and deployed a Web application333https://hf.co/spaces/lfcc/Event-Extractor that functions as an interface for the proposed event extraction framework making our models accessible and usable.

7 Discussion

Our models for Portuguese were trained using automatically translated data. However, the automatic translation still faces many challenges, including accurately capturing the nuances of language, handling idiomatic expressions, and dealing with cultural language differences. Therefore, it is important to be aware of these limitations and expect some noise in the translated data.

Another limitation we found was the annotation alignment. In fact, we used several techniques to improve our results in the alignment of the trigger and argument span annotations. Despite that, we know there are still alignment errors, causing triggers and arguments to be wrongly annotated. Consider the following sentence “We discussed the Middle East peace process” and the corresponding translation “Discutimos o processo de paz no Médio Oriente”. In this sentence, the word “discussed” is an event trigger of type Contact.Meet while the word “We” corresponds to an event argument playing the role Entity. However, in the Portuguese translation, the sequence “We discussed” was translated into “Discutimos” (the verb was conjugated in the first person plural). The argument “We” became implicit, making the annotation hard to align.

Furthermore, in addition to the translation noise, we believe that the event extraction difficulty for English and Portuguese languages is not the same. For instance, the Portuguese language has a greater diversity of words. This is the case of the conjugation of verbs. Looking at the trigger words, the ACE-2005 corpus has about 1237 different trigger words in total, while the Portuguese translated version has 1900 trigger words. Although we show comparative results of our work against SOTA English models, it is not entirely fair to make a direct comparison given the differences in language and cultural context.

As for the results, our validation data was translated in the exact same manner as our training data, which means that it also contains the translation and alignment noise we mentioned above. It would be interesting to validate our models against data revised by humans, ensuring a higher data quality.

In fact, we employed identical metrics as previous works to compare our outcomes. Nonetheless, the strict evaluation metrics hide many near misses. Consider the following example:

Gold Argument: ex-banqueiro sênior Callum McCarthy

Predicted Argument: O ex-banqueiro sênior Callum McCarthy

(The former senior banker Callum McCarthy)

In this case, our model prediction closely matches the ground truth but receives no credit for it because it fails to identify the determinant “O” (the).

Finally, another limitation of our method is that ACE-2005 annotations are sentence-level, causing our models to have difficulties extracting cross-sentence event arguments. In order to attenuate this problem, our deployed framework uses a context window that works as a hyperparameter allowing us to consider more than one sentence as context for the QA task.

8 Conclusion

This work proposes a novel method for extracting events from Portuguese text. Our approach involves two tasks: first, we classify and identify event triggers using token classification; Then, we extract event arguments using extractive QA. To train models capable of performing those tasks, we fine-tune the BERTimbau model with SQuAD and ACE-2005 datasets, the latter being a reference in the event extraction field. Since these datasets were not available in Portuguese, we developed a translation pipeline to automatically translate them. We present a new event extraction baseline for Portuguese using the ACE-2005 dataset translated into Portuguese. As we could not find any comparable works in Portuguese, we used existing English event extraction works as a benchmark. While our models achieved lower results compared to the English models, we believe the comparison cannot be made directly due to language differences.

For future work, considering the lack of extensive research on this task for Portuguese, there are numerous suitable approaches that could improve our results. For example, expanding our data domain by incorporating other event-driven datasets, such as TAC KBP 2015 [11] and MINION [35]. We could also leverage Semantic Role Labeling for Portuguese in order to enhance the performance of event argument extraction.

9 Acknowledgments

The authors of this paper were financed by National Funds through the FCT - Fundação para a Ciência e a Tecnologia, I.P. (Portuguese Foundation for Science and Technology) within the project StorySense, with reference 2022.09312.PTDC)

References

  • [1] English annotation guidelines for events. Linguistic Data Consortium (2005), https://www.ldc.upenn.edu/sites/www.ldc.upenn.edu/files/english-events-guidelines-v5.4.3.pdf
  • [2] Balali, A., Asadpour, M., Campos, R., Jatowt, A.: Joint event extraction along shortest dependency paths using graph convolutional networks. Knowledge-Based Systems 210, 106492 (2020). https://doi.org/10.1016/j.knosys.2020.106492
  • [3] Banarescu, L., Bonial, C., Cai, S., Georgescu, M., Griffitt, K., Hermjakob, U., Knight, K., Koehn, P., Palmer, M., Schneider, N.: Abstract Meaning Representation for sembanking. In: Proceedings of the 7th Linguistic Annotation Workshop and Interoperability with Discourse. pp. 178–186. Sofia, Bulgaria (Aug 2013)
  • [4] Costa, F., Branco, A.: Temporal information processing of a new language: Fast porting with minimal resources. In: Proceedings of the 48th Annual Meeting of the Association for Computational Linguistics. pp. 671–677. Sweden (July 2010)
  • [5] Costa, F., Branco, A.: Lx-timeanalyzer: A temporal information processing system for portuguese (2012), http://hdl.handle.net/10455/6796
  • [6] Devlin, J., Chang, M., Lee, K., Toutanova, K.: BERT: pre-training of deep bidirectional transformers for language understanding. CoRR abs/1810.04805 (2018)
  • [7] Doddington, G., Mitchell, A., Przybocki, M., Ramshaw, L., Strassel, S., Weischedel, R.: The automatic content extraction (ACE) program – tasks, data, and evaluation. In: Proceedings of the Fourth International Conference on Language Resources and Evaluation (LREC’04). European Language Resources Association (ELRA), Lisbon, Portugal (May 2004)
  • [8] Dou, Z.Y., Neubig, G.: Word alignment by fine-tuning embeddings on parallel corpora. EACL 2021 - 16th Conference of the European Chapter of the Association for Computational Linguistics, Proceedings of the Conference pp. 2112–2128 (2021)
  • [9] Du, X., Cardie, C.: Event extraction by answering (almost) natural questions. EMNLP 2020 - 2020 Conference on Empirical Methods in Natural Language Processing, Proceedings of the Conference pp. 671–683 (2020)
  • [10] Duran, M.S., Aluísio, S.M.: Propbank-br: a brazilian treebank annotated with semantic role labels. In: LREC. pp. 1862–1867 (2012)
  • [11] Ellis, J., Getman, J., Fore, D., Kuster, N., Song, Z., Bies, A., Strassel, S.: Overview of linguistic resources for the tac kbp 2015 evaluations: Methodologies and results
  • [12] Guillou, P.: Portuguese bert base cased qa (question answering), finetuned on squad v1.1 (2021)
  • [13] Huang, L., Ji, H., Cho, K., Voss, C.R.: Zero-shot transfer learning for event extraction. CoRR abs/1707.01066 (2017), http://arxiv.org/abs/1707.01066
  • [14] Lai, V.D.: Event extraction: A survey (2022)
  • [15] Levenshtein, V.I.: Binary codes capable of correcting deletions, insertions, and reversals 163(4), 845–848 (1965)
  • [16] Lewis, M., Liu, Y., Goyal, N., Ghazvininejad, M., Mohamed, A., Levy, O., Stoyanov, V., Zettlemoyer, L.: Bart: Denoising sequence-to-sequence pre-training for natural language generation, translation, and comprehension (2019)
  • [17] Li, Q., Ji, H., Huang, L.: Joint event extraction via structured prediction with global features. In: Proceedings of the 51st Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers). pp. 73–82. Bulgaria (2013)
  • [18] Li, Q., Li, J., Sheng, J., Cui, S., Wu, J., Hei, Y., Peng, H., Guo, S., Wang, L., Beheshti, A., Yu, P.S.: A survey on deep learning event extraction: Approaches and applications (2022)
  • [19] Li, S., Ji, H., Han, J.: Document-level event argument extraction by conditional generation. CoRR abs/2104.05919 (2021)
  • [20] Lin, Y., Ji, H., Huang, F., Wu, L.: A joint neural model for information extraction with global features. In: Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics. pp. 7999–8009 (Jul 2020)
  • [21] Lu, Y., Lin, H., Xu, J., Han, X., Tang, J., Li, A., Sun, L., Liao, M., Chen, S.: Text2Event: Controllable sequence-to-structure generation for end-to-end event extraction. In: Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 1: Long Papers). pp. 2795–2806 (Aug 2021)
  • [22] Lyu, Q., Zhang, H., Sulem, E., Roth, D.: Zero-shot event extraction via transfer learning: Challenges and insights. In: Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 2: Short Papers) (Aug 2021)
  • [23] Nguyen, M.V., Lai, V.D., Nguyen, T.H.: Cross-task instance representation interactions and label dependencies for joint information extraction with graph convolutional networks. In: Proceedings of the 2021 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies. pp. 27–38 (Jun 2021). https://doi.org/10.18653/v1/2021.naacl-main.3
  • [24] Nguyen, M.V., Min, B., Dernoncourt, F., Nguyen, T.: Joint extraction of entities, relations, and events via modeling inter-instance and inter-label dependencies. In: Proceedings of the 2022 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies. pp. 4363–4374. United States (Jul 2022). https://doi.org/10.18653/v1/2022.naacl-main.324
  • [25] Nguyen, T.H., Cho, K., Grishman, R.: Joint event extraction via recurrent neural networks. In: Proceedings of the 2016 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies. pp. 300–309. California (Jun 2016). https://doi.org/10.18653/v1/N16-1034
  • [26] Pustejovsky, J.: The syntax of event structure. Cognition 41(1), 47–81 (1991). https://doi.org/https://doi.org/10.1016/0010-0277(91)90032-Y
  • [27] Quaresma, P., NogueDu2020ira, V.B., Raiyani, K., Bayot, R.: Event extraction and representation: A case study for the portuguese language. Information (2019)
  • [28] Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M., Zhou, Y., Li, W., Liu, P.J.: Exploring the limits of transfer learning with a unified text-to-text transformer (2020)
  • [29] Rajpurkar, P., Jia, R., Liang, P.: Know what you don’t know: Unanswerable questions for squad
  • [30] Rajpurkar, P., Zhang, J., Lopyrev, K., Liang, P.: Squad: 100,000+ questions for machine comprehension of text. EMNLP 2016 - Conference on Empirical Methods in Natural Language Processing, Proceedings pp. 2383–2392 (6 2016)
  • [31] Ramshaw, L.A., Marcus, M.P.: Text chunking using transformation-based learning. CoRR cmp-lg/9505040 (1995), http://arxiv.org/abs/cmp-lg/9505040
  • [32] Ratcliff, J.W., Metzener, D.E.: Pattern-matching-the gestalt approach. Dr Dobbs Journal 13(7),  46 (1988)
  • [33] Souza, F., Nogueira, R., Lotufo, R.: Bertimbau: Pretrained bert models for brazilian portuguese. In: Cerri, R., Prati, R.C. (eds.) Intelligent Systems. pp. 403–417. Springer International Publishing, Cham (2020)
  • [34] Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez, A.N., Kaiser, L., Polosukhin, I.: Attention is all you need (2017)
  • [35] Veyseh, A.P.B., Nguyen, M.V., Dernoncourt, F., Nguyen, T.H.: MINION: a large-scale and diverse dataset for multilingual event detection. CoRR (2022)
  • [36] Yang, B., Mitchell, T.M.: Joint extraction of events and entities within a document context. CoRR abs/1609.03632 (2016), http://arxiv.org/abs/1609.03632
  • [37] Zhang, T., Ji, H., Sil, A.: Joint entity and event extraction with generative adversarial imitation learning. Data Intell. 1(2), 99–120 (2019)