Skip to main content

Knowledge-guided convolutional networks for chemical-disease relation extraction

Abstract

Background

Automatic extraction of chemical-disease relations (CDR) from unstructured text is of essential importance for disease treatment and drug development. Meanwhile, biomedical experts have built many highly-structured knowledge bases (KBs), which contain prior knowledge about chemicals and diseases. Prior knowledge provides strong support for CDR extraction. How to make full use of it is worth studying.

Results

This paper proposes a novel model called “Knowledge-guided Convolutional Networks (KCN)” to leverage prior knowledge for CDR extraction. The proposed model first learns knowledge representations including entity embeddings and relation embeddings from KBs. Then, entity embeddings are used to control the propagation of context features towards a chemical-disease pair with gated convolutions. After that, relation embeddings are employed to further capture the weighted context features by a shared attention pooling. Finally, the weighted context features containing additional knowledge information are used for CDR extraction. Experiments on the BioCreative V CDR dataset show that the proposed KCN achieves 71.28% F1-score, which outperforms most of the state-of-the-art systems.

Conclusions

This paper proposes a novel CDR extraction model KCN to make full use of prior knowledge. Experimental results demonstrate that KCN could effectively integrate prior knowledge and contexts for the performance improvement.

Background

Chemicals, diseases and their relations play important roles in many areas of biomedical research and health care [1,2,3]. Because of their critical significance, these relations are curated into knowledge bases (KBs) such as the Comparative Toxicogenomic DatabaseFootnote 1 (CTD) [4] by domain experts, continually. However, manual curation of chemical-disease relation (CDR) from the literature is costly and difficult to keep up-to-date. Automatic extraction of CDR from texts has become increasingly important.

To promote the research on CDR extraction, the BioCreative-V community proposes a task of automatically extracting CDR from biomedical literature [5], which contains two specific subtasks: (1) disease named entity recognition and normalization (DNER); (2) chemical-induced diseases (CID) relation extraction. This paper focuses on the CID subtask at both intra- and inter-sentence levels. The intra- and inter-sentence levels refer to a chemical-disease pair in the same sentence and in two different sentences, respectively.

Up to now, many methods have been proposed for the automatic extraction of CDR. These methods could be mainly divided into two categories: feature-based methods [6,7,8,9,10] and neural network-based methods [11,12,13,14,15,16,17]. Feature-based methods aim at extracting different kinds of context features. Gu et al. [6] devise various effective linguistic features for CDR extraction. Zhou et al. [7] extract the shortest dependency path (SDP) between chemical entities and disease entities, which provide strong evidence for relation extraction. Although complicated handcrafted features achieve good performance, they are time-consuming and difficult to extend to a new dataset.

In recent years, neural network-based relation extraction methods have achieved significant breakthrough: they can model language more precisely with low-dimensional feature vectors rather than one-hot handcrafted features. Gu et al. [11] employ convolutional neural network (CNN) [18] to learn the context and dependency representations for CDR extraction. Zhou et al. [12] use long short-term memory neural network (LSTM) [19] to generate representations of SDP sequences for CDR extraction. Nguyen et al. [13] incorporate character-based word representations into a standard CNN-based relation extraction model. Neural network-based methods could learn semantic features from context sequences automatically and show promising results for CDR extraction.

Besides the context features mentioned above, prior knowledge on chemicals and diseases is also important for relation extraction. Comparative Toxicogenomic Database (CTD) [4] is a well-known biomedical knowledge base, which contains a large amount of structured triples in the form of (head entity, relation, tail entity). Feature-based methods use knowledge features (relations of chemical-disease pairs in the KBs) to extract CID relations [8,9,10]. They significantly improve the CDR extraction performance. However, one-hot knowledge features assume that all entities and relations are independent from each other, which does not take the semantic relevance into consideration.

To better model prior knowledge in KBs, some researchers focus on knowledge representation learning, which could learn low-dimensional embeddings for entities and relations [20,21,22]. TransE [20] is a typical translation-based method. It projects entities and relations into a common embedding space, and regards relations as translations from head entities to tail entities in this space.

Neural network-based methods employ relation embeddings learned from CTD to select important context words [17]. With the help of low-dimensional knowledge representations, Zhou et al. [17] efficiently compute semantic links between contexts and relations in a low-dimensional space, which results in an increase in the CDR extraction performance. However, only relation embeddings are utilized as the guidance in their model. Entity embeddings of chemical-disease pairs are completely ignored. Since humans would like to pay more attention to the focused entities while extracting the relation of the entity pair, entity embeddings are helpful for relation extraction.

Recently, some neural network architectures, such as attention-based memory network [23], attention-based LSTM [24] and gated convolutional neural network (GCNN) [25,26,27] are proposed to grasp important context information. Among them, GCNN with gated convolution operations can generate target-specific features accurately and efficiently [26].

To make full use of the knowledge representations, this paper proposes a novel model called “Knowledge-guided Convolutional Networks (KCN)” for CDR extraction. First, chemical and disease embeddings are used to control the propagation of context features towards the two focused entities through gated convolution operations, respectively. Then, relation embeddings are employed to further capture the weighted context features through a shared attention pooling. Finally, the weighted context features containing additional knowledge information are used to extract CID relations.

The major contributions of this paper are summarized as follows:

To make full use of both entity embeddings and relation embeddings, we propose a novel model KCN, which introduces gating operations into the convolutional layer and the attention mechanism into the pooling layer. The experimental results show its effectiveness in capturing knowledge-related context features for relation extraction.

Gated convolution networks with entity embeddings could selectively output context features related to the focused entity pairs.

Methods

This section introduces a CDR extraction approach in four steps: (1) extract the candidate instances at both intra- and inter-sentence levels from the CDR dataset; (2) learn knowledge representations from the CTD knowledge base with TransE model; (3) train the knowledge-guided convolutional networks (KCN) on the candidate instances with the guidance of knowledge representations; (4) merge the extraction results at intra- and inter-sentence levels as the final document level results.

Instance construction

Intra- and inter-sentence level instance construction

The candidate chemical-disease instances are constructed at intra- and inter- sentence level separately. All the chemical-disease pairs that exist in the same sentence are extracted as the intra-sentence level instances without any limitation. For the inter-sentence level instances, we employ the following heuristic rules [11] to remove some negative instances.

(1) In the same document, all the intra-level chemical-disease instances will not be considered as inter-sentence level instances.

(2) A chemical-disease pair will not be taken into consideration if the sentence distance between the chemical and disease is more than 3.

(3) If there are multiple mentions that refer to the same entity, only the chemical-disease pairs existing in the nearest distance are considered as the inter-sentence level instances.

Hypernym filtering

A concept of disease or chemical may be hypernym concept to a more specific one. However, the goal of the CID task is to extract the relations between the most specific diseases and chemicals. Therefore, we remove those instances including hyper-entities which are more general than entities already participating in the instances. Specially, the hypernym relationships between entities are determined by indexing the Medical Subject Headings (MeSH) [28].

Shortest dependency path sequence generation

This paper takes SDP sequences as the inputs for CDR extraction. Take sentence 1 as an example of SDP sequence generation:

Sentence 1: Seizures were induced by pilocarpine injections in trained and non-trained control groups.

The chemical entity “pilocarpine” is denoted by wave line and the disease entity “seizures” is denoted by underline. The corresponding dependency tree is shown in Fig. 1, with the SDP between this entity pair highlighted in green (all the words are transformed to lowercase and the punctuations are discarded). Intuitively, we directly take the SDP sequence {“pilocarpine”, “↑”, “nmod”, “↑”, “injections”, “↑”, “pmod”, “↑”, “by”, “↑”, “vmod”, “↑”, “induced”, “↓”, “vmod”, “↓”, “seizures”} as the input of KCN. In this sequence, the symbols “↑” and “↓” indicate the dependency directions, and the tokens like “vmod” represent the dependency relation tags between two words. We can find that the trigger word “induced” is included in the SDP sequence, which could directly indicate whether the chemical-disease pair has the CID relation, while meaningless words are omitted.

Fig. 1
figure 1

 The dependency tree of sentence 1 with chemical “pilocarpine” and disease “seizures

The dependency tree is generated by Gdep Parser [29]. For an intra-sentence level instance, we directly extract the SDP sequence from chemical to disease. For an inter-sentence level instance, we first connect the roots of the dependency trees of the two sentences by using an artificially introduced root. Then, the SDP sequence from the chemical entity to the disease entity is extracted from this new tree.

Knowledge representation learning

This section describes how to use the TransE model to learn knowledge representations based on chemical-disease triples in the form of (chemical, relation, disease) (also denoted as (c, r, d)).

Triples extraction

Following Zhou et al. [17], we extract triples from both the CDR dataset and CTD knowledge base. Triples in CTD are directly extracted. To generate triples of the CDR dataset, we first extract chemical-disease entity pairs. Then, the relations of these pairs are annotated based on CTD. There are three kinds of relations in CTD: inferred-association, therapeutic and marker/mechanism, among which only marker/mechanism refers to the true CID relation. For the entity pairs in the CDR data set but not found in CTD, we artificially annotate them with a special relation null. Finally, 1,787,913 triples with four relations are obtained for knowledge representation learning.

Knowledge representation learning with TransE

TransE [20] is employed to learn knowledge representations in this paper for its simplicity and good performance. All the triples extracted from the CDR dataset and CTD knowledge base are used as correct triples to learn chemical embeddings ec, disease embeddings ed and relation embeddings r in the common space k. TransE models relations as translations from chemicals to diseases, i.e. ec + r ≈ ed when (c, r, d) holds. The loss function of TransE is defined as follows:

$$ L=\sum \limits_{\left({e}_c,r,{e}_d\right)\in S}\sum \limits_{\begin{array}{l}\ \left({e}_c^{\prime },r,{e}_d\right) or\\ {}\left({e}_c,r,{e}_d^{\prime}\right)\in {S}^{\prime}\end{array}}\max \left(0,\gamma +\left\Vert {\mathbf{e}}_c+\mathbf{r}-{\mathbf{e}}_d\right\Vert -\left\Vert {\mathbf{e}}_c^{\prime }+\mathbf{r}-{\mathbf{e}}_d^{\prime}\right\Vert \right) $$
(1)

where S is the set of correct triples, S is the set of negative triples, and γ > 0 is a margin between correct triples and negative triples. The set of correct triples S is extracted from the CDR dataset and CTD knowledge base. The set of negative triples S, according to Formula (1), is constructed with either the chemical or disease in correct triples replaced by a random entity [19].

To get knowledge representations and word embeddings in the common space, we initialize entity embeddings with the average embeddings of entity mention words. Relation embeddings are randomly initialized with the uniform distribution in [−0.25, 0.25]. Word2VecFootnote 2 [30] is employed to pre-train word embeddings on the PubMed articles provided by Wei et al. [31].

Relation extraction

Both entity embeddings and relation embeddings are used to capture the important context features related to the focused entity pairs. Figure 2 shows the framework of KCN: two convolutional networks are adopted to capture the context information related to chemicals and diseases, respectively. Each convolutional network is composed of four layers: (1) the embedding layer; (2) the entity-based gated convolutional layer; (3) the relation-based attention pooling layer; (4) the softmax layer.

Fig. 2
figure 2

 The framework of the knowledge-guided convolutional networks

Embedding layer

The input sequences of the two convolutional networks are the same. Given an input SDP sequence w = {w1, w2,  … , wn} of a candidate instance, we map each token wi to a d-dimensional embedding xid to obtain a token embedding sequence X = [x1, x2,  … , xn] d × n. Embeddings of dependency relation tags and directions in the sequence are randomly initialized. Similarly, the chemical c, disease d and relation r are also mapped to their embeddings eck, edk and rk, respectively.

Entity-based gated convolutional layer

Entity-based gated convolutions can selectively extract entity-specific convolutional features with the given entities. Entity-based gated convolutions in the two convolutional networks are performed based on chemical entities and disease entities, respectively.

To help better understand gated convolutions, we first provide a brief review of traditional convolutions. Traditional convolutions apply multiple filters with different widths to get n-gram features [32]. Formally, given the input embedding sequence X, the convolution operation at position i can be formed as follows:

$$ {c}_i=f\left({\mathbf{X}}_{i:i+h\hbox{-} 1}\ast {\mathbf{W}}_c+{b}_c\right) $$
(2)

where Wcd × h is the filter matrix, f is a non-linear activation function, denotes the convolution operation and Xi : i + h − 1 refers to the concatenation of h token embeddings. The convolution operation maps h tokens in the receptive field to a feature ci. Each filter is used for each possible window of h tokens in the sequence X to produce a feature map c = [c1, c2,  … , cn − h + 1] n − h + 1. If there are l filters of the same width h, the convolutional features form a matrix C = [c1, c2,  … , cl]Tl × (n − h + 1).

Our gated convolutions control the propagation of convolutional features with additional gating units. Inspired by Xue and Li [27], Gated Tanh-ReLU Units (GTRU) are used to control the path through which information flows towards the subsequent pooling layer. GTRU have two nonlinear gates, Tanh and ReLU, each of which is connected to a convolution operation. With entity embeddings, they can selectively output the entity-specific convolutional features for CDR extraction.

In the gated convolutional layer, two GTRUs of the same structure are applied to the two entities, respectively. Take the GTRU with chemical embeddings ec for illustration. For a token embedding sequence X = [x1, x2,  … , xn], the convolutional features ci at position i are calculated as follows:

$$ {\displaystyle \begin{array}{l}{s}_i^c=\tanh \left({\mathbf{X}}_{i:i+h\hbox{-} 1}\ast {\mathbf{W}}_s^c+{b}_s^c\right)\\ {}{a}_i^c=\mathrm{relu}\left({\mathbf{X}}_{i:i+h\hbox{-} 1}\ast {\mathbf{W}}_a^c+{\mathbf{V}}_a^c{\mathbf{e}}_c+{b}_a^c\right)\\ {}{c}_i^c={s}_i^c\times {a}_i^c\end{array}} $$
(3)

where \( {\mathbf{W}}_a^c,{\mathbf{W}}_s^c\in {\mathrm{\mathbb{R}}}^{d\times h} \) are the convolution filters of size h, \( {\mathbf{V}}_a^c\in {\mathrm{\mathbb{R}}}^{1\times k} \) is a transition matrix and \( {b}_a^c,{b}_s^c\in {\mathrm{\mathbb{R}}}^1 \) are the biases. The convolution operations for generating convolutional features \( {a}_i^c \) and \( {s}_i^c \) in Formula (3) are the same as traditional convolutions. The convolutional feature \( {s}_i^c \) is only responsible for representing context features. But the convolutional feature \( {a}_i^c \) receives additional chemical embeddings ec. \( {a}_i^c \) is used to control context features \( {s}_i^c \) to obtain the features \( {c}_i^c \).

This paper uses l filters to obtain the chemical-based context features \( {\mathbf{M}}^c={\left[{\mathbf{c}}_1^c,{\mathbf{c}}_2^c,\dots, {\mathbf{c}}_l^c\right]}^T\in {\mathrm{\mathbb{R}}}^{l\times n} \). Similar to Mc, the disease-based features Md are generated through the same gated convolution operations with disease embeddings ed. The i-th column of Mc (Md) is defined as a chemical-based (disease-based) context feature vector Mc[:, i] (Md[:, i]) as shown in the green boxes in Fig. 2. In fact, Mc[:, i] (Md[:, i]) can be seen as the chemical-based (disease-based) context features of the i-th token xi.

Relation-based attention pooling layer

In traditional CNN, the feature maps generated by the convolutional layer are fed to a max pooling layer to get the most salient features. However, the CDR extraction model should pay more attention to the important context clues of relations between entities.

Following this intuition, the attention mechanism is employed to learn the importance of each entity-based context feature with regard to relation embeddings. In attention pooling layer, the two convolutional networks share the same attention parameters to learn the weights of chemical-based context vectors and disease-based context vectors. Sharing parameters enables the two entities to communicate with each other.

Take the chemical-based context features Mc as example. For each context vector Mc[:, i], we use an attention mechanism to compute its semantic relevance with relation embedding r of the focused entity pair as follows:

$$ {g}_i=\tanh \left({\mathbf{W}}_g{\mathbf{M}}^c\left[:,i\right]+{b}_g\right)\odot \mathbf{r} $$
(4)

where denotes the dot product, Wgk × l is the transition matrix and bgk is the bias.

After obtaining {g1, g2,  … , gn}, the attention weight of each context vector can be defined with a softmax function as follows:

$$ {\alpha}_i=\frac{\exp \left({g}_i\right)}{\sum \limits_{j=1}^n\exp \left({g}_j\right)} $$
(5)

Then the weighted sum feature mcl is defined as follows:

$$ {m}^c=\sum \limits_{i=1}^n{\alpha}_i{\mathbf{M}}^c\left[:,i\right] $$
(6)

Finally, the two weighted sum entity-based features are concatenated to form the weighted context feature m = mcmd.

Softmax layer

For the relation classification, a softmax layer is employed on the weighted context feature m. It takes feature m as its input and outputs the probability distribution of relation labels. Formally, the softmax layer is defined as follows:

$$ {\displaystyle \begin{array}{l}o=\mathrm{relu}\left({\mathbf{W}}_hm+{b}_h\right)\\ {}p\left(y=j|T\right)=\mathrm{softmax}\left({\mathbf{W}}_oo+{b}_o\right)\end{array}} $$
(7)

where \( {\mathbf{W}}_h\in {\mathrm{\mathbb{R}}}^{h_0\times 2l} \) and \( {\mathbf{W}}_o\in {\mathrm{\mathbb{R}}}^{2\times {h}_0} \) represent the transition matrices, \( {b}_h\in {\mathrm{\mathbb{R}}}^{h_0} \) and bo2 are their corresponding biases and T denotes all the training instances.

The cross-entropy loss function is used as the training objective. For each predicted instance T(t) and its golden label y(t), the loss function is defined as follows:

$$ loss=-\frac{1}{N}\sum \limits_{t=1}^N\log p\left({y}^{(t)}|{T}^{(t)}\right) $$
(8)

where N is the number of all the training instances and the superscript t indicates the t-th labeled instance.

Relation merging

After the relation extraction at intra- and inter-sentence levels, two sets of prediction results are obtained. We merge them together as the final document level results. Since we extract all the possible candidate instances at intra-sentence level, there might be multi-instances for one entity pair but with inconsistent predictions. In this case, we believe that an entity pair has a CID relation as long as there is at least one instance predicted to be positive.

Experiments and results

Experiment setup

Dataset

Experiments are conducted on the BioCreative V Track 3 CDR extraction dataset, which contains a total of 1500 PubMed articles: 500 each for the training, development and test set. The chemicals, diseases and relations are manually annotated with their MeSH IDs [28] and positions in documents. Table 1 describes the statistic of the dataset.

Table 1 Statistics of the CDR dataset

Following Zhou et al. [17], we combine the original training set and development set as the training set: 80% is used for training and 20% for validation. The evaluation is reported by the official evaluation toolkit,Footnote 3 which adopts Precision (P), Recall (R) and F1-score (F) as the metrics.

Training details

This section describes the training details about the experiments. For knowledge representation learning, we directly run the TransE codeFootnote 4 released by Lin et al. [22] with 500 epochs. The dimensions of token, entity and relation embeddings are all set to 100. For KCN training, 100 filters with window size h = 1, 2, 3, 4, 5 respectively are used in the gated convolutional layer. We use a batch size of 20 and the Adam optimizer [33] with learning rate: λ1 = 0.0001 at intra-sentence level, λ2 = 0.0002 at inter-sentence level. Table 2 lists the hyper-parameters of KCN.

Table 2 Settings of hyper-parameters

Our model is implemented with an open-source deep learning framework PyTorch and is publicly available online.

Results

Effects of prior knowledge

To investigate the effects of prior knowledge, we compare our KCN with its three variants:

AE (Averaged Entity Embedding): This variant represents an entity embedding as the average of its constituting word embeddings. That is to say, only relation embeddings learned from KBs are employed, while entity embeddings learned from KBs are not used.

SA (Self-Attention): This variant replaces the relation-based attention mechanism with a self-attention mechanism, which can be represented as: \( {g}_i=\tanh \left({\mathbf{w}}_g^T{\mathbf{M}}^c\left[:,i\right]+{b}_g\right) \). That is to say, only entity embeddings learned from KBs are employed, while relation embeddings learned from KBs are not used.

AE-SA (Averaged Entity Embedding and Self-Attention): This variant represents an entity embedding as the average of its constituting word embeddings, and replaces the relation-based attention mechanism with a self-attention mechanism at the same time. That is to say, neither entity embeddings nor relation embeddings learned from KBs are used.

Table 3 compares KCN with the three variants at both intra- and inter-sentence levels. From the table, we can see that:

Table 3 Effects of different prior knowledge on performance on the CDR dataset

(1) Compared with KCN, AE replaces the entity embedding with its corresponding word embeddings and causes the document level F1-score to drop by 2.91%. This indicates that prior knowledge encoded entity embeddings are more effective than entity embeddings expressed by word embeddings.

(2) SA discards relation embeddings in KCN and causes the F1-score significantly decreases by 12.03%. This suggests that relation embeddings learned from KBs are the direct evidence for CDR extraction.

(3) AE-SA achieves the worst results among the three variants. It does not leverage any knowledge representations learned from KBs, resulting in a 13.21% decrease of F1-score.

(4) With the help of the deep semantic relevance between entity embeddings and relation embeddings, KCN achieves the highest document level F1-score of 71.28%.

Influences of curated CDR articles

CTD provides prior knowledge for relation extraction in the CDR dataset. One may then wonder if there is any relation between the curated data in CTD and the CDR dataset. To clarify the doubt, we make a statistic on the CDR dataset and find that all the 1500 articles in the CDR dataset have been curated in CTD. We call these articles as curated CDR articles.

To explore the influences of curated CDR articles, we remove some triples in curated CDR articles (defined as CDR triples) from CTD. Three new models are trained based on KCN, namely -train&test, -train and -test.

(1) -train&test indicates all CDR triples in the whole CDR dataset are removed from CTD.

(2) -train indicates CDR triples in the CDR training and development set are removed from CTD.

(3) -test indicates CDR triples in the CDR test set are removed from CTD.

From the results shown in Table 4, we can see that:

Table 4 Influences of curated CDR articles on the relation extraction results

(1) Without the guidance of CDR triples in the CDR dataset, the F1-score drops from 71.28% (KCN) to 61.35% (-train&test). Once CDR triples are removed from CTD, entity pairs in the CDR dataset will be incorrectly annotated as the null relation. As a result, they may be misclassified.

(2) Similar to -train&test, -train and -test also make some declines in the document level F1-score.

Based on the experiments above, one may doubt if KCN only relies on prior knowledge extracted from CTD. To clarify this, we design an extra model called Only KB. This model extracts CID relations by matching the entity pairs in the CDR dataset with the triples in CTD. The results are shown in the last row of Table 4.

(1) Compared with KCN, Only KB gets a lower F1-score of 63.90%, which demonstrates the importance of the contexts.

(2) Only KB has a fairly low precision. CTD curates a large number of CID triples, however, some of which are not annotated as CID relations in the CDR test set. In this case, many negative triples will be wrongly classified as positives through matching.

(3) The recall of Only KB is not 100%, which is mainly caused by two reasons. Firstly, our heuristic rules for negative instance filtering (see subsection “Intra- and inter-sentence level instance construction) remove some positive instances. Secondly, although CTD covers all the articles in the CDR dataset, not all positive entity pairs in the CDR dataset are included in it.

As illustrated above, curated CDR articles can be helpful for CDR extraction. And the key to achieving the good performance is the combination of prior knowledge and context information.

Effects of architecture

To better understand the architecture of KCN, we compare it with two variants:

w/o GTRU: This variant replaces GTRU with traditional Tanh, i.e. entity-based gated convolutions degenerate to traditional convolutions. Without the control of entity embeddings, the operations in the two convolutional networks are the same. Therefore, only one convolutional network is enough.

w/o Att: This variant replaces the relation-based attention pooling with a max pooling.

From the results shown in Table 5, we can observe that:

Table 5 Effects of each component of architecture on performance on the CDR dataset

(1) Without entity-based gated convolutions, the F1-score of w/o GTRU decreases from 71.28 to 68.43%. It is probable that entity-based gated convolutions could extract entity-specific contexts for CDR extraction.

(2) When we remove the attention pooling, the performance of w/o Att significantly drops. The possible reason is that the relation-based attention mechanism could find important contexts related to relations.

Effects of sharing parameters

In KCN, the two convolutional networks use different sets of parameters in the gated convolutions but share the same parameters in the attention pooling. To explore the effects of sharing parameters, we compare KCN with three variants:

SGate-SAtt: In this variant, the parameters in the gated convolutions and the attention pooling are both shared.

DGate-DAtt: In this variant, neither the parameters in the gated convolutions nor the parameters in the attention pooling are shared.

SGate-DAtt: In this variant, the parameters in the gated convolutions are shared, while the parameters in the attention pooling are not.

From the results shown in Table 6, we can find that:

Table 6 Effects of different parameter sharing strategies on performance on the CDR dataset

(1) Compared with KCN, SGate-SAtt ignores specific information related to each entity, resulting in performance decline.

(2) DGate-DAtt focuses on more specific information related to each entity but ignores the connection between the two entities, which leads to a slight drop in the performance.

(3) SGate-DAtt captures specific information related to each entity in the attention pooling. The F1-score of SGate-DAtt is slightly better than that of SGate-SAtt. This demonstrates that entity-specific information is needed for CDR extraction, either in the gated convolutions or in the attention pooling.

Effects of gating units

This subsection compares the effects of the different gating units used in the gated convolutions, including GTRU [27] (namely KCN), Gated Tanh Units (GTU) tanh(XWs + bs) × σ(XWa + Vae + ba) [26] and Gated Linear Units (GLU) (XWs + bs) × σ(XWa + Vae + ba) [25]. GTU and GLU have shown their effectiveness in language modeling [25, 26].

Table 7 demonstrates that GTRU outperforms the other two gating units. GTU and GLU use sigmoid gates, whose upper bounds are + 1. However, ReLU gates used in GTRU have no restrictions on the upper bound. It can amplify knowledge-related context features according to the relevance between context features and entity embeddings.

Table 7 Effects of different gating mechanisms in the gated convolutional layer on performance on the CDR dataset

Discussion

Visualizations

To illustrate the guidance capacity of prior knowledge in KCN, we visualize the weights generated by attention mechanisms and gates in the form of heat maps in Figs. 3 and 4 respectively.

Fig. 3
figure 3

 The attention visualization of a negative instance

Fig. 4
figure 4

 The gating visualization of a positive instance

Attention visualization

The attention weights in KCN and AE-SA are visualized in Fig. 3a and b, respectively. Each subfigure has two rows, which correspond to the attention weight of the chemical-based features Mc and the disease-based features Md, respectively.

In Fig. 3, the sequence “fludrocortisone ↑ pmod ↑ by ↑ vmod ↑ reversed ↑ vmod ↑ induced ↑ nmod ↑ hyperkalemia” is a negative instance for the focused entity pair “fludrocortisone” and hyperkalemia”. It is correctly classified by KCN but misclassified by AE-SA.

As can be seen from Fig. 3a, KCN pays more attention to the negation word “reverse”, which helps classify the negative instance correctly. Moreover, the two entities pay attention to each other in Fig. 3a. The relation-based attention could build the links between them.

However, in Fig. 3b, the weights of all the tokens in AE-SA have no obvious difference. This may be caused by the lack of prior knowledge. Without its guidance, the attention in AE-SA fails to catch the crucial information, resulting in misclassification.

Gating visualization

The weights generated by gates in KCN and AE-SA are visualized in Fig. 4a and b, respectively. For a sequence, there are ntoken × nfilter × ndimension outputs of the ReLU gates. We average nfilter × ndimension gate outputs as the weight of each token. We take a positive instance “atp ↑ pmod ↑ by ↑ vmod ↑ induced ↑ nmod ↑ hypotension” in Fig. 4 as an example, which is also correctly classified by KCN but misclassified by AE-SA.

As can be seen from Fig. 4a, with the guidance of prior knowledge, the chemical “atp” controlled gates assign more weights on the trigger word “induced”, which is an important cue for positive instance classification.

However, in Fig. 4b, each token weight controlled by disease “hypotension” drops dramatically. Due to the loss of the crucial cue, the instance is misclassified as negative by AE-SA.

Comparison with related works

Comparison with previous systems

We compare KCN with previous systems of the BioCreative V CDR Task in Table 8. To make a fair comparison, all the systems are evaluated on the CDR test set with the golden standard entity annotations. The systems can be divided into 2 groups: systems without KBs and systems with KBs.

Table 8 Comparison with previous systems of CDR extraction

From Table 8, we can see that systems with KBs outperform systems without KBs. This indicates that prior knowledge can be an effective promotion for CDR extraction.

Among the systems without KBs, neural network-based methods [13,14,15] perform better than feature-based methods [6], which shows the strength of low-dimensional feature vectors in context modeling. Particularly, Le et al. [14] employ the SDP between chemical and disease entities with a CNN-based model, and achieve the highest F1-score of 65.88% among them. However, their system lacks the guidance of prior knowledge. Only using the context information limits the performance of their system.

As for the systems with KBs, Peng et al. [10] use support vector machines (SVM) with one-hot knowledge features extracted from CTD and achieve an F1-score of 67.08%. Furthermore, Peng et al. [10] introduce additional weakly labeled data to improve the F1-score to 71.83% (4.75% increase). Inspired by Peng et al. [10], we also add the same weakly labeled data to train our KCN. However, the document level F1-score slightly drops to 70.35%, which could be found in the last row of Table 8 (Ours).

Weakly labeled data often contains some noise, which may harm the system performance. Generally, an effective method of reducing noise is usually needed [34]. However, without any denoising mechanism, Peng et al. [10] still show strong performance boost from using this data. The good anti-noise capacity may benefit from the careful feature engineering and shallow learning methods. Different from Peng et al. [10], KCN uses low-dimensional features with deep learning methods. If an effective denoising mechanism is not applied, KCN seems unable to deal with noise.

Pons et al. [9] leverage rich one-hot knowledge features extracted from a commercial system Euretos Knowledge Platform. Different from them, our system represents knowledge with low-dimensional embeddings rather than one-hot features. This could create the correlations between features in a low-dimensional vector space.

Li et al. [16] map knowledge features into low-dimensional vectors to help CDR extraction. Zhou et al. [17] use TransE to learn knowledge representations and incorporate relation embeddings with contexts through an attention mechanism. Different from them: 1) we introduce both entity and relation embeddings, while Zhou et al. [17] only take relation embeddings into consideration; 2) we use both the gating units and the attention mechanism to select the important context features, while Zhou et al. [17] only use the attention mechanism. Therefore, we achieve a better performance than Zhou et al. [17].

Influences of CDR triples on previous systems

To further explore the influences of CDR triples on previous systems, we reproduce two representative systems, named Zhou-feature and Zhou-CAN, to represent feature-based methods and neural network-based methods, respectively. Zhou-feature is the polynomial kernel-based system without using prior knowledge in Zhou et al. [12]. Zhou-CAN is the CNN-based system with prior knowledge in Zhou et al. [17].

Table 9 compares KCN with Zhou-feature and Zhou-CAN under the following three conditions: (I) without KBs, (II) with KBs, (III) with KBs but removing CDR triples in the CDR test set. From the results, we can see that:

Table 9 Comparison with previous systems under the three conditions

(1) When CDR triples are removed, there is a sharp drop of performance for all the systems, which demonstrates that CDR triples play an important role in both feature-based methods and neural network-based methods.

(2) Comparing the condition (I) with the condition (III), the performance of neural network-based methods is improved, while the feature-based method performance is decreased. Once CDR triples are removed, relation features extracted from KBs are incorrect. Even though, neural network-based methods could still capture the potential semantic information through context features to remedy the incorrect relations, while feature-based methods could not.

(3) For the two neural network-based methods, KCN performs better than Zhou-CAN under the condition (III). The reason is probable that both entity and relation embeddings are used in KCN, while only relation embeddings are employed in Zhou-CAN. Entity embeddings could still give KCN effective guidance for CDR extraction.

Error analysis

We perform an error analysis on the final results of KCN to detect the origins of false positives (FPs) and false negatives (FNs). Figure 5 depicts the distribution of all the errors.

Fig. 5
figure 5

The error distribution of origins of FPs and FNs. FNs-IC denotes incorrectly classified FNs and FNs-MC denotes missing classified FNs

For FPs in Fig. 5, 339 negative chemical-disease entity pairs are wrongly classified as positive by KCN, accounting for 54.07% of total. This may be caused by the following two reasons. First, CTD curates a large number of entity pairs with CID relations. But some of them are not annotated as CID relations in the CDR test set, which will mislead their classification. Second, the complex contexts would make it difficult for KCN to distinguish whether the entity pairs have CID relations. Take sentence 2 as an example.

Sentence 2: The homozygous Gunn rats have unconjugated hyperbilirubinemia due to the absence of glucuronyl transferase, leading to marked bilirubin deposition in renal medulla and papilla.

In this sentence, chemical “bilirubin” and disease “hyperbilirubinemia” have no CID relation. However, the context surrounding this entity pair is quite confusing, with the phrases “due to” and “leading to” expressing the meaning of “inducing”. This causes the wrong classification.

For FNs, there are two main error types:

(1) FNs-Incorrect Classification (FNs-IC): The FNs-IC type brings 167 errors with a proportion of 26.63%. Take sentence 3 as an example.

Sentence 3: BACKGROUND: Several studies have demonstrated liposomal doxorubicin (Doxil) to be an active antineoplastic agent in platinum-resistant ovarian cancer, with dose limiting toxicity of the standard dosing regimen (50 mg/m (2) q 4 weeks) being severe erythrodysesthesia (“hand-foot syndrome”) and stomatitis.

In Sentence 3, chemical “doxorubicin” and disease “hand-foot syndrome” have a CID relation. However, KCN misclassifies it as negative, which may be caused by the complex contexts, obscure semantic expression and lack of trigger words.

(2) FNs-Missing Classification (FNs-MC): Such error type is due to some positive instances being removed by the heuristic rules mentioned in subsection “Intra- and inter-sentence level instance construction”. And it results in 121 errors with a proportion of 19.30%.

Conclusions

This paper proposes a novel CDR extraction model KCN, which includes the entity-based gated convolutions and relation-based attention pooling. The gating units are employed to control the propagation of context features toward a chemical-disease pair. The attention mechanism is used to focus contexts on the CID relation. The experimental results on the BioCreative V CDR dataset show that KCN could effectively integrate prior knowledge and contexts for the performance improvement.

As future work, we would like to introduce weakly labeled data and consider how to utilize effective denoising mechanisms to purify them.

Notes

  1. http://ctdbase.org/

  2. http://code.google.com/p/word2vec/

  3. http://biocreative.org/tasks/biocreative-v/track-3-cdr/

  4. https://github.com/thunlp/KB2E/

Abbreviations

CDR:

Chemical-disease relation

CID:

Chemical-induced diseases

CNN:

Convolutional neural network

CTD:

Comparative toxicogenomic database

DNER:

Disease named entity recognition and normalization

F:

F1-score

FNs:

False negatives

FNs-IC:

FNs-incorrect classification

FNs-MC:

FNs-missing classification

FPs:

False positives

GCNN:

Gated convolutional neural network

GLU:

Gated linear units

GTRU:

Gated tanh-relu units

GTU:

Gated tanh units

KCN:

Knowledge-guided convolutional networks

LSTM:

Long short-term memory

MeSH:

Medical subject headings

P:

Precision

R:

Recall

SDP:

Shortest dependency path

SVM:

Support vector machines

References

  1. Doğan RI, Murray GC, Névéol A, Lu Z. Understanding PubMed® user search behavior through log analysis. Database. 2009;2009:bap018.

    Google Scholar 

  2. Lu Z. PubMed and beyond: a survey of web tools for searching biomedical literature. Database. 2011;2011:baq036.

    Article  Google Scholar 

  3. Névéol A, Islamaj DR, Lu Z. Semi-automatic semantic annotation of PubMed queries: a study on quality, efficiency, satisfaction. J Biomed Inform. 2011;44(2):310–8.

    Article  Google Scholar 

  4. Davis AP, Grondin CJ, Johnson RJ, Sciaky D, King BL, McMorran R, Wiegers J, Wiegers TC, Mattingly CJ. The comparative toxicogenomics database: update 2017. Nucleic Acids Res. 2016;45(D1):D972–8.

    Article  Google Scholar 

  5. Wei CH, Peng Y, Leaman R, Davis AP, Mattingly CJ, Li J, Wiegers TC, Lu Z. Assessing the state of the art in biomedical relation extraction: overview of the BioCreative V chemical-disease relation (CDR) task. Database. 2016;2016:baw032.

    Article  Google Scholar 

  6. Gu J, Qian L, Zhou G. Chemical-induced disease relation extraction with various linguistic features. Database. 2016;2016:baw042.

    Article  Google Scholar 

  7. Zhou H, Deng H, He J. Chemical-disease relations extraction based on the shortest dependency path tree. In: the fifth BioCreative challenge evaluation workshop; 2015. p. 214–9.

    Google Scholar 

  8. Xu J, Wu Y, Zhang Y, Wang J, Lee HJ, Xu H. CD-REST: a system for extracting chemical-induced disease relation in literature. Database. 2016;2016:baw036.

    Article  Google Scholar 

  9. Pons E, Becker BF, Akhondi SA, Afzal Z, Mulligen EM, Kors JA. Extraction of chemical-induced diseases using prior knowledge and textual information. Database. 2016;2016:baw046.

    Article  Google Scholar 

  10. Peng Y, Wei CH, Lu Z. Improving chemical disease relation extraction with rich features and weakly labeled data. Aust J Chem. 2016;8(1):53.

    Google Scholar 

  11. Gu J, Sun F, Qian L, Zhou G. Chemical-induced disease relation extraction via convolutional neural network. Database. 2017;2017:bax024.

    Article  Google Scholar 

  12. Zhou H, Deng H, Chen L, Yang Y, Jia C, Huang D. Exploiting syntactic and semantics information for chemical–disease relation extraction. Database. 2016;2016:baw048.

    Article  Google Scholar 

  13. Nguyen DQ, Verspoor K. Convolutional neural networks for chemical-disease relation extraction are improved with character-based word embeddings. In: arXiv preprint arXiv; 2018. p. 180510586.

    Google Scholar 

  14. Le HQ, Can DC, Dang TH, Tran MV, Ha QT, Collier N. Improving chemical-induced disease relation extraction with learned features based on convolutional neural network. In: International conference on knowledge and systems engineering (KSE); 2017. p. 292–7.

    Google Scholar 

  15. Verga P, Strubell E, Shai O, McCallum A. Attending to all mention pairs for full abstract biological relation extraction. In: arXiv preprint arXiv; 2017. p. 17100831.

    Google Scholar 

  16. Li H, Chen Q, Tang B, Wang X. Chemical-induced disease extraction via convolutional neural networks with attention. In: IEEE international conference on bioinformatics and biomedicine (BIBM); 2017. p. 1276–9.

    Chapter  Google Scholar 

  17. Zhou H, Ning S, Yang Y, Liu Z, Lang C, Lin Y. Chemical-induced disease relation extraction with dependency information and prior knowledge. J Biomed Inform. 2018;84:171–8.

    Article  Google Scholar 

  18. LeCun Y, Bottou L, Bengio Y, Haffner P. Gradient-based learning applied to document recognition. Proc IEEE. 1998;86(11):2278–324.

    Article  Google Scholar 

  19. Hochreiter S, Schmidhuber J. Long short-term memory. Neural Comput. 1997;9(8):1735–80.

    Article  CAS  Google Scholar 

  20. Bordes A, Usunier N, Weston J, Yakhnenko O. Translating embeddings for modeling multi-relational data. In: International conference on neural information processing systems; 2013. p. 2787–95.

    Google Scholar 

  21. Wang Z, Zhang J, Feng J, Chen Z. Knowledge graph embedding by translating on hyperplanes. In: Proceedings of the twenty-eighth AAAI conference on artificial intelligence; 2014. p. 1112–9.

    Google Scholar 

  22. Lin Y, Liu Z, Sun M, Liu Y, Zhu X. Learning entity and relation embeddings for knowledge graph completion. In: Proceedings of the twenty-ninth AAAI conference on artificial intelligence; 2015. p. 2181–7.

    Google Scholar 

  23. Tang D, Qin B, Liu T. Aspect level sentiment classification with deep memory network. In: Proceedings of the 2016 conference on empirical methods in natural language processing (EMNLP); 2016. p. 214–24.

    Chapter  Google Scholar 

  24. Zheng W, Lin H, Luo L, Zhao Z, Li Z, Zhang Y, Yang Z, Wang J. An attention-based effective neural model for drug-drug interactions extraction. BMC Bioinform. 2017;18(1):445.

    Article  Google Scholar 

  25. Oord A, Kalchbrenner N, Espeholt L, Graves A, Kavukcuoglu K. Conditional image generation with pixelCNN decoders. In: International conference on neural information processing systems; 2016. p. 4790–8.

    Google Scholar 

  26. Dauphin YN, Fan A, Auli M, Grangier D. Language modeling with gated convolutional networks. In: International conference on machine learning; 2017. p. 933–41.

    Google Scholar 

  27. Xue W, Li T. Aspect based sentiment analysis with gated convolutional networks. In: Meeting of the Association for Computational Linguistics; 2018. p. 2514–23.

    Google Scholar 

  28. Coletti MH, Bleich HL. Medical subject headings used to search the biomedical literature. J Am Med Inform Assoc. 2001;8(4):317–23.

    Article  CAS  Google Scholar 

  29. Sagae K, Tsujii J. Dependency parsing and domain adaptation with LR models and parser ensembles. In: Proceedings of the 2007 joint conference on empirical methods in natural language processing and computational natural language learning (EMNLP-CoNLL); 2007. p. 1044–50.

    Google Scholar 

  30. Mikolov T, Sutskever I, Chen K, Corrado GS, Dean J. Distributed representations of words and phrases and their compositionality. In: International conference on neural information processing systems; 2013. p. 3111–9.

    Google Scholar 

  31. Wei CH, Kao HY, Lu Z. PubTator: a web-based text mining tool for assisting biocuration. Nucleic Acids Res. 2013;41(W1):W518–22.

    Article  Google Scholar 

  32. Kalchbrenner N, Grefenstette E, Blunsom P. A convolutional neural network for modelling sentences. In: Meeting of the Association for Computational Linguistics; 2014. p. 655–65.

    Google Scholar 

  33. Kingma DP, Ba JA. A method for stochastic optimization. In: arXiv preprint arXiv; 2014. p. 14126980.

    Google Scholar 

  34. Lin Y, Shen S, Liu Z, Luan H, Sun M. Neural relation extraction with selective attention over instances. In: Meeting of the Association for Computational Linguistics; 2016. p. 2124–33.

    Google Scholar 

Download references

Acknowledgements

We would like to thank the Natural Science Foundation of China and the Ministry of Education of China. We also would like to thank the editors and all anonymous reviewers for valuable suggestions and constructive comments.

Funding

This work was supported by the National Natural Science Foundation of China (grant number 61772109) and the Ministry of education of Humanities and Social Science research and planning Fund of China (grant number 17YJA740076). The funding bodies did not play any role in the design of the study, data collection and analysis, or preparation of the manuscript.

Availability of data and materials

The source code of KCN is available at https://github.com/CHkunLang/KCN.

Author information

Authors and Affiliations

Authors

Contributions

HZ and CL carried out the overall algorithm design and experiments. ZL and SN participated in the algorithm design. YL and LD proposed some amendments and helped draft the manuscript. All authors participated in manuscript preparation. All authors read and approved the final manuscript.

Corresponding author

Correspondence to Huiwei Zhou.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare that they have no competing interests.

Publisher’s Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is distributed under the terms of the Creative Commons Attribution 4.0 International License (http://creativecommons.org/licenses/by/4.0/), which permits unrestricted use, distribution, and reproduction in any medium, provided you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons license, and indicate if changes were made. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Zhou, H., Lang, C., Liu, Z. et al. Knowledge-guided convolutional networks for chemical-disease relation extraction. BMC Bioinformatics 20, 260 (2019). https://doi.org/10.1186/s12859-019-2873-7

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12859-019-2873-7

Keywords