Skip to main content

Drug-target interaction prediction based on spatial consistency constraint and graph convolutional autoencoder

Abstract

Background

Drug-target interaction (DTI) prediction plays an important role in drug discovery and repositioning. However, most of the computational methods used for identifying relevant DTIs do not consider the invariance of the nearest neighbour relationships between drugs or targets. In other words, they do not take into account the invariance of the topological relationships between nodes during representation learning. It may limit the performance of the DTI prediction methods.

Results

Here, we propose a novel graph convolutional autoencoder-based model, named SDGAE, to predict DTIs. As the graph convolutional network cannot handle isolated nodes in a network, a pre-processing step was applied to reduce the number of isolated nodes in the heterogeneous network and facilitate effective exploitation of the graph convolutional network. By maintaining the graph structure during representation learning, the nearest neighbour relationships between nodes in the embedding space remained as close as possible to the original space.

Conclusions

Overall, we demonstrated that SDGAE can automatically learn more informative and robust feature vectors of drugs and targets, thus exhibiting significantly improved predictive accuracy for DTIs.

Peer Review reports

Background

Drug-target interaction (DTI) prediction plays a significant role in drug discovery and repositioning [1, 2]. Many investigations on drug side effects, poly-pharmacology and drug resistance rely on DTI predictions [3]. However, biochemical experiments to identify DTIs can be expensive and time consuming [4]. Alternatively, computational approaches can effectively identify potential clinically valuable DTIs with significantly reduced costs.

Early traditional computational methods can be divided into two categories, one based on molecular docking [5] and the other based on ligands [6]. However, when the 3D structure of the target protein is unknown, the performance of the methods based on molecular docking are limited. In addition, when the target has only a small number of known binding ligands, the methods based on ligands perform poorly. In the past decade, much effort has been devoted to develop machine learning-based methods to predict potential DTIs. Xuan et al. [7] proposed a prediction method based on non-negative matrix factorisation and a gradient boosting tree model, which can make fully utilise negative samples to learn low-dimensional representations of drugs and targets. Ezzat et al. [8] proposed another matrix factorisation-based method named GRMF, which introduces graph regularisation into low-rank approximation to improve the prediction performance of the algorithm. DTINet was proposed by Luo et al. [9] to integrate information from heterogeneous data sources, and thus capture topological information of drugs and targets from various networks to obtain low-dimensional feature vectors.

However, these shallow machine learning methods have limited learning capabilities, which can hamper their ability to capture the relationship between features and DTIs. Deep learning is a type of machine learning that plays a significant role in speech recognition [10] and image processing [11], and is able to deal with complex biomedical and chemical problems [12, 13] owing to its multi-layered and non-linear structures. Therefore, in recent years, DTI prediction based on deep learning has become a research hotspot.

Based on different input features, deep learning-based DTI prediction methods can be broadly divided into three branches: ligand-, structure-, and relationship-based methods [14]. In particular, ligand-based methods leverage the ligand information of the tested target and use deep learning approaches to simplify the virtual screening steps. In turn, structure-based methods use information from both the target proteins and their ligands. For example, the first application of deep learning for DTI prediction was demonstrated by Wen et al. [15], who developed the DeepDTIs. It extracts potential features of drugs and targets based on unsupervised pre-training using raw descriptors. Subsequently, Öztürk et al. [16] proposed DeepDTA, a convolutional neural network-based model that uses Simplified Molecular Input Line Entry System (SMILES) information of drugs and the amino acid sequence of proteins to predict DTIs, which outperformed the previously reported KronRLS [17] and SimBoosts [18] models. More recently, Huang et al. [19] proposed an augmented Transformer [20] encoder-based method for extracting and capturing semantic relations among substructures of drugs and targets from a large amount of unlabelled biological data.

Heterogeneous data sources provide diverse information and multiple perspectives for the prediction of novel DTIs [9]. Relationship-based methods use heterogeneous networks to integrate information from multi-source biological data among drugs, proteins, diseases, side effects and so on. Zhao et al. [21] proposed DLDTI, which is based on network representation learning and convolutional neural networks. It can incorporate interaction information, attribute characteristics, and network topology of each node in a complex network. The model then uses the learned low-dimensional and informative vectors to perform DTI prediction. In turn, Peng et al. [22] used the Jaccard similarity coefficients [23] and random walk with restart (RWR) [24] to extract the drug and target features, along with a denoising autoencoder to select the network-based features and reduce the dimensionality of the feature representation. Notably, many relationship-based prediction models use graph convolutional networks (GCNs). For example, Manoochehri et al. [25] proposed an end-to-end model in which a heterogeneous network with seven types of edges, comprising drugs, proteins, and diseases, was constructed and graph convolution was performed for each edge type. Liu et al [26] also proposed a model, named GADTI, based on a graph convolutional autoencoder. The encoder in this model consists of the combination of a GCN and an RWR, which provides more information to the nodes, and DisMult [27] was used as the decoder. The GANDTI model proposed by Sun et al. [28] also uses a GCN to encode the drug and target features, but it then uses a generative adversarial network (GAN) to enhance the robustness and reduce the noise of feature vectors. However, most of these methods do not maintain invariant neighbour relationships during representation learning. It is possible that the nearest neighbour relationships between nodes are shifted in the embedding space. These changes may negatively affect the prediction results. At the same time, most of these current methods cannot handle nodes that are not present in the network. In fact, there are a large number of unknown drugs and targets represented as isolated nodes in the interaction network. Therefore, how to process the isolated nodes is a challenge that has to be overcome to achieve more accurate DTI predictions.

Herein, we propose SDGAE, a graph convolutional autoencoder-based DTI prediction method that was designed to address the limitations of the current approaches. SDGAE first uses the Weighted K Nearest Known Neighbours (WKNKN) algorithm to densify the DTI matrix and reduce the number of isolated nodes in a heterogeneous network. During the encoding process, we added spatial consistency constraint (SCC) to the model, which ensures that the topological relationships between nodes in the embedding space remains as close as possible to the original space. Finally, based on ensemble learning, a LightGBM [29] model was constructed for DTI prediction.

The innovations and contribution of this paper can be concluded as follows:

  1. (1)

    By introducing SCC during representation learning, the original topology of the node is preserved in the embedding space. Therefore, the nearest neighbour relationships between nodes in the embedding space remain as close as possible to the original space.

  2. (2)

    A pre-processing step for densifying DTI matrix is introduced before graph convolution. Isolated nodes in heterogeneous network are fully considered and dealt with, thus further exploiting the effectiveness of GCN.

  3. (3)

    Our work provides a new research idea for the optimisation of DTI prediction methods based on graph neural network encoding.

Materials

The dataset used in this study was obtained from public databases, as described previously [9], comprising 1923 known DTIs (i.e. positive samples) and 1,068,573 negative samples. The quantity and source of the nodes in the dataset are shown in Table 1. Among the 708 drugs and 1512 targets included in the dataset, 159 drugs and 1088 targets did not have known interactions, called \('\)unknown drugs\('\) and \('\)unknown targets\('\), respectively. The drugs/targets that had known interactions with at least one target/drug were called \('\)known drugs\('\) and \('\)known targets\('\), respectively. Hence, a set of drugs \(D=\left\{ d_{i} \mid i=1, \ldots , m\right\} \) and targets \(T=\left\{ t_{j} \mid j=1, \ldots , n\right\} \) were contained in the dataset, where m and n represent the number of drugs and targets, respectively. The DTIs are represented by a binary matrix \(Y \in R^{m \times n}\). If there was a known interaction between drug \(d_{i}\) and target \(t_{j}\), then \(Y(i, j)=1\).

Table 1 Details of the dataset

Methods

Overview of SDGAE

The overall workflow of SDGAE is shown in Fig. 1. SDGAE consisted of two stages: a representation learning stage, and a classifier training & prediction stage. During the representation learning stage, the networks related to drugs or targets were processed through a multiple similarities fusion step to obtain the similarity matrices \(S^{D}\) and \(S^{T}\), respectively. These two matrices were then used for densifying DTI matrix and construction of drug-target heterogeneous network. Then, SDGAE was designed to generate an adjacency matrix \(\widetilde{A}\) and node feature matrix \(\widetilde{X}\), which were used for the subsequent graph convolutional autoencoder. In addition, a SCC was introduced in the process of autoencoding. Finally, the graph convolutional autoencoder generated the feature vector matrix Z for drugs and targets. During the classifier training & prediction stage, a LightGBM-based classifier was constructed and trained using the feature vector matrix Z.

Fig. 1
figure 1

Flowchart of SDGAE

Multiple similarities fusion

A similarity matrix between drugs (calculated from chemical structures) and targets (calculated from amino acid sequences) already existed in the dataset, denoted as \(S_{chemical}^{D} \in R^{m\times m}\) and \(S_{sequence}^{T} \in R^{n\times n}\) respectively. Given that the nearest neighbour relationships between nodes in the embedding space needed to be as consistent as possible with those of the original space, the similarity in the original space was considered highly significant. We considered it unilateral to use only one source of data to measure the similarity between nodes. Thus, we measured and fused multiple types of similarity calculated from various sources.

For drug-drug interactions (DDIs), drug-disease associations and drug-side effect associations, we calculated the similarity between two drugs based on the Jaccard similarity coefficient. Considering the drug-side effect association network as an example, the similarity between \(d_{i}\) and \(d_{j}\) was calculated using the following equation:

$$\begin{aligned} \begin{aligned} S_{sideeffect}^{D}(i,j)=\frac{\left| SE_i \cap SE_j\right| }{\left| SE_i \cup S E_j\right| } \end{aligned} \end{aligned}$$
(1)

where \(SE_i\) represents the set of side effects associated with the drug \(d_{i}\). Therefore, the similarity of all drugs concerning side effects was obtained and denoted by the matrix \(S_{sideeffect}^{D} \in R^{m\times m}\), in which each element of the matrix represents the similarity between two drugs, with values close to 1 indicating that the two drugs are similar. The same process was performed for the DDI network and the drug-disease association network to obtain the corresponding similarity matrices, denoted as \(S_{interaction}^{D}\) and \( S_{disease}^{D} \in R^{m\times m}\), respectively.

To measure the similarity between targets from multiple perspectives, the same process was performed for the target-target interaction (TTI) network and target-disease association network to obtain two similarity matrices for targets, which were denoted as \(S_{interaction}^{T}\) and \( S_{disease}^{T} \in R^{n \times n}\), respectively.

The fusion similarity matrices for the drugs (\(S^{D} \in R^{m\times m}\)) and targets (\(S^{T} \in R^{n\times n}\)) were then obtained using Eqs. (2) and (3), respectively.

$$\begin{aligned} S^D(i, j)= & {} \max \left( S_{chemical}^{D}(i, j), \ S_{interaction}^{D}(i, j), \ S_{disease}^{D}(i,j), \ S_{sideeffect}^{D}(i,j) \right) \end{aligned}$$
(2)
$$\begin{aligned} S^T(i, j)= & {} \max \left( S_{sequence}^{T}(i, j), \ S_{interaction}^{T}(i, j), \ S_{disease}^{T}(i,j) \right) \end{aligned}$$
(3)

Densify DTI matrix (DDM)

In the study dataset, only 1923 (0.1796%) drug-target pairs were known to have an interaction. Unknown drugs and targets (See "Materials" Section) behaved as isolated nodes in the DTI network. Because GCN cannot handle isolated nodes based on local neighbourhood information, the existence of these isolated nodes limits the DTI prediction methods based on GCN. If the interactions of these unknown drugs and targets can be inferred according to other drugs or targets before GCN, the number of isolated nodes in the heterogeneous network can be reduced. Thus, the performance of DTI prediction method based on GCN may be greatly improved. Based on the assumption that molecules with similar chemical structures may interact with the same molecules, SDGAE designed the following strategy for densifying DTI matrix.

In the DTI matrix Y (See "Materials" Section), the i-th row represents the interaction profile of the drug \(d_{i}\) and all targets, denoted as \(Y(d_i)=\{Y(i, 1), Y(i, 2) \cdots Y(i, n)\}\). In turn, the j-th column in Y represents the interaction profile of the target \(t_{j}\) and all drugs, which is denoted as \(Y(t_j)=\{Y(1, j), Y(2, j) \cdots Y(m, j)\}\). Some drug-target pairs are not found to interact (zeros in Y) but they potentially interact (i.e. false negative samples). Therefore, the WKNKN algorithm was designed to use known DTIs to estimate the likelihood of unexplored DTIs. After the algorithm, some of the zeros in Y were replaced by values between 0 and 1. The larger the value, the more likely was to exist an interaction between the drug and the target. Hence, using WKNKN, we obtained a densified matrix \(Y_{dense} \in R^{m \times n}\). Algorithm 1 shows the main steps.

figure a

KNearestKnownNeighbours() returns the K-nearest neighbours of a drug or target in descending order based on the similarity matrix \(S^{D}\) or \(S^{T}\). Notably, when returning the K-nearest neighbours of a drug, only known drugs were considered, whereas unknown drugs were excluded, because the interaction profiles of unknown drugs were all zeros, and they could not provide useful interaction information (the same was true for targets).

After the above-described steps, some zeros in the Y matrix were replaced with values between 0 and 1, which are denoted as \(E=\{e_1, e_2 \cdots \}\). These values were sorted in ascending order and the median value \(e_{median}\) was selected as the threshold value. Thus a discretized DTI matrix \(Y_{DTI} \in R^{m \times n}\) was obtained according to the following equation:

$$\begin{aligned} \begin{aligned} Y_{DTI}= {\left\{ \begin{array}{ll}0 &{} Y_{dense }<e_{median } \\ 1 &{} Y_{dense } \ge e_{median}\end{array}\right. } \end{aligned} \end{aligned}$$
(4)

Construction of drug-target heterogeneous network

\(D=\left\{ d_{i} \mid i=1, \ldots , m\right\} \) was used to represent m drug nodes and \(T=\left\{ t_{j} \mid j=1, \ldots , n\right\} \) was used to represent n target nodes. A DDI network was constructed based on the drug-drug interactions: if two drugs interacted, an edge was connected between the two drug nodes. The DDI network was denoted by an adjacency matrix \(A^{D} \in R^{m\times m}\). If there was an interaction between the drug \(d_i\) and drug \(d_j\), then \(A^{D}(i, j)=1\), otherwise \(A^{D}(i, j)=0\). Similarly, a TTI network was constructed and represented by \(A^{T} \in R^{n\times n}\). To jointly exploit the drug and target interaction information, if the drug \(d_i\) and target \(t_j\) were identified in \(Y_{DTI}\) as interacting (i.e. \(Y_{DTI}(i, j)=1\)), an edge was added between drug node \(d_i\) and target node \(t_j\). Thus, a drug-target heterogeneous network was constructed by connecting the DDI and TTI network through the \(Y_{DTI}\) matrix.

As \(A^{D}\), \(A^{T}\), and \(Y_{DTI}\) contained the topological information of the heterogeneous network, the topological adjacency matrix \(\widetilde{A} \in R^{(m+n) \times (m+n)}\) of the heterogeneous network was obtained by concatenating these three matrices (Fig. 2, where \({ }^t Y_{DTI}\) represents the transpose of \(Y_{DTI}\)). \(\widetilde{A}\) and \(\widetilde{X}\) were used as the adjacency matrix and node feature matrix for the subsequent graph convolutional encoder, respectively.

Fig. 2
figure 2

Multiple similarities fusion and construction of heterogeneous network

Graph convolutional encoder

In order to learn the low-dimensional feature vectors of drugs and targets. An autoencoder based on GCN was used to encode hidden representations of nodes. The encoding and decoding processes are illustrated in Fig. 3.

Briefly, in order to contain the node\('\)s own feature in the process of aggregating information, it was necessary to add a self-loop to the adjacency matrix, which was represented as \(A^{\prime }=\widetilde{A}+I\), where I represents an \(m+n\) dimensional identity matrix. Then, \(A^{\prime }\) was normalised to obtain the Laplace matrix according to the following equation:

$$\begin{aligned} \bar{A}=\widetilde{D}^{-\frac{1}{2}} A^{\prime } \widetilde{D}^{-\frac{1}{2}} \end{aligned}$$
(5)

where \(\widetilde{D}(i, i)=\sum _j A^{\prime }(i, j)\). SDGAE was designed with two graph convolutional layers. To obtain a k-dimensional feature vector, the encoding process could be described as follows:

$$\begin{aligned} Z=\phi _2\left( \bar{A} \phi _1\left( \bar{A} \widetilde{X} W_1\right) W_2\right) \end{aligned}$$
(6)

where \( W_1 \in R^{(m+n) \times l}\) and \( W_2 \in R^{l \times k}\) represents the weight matrices of the first and second GCN layers that can be trained. l denotes the dimension of the feature vector for each node in the hidden layer. \(\phi _1\) and \(\phi _2\) are the non-linear activation functions. In particular, in our model, \(\phi _1(t)={\text {sigmoid}}(t)=\frac{1}{1+e^{-t}}\), \(\phi _2(t)={\text {tanh}}(t)=\frac{e^{t}-e^{-t}}{e^{t}+e^{-t}}\). After two convolutional layers, the \(Z \in R^{(m+n) \times k}\) matrix was obtained. The first m and last n rows of this matrix represent the feature vectors of the drugs and the targets, respectively.

Decoder and reconstitution loss

The main purpose of the decoder was to reconstruct the topological adjacency matrix \(\widetilde{A}\) of the heterogeneous network based on matrix Z. The reconstructed matrix \(\hat{A}\) was calculated using the following equation:

$$\begin{aligned} \hat{A}(i, j)=\phi _1\left( z_i \cdot { }^t z_j\right) \end{aligned}$$
(7)

where \(\hat{A}(i, j)\) represents the propensity of node i and node j to interact. Larger values indicated that the decoder predicted that the two nodes were more likely to interact with each other. \(z_i\) and \(z_j\) represent the low-dimensional feature vectors of the node i and node j, taken from the i-th and j-th rows of Z, respectively. \({ }^t z_j\) denotes the transposition of \(z_j\). To make the reconstructed matrix \(\hat{A}\) as consistent with \(\widetilde{A}\) as possible, we used the Mean Squared Error loss function as follows:

$$\begin{aligned} L_{reconstitution}=\Vert \widetilde{A}-\hat{A}\Vert ^2=\sum _i \sum _j(\widetilde{A}(i, j)-\hat{A}(i, j))^2 \end{aligned}$$
(8)
Fig. 3
figure 3

Encoder and decoder in SDGAE. a The fusion similarity in "Multiple similarities fusion" Section; b Gaussian distribution; c MLP-based discriminator

Spatial consistency constraint (SCC)

There may be many potential interactions between drugs or targets, however, not all of them have been discovered so far. As a result, \(\widetilde{A}\) may suffer from serious label missing. If only the matrix \(\widetilde{A}\) was used as the guidance signal to learn the low-dimensional feature vectors of drugs and targets, the nearest neighbour relationships between nodes may shift in the embedding space. Changes in these relationships may have a negative impact on DTI prediction. The main purpose of "Spatial consistency constraint (SCC)" Section was to reduce the affect of noise in \(\widetilde{A}\) and keep the topology of the nodes unchanged. Based on the assumption that nodes close to each other in the original space should also be close to each other in the embedding space, SDGAE designed the following strategy.

Sparsification of the similarity matrices

The SCC in the model mainly constrained the p-nearest neighbours of the nodes. Specifically, for nodes that were p-nearest neighbours in the original space, their distances in the embedding space should be as small as possible. A p-nearest neighbour graph was generated based on \(S^{D}\) and \(S^{T}\) for the drugs and targets, respectively. Taking drug as an example, a p-nearest neighbour graph N could be obtained from the following equation:

$$\begin{aligned} \begin{aligned} N(i,j) = \left\{ {\begin{array}{*{20}l} {1,} &{} {j \in \mathcal {N}_{p} (i)} &{} {i \in \mathcal {N}_{p} (j)} \\ {0,} &{} {j \notin \mathcal {N}_{p} (i)} &{} {i \notin \mathcal {N}_{p} (j)} \\ {0.5,} &{} {{\text {otherwise }}} &{} {} \\ \end{array} } \right. \end{aligned} \end{aligned}$$
(9)

where \(\mathcal {N}_p(i)\) was the set of p-nearest neighbours of the drug \(d_i\). Drug \(d_i\) itself was included in the p-nearest neighbours set, which could be either known drugs or unknown drugs. The N matrix could then be used to sparse \(S^{D}\) in an operation that is represented as follows:

$$\begin{aligned} \hat{S}^D(i,j)=N(i,j) \cdot S^D(i,j) \end{aligned}$$
(10)

Therefore, for all the drugs, we obtained a sparse similarity matrix \(\hat{S}^D \in R^{m\times m}\). The same procedure was performed for the target similarity matrix \(S^{T}\), for which we obtained \(\hat{S}^T \in R^{n\times n}\).

Constraint

The Z output from the graph convolutional autoencoder hold the feature vectors of the drugs and targets. The matrix consisting of the first m rows of Z is denoted by \(Z^{D} \in R^{m\times k}\), where each row of \(Z^{D}\) represents the feature vector of a drug. Similarly, the matrix consisting of the last n rows of Z is denoted by \(Z^{T} \in R^{n\times k}\), where each row of \(Z^{T}\) represents the feature vector of a target. Spatial consistency loss was defined as follows:

$$\begin{aligned} \begin{aligned} L_{spatial\_consistency}&=\lambda _l\left( \left\| Z^{D}\right\| _F^2+\left\| Z^{T}\right\| _F^2\right) \\&\quad +\lambda _d \sum _{i, r=1}^m \hat{S}^D(i,r)\left\| Z_{i}^{D}-Z_{r}^{D}\right\| ^2 \\&\quad + \lambda _t \sum _{j, q=1}^n \hat{S}^{T}(j,q)\left\| Z_{j}^{T}-Z_{q}^{T}\right\| ^2 \end{aligned} \end{aligned}$$
(11)

where \(\lambda _l\), \(\lambda _d\) and \(\lambda _t\) were non-negative hyperparameters that controlled the weights of the three parts of the loss. \(Z_{i}^{D}\) and \(Z_{j}^{T}\) were the i-th and j-th rows of \(Z^{D}\) and \(Z^{T}\) respectively. The first term in Eq. (11) was the Tikhonov regularisation. Moreover, the second term measured the distance of the embeddings among drugs that were the nearest neighbours in the original space. The purpose of minimizing the second term was to ensure that drugs that were close to each other in the original space were also close to each other in the embedding space. With this term, it was guaranteed that the topology of the drug nodes remained essentially unchanged during representation learning. Similarly, the third term ensured that the topology of the target nodes also remained unchanged. Eq. (11) could be rewritten as:

$$\begin{aligned} \begin{aligned} L_{spatial\_consistency}=&\lambda _l\left( \left\| Z^D\right\| _F^2+\left\| Z^{T}\right\| _F^2\right) \\&\quad +\lambda _d {\text {Tr}}\left( { }^t Z^D \mathcal {L}^D Z^D\right) \\&\quad +\lambda _t {\text {Tr}}\left( { }^t Z^T \mathcal {L}^T Z^{T}\right) \end{aligned} \end{aligned}$$
(12)

where \({\text {Tr}}(\cdot )\) denotes the trace of a matrix. \(\mathcal {L}^D=D^D-\hat{S}^D\) and \(\mathcal {L}^T=D^T-\hat{S}^T\), respectively. Additionally, \(D^D(i, i)=\sum _r \hat{S}^D(i, r)\) and \(D^T(j, j)=\sum _q \hat{S}^T(j, q)\) were diagonal matrices. \({ }^t Z^D\) and \({ }^t Z^T\) were the transpose of \(Z^D\) and \(Z^T\) respectively.

By integrating \(''\)Decoder and reconstitution loss\(''\) and "Spatial consistency constraint (SCC)" Section together with Eqs. (8) and (12), the loss of the encoder was obtained as follows:

$$\begin{aligned} L_{encoding}=L_{reconstitution}+L_{spatial\_consistency} \end{aligned}$$
(13)

Adversarial model

To improve the robustness of the model and reduce noise interference in \(\widetilde{A}\), a GAN model was designed. The purpose of GAN was to make the feature vectors more consistent with Gaussian distribution. A multilayer perceptron (MLP) was constructed to act as the discriminator D. In SDGAE, graph convolutional encoder also acted as the generator G. The loss functions of both the generator and discriminator were binary cross-entropy loss functions, which were defined as follows:

$$\begin{aligned} {\text {BCELoss}}(p, y)=-[y \log p+(1-y) \log (1-p)] \end{aligned}$$
(14)

where p represents the predicted output of the model and y denotes the sample label. As described in the "Graph convolutional encoder" Section, the feature vector matrix \(Z \in R^{(m+n)\times k}\) of drugs and targets was obtained, with \(z_i\) as the i-th row in Z. The matrix sampled from the true Gaussian distribution was \(Z^{\prime } \in R^{(m+n)\times k}\), with \(z_i^{\prime }\) as the i-th row in \(Z^{\prime }\). The loss functions of the discriminator and the generator were as follows:

$$\begin{aligned} L_D= & {} \frac{1}{m+n} \sum _i{\text {BCELoss}}\left( D\left( z_i\right) , 0\right) +\frac{1}{m+n} \sum _i {\text {BCELoss}}\left( D\left( z_i^{\prime }\right) , 1\right) \end{aligned}$$
(15)
$$\begin{aligned} L_G= & {} \frac{1}{m+n} \sum _i {\text {BCELoss}}\left( D\left( z_i\right) , 1\right) \end{aligned}$$
(16)

To sum up, as \(L_{encoding}\), \(L_D\), and \(L_G\) were optimised using the Adam algorithm [34], informative and robust feature vector matrix \(Z \in R^{(m+n)\times k}\) of drugs and targets could be obtained. Z was subsequently used to predict the likelihood of DTIs.

Classifier based on LightGBM

Due to the serious problem of class imbalance, ensemble learning has been used to alleviate its negative effects. Herein, LightGBM, which can efficiently address the class imbalance problem, was used as DTI prediction classifier in SDGAE. LightGBM can fully utilise the information of all negative samples.

In the representation learning stage, we obtained the feature vector matrix Z for the drugs and targets. The first m and last n rows of Z represent the feature vectors of the drugs and targets, respectively. If we used \(Z(d_i)\) and \(Z(t_j)\) to represent the feature vectors of the drug \(d_i\) and target \(t_j\), then the feature vector of the drug-target pair \((d_i,t_j)\) would be defined as a concatenation of \(Z(d_i)\) and \(Z(t_j)\); that is, \(x(d_i, t_j)=Z(d_i) \oplus Z(t_j)\). The label of the sample \((d_i,t_j)\) was obtained from the matrix Y; that is \(y(d_i, t_j)=Y(i, j)\). Therefore, we had a total of 1923 positive samples and 1,068,573 negative samples. The loss function of the classifier was binary cross-entropy loss function as follows:

$$\begin{aligned} L_{lightgbm}=\frac{1}{m \times n} \sum _i \sum _j {\text {BCELoss}}(\hat{Y}(i, j), Y(i, j)) \end{aligned}$$
(17)

where \(\hat{Y}(i,j)\) was the classifier output of the sample \((d_i,t_j)\). By optimising the above-described loss, we obtained the interaction propensities among all drugs and targets (\(\hat{Y}\in R^{m \times n}\)). The higher the score of the LightGBM model output, the more likely it was that the drug-target pair could interact.

Results

Evaluation metrics

We used a 10-fold cross-validation approach [35] to evaluate the performance of the SDGAE model. Moreover, the receiver operating characteristic (ROC) curve [36] was constructed. The area under the ROC curve (AUC) [37] was used to assess the predictive performance of the model. However, as the number of negative samples in the dataset was significantly higher than that of the positive samples, in this case, the area under the precision-recall curve (AUPR) [38] could provide more information for assessing the overall performance of the model. Of note, AUC considers both positive and negative sample classification performance, whereas AUPR mainly focuses on positive samples and is suitable for highly unbalanced datasets [39]. Therefore, the AUC and AUPR are usually adequate metrics for evaluating the performance of a model for DTI prediction [40]. Many similar studies have used these two metrics to evaluate the performance of methods for predicting DTIs [26, 28, 41,42,43]. As biologists often select drug-target pairs with high prediction scores for subsequent wet experiment validation, the recall rates of the top \(\omega \) (5%, 10%, 15%, 20%, and 30%) proportion of candidate targets predicted by the model were selected. The average recall rate for all drugs represented the ability of the model to recognise positive samples.

Comparison with other methods

Compared methods and parameters setting

To further evaluate the performance of SDGAE, we compared it with several other state-of-the-art methods, including GRMF [8], DTINet [9], GANDTI [28], NGDTP [7], MolTrans [19], and GADTI [26]. The hyperparameters of these methods were selected based on ranges recommended in the literature. We set \(\lambda _l=0.2\), \(\lambda _d=0.1\), \(\lambda _t=0.1\) in GRMF. The restart probability of the random walk in DTINet was set to \(r=0.8\), as well as \(k_1=100\), \(k_2=400\). For GANDTI, we set \(l=500\), \(k=200\) and \(a=2220\). For NGDTP, in the matrix factorisation stage, we set \(a_1=a_2=a_3=0.1\), \(f_r=280\) and \(f_p=210\), whereas on the GBDT model, we set \(num_{leaves}=80\) and \(learning\ rate=0.02\). For MolTrans, we set \(learning\ rate =0.0001\), \(epoch=30\), \(batch \ size=16\), and \(dropout=0.1\). For GADTI, we set \(learning\ rate=0.001\) and \(d=1000\).

The programming language we used was Python (3.7). SDGAE was built using the GPU version of Pytorch (1.10.0). The main libraries used were lightgbm (3.3.3), torch_geometric (2.1.0), and sklearn (1.0.2). SDGAE was trained and optimised on NVIDIA GeForce RTX 3060. Lastly, the hyperparameters of the SDGAE were set as follows: \(\eta =0.8\), \(K=10\), \(p=5\), \(\lambda _l=1e\text {-}5\), \(\lambda _d=0.001\), \(\lambda _t=0.001\), \(epoch=5000\), the \(learning\ rate\) of the representation learning stage was 0.0001, and the \(learning\ rate\) of the LightGBM model was 0.02.

Experimental comparison

The ROC and PR curves of each method are presented in Fig. 4. The AUC and AUPR are listed in Table 2. SDGAE achieved the best performance among the seven methods, with the AUC 3.89% higher than the second best model (GADTI) and the AUPR 6.80% higher than the second best model (GADTI). The AUC and AUPR of GRMF were 4.92% and 29.99% lower than those of SDGAE. In addition, the AUC and AUPR of DTINet were 5.09% and 52.35% lower than those of SDGAE. Furthermore, the AUC and AUPR of NGDTP were 4.65% and 53.57% lower than those of SDGAE respectively. Finally, the AUC and AUPR of MolTrans were 6.36% and 55.94% lower than those of SDGAE. GANDTI performed the worst among all seven methods, which may be due to the large number of unknown drugs and unknown targets in the dataset (159 unknown drugs and 1088 unknown targets). GANDTI was unable to effectively encode the features of isolated nodes, which limited its performance.

To demonstrate that the AUC and AUPR of SDGAE were higher than the other six methods from a statistical point of view, a t-test was implemented. For the predicted scores of each drug, we separately calculated the AUC and AUPR. AUC list and AUPR list of each method were obtained. The P-values between SDGAE and each compared method were calculated by t-test. The results are shown in Table 3. The results showed that SDGAE was significantly better than the other six methods at the significance level of 0.05 in terms of AUC and AUPR.

Fig. 4
figure 4

ROC and PR curves of SDGAE and other methods

Table 2 AUC and AUPR of SDGAE and other methods
Table 3 Statistical results of SDGAE and other methods

Drug-target pairs with higher prediction scores will be further validated by biologists through wet-lab experiments. Thus for each drug, the recall rates of the top \(\omega \) (5%, 10%, 15%, 20%, and 30%) candidate targets were collected as an indication of the ability of the model to identify DTIs. The higher the average recall, the more real DTIs are identified. Figure 5 illustrates that SDGAE had the highest average recall rate among the seven methods regardless of the \(\omega \) selected, achieving average recall rates between 78.92% and 91.10%. When \(\omega \) was 5%, 10%, 15%, 20%, and 30%, the average recall rates of SDGAE were higher than those of the second best method by 5.21% (GADTI), 5.87% (GADTI), 7.39% (GADTI), 6.87% (DTINet), and 0.90% (MolTrans), respectively. If \(\omega \) was set to 5%, 10%, or 15%, then GRMF performed better than NGDTP. In turn, NGDTP performance was better than that of GRMF when \(\omega \) was set to 30%. When \(\omega \) was set to 20%, the performance of GRMF and NGDTP were similar.

Fig. 5
figure 5

Average recall rates at different top \(\omega \) cutoffs

Figure 6 illustrates the AUC and AUPR of each fold in the whole prediction process of SDGAE. From this figure, we can find that the AUC and AUPR of SDGAE were consistently high in each fold. In addition, the AUC and AUPR of each fold did not fluctuate much. Therefore, SDGAE has good robustness to DTI dataset.

Fig. 6
figure 6

AUC and AUPR of each fold

Ablation experiments

Fig. 7
figure 7

ROC and PR curves of each method

Table 4 Comparison of AUC and AUPR values for ablation experiments

Next, the SDGAE model was further tested but without DDM (See "Densify DTI matrix (DDM)" Section), as well as without SCC (See "Spatial consistency constraint (SCC)" Section).

From Table 4 and Fig. 7, we can see that without DDM, the AUC and AUPR of the SDGAE model were 89.55% and 45.83%, respectively, which represented a significant reduction of 4.73% and 16.03%, compared with the original model. When SCC was not used, a slight AUC increase was observed (up by 0.15%), which was very small, whereas the AUPR of the model decreased significantly (down by 5.28%). Because there is a serious problem of class imbalance, AUPR is more important than AUC. Hence, if SCC was excluded, the performance of SDGAE also deteriorated significantly. Based on the results of the ablation experiments, we confirmed that both the DDM and SCC resulted in a significant improvement in the performance of the method.

If only \(\widetilde{A}\) was used as the guidance signal to learn the low-dimensional feature vectors of drugs and targets (See "Graph convolutional encoder" Section), the nearest neighbour relationships between nodes in the embedding space could shift. Take drug as an example.

Fig. 8
figure 8

Relationships between 20 drugs in a original space, b embedding space without SCC and c embedding space with SCC, respectively. The deeper the colour, the more similar the two drugs are

Twenty drugs were randomly selected to observe the differences in feature vectors learned with and without the SCC. As shown in Fig. 8, the subplot (a) illustrates the similarity between 20 drugs sampled from \(S^D\) matrix. This similarity was determined manually and we defined this space as original space. The subplot (b) is the similarity matrix between the feature vectors of 20 drugs learned without SCC. Correspondingly, the subplot (c) is the similarity matrix between the feature vectors of 20 drugs learned with SCC. It was observed that, if SCC was not used, the similarity between the feature vectors was much greater than that in the original space. The high similarity between feature vectors was not beneficial for subsequent DTI prediction. In contrast, if SCC was used, the similarity between the feature vectors were closer to the original space. Therefore, SCC really played a role in maintaining the graph structure. The nearest relationships between nodes in the embedding space remained as close as possible to the original space. This made the feature vectors more beneficial for subsequent DTI prediction.

Predicting novel DTIs

To demonstrate the ability of SDGAE to discover potential DTIs, we used all known DTIs in the dataset and performed 10-fold cross-validation on negative samples to obtain the interaction propensity of all drug-target pairs in the dataset. In Table 5, we presented the 20 drug-target pairs with the highest scores predicted by the SDGAE. To verify the results of the model, we searched several public databases, including DrugBank [44], PubChem [45], DrugCentral [46], STITCH [47], and KEGG [48], for evidence of these 20 drug-target pair interactions.

Table 5 Top 20 of candidate drug-target pairs

Among the 20 drug-target pairs most likely to interact predicted by SDGAE, 7 were supported by KEGG database, 6 by DrugBank database, 3 by STITCH database, 2 by DrugCentral database and 1 by PubChem database. For the one remaining drug-target pair, we also found literature that indicates the interaction can occur, as noted by \(''\)Literature\(''\) in Table 5. For all 20 drug-target pairs predicted by SDGAE, we can find evidence of existing interactions outside the dataset, demonstrating the powerful ability of SDGAE to predict potential DTIs. Refer to Additional file 1 for novel DTIs of all drugs predicted by SDGAE.

Discussion

The results showed that both AUC and AUPR of SDGAE were higher than the other compared methods (Table 2, Fig. 4). AUPR, in particular, was substantially higher than other methods. We conjecture that the reason why SDGAE performs better than these methods is that it integrates the advantages and mitigates the disadvantages of these methods. Among these methods, DTINet leverages multiple association information and NGDTP can fully utilise negative samples information to effectively alleviate the class imbalance problem; however, both are shallow models with limited learning capabilities. GADTI and GANDTI are deep learning methods based on graph convolutional encoding, but GCNs do not perform well in networks with isolated nodes or sparse networks. In addition, GADTI and GANDTI do not consider the invariance of the nearest neighbour relationships between nodes during representation learning. In comparison, SDGAE is a method based on graph convolutional autoencoder and it has a powerful learning capability. SDGAE measures similarity from multiple perspectives, which makes full use of information from multiple data sources. Moreover, the LightGBM in SDGAE makes full use of the information from negative samples and alleviates class imbalance problem by building multiple decision trees. SDGAE densifies adjacency matrix to deal with isolated nodes in heterogeneous networks, fully exploiting the effectiveness of GCN. In addition, SCC operation maintains the nearest neighbour relationships between nodes unchanged, which is beneficial for the subsequent training of the classifier. As an outcome of its enhanced efficacy, SDGAE identified more potential DTIs than the other methods, which paves the way for a faster discovery of potential drug targets. Ablation experiments showed that both the SCC and DDM significantly improved the performance of the model. Finally, all 20 novel DTIs predicted by SDGAE were supported by several published works, which demonstrates the powerful ability of SDGAE for DTI prediction.

Compared with the work of others, we paid more attention to the changes occurring in the nearest neighbour relationships of the nodes in the process of representation learning (Fig. 8). Without SCC, nodes that were not close to each other in the original space would likely become close to each other in the embedding space after representation learning. We believe that an important reason for this is that \(\widetilde{A}\) contains noise. There are some interactions that are not yet discovered. SDGAE was designed to reduce the interference of these false labels. From Fig. 8 and Table 4, it could be concluded that intentionally keeping the nearest neighbours unchanged during representation learning is beneficial for DTI prediction to some extent.

Although SDGAE was only used to predict missing DTIs in this work, SDGAE is a versatile method. If the similarity between nodes is defined, SDGAE can be easily applied to other link prediction problems, such as the predictions of microRNA-small molecule [50,51,52,53], drug-side effect [54, 55], gene-disease [56,57,58], and microRNA-disease [59, 60] associations. In the future we will investigate the performance of the SDGAE in other link prediction problems. In addition, the coronavirus disease 2019 (COVID-19) has become a major global health problem [61] and is still haunting the entire human race. However, researching and designing a new drug for patients with COVID-19 may take a lot of time. Drug repurposing may be an effective alternative [62]. We will apply SDGAE model to the datasets which contain more targets and drugs related to COVID-19. In other words, SDGAE will be used to predict potential therapeutic drugs for the treatment of COVID-19 in the future [62, 63].

Conclusions

We propose a novel method, SDGAE, for DTI prediction. During the representation learning stage, the idea of maintaining graph structure was used to make the topology of nodes in the embedding space closer to the original space. Thus, the nearest neighbour relationships between nodes in the embedding space remained as close as possible to the original space. In order to alleviate the disadvantage that GCN cannot encode isolated nodes, the DTI matrix was first densified to reduce the number of isolated nodes in heterogeneous networks. This operation fully exploited the effectiveness of the GCN.

Taken together, this study provides a good inspiration for DTI prediction models based on graph neural network encoding. The idea of SCC and DDM can be applied to other methods without difficulty. Thus, it provides a general idea for the optimisation of DTI prediction methods based on graph neural network encoding.

Availability of data and materials

The source code is available at https://github.com/936773184/SDGAE. The dataset used in these experiments is available online at https://github.com/luoyunan/DTINet.

Abbreviations

DTI:

Drug-target interaction

SCC:

Spatial consistency constraint

DDM:

Densify DTI matrix

GCN:

Graph convolutional network

ROC:

Receiver operating characteristic

GAN:

Generative adversarial network

RWR:

Random walk with restart

DDI:

Drug-drug interaction

TTI:

Target-target interaction

MLP:

Multilayer perceptron.

References

  1. Abbasi K, Razzaghi P, Poso A, Ghanbari-Ara S, Masoudi-Nejad A. Deep learning in drug target interaction prediction: current and future perspectives. Curr Med Chem. 2021;28(11):2100–13.

    Article  CAS  PubMed  Google Scholar 

  2. Chen X, Yan CC, Zhang X, Zhang X, Dai F, Yin J, Zhang Y. Drug-target interaction prediction: databases, web servers and computational models. Brief Bioinf. 2016;17(4):696–712.

    Article  CAS  Google Scholar 

  3. Masoudi-Nejad A, Mousavian Z, Bozorgmehr JH. Drug-target and disease networks: polypharmacology in the post-genomic era. In Silico Pharmacol. 2013;1(1):1–4.

    Article  Google Scholar 

  4. Whitebread S, Hamon J, Bojanic D, Urban L. Keynote review: in vitro safety pharmacology profiling: an essential tool for successful drug development. Drug Discov Today. 2005;10(21):1421–33.

    Article  CAS  PubMed  Google Scholar 

  5. Morris GM, Huey R, Lindstrom W, Sanner MF, Belew RK, Goodsell DS, Olson AJ. Autodock4 and autodocktools4: Automated docking with selective receptor flexibility. J Comput Chem. 2009;30(16):2785–91.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  6. Keiser MJ, Roth BL, Armbruster BN, Ernsberger P, Irwin JJ, Shoichet BK. Relating protein pharmacology by ligand chemistry. Nature Biotechnol. 2007;25(2):197–206.

    Article  CAS  Google Scholar 

  7. Xuan P, Chen B, Zhang T, Yang Y. Prediction of drug-target interactions based on network representation learning and ensemble learning. IEEE/ACM Trans Comput Biol Bioinf. 2021;18(06):2671–81.

    Article  Google Scholar 

  8. Ezzat A, Zhao P, Wu M, Li X-L, Kwoh C-K. Drug-target interaction prediction with graph regularized matrix factorization. IEEE/ACM Trans Comput Biol Bioinf. 2017;14(03):646–56.

    Article  CAS  Google Scholar 

  9. Luo Y, Zhao X, Zhou J, Yang J, Zhang Y, Kuang W, Peng J, Chen L, Zeng J. A network integration approach for drug-target interaction prediction and computational drug repositioning from heterogeneous information. Nature Commun. 2017;8(1):1–13.

    Article  Google Scholar 

  10. Zhang Z, Geiger J, Pohjalainen J, Mousa AE-D, Jin W, Schuller B. Deep learning for environmentally robust speech recognition: An overview of recent developments. ACM Trans Intell Syst Technol (TIST). 2018;9(5):1–28.

    Article  Google Scholar 

  11. Aggarwal V, et al. A review: deep learning technique for image classification. ACCENTS Trans Image Process Comput Vis. 2018;4(11):21.

    Article  Google Scholar 

  12. Preuer K, Lewis RP, Hochreiter S, Bender A, Bulusu KC, Klambauer G. Deepsynergy: predicting anti-cancer drug synergy with deep learning. Bioinformatics. 2018;34(9):1538–46.

    Article  CAS  PubMed  Google Scholar 

  13. Liu H, Huang Y, Liu X, Deng L. Attention-wise masked graph contrastive learning for predicting molecular property. bioRxiv 2022.

  14. Kim J, Park S, Min D, Kim W. Comprehensive survey of recent drug discovery using deep learning. Int J Mol Sci. 2021;22(18):9983.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  15. Wen M, Zhang Z, Niu S, Sha H, Yang R, Yun Y, Lu H. Deep-learning-based drug-target interaction prediction. J Proteome Res. 2017;16(4):1401–9.

    Article  CAS  PubMed  Google Scholar 

  16. Öztürk H, Özgür A, Ozkirimli E. Deepdta: deep drug-target binding affinity prediction. Bioinformatics. 2018;34(17):821–9.

    Article  Google Scholar 

  17. Nascimento AC, Prudêncio RB, Costa IG. A multiple kernel learning algorithm for drug-target interaction prediction. BMC Bioinf. 2016;17(1):1–16.

    Article  Google Scholar 

  18. He T, Heidemeyer M, Ban F, Cherkasov A, Ester M. Simboost: a read-across approach for predicting drug-target binding affinities using gradient boosting machines. J Cheminf. 2017;9(1):1–14.

    Article  Google Scholar 

  19. Huang K, Xiao C, Glass LM, Sun J. Moltrans: Molecular interaction transformer for drug-target interaction prediction. Bioinformatics. 2021;37(6):830–6.

    Article  CAS  PubMed  Google Scholar 

  20. Vaswani A, Shazeer N, Parmar N, Uszkoreit J, Jones L, Gomez AN, Kaiser Ł, Polosukhin I. Attention is all you need. Adv Neural Inf Process Syst. 2017;30:5998–6008.

  21. Zhao Y, Zheng K, Guan B, Guo M, Song L, Gao J, Qu H, Wang Y, Shi D, Zhang Y. Dldti: a learning-based framework for drug-target interaction identification using neural networks and network representation. J Transl Med. 2020;18(1):1–15.

    Article  CAS  Google Scholar 

  22. Peng J, Li J, Shang X. A learning-based method for drug-target interaction prediction based on feature representation learning and deep neural network. BMC Bioinf. 2020;21(13):1–13.

    Google Scholar 

  23. Iorio F, Bosotti R, Scacheri E, Belcastro V, Mithbaokar P, Ferriero R, Murino L, Tagliaferri R, Brunetti-Pierri N, Isacchi A, et al. Discovery of drug mode of action and drug repositioning from transcriptional responses. Proc Natl Acad Sci. 2010;107(33):14621–6.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  24. Tong H, Faloutsos C, Pan J-Y. Fast random walk with restart and its applications. In: Sixth International Conference on Data Mining (ICDM’06), 2006; p. 613–622. IEEE

  25. Manoochehri HE, Pillai A, Nourani M. Graph convolutional networks for predicting drug-protein interactions. In: 2019 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), 2019; p. 1223–1225. IEEE

  26. Liu Z, Chen Q, Lan W, Pan H, Hao X, Pan S. Gadti: graph autoencoder approach for dti prediction from heterogeneous network. Front Genetics. 2021;12: 650821.

    Article  Google Scholar 

  27. Yang B, Yih W-t, He X, Gao J, Deng L. Embedding entities and relations for learning and inference in knowledge bases. 2014. arXiv preprint arXiv:1412.6575

  28. Sun C, Xuan P, Zhang T, Ye Y. Graph convolutional autoencoder and generative adversarial network-based method for predicting drug-target interactions. IEEE/ACM Trans Comput Biol Bioinf. 2022;19(1):455–64.

    Article  CAS  Google Scholar 

  29. Ke G, Meng Q, Finley T, Wang T, Chen W, Ma W, Ye Q, Liu T-Y. Lightgbm: A highly efficient gradient boosting decision tree. Adv Neural Inf Process Syst. 2017;30:3146–54.

  30. Knox C, Law V, Jewison T, Liu P, Ly S, Frolkis A, Pon A, Banco K, Mak C, Neveu V, et al. Drugbank 3.0: a comprehensive resource for ‘omics’ research on drugs. Nucleic Acids Res. 2010;39(suppl 1):1035–41.

    Google Scholar 

  31. Keshava Prasad T, Goel R, Kandasamy K, Keerthikumar S, Kumar S, Mathivanan S, Telikicherla D, Raju R, Shafreen B, Venugopal A, et al. Human protein reference database-2009 update. Nucleic Acids Res. 2009;37(suppl1):767–72.

    Article  Google Scholar 

  32. Davis AP, Murphy CG, Johnson R, Lay JM, Lennon-Hopkins K, Saraceni-Richards C, Sciaky D, King BL, Rosenstein MC, Wiegers TC, et al. The comparative toxicogenomics database: update 2013. Nucleic Acids Res. 2013;41(D1):1104–14.

    Article  Google Scholar 

  33. Kuhn M, Campillos M, Letunic I, Jensen LJ, Bork P. A side effect resource to capture phenotypic effects of drugs. Mol Syst Biol. 2010;6(1):343.

    Article  PubMed  PubMed Central  Google Scholar 

  34. Kingma DP, Ba J. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.69802.

  35. Wong T-T. Performance evaluation of classification algorithms by k-fold and leave-one-out cross validation. Pattern Recogn. 2015;48(9):2839–46.

    Article  Google Scholar 

  36. Zweig MH, Campbell G. Receiver-operating characteristic (roc) plots: a fundamental evaluation tool in clinical medicine. Clin Chem. 1993;39(4):561–77.

    Article  CAS  PubMed  Google Scholar 

  37. Hanley JA, McNeil BJ. The meaning and use of the area under a receiver operating characteristic (roc) curve. Radiology. 1982;143(1):29–36.

    Article  CAS  PubMed  Google Scholar 

  38. Williams CK. The effect of class imbalance on precision-recall curves. Neural Comput. 2021;33(4):853–7.

    Article  PubMed  Google Scholar 

  39. Davis J, Goadrich M. The relationship between precision-recall and roc curves. In: Proceedings of the 23rd International Conference on Machine Learning, 2006; p. 233–240.

  40. Chen R, Liu X, Jin S, Lin J, Liu J. Machine learning for drug-target interaction prediction. Molecules. 2018;23(9):2208.

    Article  PubMed  PubMed Central  Google Scholar 

  41. Wang H, Guo F, Du M, Wang G, Cao C. A novel method for drug-target interaction prediction based on graph transformers model. BMC Bioinf. 2022;23(1):1–17.

    Article  Google Scholar 

  42. Hassanzadeh R, Shabani-Mashcool S. Does adding the drug-drug similarity to drug-target interaction prediction methods make a noticeable improvement in their efficiency? BMC Bioinf. 2022;23(1):1–14.

    Article  Google Scholar 

  43. Yue Y, He S. Dti-hene: a novel method for drug-target interaction prediction based on heterogeneous network embedding. BMC Bioinf. 2021;22(1):1–20.

    Article  CAS  Google Scholar 

  44. Wishart DS, Feunang YD, Guo AC, Lo EJ, Marcu A, Grant JR, Sajed T, Johnson D, Li C, Sayeeda Z, et al. Drugbank 5.0: a major update to the drugbank database for 2018. Nucleic Acids Res. 2018;46(D1):1074–82.

    Article  Google Scholar 

  45. Kim S, Chen J, Cheng T, Gindulyte A, He J, He S, Li Q, Shoemaker BA, Thiessen PA, Yu B, et al. Pubchem in 2021: new data content and improved web interfaces. Nucleic Acids Res. 2021;49(D1):1388–95.

    Article  Google Scholar 

  46. Avram S, Bologa CG, Holmes J, Bocci G, Wilson TB, Nguyen D-T, Curpan R, Halip L, Bora A, Yang JJ, et al. Drugcentral 2021 supports drug discovery and repositioning. Nucleic Acids Res. 2021;49(D1):1160–9.

    Article  Google Scholar 

  47. Szklarczyk D, Santos A, Von Mering C, Jensen LJ, Bork P, Kuhn M. Stitch 5: augmenting protein-chemical interaction networks with tissue and affinity data. Nucleic Acids Res. 2016;44(D1):380–4.

    Article  Google Scholar 

  48. Kanehisa M, Goto S. Kegg: kyoto encyclopedia of genes and genomes. Nucleic Acids Res. 2000;28(1):27–30.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  49. Keravis T, Monneaux F, Yougbaré I, Gazi L, Bourguignon J-J, Muller S, Lugnier C. Disease progression in mrl/lpr lupus-prone mice is reduced by ncs 613, a specific cyclic nucleotide phosphodiesterase type 4 (pde4) inhibitor. PLoS ONE. 2012;7(1):28899.

    Article  Google Scholar 

  50. Chen X, Guan N-N, Sun Y-Z, Li J-Q, Qu J. Microrna-small molecule association identification: from experimental results to computational models. Brief Bioinf. 2020;21(1):47–61.

    CAS  Google Scholar 

  51. Chen X, Zhou C, Wang C-C, Zhao Y. Predicting potential small molecule-mirna associations based on bounded nuclear norm regularization. Brief Bioinf. 2021;22(6):328.

    Article  Google Scholar 

  52. Wang C-C, Zhu C-C, Chen X. Ensemble of kernel ridge regression-based small molecule-mirna association prediction in human disease. Brief Bioinf. 2022;23(1):431.

    Article  Google Scholar 

  53. Wang S-H, Wang C-C, Huang L, Miao L-Y, Chen X. Dual-network collaborative matrix factorization for predicting small molecule-mirna associations. Brief Bioinf. 2022;23(1):500.

    Article  Google Scholar 

  54. Ding Y, Tang J, Guo F. Identification of drug-side effect association via semisupervised model and multiple kernel learning. IEEE J Biomed Health Inf. 2018;23(6):2619–32.

    Article  Google Scholar 

  55. Qian Y, Ding Y, Zou Q, Guo F. Identification of drug-side effect association via restricted boltzmann machines with penalized term. Brief Bioinf. 2022;23(6):458.

    Article  Google Scholar 

  56. Natarajan N, Dhillon IS. Inductive matrix completion for predicting gene-disease associations. Bioinformatics. 2014;30(12):60–8.

    Article  Google Scholar 

  57. Singh-Blom UM, Natarajan N, Tewari A, Woods JO, Dhillon IS, Marcotte EM. Prediction and validation of gene-disease associations using methods inspired by social network analyses. PLoS ONE. 2013;8(5):58977.

    Article  Google Scholar 

  58. Wang X, Gong Y, Yi J, Zhang W.Predicting gene-disease associations from the heterogeneous network using graph embedding. In: 2019 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), 2019; p. 504–511. IEEE

  59. Wang C-C, Li T-H, Huang L, Chen X. Prediction of potential mirna-disease associations based on stacked autoencoder. Brief Bioinf. 2022;23(2):1–11.

  60. Chen X, Sun L-G, Zhao Y. Ncmcmda: mirna-disease association prediction through neighborhood constraint matrix completion. Brief Bioinf. 2021;22(1):485–96.

    Article  CAS  Google Scholar 

  61. Zhai P, Ding Y, Wu X, Long J, Zhong Y, Li Y. The epidemiology, diagnosis and treatment of covid-19. Int J Antimicrob Agents. 2020;55(5): 105955.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  62. Tian X, Shen L, Gao P, Huang L, Liu G, Zhou L, Peng L. Discovery of potential therapeutic drugs for covid-19 through logistic matrix factorization with kernel diffusion. Front Microbiol. 2022;13(1):740382.

  63. Shen L, Liu F, Huang L, Liu G, Zhou L, Peng L. Vda-rwlrls: An anti-sars-cov-2 drug prioritizing framework combining an unbalanced bi-random walk and laplacian regularized least squares. Comput Biol Med. 2022;140: 105119.

    Article  CAS  Google Scholar 

Download references

Acknowledgements

Not applicable.

Funding

This work was supported by the National Key Technologies R &D Program [2017YFA0505502] and the Strategic Priority Research Program of the Chinese Academy of Sciences (CAS)(XDB38000000). The funders had no role in the design of the study; collection, analysis, and interpretation of data; decision to publish; or preparation of the manuscript.

Author information

Authors and Affiliations

Authors

Contributions

PC and HZ designed the study and drafted the manuscript. PC conducted the experiments and HZ arranged the study plan. Both authors read and approved the final manuscript.

Corresponding author

Correspondence to Haoran Zheng.

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.

Additional information

Publisher's Note

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

Supplementary Information

Additional file 1

. Novel DTIs predicted by SDGAE.xlsx: it contains 30 candidate targets for all drugs in the dataset. The candidate targets for each drug are sorted in descending order according to their prediction scores.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. 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 in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Chen, P., Zheng, H. Drug-target interaction prediction based on spatial consistency constraint and graph convolutional autoencoder. BMC Bioinformatics 24, 151 (2023). https://doi.org/10.1186/s12859-023-05275-3

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12859-023-05275-3

Keywords