Abstract
Prediction of drug–target interactions (DTIs) is essential in medicine field, since it benefits the identification of molecular structures potentially interacting with drugs and facilitates the discovery and reposition of drugs. Recently, much attention has been attracted to network representation learning to learn rich information from heterogeneous data. Although network representation learning algorithms have achieved success in predicting DTI, several manually designed meta-graphs limit the capability of extracting complex semantic information. To address the problem, we introduce an adaptive meta-graph-based method, termed AMGDTI, for DTI prediction. In the proposed AMGDTI, the semantic information is automatically aggregated from a heterogeneous network by training an adaptive meta-graph, thereby achieving efficient information integration without requiring domain knowledge. The effectiveness of the proposed AMGDTI is verified on two benchmark datasets. Experimental results demonstrate that the AMGDTI method overall outperforms eight state-of-the-art methods in predicting DTI and achieves the accurate identification of novel DTIs. It is also verified that the adaptive meta-graph exhibits flexibility and effectively captures complex fine-grained semantic information, enabling the learning of intricate heterogeneous network topology and the inference of potential drug–target relationship.
Keywords: drug–target interaction, heterogeneous network, adaptive meta-graph, graph convolutional networks
INTRODUCTION
The interactions between drugs and targets play a critical role in the process of drug discovery. The successful prediction of interactions between drugs and targets helps to identify new drug compounds that can bind to specific biological targets, which facilitates drug discovery, repositioning and the prediction of drug side effects [1]. Although laboratory experiments, utilizing various techniques of classical and reverse pharmacology, can be used to infer drug–target interactions (DTIs), they are both time-consuming and expensive [2]. Therefore, there is a growing need for in-silico prediction of DTIs, which can effectively reduce the search space for laboratory experiments while achieving high accuracy in predicting possible interactions.
There are two main computational tasks for predicting DTIs, i.e. DTI probability prediction and drug–target binding affinity prediction. Specifically, the DTI probability prediction task was traditionally modeled as a binary classification problem which predicts potential links between drugs and targets. The drug–target binding affinity prediction task focuses on an important piece of information about protein–ligand interactions (i.e. the binding affinity values), and therefore, the drug–target binding affinity prediction task is always considered as a regression task [3]. In our work, we mainly focus on the DTI probability prediction task.
The existing mainstream DTI prediction methods are machine learning-based approaches, which can be further categorized into three categories: feature-based methods, similarity-based methods and network-based methods. Feature-based methods transform drug and target data into feature vectors by using effective feature extraction and processing methods to describe drug and target information for DTI prediction. For example, Tabei et al. [4] utilized a tensor product approach to combine 881 drug compound structures with 876 protein domain structural features of target proteins. Ru et al. [5] employed a distance-based top-n-gram algorithm and general descriptors of compounds to extract protein and drug features. DeepDTI first automatically extracted drug and target features from the simple chemical substructure and sequence information and then constructed classification models using deep belief networks to exploit potential DTIs [6]. However, lacking of explicit features may cause difficulties in accurately predicting DTIs. Similarity-based methods assume that similar drugs usually interact with the same target. For instance, NRLMF calculated the probability of DTI exploiting the drug similarities and target similarities through logistic matrix factorization [7]. Chen et al. [8] proposed a model named NRWRH based on the integration of drug–drug, protein–protein and DTI networks. TransformerCPI improved the accuracy of drug–protein interaction prediction through sequence-based deep learning and self-attention mechanisms [9].
Network-based methods infer potential edges from known heterogeneous network, where nodes represent drugs, targets, side effects and other entities related with drugs or targets. For instance, Ezzat et al. [10] utilized a matrix factorization approach with graph regularization to predict DTIs based on a drug–target bipartite graphs. With the increment of data associated with drugs/targets, advanced network-based approaches are successively proposed based on complex heterogeneous networks and achieved satisfactory performance on DTIs prediction. Yan et al. [11] proposed a network-based label propagation method with mutual interaction information derived from heterogeneous network to infer potential DTIs. DTINet employed random walk with restart and diffusion component analysis to obtain features of drugs and proteins; then, inductive matrix complementation was used to distinguish DTIs [12]. DDR applied a random forest model to recognize DTIs using various graph-based features [13]. MKLC-BiRW applied multiple kernel learning and clustering methods to integrate heterogeneous information sources, and the bi-random walk was used to infer potential DTIs [14]. MultiDTI employed convolutional neural networks to ascertain sequence features and predicted DTIs based on nodes’ distance in a shared space [15]. However, these network-based models have a limited ability to learn the complex structure of the network due to the multi-source nature of the heterogeneous network. More recently, graph neural network (GNN) models have demonstrated their efficacy in capturing the intricate topological structure of heterogeneous networks. NeoDTI utilized GNN to learn topology-preserving node features through multiple messaging and aggregation [16]. GCN-DTI applied a graph convolutional network (GCN) to discern features of each drug–protein pair, which subsequently serve as input, followed by deploying deep neural networks for DTI prediction [17]. EEG-DTI leveraged a GCN to extract features from eight biological networks, computing DTI scores via the inner product method based on the derived low-dimensional representations [18]. Nowadays, one of the fundamental challenges for GNN-based models is how to effectively learn the embedding of nodes and edges in heterogeneous network.
Recently, meta-paths serve as effective strategies for GNN-based DTI prediction models to optimally discern neighbors to aggregate the information of nodes and edges in heterogeneous networks. Specifically, the meta-paths in biological heterogeneous networks may include specific metabolic pathways or biological principles, which benefit for the interpretation of DTI prediction [19]. For instance, IMCHGAN adopted a graph attention network with a meta-path level attention mechanism to learn the drug and target embeddings for inferring potential DTI [20]. Tanvir et al. [21] employed meta-paths to extract rich semantic relationships between entities, and feeded a comprehensive feature to classifiers for drug-drug interaction prediction. These meta-paths are always designed empirically, which rely heavily on domain knowledge and are hardly transferred to other heterogeneous networks [22]. Furthermore, although heterogeneous networks include multiple information, not all information are useful for DTI prediction. Recent advances of network architecture search technologies suggest that it is possible to develop an adaptive network architecture for DTI prediction. HampDTI designed a trainable meta-path based on the network architecture search technology and learned low-dimensional features of drugs and targets by using the generated meta-path graph [19]. Compared with trainable meta-paths, expressive meta-graphs possess a superior capacity to capture complex semantic information [23].
In this article, an Adaptive Meta-Graph-based Drug–Target Interaction prediction approach, named ‘AMGDTI’, is proposed to predict potential DTIs on a heterogeneous network. AMGDTI automatically searches for an adaptive meta-graph from a heterogeneous network without requiring domain knowledge, where the adaptive meta-graph exhibits a more flexible structure and enables an efficient integration of complex multiple semantic relationships and structures information embedded in the heterogeneous network, which is the key to achieving a satisfactory result. Specifically, the main contributions of this paper are summarized as follows.
(1) An adaptive meta-graph searching strategy is proposed in AMGDTI, which considers automatically searching for an efficient information integration way without domain knowledge. The adaptive meta-graph exhibits a more flexible structure and well represent fine-grained complex semantic messages, which is utilized to learn the complex topology of heterogeneous networks and infer the potential relationships between drugs and targets. Although there are several works reported for DTI prediction by using meta-paths, but little work focuses on aggregating information based on adaptive meta-graphs.
(2) Based on the adaptive meta-graph searching strategy, a DTI prediction method, named AMGDTI, is proposed based on heterogeneous networks. The effectiveness of the proposed AMGDTI is verified on two benchmark datasets. Experimental results demonstrate that our approach overall outperforms eight state-of-the-art methods in predicting DTI, establishing AMGDTI as a competitive and promising solution. Despite this, multi-omics data, such as transcriptome, may enhance the performance on complex DTIs prediction task.
MATERIALS AND METHODS
Heterogeneous networks
The performance of AMGDTI is evaluated on two benchmark heterogeneous networks, named heterogeneous network and , which are constructed using Luo’s dataset [12] and Zheng’s dataset [24], respectively. Luo’s dataset includes four kinds of objects (drugs, target proteins, diseases and side effects) as well as several interactions between them as shown in Table 1. These objects and interactions are integrated to construct the heterogeneous network . Compared with , the heterogeneous network contains more attributes of drugs and proteins as additional objects, such as fundamental chemical substructures, basic drug substituents, GO terms and so on. In addition, the numbers of drugs and proteins in are lager than those in , as shown in Table 2.
Table 1.
Node type | Num | Edge type | Num |
---|---|---|---|
Drug | 708 | Drug–drug (interaction) | 1 0036 |
Protein | 1512 | Drug–drug (similarity) | 50 1264 |
Disease | 5603 | Drug–protein | 1923 |
Side effect | 4192 | Drug–disease | 19 9214 |
Drug–side effect | 8 0164 | ||
Protein–disease | 1 59 6745 | ||
Protein–protein (interaction) | 7363 | ||
Protein–protein (similarity) | 2 28 6144 |
Table 2.
Node type | Num | Edge type | Num |
---|---|---|---|
Drug | 1094 | Drug–drug | 1 19 6836 |
Protein | 1556 | Drug–protein | 1 1819 |
Chemical structure | 881 | Drug–chemical substructure | 13 3880 |
Side effect | 4063 | Drug–side effect | 12 2792 |
Substituent | 738 | Drug–substituent | 2 0798 |
GO term | 4098 | Protein–GO term | 3 5980 |
Protein–protein | 2 42 1136 |
AMGDTI model
This section describes the details of the proposed AMGDTI model to predict potential drug–protein interactions. The flowchart of AMGDTI is shown in Figure 1.
Encoding the node representation
In our work, Node2Vec [25] is employed to encode nodes in a heterogeneous network, since Node2Vec is widely used to convert nodes into low-dimensional vectors as initial features before graph convolution operations (Figure 1A). Node2Vec performs multiple random walks to obtain sequences of nodes. Subsequently, utilizing the skip-gram model from Word2Vec [26], the sequences of nodes obtained from the random walks are used as training samples to generate low-dimensional embedding vectors for the nodes. This approach effectively captures both the local neighborhood and global structural information between nodes and subsequently encodes it into vector representations.
Adaptive meta-graph
In what follows, we describe the definition of an adaptive meta-graph, and the way to aggregate semantic information guided by adaptive meta-graphs within a heterogeneous network.
Definition of an adaptive meta-graph. An adaptive meta-graph is formally defined as a directed acyclic graph , where refers to the collection of a heterogeneous network’s node-feature within the th information propagation (, denotes the number of aggregation iterations in the heterogeneous network). For simplicity, the node-feature of a heterogeneous network within the th information propagation is called the th state of the heterogeneous network. The set of directed links, , represents the collection of information propagation modes. For example, if the directed link from to is labeled as ‘side-effect drug’ (Figure 2C), then it means is achieved by aggregating the features of ‘side-effect’ nodes to those of ‘drug’ nodes in . In the proposed adaptive meta-graph, any of the previous states () can affect the current state by a certain information propagation mode, thereby generating the skip structures between different states of a heterogeneous network. Thus, the first feature of the proposed meta-graph is the skip structure between nodes, which enables more effective extraction of complex semantic information from a heterogeneous network.
Another feature of the proposed adaptive meta-graph is that each link in a meta-graph is adaptively determined. That is, whether a previous state of a heterogeneous network affects the current state, the way to affect the current state is determined adaptively. To this end, all the edge types in a heterogeneous network are served as the possible information propagation modes. Besides, another two information propagation modes ( and ) are added, where the propagation mode means that the current state is equal to a previous state, and the mode denotes that a previous state could not affect the current state. Specifically, in AMGDTI, there are kinds of possible links between nodes, i.e. , where the first 10 types of links are corresponding to the edge types in the heterogeneous graph, and , are newly designed to make the adaptive meta-graph more flexible. The way to adaptively select the information propagation modes among different states will be illustrated in the following.
Construction of an adaptive meta-graph. For the DTI prediction, an adaptive meta-graph is applied to guide the information aggregation in a heterogeneous network to obtain the features of both drugs and proteins. In what follows, we illustrate the way to construct an adaptive meta-graph. Firstly, the number of nodes in an adaptive meta-graph depends on the times of information propagation in the heterogeneous network. Suppose that the feature of nodes propagates times in the heterogeneous network. Then, the nodes in the adaptive meta-graph are .
Next, the possible connections between a pair of nodes are chosen from . To be specific, given two nodes, and , where , and . The proposed method checks whether is the next state of and whether is the last state. If and , then the possible connections from to are those in except for , since the node-feature in the th information propagation affects that of in the th propagation by a certain mode. That is, the possible connections from to are the elements in the set , if and (Eq. 1). If but , then the state may not affect the state . In this situation, the possible connections from to include , i.e. . Moreover, if is the last state (), then the possible connections from to are further restrict to those connections related with either drugs or targets. On one hand, to achieve the node-feature of drugs, the possible connections with constraint () are chosen as the types with the form of ‘drug’. On the other hand, we choose those related with proteins with the form of ‘protein’ to update the node-feature of proteins. For example, on the heterogeneous network , four modes are chosen to update the node-feature of drugs, i.e. ‘drug drug ’, ‘protein drug’, ‘disease drug’ and ‘side-effect drug’. That is, in this situation, . Compared with the possible connections under the situation of and , those under the situation of and add two types of connections, i.e. and . The possible connections from to in four situations are listed as follows:
(1) |
Thirdly, a connection from to is adaptively chosen from all possible connections. In the proposed AMGDT, a parameter is assigned to each possible link from to to represent the possibility of the link to be selected. For example, the possibility of the connection ‘drug protein’ () from to is assigned a parameter . The connection with the maximum value will have a large probability to be the link from to . Besides, in order to increase the diversity of possible meta-graphs, the link from to is randomly chosen from . In the proposed AMGDTI, the final type of links from to is randomly chosen from with the possibility , and with the possibility of to be that with the maximum value of the parameter . The parameter is set to be a small value that promotes the exploration of various message passing options in the initial stages, gradually reducing to as the value of increases. Formally, the type of connections from the node to in the adaptive meta-graph can be determined as follows:
(2) |
where ‘rand()’ denotes the random and uniform sampling of an element from a given set.
The calculation of is the key to adaptively choose the type of links. Here, a network architecture search-based method (DiffMG [27]) is used to measure the value of . To be specific, the significance of each link is firstly initialized as a random number from . For example, the significance of the th type of links from to is initialized to be , i.e. . According to Eq. 2, the meta-graph is initialized. The node feature in a heterogeneous network is updated guided by the initialized adaptive meta-graph. The detail of the information aggregation is illustrated in the next subsection. Then, the significance of each link is updated by optimizing two objectives, where the two optimization objectives are the validation loss and the training loss , respectively. Suppose is the loss function, and represents the network structure parameter. The significance of each link is adaptively optimized by Eq. 3
(3) |
(4) |
where is the set of known drug–protein interactions (positive samples), and is the negative samples which contain the drugs and proteins without interactions. , are, respectively, the node representations of drugs and proteins obtained from positive samples, while , are those achieved from negative samples. denotes the logsigmoid function. Furthermore, the possibility of the th type of links from to , denoted by , is achieved by normalizing the significance of the link () which is as follows:
(5) |
Information aggregation guided by adaptive meta-graphs
Given an adaptive meta-graph and the first th state of a heterogeneous network, the th state of a heterogeneous network is updated by aggregating information based on GCN (Figure 2C). Specifically, the message propagation for in adaptation meta-graphs is delineated as follows:
(6) |
where denotes message propagation using the GCN model, and subscripe represents the set of edge types from the th intermediate state to the th state. indicates GELU activation function. denotes the propagation of information from the th state along an edge of type to th state. is delineated as follows:
(7) |
where , is an identity matrix, is the diagonal degree matrix of and is the weight matrix of GCN. The states of each node of the adaptive meta-graph are obtained sequentially according to the above process, and the th state is finally obtained.
DTI prediction
After performing the information aggregation process, we obtain the feature vectors of the drug and the protein and use the inner product of the two to predict the potential DTI. Given a specific drug and a particular target , the interaction score between and can be calculated as follows:
(8) |
where and are the feature representations of drugs and targets, respectively. is the sigmoid function.
RESULTS
Baseline methods
To evaluate the performance of the proposed model, we compared AMGDTI with the six state-of-the-art drug–target prediction models as follows.
DTINet [11] learns the low-dimensional vector representations of nodes in a constructed heterogeneous network by using a network diffusion algorithm and detects new DTIs based on a matrix completion method.
NeoDTI [16] is the first framework to integrate the feature extraction techniques with the DTI prediction methods into an end-to-end learning framework, where the feature of a node is achieved by aggregating all of its neighborhood information.
GCN-DTI [17] learns the features for each node in a constructed drug–protein pair network by using a GCN and then uses a deep neural network to predict DTIs.
IMCHGAN [20] is a meta-path-based DTIs prediction model, where the drug and target embeddings are learned by adopting a graph attention network with meta-path level attention mechanism.
EEG-DTI [18] is a heterogeneous GCNs-based framework for the prediction of DTIs, where the feature representation of each node is generated by aggregating the features of its neighbors connecting by different types of edges in each layer of the GCN.
HampDTI [19] developed a meta-path graph structure that indirectly determines the importance of each possible meta-path connecting a drug and a target. Following this, GCNs are employed on the resulting meta-path graph to learn reduced-dimension drug and target attributes for DTI prediction.
DeepConv-DTI [28] uses convolutional filters to capture local residue patterns participating in DTIs, uses data as high-level input, constructs model protein features and concatenates drug features. Finally, the DTIs probability is predicted through the fully connected layer.
TripletMultiDTI [29] employs a combination of triplet loss and task prediction loss to create a more discriminative feature representation of drug–target pairs, leading to improved prediction performance by enhancing the clustering of feature space for similar drug–target pairs and distinguishing dissimilar ones.
DeepConv-DTI is a sequence-based method, while others are network-based methods. Network-based methods execute the similar procedures with the proposed model, i.e. they firstly learn the feature representations of nodes in a heterogeneous network and then predict DTIs.
Parameter setting
The proposed AMGDTI model is implemented on the PyTorch framework with the Adam optimizer [30], where the learning rate is , the weight decay rate is , the hidden size is , the decay rate is and epochs are used to train. For Node2Vec, we set the walk size , the number of walks , the degree of forward movement and the degree of backward movement . Besides, the parameters of the above-mentioned baseline methods follow the settings in their papers.
Performance evaluation
To evaluate the performance of AMGDTI, we perform 5-fold cross-validation in two benchmark datasets. Since the number of unknown DTIs is much larger than that of known drug–target pairs in each of the two benchmark datasets, unknown DTIs are under-sampled to make the size the same as the number of known DTIs, resulting the positive samples (i.e. all of the known DTIs) and the negative samples (i.e. the unknown DTIs selected according to above principle). For the 5-fold cross-validation, we randomly select of positive samples and the negative samples to train the model. Besides, randomly selected of positive samples and of negative samples are used as the validation set to tune the parameters. The remaining of positive samples and negative samples are selected as the testing set. The area under the receiver operating characteristic curve (AUC) and the area under the precision-recall curve (AUPRC) are used to evaluate the performance of the proposed AMGDTI, since they have been widely used in the research of DTI prediction. In our work, times of 5-fold cross-validation are perfomed on two benchmark datasets, and the best results are calculated to show the performance of each method. As shown in Table 3, the following two observations can be obtained.
Table 3.
Model | Network | Network | Params | ||||
---|---|---|---|---|---|---|---|
AUC | AUPRC | -value | AUC | AUPRC | -value | ||
DTINet | 0.879 | 0.906 | 5.31e−10 | 0.889 | 0.900 | 2.08e−7 | * |
NeoDTI | 0.955 | 0.889 | 4.84e−8 | 0.946 | 0.846 | 1.99e−4 | 9.98e10 |
GCN-DTI | 0.918 | 0.897 | 1.76e−8 | 0.922 | 0.914 | 1.61e−4 | * |
IMCHGAN | 0.956 | 0.903 | 1.06e−4 | 0.946 | 0.929 | 1.35e−3 | 4.44e5 |
EEG-DTI | 0.954 | 0.964 | 2.24e−5 | 0.942 | 0.941 | 2.41e−4 | 1.84e6 |
HampDTI | 0.928 | 0.927 | 5.51e−9 | – | – | – | 9.92e4 |
DeepConv-DTI | 0.909 | 0.917 | 3.23e−8 | – | – | – | 1.52e6 |
TripletMultiDTI | 0.991 | 0.990 | 6.53e−4 | – | – | – | 1.53e7 |
AMGDTI | 0.977 | 0.977 | 0.973 | 0.971 | 1.33e5 |
‘-’ indicates that the model is not applicable to this dataset. ‘-value’ is calculated using AUC as a statistic. ‘*’ indicates that the model is not convenient for parameter statistics. ‘Params’ represents the parameter quantity of the model.
First, the proposed adaptive meta-graph based AMGDTI achievesan overall superior performance over two datasets. For example, on the Network N_B, AMGDTI shows the best performance, and the meta-path-based method IMCHGAN ranks the second. The performances of other methods considered here are not good as above two methods, due to the fact that they aggregate node information without distinguishing edge types (except HampDTI). It is demonstrated that different types of edges in heterogeneous networks play different roles in aggregating node information. Both IMCHGAN and HampDTI enable the automatic learning of latent feature representations from bioinformatics networks, which avoids the need for domain-specific knowledge. The IMCHGAN algorithm constructs corresponding meta-paths for drugs and protein targets, extracting potential feature representations for drugs and target proteins separately. In contrast, HampDTI designs a single meta-path for the heterogeneous network to predict DTI. We consider that due to differences in effectively extracting potential features for drugs and targets, the separate design of meta-path/meta-graph in the context of heterogeneous network modeling for DTI prediction should outperform the sole design of a single meta-path/meta-graph. As for AMGDTI, it constructs meta-graphs for drugs and protein targets to extract potential features, respectively.Moreover, the adaptive meta-graph in AMGDTI enables the flexible extraction of refined semantic features. Therefore, although AMGDTI, IMCHGAN, and HampDTI are all algorithms designed for automatic meta-path/meta-graph to predict DTI, AMGDTI performs the best in terms of prediction performance.Second, the proposed adaptive meta-graph is more suit to aggregating node information for drug-target interaction prediction. Specificly, the AUC obtained by AMGDTI is and on Luo’s dataset and Zheng’s dataset, respetively, which is and higher than those obtained by IMCHGAN. The promising performance of the proposed method AMGDTI may partly be due to the introduce of an adaptive meta-graph module, since AMGDTI discerns more useful edge types for predicting drug–target intersections. HampDTI relies on both the SMILES sequences of the drug and the amino acid sequences of the target. However, Zheng’s dataset lacks the necessary sequence information.
In our work, DTI pairs with known interactions are considered as positive samples and the remaining drug–target pairs as negative samples. Due to the inherent imbalance in the number of positive and negative samples, the number of positive samples is significantly lower than that of negative samples. To evaluate whether the number of positive and negative samples affects the performance of the proposed AMGDTI, we conducted experiments employing varying ratios of positive and negative samples. Figure 3 presents the AUC and AUPRC values of AMGDTI when the positive and negative sample ratios are set to be , and . From the figure, it can be found that the performance of AMGDTI differs little as the positive and negative sample ratios changes.
Effectiveness of adaptive meta-graph
Different meta-graphs influence the DTI prediction results. A key structure of meta-graphs is the type of edges. To explore which kind of information aggregation modes largely affects the prediction of DTI, Figure 4 shows the frequency of edge types in meta-graphs achieved by the proposed AMGDTI and the method proposed by Fu et al. [31] in the heterogeneous network , respectively. Specifically, in the method proposed by Fu et al., meta-paths with lengths ranging from to are manually enumerated, and the edge type (‘drug–target’) contributes the most to predicting DTI, followed by ‘target–target’ (Figure 4(A)). Similarly, in AMGDTI, we randomly selected negative samples and chose to be either or for each trial and achieved adaptive meta-graphs. From Figure 4(B), it is found that the two most frequent edge types are also the ‘drug–target’ and ‘target–target’, which are the same as those achieved by the method proposed by Hu et al. The other types of interactions play a supporting role in predicting DTI. Besides, We provided a -test on DTI prediction results to further investigate the difference among various methods. The -value generated by considered models on two datasets are also listed in Table 3. Form above results, it is indicated that the proposed AMGDTI can effectively detect useful information aggregation modes for DTI prediction.
To further show the effectiveness of the proposed adaptive meta-graph, Figure 5 shows the comparison of the prediction results by using the best meta-paths achieved by HampDTI and the method proposed by Fu et al., as well as the optimal adaptive meta-graph achieved by AMGDTI. To be specific, above three meta-graphs were, respectively, used to aggregate information on the heterogeneous network , while the way to calculate the interaction score was the same. Besides, 5-fold cross-validation was performed, and AUC and AUPRC were used as the evaluation indicators. From Figure 5B, it can be seen that the AUC and AUPRC achieved by the proposed optimal adaptive meta-graph are higher than those achieved by the other two best meta-graphs, indicating that the proposed optimal adaptive meta-graph can effectively aggregate information in a heterogeneous network, which is benefit for DTI prediction.
Ablation study
The proposed AMGDTI mainly contains three essential steps, i.e. encoding the nodes in a heterogeneous network by Node2vec, the construction of adaptive meta-graphs and the information aggregation guided by adaptive meta-graphs, where the strategy of selecting possible links with constraints is the key to construct adaptive meta-graphs. Here, the ablation experiments were considered to check the contribution of these key components. The model variants are summarized as follows: (1) AMGDTI-Node2vec means AMGDTI without Node2vec but with one-hot encoding strategy; (2)AMGDTI-Constraints denotes AMGDTI without the strategy of selecting possible links with constraints; and (3) AMGDTI-AMP means that the adaptive meta-graph in AMGDTI is replaced by a manually designed meta-path (i.e. the best meta-path achieved by HampDTI [19]).
Table 4 presents the AUC and AUPRC values of the proposed AMGDTI, and the three variants on two heterogeneous networks. From the table, we can find that the performance of AMGDTI is better than other three variants. This result indicates that the integration of three essential steps helps to improve the prediction performance of AMGDTI. Besides, the results suggest the effectiveness of Node2vec in node encoding, the strategy of selecting possible links with constraints and the information aggregation guided by adaptive meta-graphs. In addition, we found that AMGDTI-AMP shows the maximum performance degradation. This finding indicates that the information aggregation guided by adaptive meta-graphs is the key to achieving a satisfactory result, and adaptive meta-graphs can well represent fine-grained complex semantic messages, and benefit to learn the complex topology of heterogeneous networks and infer potential relationships between drugs and targets.
Table 4.
Method | Network | Network | ||
---|---|---|---|---|
AUC | AUPRC | AUC | AUPRC | |
AMGDTI-Node2vec | 0.963 | 0.951 | 0.936 | 0.921 |
AMGDTI-Constraints | 0.965 | 0.953 | 0.966 | 0.954 |
AMGDTI-AMP | 0.958 | 0.956 | – | - |
AMGDTI | 0.977 | 0.977 | 0.973 | 0.971 |
‘-’ indicates that the model is not applicable to the dataset.
Prediction of potential DTIs
Potential DTI is predicted based on the constructed heterogeneous network and the AMGDTI model. Utilizing heterogeneous network containing drugs, targets, side effects and diseases, the AMGDTI model is trained for the prediction of potential DTI using an equal number of positive and negative samples. Utilizing the trained AMGDTI model, predictions are made for all unconfirmed drug–target relationship pairs, and the top 10 highest scoring potential DTI results are presented in Table 5.
Table 5.
Rank | Drug ID | Drug Name | Target ID | Target Name | Evidence |
---|---|---|---|---|---|
1 | DB00502 | Haloperidol | P08172 | CHRM2 | DrugBank5.0 (DB00334),KEGG (hsa04080) |
2 | DB01136 | Carvedilol | P35368 | ADRA1B | DrugBank5.0 (Proved) |
3 | DB01280 | Nelarabine | Q02880 | TOP2B | Unknown |
4 | DB00418 | Secobarbital | P47870 | GABRB2 | DrugBank5.0 (DB06716), KEGG (hsa04080) |
5 | DB00398 | Sorafenib | Q08345 | DDR1 | Unknown |
6 | DB01236 | Sevoflurane | O60391 | GRIN3B | DrugBank5.0 (DB01520), KEGG (hsa04080) |
7 | DB00734 | Risperidone | P08173 | CHRM4 | DrugBank5.0 (DB09167), KEGG (hsa04080) |
8 | DB00370 | Mirtazapine | Q9NYX4 | CALY | DrugBank5.0 (DB00370), KEGG (hsa04080) |
9 | DB01159 | Halothane | P18505 | GABRB1 | DrugBank5.0 (Proved) |
10 | DB00449 | Dipivefrin | P25100 | CHRM2 | KEGG (Proved) |
In order to ascertain the credibility of the predicted potential DTIs, various reference databases are consulted to seek corroborative evidence, such as KEGG and DrugBank version 5.0 [32]. DrugBank database reports the relevant drugs for the target and the relevant targets for the drug, and Drugbank 5.0 is the latest version, documenting the DTI identified in recent research. KEGG database reports the relevant targets for the drug, and KEGG PATHWAY [33] stores data on protein metabolic pathways.
In our examination of the top 10 potential DTI rankings, the second-ranked interaction involving Carvedilol and ADRA1B [34], the ninth-ranked interaction between Halothane and GABRB1 [35] and the tenth-ranked interaction involving Dipivefrin and CHRM2 [36] have been substantiated by the latest database as demonstrating authentic DTIs. These findings underscore the reliability of our predictive methodology in elucidating biologically relevant DTIs.
Numerous inferred DTIs lack direct verification; however, specific biological hypotheses enable the deduction of potential DTI associations [37]. This premise relies on the notion that similar drugs typically engage with identical target proteins. Furthermore, a drug’s interaction with a protein may influence the expression of other proteins within the same pathway. For instance, the interaction prediction scores for Haloperidol and CHRM2 rank at the top. Antipsychotics Haloperidol and Olanzapine exhibit a documented interaction with CHRM2; both related to the neuroactive ligand-receptor pathway (hsa04080), suggesting a potential interaction between Haloperidol and CHRM2. Moreover, by intputing sorafenib into the model, a literature-based validation revealed that among the top 10 predicted potential targets ranked by score, three were confirmed to interact with sorafenib, encompassing FLT1 [38], CSF1R [39] and RET [40]. This substantiates the model’s robust performance in predicting targets for emerging drug entities.
DISCUSSION AND CONCLUSION
Despite recent advances of biomedical research and technologies, DTI prediction remains a challenging task which requires the effective learning of the information of drugs and targets form a large heterogeneous network. In this study, we propose an adaptive meta-graph-based deep-learning method, AMGDTI, which automatically searches for a suitable adaptive meta-graph to predict potential DTI. AMGDTI guides the GCN in gathering neighborhood information of nodes by a novel and expressive search space, i.e. adaptive meta-graphs. From the experimental results, the enhanced performance of the proposed method mainly attributes to the adaptive meta-graph. Firstly, the adaptive meta-graph has a skip connection structure, i.e. nodes within the adaptive meta-graph (excluding the source node) possess more than one incoming link, aggregating information from multiple propagation paths. Specifically, a node in the adaptive meta-graph represents the state of the heterogeneous network after message propagation, and an edge in the adaptive meta-graph characterizes a message propagation path. Note that the adaptive meta-graph degenerates into a meta-path when there is no skip connection between nodes. The target node of the previous propagation coincides with the source node of the subsequent propagation in the adaptive meta-graph. Thus, the adaptive meta-graph exhibits a more flexible structure and can better represent fine-grained semantic messages than the meta-graph, enabling the extraction of complex semantic information. Secondly, it uncovers crucial DTI meta-paths for prediction, providing valuable insights into DTI-related research and enhances interpretability compared with prior black-box deep learning models. Thirdly, it circumvents reliance on domain knowledge, enabling the dynamic learning of adaptive meta-graphs between drugs and targets from relevant heterogeneous networks.
Furthermore, the DTIs predicted by AMGDTI could also provide potential real-world implications. An interesting finding is that Sorafenib is a potential drug for T-cell lymphoma. To be specific, Sorafenib, as a kinase inhibitor, has significant therapeutic effects in the treatment of unresectable liver cancer, advanced renal cancer and differentiated thyroid cancer. The kinase activity of DDR1 plays a central role in the development of T-cell lymphoma [41]. It is inferred that sorafenib may have potential therapeutic effects with T-cell lymphoma. Besides, Nelarabine is a purine nucleoside analog and antineoplastic agent used for the treatment of with acute T-cell lymphoblastic leukemia and T-cell lymphoblastic lymphoma. TOP2B is a DNA topoisomerase that plays an important role in maintaining genomic integrity and may also lead to chromosomal translocation and mutations, leading to acute T-cell lymphoblastic leukemia [42]. It is speculated that Nelarabine has potential therapeutic effects with acute T-cell lymphoblastic leukemia.
AMGDTI is an effective network architecture search strategy based on heterogeneous network that offers a powerful deep learning toolbox for the prediction of DTIs. If broadly applied, AMGDTI could be applied to other kinds of prediction, such as drug–drug interactions. In future endeavors, we plan to develop heterogeneous networks tailored to various disease types and incorporate multi-omics data (e.g. transcriptome, metabolome) within the disease-specific networks. The predicted DTI may prove beneficial for the treatment of specific diseases.
Key Points
The prediction of drug–target interactions (DTIs) is essential in medicine field, and one of the fundamental challenges is how to effectively learn the embedding of nodes and edges in heterogeneous network. Here, we developed an adaptive meta-graph-based DTI prediction model (AMGDTI), which serves as an adaptive and efficient method for DTI prediction in a heterogeneous network.
An adaptive meta-graph searching strategy is proposed in AMGDTI, which considers automatically searching for an efficient information integration way without domain knowledge. The adaptive meta-graph enables an efficient integration of complex multiple semantic relationships and structures information embedded in the heterogeneous network, which is the key to achieving a satisfactory result.
The effectiveness of the proposed AMGDTI is verified on two benchmark datasets. Experimental results demonstrate that our approach overall outperforms eight state-of-the-art methods in predicting DTI. It also provides crucial meta-paths for DTI prediction, providing valuable insights into DTI-related research and enhances interpretability compared with prior black-box deep learning models.
Supplementary Material
Author Biographies
Yansen Su is a professor at the School of Artificial Intelligence, Anhui University. She is also with Institute of Artificial Intelligence, Hefei Comprehensive National Science Center, 5089 Wangjiang West Road, 230088 Hefei, China. Her research interests include bioinformatics, deep learning and multi-objective optimization.
Zhiyang Hu is a master’s degree student at the School of Computer Science, Anhui University. His research interests include research of intelligent information processing and machine learning.
Fei Wang is currently an Assistant Professor in the Key Laboratory of Intelligent Computing and Signal Processing of Ministry of Education, School of Artificial Intelligence, Anhui University. His research interests are bioinformatics, drug repositioning, and deep learning.
Yannan Bin is currently an Associate Researcher in the Key Laboratory of Intelligent Computing and Signal Processing of Ministry of Education and Information Materials and Intelligent Sensing Laboratory of Anhui Province, Institutes of Physical Science and Information Technology, Anhui University. Her research is focused on bioinformatics, machine learning and bioactive peptide prediction.
Chunhou Zheng is currently a Professor in the Key Laboratory of Intelligent Computing and Signal Processing of Ministry of Education, School of Artificial Intelligence, Anhui University. His research interests include pattern recognition and bioinformatics.
Haitao Li a lecturer at the School of Artificial Intelligence, Anhui University. He is also with Information Materials and Intelligent Sensing Laboratory of Anhui Province. His main research interests include machine learning and bioinformatics.
Haowen Chen is an associate professor with Hunan University. His research interests include bioinformatics and artificial intelligence. He has published several research papers in these fields including Npj Systems Biology, IEEE/ACM TCBB, Methods, COMPUTERS & SECURITY etc.
Xiangxiang Zeng is a professor at Hunan University. His research interests include bio-computing and bioinformatics.
Contributor Information
Yansen Su, Information Materials and Intelligent Sensing Laboratory of Anhui Province, Anhui University, Hefei, 230601, China.
Zhiyang Hu, Information Materials and Intelligent Sensing Laboratory of Anhui Province, Anhui University, Hefei, 230601, China.
Fei Wang, Information Materials and Intelligent Sensing Laboratory of Anhui Province, Anhui University, Hefei, 230601, China.
Yannan Bin, Information Materials and Intelligent Sensing Laboratory of Anhui Province, Anhui University, Hefei, 230601, China.
Chunhou Zheng, Information Materials and Intelligent Sensing Laboratory of Anhui Province, Anhui University, Hefei, 230601, China.
Haitao Li, Information Materials and Intelligent Sensing Laboratory of Anhui Province, Anhui University, Hefei, 230601, China.
Haowen Chen, College of Computer Science and Electronic Engineering, Hunan University, Hunan, 410082, China.
Xiangxiang Zeng, College of Computer Science and Electronic Engineering, Hunan University, Hunan, 410082, China.
FUNDING
National Key Research and Development Program of China (2021YFE0102100); National Natural Science Foundation of China (62322301, 62302007, 62172002, 62122025, 61872309, U19A2064); The University Synergy Innovation Program of Anhui Province (GXXT-2022-035); Anhui Provincial Natural Science Foundation (2108085QF267).
DATA AVAILABILITY
The datasets used in this reasarch are publicly available and can be accessed at https://github.com/ahu-bioinf-lab/AMGDTI.
References
- 1. Ding H, Takigawa I, Mamitsuka H, Zhu S. Similarity-based machine learning methods for predicting drug–target interactions: a brief review. Brief Bioinform 2014;15(5):734–47. [DOI] [PubMed] [Google Scholar]
- 2. Paul SM, Mytelka DS, Dunwiddie CT, et al. How to improve r&d productivity: the pharmaceutical industry’s grand challenge. Nat Rev Drug Discov 2010;9(3):203–14. [DOI] [PubMed] [Google Scholar]
- 3. Fang K, Zhang Y, Shiyu D, He J. Colddta: utilizing data augmentation and attention-based feature fusion for drug-target binding affinity prediction. Comput Biol Med 2023;164:107372. [DOI] [PubMed] [Google Scholar]
- 4. Tabei Y, Pauwels E, Stoven V, et al. Identification of chemogenomic features from drug–target interaction networks using interpretable classifiers. Bioinformatics 2012;28(18):i487–94. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 5. Xiaoqing R, Wang L, Li L, et al. Exploration of the correlation between gpcrs and drugs based on a learning to rank algorithm. Comput Biol Med 2020;119:103660. [DOI] [PubMed] [Google Scholar]
- 6. Wen M, Zhang Z, Niu S, et al. Deep-learning-based drug–target interaction prediction. J Proteome Res 2017;16(4):1401–9. [DOI] [PubMed] [Google Scholar]
- 7. Liu Y, Min W, Miao C, et al. Neighborhood regularized logistic matrix factorization for drug-target interaction prediction. PLoS Comput Biol 2016;12(2):e1004760. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 8. Chen X, Liu M-X, Yan G-Y. Drug–target interaction prediction by random walk on the heterogeneous network. Mol Biosyst 2012;8(7):1970–8. [DOI] [PubMed] [Google Scholar]
- 9. Chen L, Tan X, Wang D, et al. TransformerCPI: improving compound–protein interaction prediction by sequence-based deep learning with self-attention mechanism and label reversal experiments. Bioinformatics 2020;36(16):4406–14. [DOI] [PubMed] [Google Scholar]
- 10. Ezzat A, Zhao P, Min W, et al. Drug-target interaction prediction with graph regularized matrix factorization. IEEE/ACM Trans Comput Biol Bioinform 2016;14(3):646–56. [DOI] [PubMed] [Google Scholar]
- 11. Yan X-Y, Zhang S-W, Zhang S-Y. Prediction of drug–target interaction by label propagation with mutual interaction information derived from heterogeneous network. Mol Biosyst 2016;12(2):520–31. [DOI] [PubMed] [Google Scholar]
- 12. Luo Y, Zhao X, Zhou J, et al. A network integration approach for drug-target interaction prediction and computational drug repositioning from heterogeneous information. Nat Commun 2017;8(1):1–13. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 13. Olayan RS, Ashoor H, Bajic VB. DDR: efficient computational method to predict drug–target interactions using graph mining and machine learning approaches. Bioinformatics 2018;34(7):1164–73. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14. Yan X-Y, Zhang S-W, He C-R. Prediction of drug-target interaction by integrating diverse heterogeneous information source with multiple kernel learning and clustering methods. Comput Biol Chem 2019;78:460–7. [DOI] [PubMed] [Google Scholar]
- 15. Zhou D, Zhijian X, Li WT, et al. MultiDTI: drug–target interaction prediction based on multi-modal representation learning to bridge the gap between new chemical entities and known heterogeneous network. Bioinformatics 2021;37(23):4485–92. [DOI] [PubMed] [Google Scholar]
- 16. Wan F, Hong L, Xiao A, et al. NeoDTI: neural integration of neighbor information from a heterogeneous network for discovering new drug–target interactions. Bioinformatics 2019;35(1):104–11. [DOI] [PubMed] [Google Scholar]
- 17. Zhao T, Yang H, Valsdottir LR, et al. Identifying drug–target interactions based on graph convolutional network and deep neural network. Brief Bioinform 2021;22(2):2141–50. [DOI] [PubMed] [Google Scholar]
- 18. Peng J, Wang Y, Guan J, et al. An end-to-end heterogeneous graph representation learning-based framework for drug–target interaction prediction. Brief Bioinform 2021;22(5):bbaa430. [DOI] [PubMed] [Google Scholar]
- 19. Wang H, Huang F, Xiong Z, Zhang W. A heterogeneous network-based method with attentive meta-path extraction for predicting drug–target interactions. Brief Bioinform 2022;23(4):bbac184. [DOI] [PubMed] [Google Scholar]
- 20. Li J, Wang J, Lv H, et al. IMCHGAN: inductive matrix completion with heterogeneous graph attention networks for drug-target interactions prediction. IEEE/ACM Trans Comput Biol Bioinform 2021;19(2):655–65. [DOI] [PubMed] [Google Scholar]
- 21. Tanvir F, Islam MIK, Akbas E. Predicting drug-drug interactions using meta-path based similarities. In: 2021 IEEE Conference on Computational Intelligence in Bioinformatics and Computational Biology (CIBCB). General Chair: Jennifer Hallinan, Melbourne, Australia. IEEE, 2021. Pages 1–8.
- 22. Yang C, Liu M, He F, et al. Similarity modeling on heterogeneous networks via automatic path discovery. In: Machine Learning and Knowledge Discovery in Databases: European Conference, ECML PKDD 2018, Dublin, Ireland, September 10–14, 2018, Proceedings, Part II 18. Springer, 2019, 37–54. [Google Scholar]
- 23. Zhao H, Yao Q, Li J, et al. Meta-graph based recommendation fusion over heterogeneous information networks. In: Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, 2017. pp. 635–44.
- 24. Zheng Y, Peng H, Zhang X, et al. Predicting drug targets from heterogeneous spaces using anchor graph hashing and ensemble learning. In: 2018 International Joint Conference on Neural Networks (IJCNN). IEEE, New York, NY, USA: Association for Computing Machinery (ACM), 2018. pages 1–7. [Google Scholar]
- 25. Grover A, Leskovec J. node2vec: Scalable feature learning for networks. ACM, San Francisco, USA, 2016. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 26. Mikolov T, Sutskever I, Chen K, et al. Distributed representations of words and phrases and their compositionality. In: Burges CJC, Bottou L, Welling M, Ghahramani Z, Weinberger KQ (eds) Advances in Neural Information Processing Systems. Curran Associates, Inc., New York. Vol. 26. 2013. [Google Scholar]
- 27. Ding Y, Yao Q, Zhao H, Zhang T. Diffmg: differentiable meta graph search for heterogeneous graph neural networks. In: Proceedings of the 27th ACM SIGKDD Conference on Knowledge Discovery & Data Mining, 2021. pp. 279–88.
- 28. Lee I, Keum J, Nam H. Deepconv-dti: prediction of drug-target interactions via deep learning with convolution on protein sequences. PLoS Comput Biol 2019;15(6):e1007129. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 29. Dehghan A, Razzaghi P, Abbasi K, Gharaghani S. Tripletmultidti: multimodal representation learning in drug-target interaction prediction with triplet loss function. Expert Syst Appl 2023;232:120754. [Google Scholar]
- 30. Paszke A, Gross S, Massa F, et al. Pytorch: an imperative style, high-performance deep learning library. Adv Neural Inf Process Syst 2019;32:1–12. [Google Scholar]
- 31. Gang F, Ding Y, Seal A, et al. Predicting drug target interactions using meta-path-based semantic network analysis. BMC Bioinformatics 2016;17(1):1–10. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 32. Wishart DS, Feunang YD, Guo AC, et al. DrugBank 5.0: a major update to the DrugBank database for 2018. Nucleic Acids Res 2018;46(D1):D1074–82. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 33. Junli D, Yuan Z, Ma Z, et al. KEGG-PATH: Kyoto encyclopedia of genes and genomes-based pathway analysis using a PATH analysis model. Mol Biosyst 2014;10(9):2441–7. [DOI] [PubMed] [Google Scholar]
- 34. O’Connell TD, Jensen BC, Baker AJ, Simpson PC. Cardiac alpha1-adrenergic receptors: novel aspects of expression, signaling mechanisms, physiologic function, and clinical importance. Pharmacol Rev 2014;66(1):308–33. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 35. Gaulton A, Hersey A, Michał Nowotka A, et al. The chembl database in 2017. Nucleic Acids Res 2017;45(D1):D945–54. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 36. Kanehisa M, Furumichi M, Tanabe M, et al. Kegg: new perspectives on genomes, pathways, diseases and drugs. Nucleic Acids Res 2017;45(D1):D353–61. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 37. Sun C, Cao Y, Wei J-M, Liu J. Autoencoder-based drug–target interaction prediction by preserving the consistency of chemical properties and functions of drugs. Bioinformatics 2021;37(20):3618–25. [DOI] [PubMed] [Google Scholar]
- 38. Kitagawa D, Yokota K, Gouda M, et al. Activity-based kinase profiling of approved tyrosine kinase inhibitors. Genes Cells 2013;18(2):110–22. [DOI] [PubMed] [Google Scholar]
- 39. Ullrich K, Wurster KD, Lamprecht B, et al. Bay 43-9006/sorafenib blocks csf1r activity and induces apoptosis in various classical hodgkin lymphoma cell lines. Br J Haematol 2011;155(3):398–402. [DOI] [PubMed] [Google Scholar]
- 40. Hong DS, Cabanillas ME, Wheler J, et al. Inhibition of the ras/raf/mek/erk and ret kinase pathways with the combination of the multikinase inhibitor sorafenib and the farnesyltransferase inhibitor tipifarnib in medullary and differentiated thyroid malignancies. J Clin Endocrinol Metabol 2011;96(4):997–1005. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 41. Zhang X, Yabing H, Pan Y, et al. Ddr1 promotes hepatocellular carcinoma metastasis through recruiting psd4 to arf6. Oncogene 2022;41(12):1821–34. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 42. Uusküla-Reimand L, Wilson MD. Untangling the roles of top2a and top2b in transcription and cancer. Sci Adv 2022;8(44):1–16. [DOI] [PMC free article] [PubMed] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Supplementary Materials
Data Availability Statement
The datasets used in this reasarch are publicly available and can be accessed at https://github.com/ahu-bioinf-lab/AMGDTI.