Supporting Medical Relation Extraction via Causality-Pruned Semantic Dependency Forest

Yifan Jin, Jiangmeng Li, Zheng Lian, Chengbo Jiao, Xiaohui Hu
University of Chinese Academy of Sciences
Institute of Software Chinese Academy of Sciences
University Of Electronic Science And Technology Of China
{yifan2020,jiangmeng2019,lianzheng2017,hxh}@iscas.ac.cn
chengbojiao@hotmail.com
   Equal contribution.   Corresponding author.
Abstract

Medical Relation Extraction (MRE) task aims to extract relations between entities in medical texts. Traditional relation extraction methods achieve impressive success by exploring the syntactic information, e.g., dependency tree. However, the quality of the 1-best dependency tree for medical texts produced by an out-of-domain parser is relatively limited so that the performance of medical relation extraction method may degenerate. To this end, we propose a method to jointly model semantic and syntactic information from medical texts based on causal explanation theory. We generate dependency forests consisting of the semantic-embedded 1-best dependency tree. Then, a task-specific causal explainer is adopted to prune the dependency forests, which are further fed into a designed graph convolutional network to learn the corresponding representation for downstream task. Empirically, the various comparisons on benchmark medical datasets demonstrate the effectiveness of our model.

1 Introduction

1-best dependency tree for a biological sentence generated by the parser.
Figure 1: 1-best dependency tree for a biological sentence generated by the parser. Aminopropylindenes and oxidosqualene cyclase are the entities in the sentence.

Medical relation extraction (MRE) refers to identifying relations among entities from medical literature and reports. It plays a very important role in downstream tasks such as medical knowledge graph construction Li et al. (2020); Rotmensch et al. (2017) and biomedical knowledge discovery Quirk and Poon (2016). On the other hand, as the number of medical literature increases, it becomes increasingly important to automatically discover the relation among entities in the literature Peng et al. (2017).

The addition of syntactic structure has been demonstrated to be beneficial for various natural language processing tasks Zaremoodi and Haffari (2017); Zhou et al. (2005); Le and Zuidema (2015). As a type of syntactic structure, the dependency tree capturing long-distance connections between words can indeed improve benchmark relation extraction methods Tian et al. (2021); Chen et al. (2021); Zhang et al. (2018); Sun et al. (2020). We demonstrate an example in Figure 1. Specifically, the 1-best dependency tree of the sentence “Aminopropylindenes derived from Grundmann’s ketone as a novel chemotype of oxidosqualene cyclase inhibitors” in the CPR dataset. Aminopropylindenes and oxidosqualene cyclase are the entities, and the relation between them is “down regulator”, denoted as “CPR:4”.

However, in the medical field, the quality of the 1-best dependency tree generated by the out-of-domain parsers, e.g., parsers for the news domain, is relatively deficient. Generally, the main verb in a sentence is treated as the root node in the dependency tree, while, as the example shown in Figure 1, the entity Aminopropylindenes, apparently a noun, is treated as the root node. To solve this problem, multiple methods with dependency forests have been proposed Song et al. (2019); Jin et al. (2020); Guo et al. (2021). Such approaches focus on redesigning the parser or substituting the parser with a semantic encoder, but the semantic and dependency tree syntactic information is used in a biased manner. Furthermore, the causality between the edges in the dependency forests and the performance of the model is not explored by benchmark methods.

To this end, we propose a novel approach, namely Causality-Pruned semantic dependency forest Graph Convolutional Network (CP-GCN). To acquire the dependency forests enriched with semantic and syntactic information in an unbiased manner, we first obtain the 1-best dependency tree, as the sentence syntactic information, which is generated by the out-of-domain parser, and then fuse the syntactic information with the semantic information by using a switch gate network. The semantic information is captured in different representation subspaces using multi-head attention Vaswani et al. (2017). To extract dependency forests’ edges that are causally related to the MRE performance, we construct a causal explanation dataset based on Granger causality Granger (1969, 1980) and train a task-specific causal explainer. We then obtain task-specific explanations of the dependency forests generated by the trained explainer and prune the dependency forests by following the corresponding explanations, which aim to eliminate the task-irrelevant information from the dependency forests. The pruned dependency forests are encoded by DCGCNs  Guo et al. (2019b) for MRE task. Empirically, the comparisons demonstrate that CP-GCN achieves state-of-the-art on benchmark relation extraction tasks, e.g., for the sentence-level relation extraction task, our model obtains 67.3 and 92.9 scores on CPR and PGR, respectively. The contributions are summarized as follows:

  • We propose an approach to generate dependency forests enriched with semantic and syntactic information in an unbiased manner.

  • We propose a causal pruning approach to remove task-irrelevant information from the dependency forests, which is achieved by using a task-specific explainer trained on a causal explanation dataset for the target MRE task.

  • CP-GCN achieves state-of-the-art on benchmark MRE datasets, and the ablation comparisons further support the effectiveness of each part of our model.

2 Related Work

2.1 Medical Relation Extraction

Previous work performs the MRE task by constructing the 1-best dependency tree of sentences Peng et al. (2017); Song et al. (2018). However, the accuracy of the 1-best dependency tree generated by the out-of-domain parser is relatively low, resulting in a fall in MRE performance. Therefore, Song et al. (2019) proposes to use dependency forests to solve this problem, which uses EDGEWISE and KBESTEISNER algorithm to pick edges to construct dependency forests. Jin et al. (2020) encodes all effective dependency trees generated by a parser into dependency forests. Guo et al. (2021) utilizes multi-head attention and Kirchhoff’s Matrix-Tree Theorem (MMT) Koo et al. (2007) to automatically generate latent dependency forests without the usage of any parser. In general,  Song et al. (2019) and Jin et al. (2020) focus more on the syntactic information in the 1-best dependency tree generated by the out-of-domain parser, while Guo et al. (2021) directly discards the syntactic information and focuses only on the semantic information.

2.2 Causal Explanation

Causal explanation is designed to explain the importance of each module in a machine learning model on the prediction, which receives increasing attention recently Datta et al. (2016); Schwab and Karlen (2019); Lin et al. (2021). There are several viable forms of causality, including Granger causality Granger (1969), causal Bayesian networks Pearl (1985), and structural causal models Pearl (2009)Chattopadhyay et al. (2019) proposes an attribution method based on the first principles of causality. Schwab and Karlen (2019) models the explanation task of image deep learning models as a causal learning task and proposes a causal explanation model based on Granger causality. Lin et al. (2021) proposes a framework for explaining graph neural networks using the first principles of Granger causality.

3 Preliminaries

3.1 Task Definition

Our task is to extract relation between entities in a sentence, focusing on both binary relation extraction and ternary relation extraction. Formally, the input to our task is a sentence with words and denotes the -th word in the sentence. is annotated with entity mentions and 111, and for ternary relation extraction.. The output is the relation between entities from a predefined relation set , where denotes the number of relations.

3.2 Densely-Connected Graph Convolutional Networks

Graph Neural Network is a set of models that can effectively encode the information of graph structure, the classical models including Graph Attention Networks (GATs) Velickovic et al. (2017), Graph Convolutional Networks (GCNs) Kipf and Welling (2016), etc. Densely-Connected Graph Convolutional Networks (DCGCNs) Guo et al. (2019b) is a variant of GCNs, which introduces dense connections to GCNs. Thus being able to build multi-layer GCNs models with a large depth and learn richer information than the shallower GCNs models. More specifically, DCGCNs differs from GCNs in that the embedding of node in the -th layer receives information from all the preceding layers, which can be formulated as follows:

(1)

where denotes matrix multiplication, is the embedding of node in the -th layer, is an activation function, denotes the neighbours of node , and are the weight matrix and bias vector of the -th layer respectively, and indicates the information about node from all the preceding layers. Mathematically, can be calculated by concatenating the initial embedding and the node embedding produced in layer , respectively.

(2)

3.3 Dependency Tree Generation

To construct the 1-best dependency tree, we use Standard CoreNLP Toolkits (SCT) Manning et al. (2014) to obtain the dependency tree for each input sentence and represent by a adjacency matrix 222The adjacency matrix adds the self-loop of each word to the dependency tree with the “self” dependency type and regards the dependencies between words as unoriented., where is the dependency type (e.g., dobj) between and , e.g., if the connection between and do not exist. Then, we encode to the corresponding embedding with a learnable matrix, and use to denote the syntactic matrix.

4 Methodology

The overall architecture of CP-GCN with an example input sentence (“
Figure 2: The overall architecture of CP-GCN with an example input sentence (“Cadmium” in red and “NADPH oxidase” in blue are two entities of the sentence). The model consists of three components: 1) BiLSTM Encoder obtains the sentence representation with a BiLSTM model. 2) CP-GCN is the main component of the model which contains identical blocks, and each block contains two modules. Causality-Pruned Semantic Dependency Forest Generator combines the dependency tree and the multi-head attention with heads to generate dependency forests and then prunes them using a task-specific causal explainer. Dependency Forest Encoder uses DCGCNs to encode the pruned dependency forests. 3) Relation Prediction module predicts relations using global and local max pooling and feedforward neural networks (FFNN).

In this section, we introduce our proposed CP-GCN model shown in Figure 2.

4.1 Causality-Pruned Semantic Dependency Forest Generator

In the medical domain, the quality of the 1-best dependency tree generated by the out-of-domain parsers is relatively deficient. Thus, we propose the Causality-pruned Semantic dependency Forest Generator (CSFG) to generate dependency forests enriched with syntactic and semantic information and derive task-relevant information from them.

4.1.1 Semantic Embedding Module

In order to construct dependency forests that combine both semantic and syntactic information in an unbiased manner, we propose a semantic embedding module to incorporate the semantic information of the sentence into the 1-best dependency tree.

Specifically, we model semantic information using the multi-head attention mechanism Vaswani et al. (2017) with heads, which captures the semantic relevance between words in a sentence. For the -th head, we compute the semantic matrix by using the query vector and the key vector :

(3)

where and are learnable transformation matrices for and , respectively, and is the dimension of .

Finally, the -th dependency forest can be obtained by summing the syntactic matrix and the semantic matrix with a switch gate network and a softmax function:

(4)

where is a hyper-parameter to balance the syntactic matrix and the semantic matrix , and is the adjacency matrix of the -th dependency forest.

4.1.2 Task-Specific Causal Pruning Module

In this part, our major objective is to extract dependency forests’ edges that are causally related to the MRE performance. Inspired by Lin et al. (2021), we propose a method consisting of three processes for pruning dependency forests based on Granger causality. The first two processes aim to train a task-specific causal explainer, which are illustrated in Figure 3. The causal pruning process prunes the dependency forests with the trained causal explainer.

Causal explanation generation process. This process is designed to construct a causal explanation dataset for a specific MRE task. Given a pre-trained MRE model denoted by and the gold-standard relation of the sentence . We start by using the semantic embedding module of the pre-trained MRE model to generate dependency forests of the sentence , denoted by . For any dependency forest , it can be represented as , where is the fully-connected adjacency matrix indicating the weights of the edges, and is the matrix of node features, which is the same for each dependency forest. Then, we need to extract the top edges from the dependency forests that are most relevant for predicting relation . We implement this based on Granger causality.333Granger causality describes the causal relationships between two (or more) variables. Specifically, if we are better able to predict variable using all information U than excluding information about variable , which means that the variable helps predict variable . Then we say that Granger-causes  Granger (1980), denoted by .

Specifically, we use to denote the model error of when taking the dependency forests into account, and represents the model error excluding the edge from each dependency forest. According to Granger causality, we can quantify the causal contribution of edge to our MRE task by the change in model error after removing edge :

(5)

where represent the causal contribution of edge .

To calculate and , we first take the dependency forests and as the input to the pre-trained model, respectively, and obtain their corresponding outputs and :

(6)
(7)

We then use the cross-entropy loss function to measure the model error, denoted as CE.

(8)
(9)

Finally, we filter out the edges with the top causal contributions to form the causal explanation. In summary, our causal explanation dataset is constructed with dependency forests and the corresponding causal explanations. Therefore, such a dataset is relevant to the specific MRE task.

Task-specific explainer training process. This process generates a task-specific explainer based on the causal explanation dataset. Following Lin et al. (2021), we use an encoder-decoder architecture as the explainer. The encoder consists of several graph convolutional layers to aggregate information between neighbors in the dependency forest and learn node features. The decoder uses the inner product operation to obtain the explanation matrix. Specifically, the explanation matrix for can be obtained by the explainer as:

(10)

where denotes graph convolutional layers, is the explanation matrix and each value in represents the contribution of its corresponding edge to the prediction relation , and is the activation function.

Illustration of training a task-specific causal explainer. Causal explanation generation process generates the causal explanations for the dependency forests using a pre-trained MRE model and the designed rules. Task-specific explainer training process trains a task-specific causal explainer with the
Figure 3: Illustration of training a task-specific causal explainer. Causal explanation generation process generates the causal explanations for the dependency forests using a pre-trained MRE model and the designed rules. Task-specific explainer training process trains a task-specific causal explainer with the generated causal explanation dataset.

Causal pruning process. Based on the pre-trained explainer, task-relevant explanation of the dependency forest can be obtained. Given the calculated by Eq. 4 and the pre-trained explainer, the explanation matrix corresponding to can be calculated via Eq. 10. Causal pruning for can be formulated as:

(11)

where is the element-wise multiplication, and is a hyper-parameter to control the coefficient of the explanation matrix .

4.2 Dependency Forest Encoder

Given pruned dependency forests, DCGCNs are used to encode information from the forest structure. For the -th pruned dependency forest, which is represented by the adjacency matrix . We use DCGCNs with layers to aggregate information about neighbors in , and the representation of node at the -th layer can be calculated as:

(12)

where denotes the weight between node and node in . denotes the information about node in the -th pruned dependency forest from all the preceding layers and can be obtained by the same way as Eq. 2.

Then, we concatenate the representations obtained from the dependency forests and fuse them using a linear layer. This process can be formulated as follows:

(13)

where is the node representations obtained by DCGCNs for the -th dependency forest, and denotes the node representations of each block. identical blocks are combined in the same way as above to obtain the final node representations for sentence , denoted as .

4.3 Relation Prediction

To predict the relations among entities, the max pooling mechanism is used. We obtain the global sentence representation by applying the max pooling function to all the words in sentence :

(14)

where is the feature vector of word , and then obtain the representation of each entity by applying the max pooling function to the words that belongs to an entity mention (i.e., ). Therefore, the entity representation of can be obatined by:

(15)

The sentence representation and entity representations are concatenated and fed into a feed-forward neural network (FFNN), and then we transform it into an -dimensional vector using a linear layer to make a prediction:

(16)

where is 2 in the binary relational extraction task and is 3 in the ternary relational extraction task, denotes the number of relations .

5 Experiment

5.1 Datasets

CPR PGR
TRAIN 16107 11780
DEV 10030 -
TEST 14269 219
Table 1: The number of instances of CPR and PGR.

We evaluate our model on three datasets with two types of tasks: cross-sentence n-ary relation extraction and sentence-level relation extraction following Guo et al. (2021).

For the cross-sentence n-ary relation extraction task, we use the dataset extracted by Peng et al. (2017) based on PubMed. Most of the instances in this dataset contain multiple sentences, and the entities in the instances are cross-sentence. In detail, this dataset contains 6987 instances of ternary relations and 6087 instances of binary relations, each of them is divided into five folders according to Song et al. (2018). The relation between entities in each instance belongs to one of the relation sets, including “resistance or non-response”, “sensitivity”, “response”, “resistance”, and “None”. Following Guo et al. (2021), we define two sub-tasks on this dataset: multi-class and binary-class relation extraction. For multi-class relation extraction, we keep the original dataset unchanged, and for binary-class relation extraction, we define the first four relations as “Yes” and the “None” as “No”.

For the sentence-level relation extraction task, we use two datasets for Medical Relation Extraction, namely, BioCreative Vi CPR (CPR) Krallinger et al. (2017) and Phenotype-Gene relation (PGR) Sousa et al. (2019). CPR focuses on the relations between chemical components and human proteins, which contains six relation types (“CPR:3”, “CPR:3”, “CPR:4”, “CPR:5”, “CPR:6”, “CPR:9”, “None”). PGR focuses on whether human phenotypes are related to human genes, which contains two relation types (“TRUE” for related and “FALSE” for unrelated). The number of instances for train/dev/test sets of CPR and PGR datasets is shown in Table 1.

5.2 Implementation

During the causal explanation generation process, we use a pre-trained CP-GCN model without the task-specific causal pruning module as and choose 1/5 of the training set for the Peng et al. (2017) dataset while the full training set for other datasets to generate the full dependency forests. Then, we set to construct causal explanation datasets.

For evaluation, we follow previous studies to use the test accuracy averaged over five cross validation folds for the cross-sentence n-ary task and F1 scores for the sentence-level task. Refer to the supplementary files for the details.

See Appendix A.1 for the hyper-parameter experiment on , , and .

5.3 Results on Cross-Sentence N-Ary Relation Extraction Task

Syntax Type Model Binary-class Multi-class
Ternary Binary Ternary Binary
Single Cross Single Cross Single Cross Single Cross
Tree DAG LSTM Peng et al. (2017) 77.9 80.7 74.3 76.5 - - - -
GRN Song et al. (2018) 80.3 83.2 83.5 83.6 - 71.7 - 71.7
GCN(Full) Zhang et al. (2018) 84.3 84.8 84.2 83.6 - 77.5 - 74.3
GCN(Pruned) Zhang et al. (2018) 85.8 85.8 83.8 83.7 - 78.1 - 73.6
Forest AGGCN Guo et al. (2019a) 87.1 87 85.2 85.6 - 79.7 - 77.4
AGGCN* Guo et al. (2019a) 86.3 87.2 86.3 85.8 77.7 78.7 77.7 77.3
LF-GCN Guo et al. (2021) 88 88.4 86.7 87.1 - 81.5 - 79.3
LF-GCN* Guo et al. (2021) 88.2 88.3 87 86.3 82.9 83.9 80 79.6
AC-GCN Qian et al. (2021) 88.8 88.8 86.8 86.5 - 84.6 - 81
CP-GCN(ours) 89.5 89.1 87.3 86.5 84.3 84.9 81 80.1
Table 2: Average test accuracies on the Peng et al. (2017) dataset for binary-class n-ary relation extraction and multi-class n-ary relation extraction. “Ternary” denotes drug-gene-mutation tuple and “Binary” denotes drug-mutation pair. “Single” means considering the instances within a single sentence, while “Cross” means considering all instances. Models with * indicate the accuracy of our reimplementation on their released implementation.

For the cross-sentence n-ary relation extraction task, We compare CP-GCN against two kinds of models and report the average test accuracies on the Peng et al. (2017) dataset in table 2.

Tree: models use the 1-best dependency tree. DAG LSTM, GRN, and GCN(Full) use the full dependency tree directly, while GCN(Pruned) generates a pruned dependency tree with some rules Zhang et al. (2018). Besides, DAG LSTM uses graph-structure LSTM to encode the dependency tree, while GRN and GCN use graph recurrent networks and graph convolutional networks, respectively.

Forest: models construct dependency forests. ACGCN treats a fully connected graph obtained by multi-head attention as a forest. LF-GCN automatically generates latent forests using multi-head attention and MMT. AC-GCN generates dependency forests with multi-head attention and encodes them with a 2D convolutional network.

As shown in Table 2, our proposed CP-GCN model achieves state-of-the-art performance in most settings. Specifically, the model using the pruned dependency tree performs better than those using the full dependency tree, suggesting that noisy information does exist in the 1-best dependency tree. In addition, the forest structure shows an advantage on this task, while CP-GCN surpasses the current state-of-the-art forest-structured model (AC-GCN) by 0.7 and 0.3 points on the binary-class ternary relation extraction task. The multi-class n-ary relation extraction task in Peng et al. (2017) dataset is more challenging due to the unbalanced distribution of each relation, and CP-GCN can consistently achieve comparable performance.

5.4 Results on Sentence-Level Relation Extraction Task

For the sentence-level relation extraction task, we implement our approach on the CPR and PGR datasets and compare it against state-of-the-art models. We classify these models into three groups according to their syntax type.

None: models do not use tree or forest structures. Att-GRU adds a self-attention layer to GRU, and Bran uses a bi-affine self-attention model to capture interactions in sentences. BioBERT is a biomedical pre-trained language representation model.

Tree: models use the 1-best dependency tree. GCN, Tree-DDCNN, and Tree-GRN encode the full tree with GCN, DDCNN, and GRN, respectively. BO-LSTM prunes the tree, retaining only the shortest dependency path.

Forest: models construct dependency forests. Edgewise-GRN chooses edges with weights greater than the pre-defined threshold to form the dependency forest. KBest-GRN constructs the forest by aggregating K-best trees. ForestFT-DDCNN generates forests with a learnable dependency parser.

Syntax Type Model F1
None Att-GRU Liu et al. (2017) 49.5
Bran Verga et al. (2018) 50.8
Tree GCN Zhang et al. (2018) 52.2
Tree-DDCNN Jin et al. (2020) 50.3
Tree-GRN Jin et al. (2020) 51.4
Forest Edgewise-GRN Song et al. (2019) 53.4
KBest-GRN Song et al. (2019) 52.4
AGGCN Guo et al. (2019a) 56.7
ForestFT-DDCNN Jin et al. (2020) 55.7
LF-GCN Guo et al. (2021) 58.9
AC-GCN Qian et al. (2021) 65.8
CP-GCN(ours) 67.3
Table 3: Main results on CPR.

The results of CPR and PGR datasets are shown in Table 3 and Table 4. CP-GCN achieves state-of-the-art performance on both datasets. F1 score increases by 1.5 and 0.5 on the CPR and PGR datasets, respectively. Compared to models with forest structure, CP-GCN performs significantly better than both models with a bias towards syntactic information (Edgewise-GRN, KBest-GRN, and ForestFT-DDCNN) and models using almost only semantic information (AGGCN, LF-GAN, and AC-GCN), which demonstrates the effectiveness of our proposed CSFG method.

Syntax Type Model F1
None BioBERT Lee et al. (2020) 67.2
Tree BO-LSTM Lamurias et al. (2019) 52.3
GCN Zhang et al. (2018) 81.3
Tree-GRN Jin et al. (2020) 78.9
Forest Edgewise-GRN Song et al. (2019) 83.6
KBest-GRN Song et al. (2019) 85.7
AGGCN Guo et al. (2019a) 89.3
ForestFT-DDCNN Jin et al. (2020) 89.3
LF-GCN Guo et al. (2021) 91.9
AC-GCN Qian et al. (2021) 92.4
CP-GCN(ours) 92.9
Table 4: Main results on PGR.

5.5 Analysis and Discussion

Ablation study. To validate the effectiveness of the ingredients of CP-GCN, i.e., the semantic embedding module and the task-specific causal pruning module, we conduct the ablation study on CPR. We train the complete CP-GCN, an ablation model without the semantic embedding module, and another ablation model without the task-specific causal pruning module, respectively. Our experimental results are reported in Table 5. We observe that the performance of the model dropped (compared with complete CP-GCN) regardless of which module is removed, suggesting that both modules can help construct dependency forests that are more conducive to predicting relation. Comparing these two modules, the removal of the task-specific causal pruning module has a greater impact on performance, which suggests that the proposed causal pruning method can effectively distinguish vital information from noise.

Model F1
CP-GCN 67.3
-semantic embedding module 66.7
-task-specific causal pruning module 65.7
Table 5: An ablation study for CP-GCN on CPR dataset.

Performance against sentence length. Figure 4 compares the F1 scores of our CP-GCN model and the LF-GCN model Guo et al. (2021) under different sentence lengths. Following Guo et al. (2021), We divide the test set of CPR into three groups ((0,25], (25,50], >50) based on sentence length. In general, CP-GCN outperforms LF-GCN against various sentence lengths. Otherwise, our model achieves a significant improvement on the more challenging long sentences, which demonstrates the ability of our model to capture long-range dependencies. Moreover, the dependency forests of the long sentences are more sophisticated, thus indicating that the task-specific causal explainer is able to extract task-relevant information from the sophisticated graph structure.

F1 scores against sentence length. The results on LF-GCN are reproduced based
on its released implementation.
Figure 4: F1 scores against sentence length. The results on LF-GCN are reproduced based on its released implementation.

Case study. To further validate the efficiency of CP-GCN, we conduct a case study on an example sentence “Aspirin induced autophagy, a feature of mTOR inhibition”, which can be correctly predicted by our model to be a “down regulator” relation between Aspirin() and mTOR(). Figure 5(a) shows its 1-best dependency tree, and Figure 5(b) visualizes the top 10 edges with the highest causal weights in the pruned dependency forest generated by the proposed CSFG and the thicker lines referring to higher causal weights. In this example, the connection between “induced” and “feature” enhances in the pruned dependency forest, and we reckon the latent reason is that CP-GCN can capture richer semantic information. We observe that there exists a strong connection between “autophagy” and “feature” in the pruned dependency forest, which improves the prediction of the relation between Aspirin and mTOR, supporting the effectiveness of the task-specific causal explainer.

Visualizations of (a) 1-best dependency tree and (b) top 10 highest causal weight edges of the pruned dependency forest for the example input, where thicker lines denote the connections with higher causal weights.
Figure 5: Visualizations of (a) 1-best dependency tree and (b) top 10 highest causal weight edges of the pruned dependency forest for the example input, where thicker lines denote the connections with higher causal weights.

6 Conclusion

In this paper, we introduce a novel approach for the medical relation extraction task, namely CP-GCN, which proposes a causality-pruned dependency forest enriched with semantic and syntactic information. We first construct dependency forests by incorporating semantic information into the dependency tree generated by the off-the-shelf parser. Then, a task-specific causal explainer is trained to prune the dependency forests. Experiments on the benchmark medical datasets demonstrate the superiority of CP-GCN over the state-of-the-art methods for the medical relation extraction task.

Acknowledgements

This work is supported by the National Key Research and Development Program of China (No. 2019YFB1405100).

References

  • A. Chattopadhyay, P. Manupriya, A. Sarkar, and V. N. Balasubramanian (2019) Neural network attributions: a causal perspective. In International Conference on Machine Learning, pp. 981–990. Cited by: §2.2.
  • G. Chen, Y. Tian, Y. Song, and X. Wan (2021) Relation extraction with type-aware map memories of word dependencies. In Findings of the Association for Computational Linguistics: ACL-IJCNLP 2021, pp. 2501–2512. Cited by: §1.
  • A. Datta, S. Sen, and Y. Zick (2016) Algorithmic transparency via quantitative input influence: theory and experiments with learning systems. In 2016 IEEE symposium on security and privacy (SP), pp. 598–617. Cited by: §2.2.
  • C. W. Granger (1969) Investigating causal relations by econometric models and cross-spectral methods. Econometrica: journal of the Econometric Society, pp. 424–438. Cited by: §1, §2.2.
  • C. W. Granger (1980) Testing for causality: a personal viewpoint. Journal of Economic Dynamics and control 2, pp. 329–352. Cited by: §1, footnote 3.
  • Z. Guo, G. Nan, W. Lu, and S. B. Cohen (2021) Learning latent forests for medical relation extraction. In Proceedings of the Twenty-Ninth International Conference on International Joint Conferences on Artificial Intelligence, pp. 3651–3657. Cited by: §1, §2.1, §5.1, §5.1, §5.5, Table 2, Table 3, Table 4.
  • Z. Guo, Y. Zhang, and W. Lu (2019a) Attention guided graph convolutional networks for relation extraction. arXiv preprint arXiv:1906.07510. Cited by: Table 2, Table 3, Table 4.
  • Z. Guo, Y. Zhang, Z. Teng, and W. Lu (2019b) Densely connected graph convolutional networks for graph-to-sequence learning. Transactions of the Association for Computational Linguistics 7, pp. 297–312. Cited by: §1, §3.2.
  • L. Jin, L. Song, Y. Zhang, K. Xu, W. Ma, and D. Yu (2020) Relation extraction exploiting full dependency forests. In Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 34, pp. 8034–8041. Cited by: §1, §2.1, Table 3, Table 4.
  • T. N. Kipf and M. Welling (2016) Semi-supervised classification with graph convolutional networks. arXiv preprint arXiv:1609.02907. Cited by: §3.2.
  • T. Koo, A. Globerson, X. Carreras Pérez, and M. Collins (2007) Structured prediction models via the matrix-tree theorem. In Joint Conference on Empirical Methods in Natural Language Processing and Computational Natural Language Learning (EMNLP-CoNLL), pp. 141–150. Cited by: §2.1.
  • M. Krallinger, O. Rabal, S. A. Akhondi, M. P. Pérez, J. Santamaría, G. P. Rodríguez, G. Tsatsaronis, A. Intxaurrondo, J. A. López, U. Nandal, et al. (2017) Overview of the biocreative vi chemical-protein interaction track. In Proceedings of the sixth BioCreative challenge evaluation workshop, Vol. 1, pp. 141–146. Cited by: §5.1.
  • A. Lamurias, D. Sousa, L. A. Clarke, and F. M. Couto (2019) BO-lstm: classifying relations via long short-term memory networks along biomedical ontologies. BMC bioinformatics 20 (1), pp. 1–12. Cited by: Table 4.
  • P. Le and W. Zuidema (2015) The forest convolutional network: compositional distributional semantics with a neural chart and without binarization. In Proceedings of the 2015 Conference on Empirical Methods in Natural Language Processing, pp. 1155–1164. Cited by: §1.
  • J. Lee, W. Yoon, S. Kim, D. Kim, S. Kim, C. H. So, and J. Kang (2020) BioBERT: a pre-trained biomedical language representation model for biomedical text mining. Bioinformatics 36 (4), pp. 1234–1240. Cited by: Table 4.
  • L. Li, P. Wang, J. Yan, Y. Wang, S. Li, J. Jiang, Z. Sun, B. Tang, T. Chang, S. Wang, et al. (2020) Real-world data medical knowledge graph: construction and applications. Artificial intelligence in medicine 103, pp. 101817. Cited by: §1.
  • W. Lin, H. Lan, and B. Li (2021) Generative causal explanations for graph neural networks. In International Conference on Machine Learning, pp. 6666–6679. Cited by: §2.2, §4.1.2, §4.1.2.
  • S. Liu, F. Shen, Y. Wang, M. Rastegar-Mojarad, R. K. Elayavilli, V. Chaudhary, and H. Liu (2017) Attention-based neural networks for chemical protein relation extraction. Training 1020 (25.247), pp. 4157. Cited by: Table 3.
  • C. D. Manning, M. Surdeanu, J. Bauer, J. R. Finkel, S. Bethard, and D. McClosky (2014) The stanford corenlp natural language processing toolkit. In Proceedings of the 52nd Annual Meeting of the Association for Computational Linguistics, ACL 2014, June 22-27, 2014, Baltimore, MD, USA, System Demonstrations, pp. 55–60. External Links: Link, Document Cited by: §3.3.
  • J. Pearl (1985) Bayesian netwcrks: a model of self-activated memory for evidential reasoning. In Proceedings of the 7th conference of the Cognitive Science Society, University of California, Irvine, CA, USA, pp. 15–17. Cited by: §2.2.
  • J. Pearl (2009) Causality. Cambridge university press. Cited by: §2.2.
  • N. Peng, H. Poon, C. Quirk, K. Toutanova, and W. Yih (2017) Cross-sentence n-ary relation extraction with graph lstms. Transactions of the Association for Computational Linguistics 5, pp. 101–115. Cited by: §1, §2.1, §5.1, §5.2, §5.3, §5.3, Table 2.
  • M. Qian, J. Wang, H. Lin, D. Zhao, Y. Zhang, W. Tang, and Z. Yang (2021) Auto-learning convolution-based graph convolutional network for medical relation extraction. In China Conference on Information Retrieval, pp. 195–207. Cited by: Table 2, Table 3, Table 4.
  • C. Quirk and H. Poon (2016) Distant supervision for relation extraction beyond the sentence boundary. arXiv preprint arXiv:1609.04873. Cited by: §1.
  • M. Rotmensch, Y. Halpern, A. Tlimat, S. Horng, and D. Sontag (2017) Learning a health knowledge graph from electronic medical records. Scientific reports 7 (1), pp. 1–11. Cited by: §1.
  • P. Schwab and W. Karlen (2019) Cxplain: causal explanations for model interpretation under uncertainty. Advances in Neural Information Processing Systems 32. Cited by: §2.2.
  • L. Song, Y. Zhang, D. Gildea, M. Yu, Z. Wang, and J. Su (2019) Leveraging dependency forest for neural medical relation extraction. arXiv preprint arXiv:1911.04123. Cited by: §1, §2.1, Table 3, Table 4.
  • L. Song, Y. Zhang, Z. Wang, and D. Gildea (2018) N-ary relation extraction using graph state lstm. arXiv preprint arXiv:1808.09101. Cited by: §2.1, §5.1, Table 2.
  • D. Sousa, A. Lamúrias, and F. M. Couto (2019) A silver standard corpus of human phenotype-gene relations. arXiv preprint arXiv:1903.10728. Cited by: §5.1.
  • K. Sun, R. Zhang, Y. Mao, S. Mensah, and X. Liu (2020) Relation extraction with convolutional network over learnable syntax-transport graph. In Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 34, pp. 8928–8935. Cited by: §1.
  • Y. Tian, G. Chen, Y. Song, and X. Wan (2021) Dependency-driven relation extraction with attentive graph convolutional networks. 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. 4458–4471. Cited by: §1.
  • A. Vaswani, N. Shazeer, N. Parmar, J. Uszkoreit, L. Jones, A. N. Gomez, Ł. Kaiser, and I. Polosukhin (2017) Attention is all you need. Advances in neural information processing systems 30. Cited by: §1, §4.1.1.
  • P. Velickovic, G. Cucurull, A. Casanova, A. Romero, P. Lio, and Y. Bengio (2017) Graph attention networks. stat 1050, pp. 20. Cited by: §3.2.
  • P. Verga, E. Strubell, and A. McCallum (2018) Simultaneously self-attending to all mentions for full-abstract biological relation extraction. arXiv preprint arXiv:1802.10569. Cited by: Table 3.
  • P. Zaremoodi and G. Haffari (2017) Incorporating syntactic uncertainty in neural machine translation with forest-to-sequence model. arXiv preprint arXiv:1711.07019. Cited by: §1.
  • Y. Zhang, P. Qi, and C. D. Manning (2018) Graph convolution over pruned dependency trees improves relation extraction. arXiv preprint arXiv:1809.10185. Cited by: §1, §5.3, Table 2, Table 3, Table 4.
  • G. Zhou, J. Su, J. Zhang, and M. Zhang (2005) Exploring various knowledge in relation extraction. In Proceedings of the 43rd annual meeting of the association for computational linguistics (acl’05), pp. 427–434. Cited by: §1.

Appendix A Appendix

a.1 Hyper-Parameter Experiment

F1 scores with different hyper-parameter settings.
F1 scores with different hyper-parameter settings.
F1 scores with different hyper-parameter settings.
Figure 6: F1 scores with different hyper-parameter settings.

We perform several experiments on the CPR dataset to study the influence of the hyper-parameters in our proposed CP-GCN model, and the results are shown in Figure 6. The hyper-parameter balances semantic and syntactic information in the dependency forest. The hyper-parameter balances the impact of the task-specific causal pruning module. The hyper-parameter represents the richness of semantic information. As , , and are shown in Figure 6, our proposed CP-GCN model achieves comparable performance in most settings, which indicates the robustness of our model. Specifically, CP-GCN achieves the highest F1 score 67.3 with , and . As shown in Figure 6, when decreases to 1, i.e. the semantic information decreases, CP-GCN performs best when the weight of the dependency tree, , decreases as well, suggesting that our model is able to balance the syntactic and semantic information. As shown in Figure 6, when the weight of dependency tree increases, CP-GCN performs best when the weight of task-specific causal pruning module increases as well. This demonstrates that there is indeed some noise in the dependency tree and our proposed task-specific causal pruning module can remove task-irrelevant information.