-
PDF
- Split View
-
Views
-
Cite
Cite
Yanglan Gan, Xingyu Huang, Wenjing Guo, Cairong Yan, Guobing Zou, Predicting synergistic anticancer drug combination based on low-rank global attention mechanism and bilinear predictor, Bioinformatics, Volume 39, Issue 10, October 2023, btad607, https://doi.org/10.1093/bioinformatics/btad607
- Share Icon Share
Abstract
Drug combination therapy has exhibited remarkable therapeutic efficacy and has gradually become a promising clinical treatment strategy of complex diseases such as cancers. As the related databases keep expanding, computational methods based on deep learning model have become powerful tools to predict synergistic drug combinations. However, predicting effective synergistic drug combinations is still a challenge due to the high complexity of drug combinations, the lack of biological interpretability, and the large discrepancy in the response of drug combinations in vivo and in vitro biological systems.
Here, we propose DGSSynADR, a new deep learning method based on global structured features of drugs and targets for predicting synergistic anticancer drug combinations. DGSSynADR constructs a heterogeneous graph by integrating the drug–drug, drug–target, protein–protein interactions and multi-omics data, utilizes a low-rank global attention (LRGA) model to perform global weighted aggregation of graph nodes and learn the global structured features of drugs and targets, and then feeds the embedded features into a bilinear predictor to predict the synergy scores of drug combinations in different cancer cell lines. Specifically, LRGA network brings better model generalization ability, and effectively reduces the complexity of graph computation. The bilinear predictor facilitates the dimension transformation of the features and fuses the feature representation of the two drugs to improve the prediction performance. The loss function Smooth L1 effectively avoids gradient explosion, contributing to better model convergence. To validate the performance of DGSSynADR, we compare it with seven competitive methods. The comparison results demonstrate that DGSSynADR achieves better performance. Meanwhile, the prediction of DGSSynADR is validated by previous findings in case studies. Furthermore, detailed ablation studies indicate that the one-hot coding drug feature, LRGA model and bilinear predictor play a key role in improving the prediction performance.
DGSSynADR is implemented in Python using the Pytorch machine-learning library, and it is freely available at https://github.com/DHUDBlab/DGSSynADR.
1 Introduction
In complex diseases, monotherapy is likely to encounter with drug-resistance and high cytotoxicity (Güvenç Paltun et al. 2021). Through inhibiting multiple disease driving signaling pathways, multi-targeted treatments can greatly enhance efficacy and avoid monotherapy resistance (Chakravarty et al. 2022). Therefore, drug combinations have been gradually used to treat various complex diseases. Although drug combination therapy has great clinical value, it still faces many practical challenges.
In early stages, synergistic drug combinations are mainly derived from clinical trials. Such trial-based approach is usually labor-intensive, time-consuming, and risky. With the development of high-throughput screening (HTS) technology, researchers turn to discover novel effective drug combinations by HTS-based methods (Kaemmerer et al. 2021). However, the exponential growth of possible drug combinations is an unavoidable roadblock for the HTS-based approach. It is necessary to predict and prioritize a panel of most potent combinations from massive potential combinations for further testing. Machine learning methods provide the opportunity to efficiently explore the large combinatorial space. Existing models such as Random Forest (Breiman 2001), Random Gradient Boosting (Friedman 2001), and Decision Tree (Quinlan 1986) have been widely used for drug combination prediction. The method SyDRa (Li et al. 2017) builds a random forest based on three types of features (drug chemical structure, drug–target network and drug-genomics) to predict synergistic anticancer drug combinations. EC-DFR (Lin et al. 2022) is an enhanced cascade-based deep forest regression factor method for predicting the synergy scores of drug combinations. These methods are effective for small datasets, whereas it is difficult to achieve good performance on high-dimensional and large-scale datasets. Fortunately, with the publication of large datasets such as NCI-ALMANAC (Sidorov et al. 2019) and DrugComb (Zheng et al. 2021), deep learning methods have gradually emerged for drug combination prediction. DeepSynergy (Preuer et al. 2018) is a pioneer deep learning method for predicting drug combinations, which constructs a DNN based on drug chemical and genomic information. MatchMaker (Kuru et al. 2021) takes the chemical features of drugs and the gene expression as the input of a DNN, and utilizes the feature embedding to predict synergy scores of drug combinations. Although these DNN-based methods have made great progress, they usually do not consider complex biological interactions among proteins, drugs, and diseases, which lead to the limitations in explicitly explaining the relevance between different data types and capture the structural information of drugs and targets.
Recently, Graph Neural Network (GNN) (Wang et al. 2022a) is exploited to learn feature representation of drug chemical structures and predict drug combinations. DeepDDS adopts Graph Attention Network (GAT) to learn drug features, and integrate the features of cell lines and drug pairs to identify synergistic drug combinations. PRODeepSyn (Wang et al. 2022b) utilizes Graph Convolutional Network (GCN) to integrate protein–protein interaction (PPI) networks with genomic data. It combines drug molecular fingerprints and descriptors to predict anticancer synergistic drug combinations. Although these GNN-based methods have achieved superior prediction performance, some limitations still need to be addressed. The GCN model tends to give important features the same weight as other features during propagation, which inhibits the network to extract more critical features. The GAT model tends to limit the attention to partial domains in the graph. The partial feature aggregation is hard to capture global information and more complex node relationships, and also makes the graph computation cost grow significantly as the number of neighbor nodes increases. Therefore, in the feature extraction process, it is necessary to consider the topology structure of different types of data and obtain global structured features with lower complexity.
Here, to tackle these limitations, we propose a new deep learning method DGSSynADR to predict synergistic anticancer drug combinations. To integrate different types of biological data and make the model biologically interpretable, we construct heterogenous graphs based on drug–drug, drug–target, and protein–protein interactions. Meanwhile, using a low-rank global attention (LRGA)-based network, we perform global weighted aggregation of nodes on the heterogeneous graphs to learn global structured features of drugs and targets. For feature extraction of graph structure, the LRGA network effectively reduces the computational complexity of graphs and brings model more generalization ability. Subsequently, instead of using the traditional multi-layer perception (MLP) as a predictor, we connect the learned drug and cell line features, feed them into the bilinear predictor, and predict the synergy score of the drug combination on specific cancer cell lines. On the DrugComb dataset, we compare DGSSynADR with seven competing methods. The extensive results demonstrate that DGSSynADR outperforms the competing methods. Meanwhile, we evaluate the impact of cell line and tissue differences on prediction performance of DGSSynADR. Detailed ablation studies measure the contribution of each module of DGSSynADR. Further case studies validate the synergistic anticancer drug combinations predicted by DGSSynADR, implying that DGSSynADR is an effective drug combination prediction method and could be applied to discover new anticancer synergistic drug combinations.
2 Materials and methods
2.1 Datasets
Drug synergy scores
DrugComb (Zheng et al. 2021) is the latest comprehensive drug combination information database, containing the research of NCI-Yearbook, ONEIL and other classic datasets. Both EC-DFR and Matchmaker (Kuru et al. 2021) choose the collaborative scores in DrugComb as the source of truth. Similarly, we obtain the drug synergy dataset through DrugComb(v1.5). Compared with DrugComb(v1.4), it adds more drug information covering 751 498 drug combinations and 717 684 single drug screens, corresponding to 21 621 279 independent data points across 2320 cell lines related to 225 cancer types and three infectious diseases. For these drug combinations, DrugComb provides six types of synergy scores, including CSS (Zheng et al. 2021), S (Malyutina et al. 2019), ZIP (Yadav et al. 2015), Bliss (Bliss 1939), Loewe (Loewe 1953), and HSA (Borisy et al. 2003). The evaluation models are developed based on different assumptions about the expected effect of noninteraction, which are briefly introduced in the supplementary file. According to the experimental need, we construct a drug–protein relationship network using the data obtained from the drug dataset Chembl and the protein dataset HURI. As the HURI protein dataset does not include all data related to Chembl, we obtain 52 drugs as the intersection of multiple datasets. Then we preprocess the datasets and select 80 877 drug combinations consisting of 52 drugs on 60 cancer cell lines as the benchmark dataset, where each sample comprises two drugs, a cell line and the synergy scores under the six evaluation metrics.
Drug features and drug–target interactions (DTI)
The ChEMBL database is a query platform for drug and drug–target data, developed by European Bioinformatics Institute (EBI) (Gaulton et al. 2017). The SMILES representation and the therapeutic targets of drugs can be searched by chemical name or index. To better represent chemical structures of drugs, we further utilize the RDKit (Landrum et al. 2013) toolkit to process the SMILES of drugs, and calculate the fingerprints, one-hot coding and descriptors for each drug. Specifically, RDKit is open-source toolkit for cheminformatics, which can be used to convert the original SMILEs representation of the drug into coding. Here, it is represented as a 1024D binary vector. Finally, we connect these multiple types of drug representation to obtain the final drug features. The drug–protein graph data are obtained from the DTI relationship data.
PPI network
Human Protein Interactome Map (HuRI) is a comprehensive human protein interactome map that contains 53 000 PPIs (Luck et al. 2020). ELMo (Heinzinger et al. 2019) is a model based on a natural language framework. By modeling protein sequences, it effectively captures the biological features of life language from unlabeled data and forms protein embedding. We utilize the ELMo model to calculate the embedding of protein sequences of the HuRI dataset and generate learnable protein embedding that obey a normal distribution. These two feature representations are subsequently connected as the protein features of the input model.
Cell line genomic data
We obtain cell line features such as gene mutation through the Cancer Cell Line Encyclopedia (CCLE) (Ghandi et al. 2019) and the LINCS project (Duan et al. 2014). Accordingly, we select 1956 genes and input their gene expression profiles to the model.
2.2 Framework of the proposed model
We propose DGSSynADR for predicting anticancer synergistic drug combinations based on the global structural features of drugs and proteins. We model the drug synergy prediction problem as a regression task. For a given drug pair (drug i, drug j) and cell line k, drug i and drug j are respectively represented by feature vectors and , and cell line k is represented by feature vector . The synergy score of the drug pair obtained from DrugComb is represented as , and the predicted synergy score of the drug pair obtained by DGSSynADR is . Then, the regression problem is to use the feature vectors , and to predict the corresponding synergy score . During the training process, the predicted synergy scores gradually approach the target synergy scores. To solve the regression problem, the proposed deep learning method DGSSynADR extracts the global structural features of drugs and proteins, and predicts anticancer synergistic drug combinations. As shown in Fig. 1, DGSSynADR consists of three main steps, including constructing diversified heterogeneous graphs, extracting drug and target features based on LRGA model, and predicting the synergistic scores based on bilinear predictors. Specifically, besides bringing the model better generalization ability, the LRGA network can effectively reduce the complexity of graph computation and feature extraction. The bilinear predictor facilitates the dimension transformation of the features and fuses the feature representation of the two drugs to improve the model performance. DGSSynADR trains the entire network end-to-end using Smooth L1 loss, which is a fast converging and robust loss function.

The framework of DGSSynADR. DGSSynADR consists of three major steps, including (a) constructing heterogeneous hectograph of drug–drug, drug–target, and protein–protein; (b) LRGA-based drug and protein feature extraction. LRGA is utilized to perform global weighted aggregation of nodes, and learn feature representations of drugs and proteins from the heterogeneous graph by multi-layer convolutional layers and LRGA-based attention pooling layers; (c) predicting the synergistic scores by bilinear predictors. Two parallel MLPs are trained to learn the feature representations of two drugs on specific cell lines, which are further processed by bilinear operations and jointly fed to the final layer of MLPs. Using Smooth L1 as the loss function, the whole network is trained in an end-to-end way to predict the synergy scores of drug combinations on each specific cancer cell line.
Constructing heterogeneous graph for multiple types of biological data. We respectively construct PPI and DTI networks based on the preprocessed dataset obtained from HuRI and Chembl. Meanwhile, the cell line features such as gene mutation and genomic data are obtained from CCLE and the Cancer Dependency Map (CDM). The synergy scores of each drug pair on specific cell lines are downloaded from the DrugComb database. Based on Loewe scores from DrugComb, drug combinations with Loewe scores larger than 0 are considered as synergistic, otherwise they are regarded as contrastive. We select 52 drugs which are publicly available in both Chembl and DrugComb databases, and set the corresponding protein and drug indexes based on HuRI and Chembl. Using these selected drugs, we construct a heterogeneous network with drug–protein–protein multivariate biological data.
LRGA-based graph convolutional network. As the heterogeneous graph contains multiple types of nonregular data, we adopt a multi-level message passing network (Pei et al. 2020) to map different types of information into low-dimensional embedding vector. Message passing networks usually comprises three steps, including aggregating the features of neighboring nodes, updating nodes, and reading out information. In the constructed heterogeneous drug–protein–protein network, we define the node relationship as a set of graphs: , where V denotes the set of vertexes and E denotes the edges. For any node , the features of this node are represented as , and the features of edges connecting to neighbor nodes are denoted as . The central node updates iteratively along the edges by passing information among neighboring nodes. During this process, the message vector is represented as:
where is the neighbor set of the central node , is the message aggregation function (summation operation), and aggregates information from the neighbors of the central node and the edges between nodes. Note that the updating process is a local operation, depending only on the neighbors of node . As it is unrelated to the size of the graph, the space/time complexity is reduced to O(n), rather than O(E) of the sparse graph (Dwivedi et al. 2020). After aggregating messages through the first step, the node updates its hidden features using its features and the message vector , and the aggregated information can be defined as:
where is the message update function (summation operation). Specifically, as shown in Fig. 2, the message passing process is different for drug–protein, protein–drug, and protein–protein. As shown in Fig. 2b, the features of drug node are represented as . It receives message from its neighbor protein nodes such as , and the edge information between them. We denote the features of protein node as , and the passed messages as . Then the messages received by the drug node is defined as:
where the function represents the projection of vector onto direction, which can be understood as a linear mapping relationship.

The process of message passing and information aggregation of neighbor nodes.
After the integration of the passed message from the neighbor nodes, the updated feature representation of drug node i can be calculated as:
The feature of protein node is represented as , which passes messages through the neighbor drug nodes and protein nodes. For the neighbor protein node , the feature is denoted as . The connected edge between protein and is defined as , and the passed messages are denoted as . The messages passing from the neighbor drug nodes to the protein nodes are denoted as . The messages received by the protein nodes can be denoted as :
After the protein node receives and integrates the messages from neighbor drug nodes, neighbor protein nodes and the edge information, the feature representation of the protein node can be updated as:
where is the set of all neighbor nodes of the central node, f denotes a small linear projection, and is the self-loop of the node. As the aggregation process aggregates the features of adjacent nodes, we add the self-loop to contain its own feature in the aggregation.
After obtaining the initial drug and protein features through the message passing network, we construct a LRGA-based network to extract the global structured features of drugs and proteins. Figure 3 shows the operation process of the matrix in detail. LRGA utilizes the protein/drug feature matrix as input, which can be defined as below:

Schematic diagram of matrix operation in LRGA, including (a) , , , and are segmented from the feature matrix of the drug, representing Query Matrix, Bond Matrix, Value Matrix, and Update Matrix, respectively; (b) the calculation process of ; (c) the calculation process of
As shown in Fig. 3, , , , are the different feature modules split along the feature dimension. n is the number of samples, and k is the number of features. The is the general form of , , , and . Specifically, is Query Matrix, is Bond Matrix, is Value Matrix and is Update Matrix. is the normalization factor, and denotes the transpose of the 1D matrix. Thus, we obtain the feature containing information with attention:
where denotes connecting along the feature dimension. Here, the attention feature vector obtained by the LRGA model is connected with the previous message passing network.
Compared with the computation process of the attention matrix in the traditional Transformer (Vaswani et al. 2017), , , and in LRGA correspond to the query matrix, key matrix, and value matrix in the self-attention mechanism. Different from the matrix operation in Transformer, LRGA avoids the secondary cost of its obvious computation (Dwivedi et al. 2020) and reduces the computation cost to linear by the combination of normalization factor and matrix multiplication. The update matrix module in LRGA conforms to the 2-FWL update rule (Lee et al. 2019), which can effectively improve the performance of LRGA.
MLP bilinear-based predictor. The feature matrix of drugs is defined as , where is the number of drugs and is the dimensionality of drug features. The feature matrix is obtained by the feature extraction process through the LRGA-based graph convolution network. The cell line features are merged with the drug features to relieve the dimensional imbalance between the drug and cell line feature vectors. The cell line feature matrix is , where is the number of cell line types and is the dimensionality of cell line features.
We define the drug pair and the corresponding cell line as a triple . Each triple can be split into two corresponding binary groups and . Let the feature matrices of drug i and j be , , and the feature matrix of the corresponding cell line be . We connect , with along the feature dimension to obtain the binary feature matrix of the drug-cell line. Note that the connection here refers to the connection of the matrix in the vertical direction. The connected feature matrix is subsequently fed into the fully connected MLP to obtain the drug features and in the second stage as follows:
Distinct from the traditional MLP, we adopt a bilinear operation to process the drug features and , and feed the combined drug i and j feature matrix into the MLP to predict the synergy score . The process is formulated as follows:
where w is the bilinear weight, b is the bilinear operation bias, denotes the multiplication operation of the matrix, and denotes the addition operation of the matrix. The structural parameters of the MLP are elaborated in the Hyperparameter setting section.
Loss function. Although MSE is commonly used loss function between the predicted synergy score and the true synergy score, gradient explosion may occur during the training process as the predicted synergy score differs significantly from the true value at the early stage of the model training. Smooth L1 combines the advantages of L1 and L2 loss (Girshick 2015). It improves the zero-point un-smoothing problem compared with the L1 loss, and is not sensitive to outliers and discrete points compared with L2 loss. Overall, Smooth L1 can avoid the gradient explosion well and is more robust, which is beneficial to better convergence of the model. Therefore, we choose Smooth L1 as the loss function of our model and train the whole network in an end-to-end manner.
where and respectively denote the predicted and true synergy scores of drug i and drug j in cell line k.
3 Results
3.1 Hyperparameter setting
The hyperparameters of DGSSynADR include the number of layers and units of each network structure, activation function, and learning rate. As manual parameter screening is infeasible, we adopt the grid search approach to adjust these hyperparameters. To evaluate the performance of different parameter settings, we divide the dataset into the training set, validation set and testing set according to the ratio 6:2:2. We adjust the hyperparameters by the validation set and report the final performance of the model on the testing set. As shown in Supplementary Table S1, we test different values of these hyperparameters via 5-fold cross validation on these benchmark datasets. Specifically, the LRGA network is based on a total of 64 layers, and the model achieves the best performance and stability for different data segments with the bold parameter values.
3.2 Performance comparison
To validate the performance of DGSSynADR, we compare it with seven competing methods, including two deep learning-based methods (EC-DFR and MatchMaker) and five classical machine learning methods (XGB, Random Forest, Decision Tree, GBDT, and Bagging Regressor). Specifically, EC-DFR (Lin et al. 2022) is an enhanced cascade-based deep forest regression factor method for predicting synergy scores of drug combinations. MatchMaker (Kuru et al. 2021) is a deep neural network-based drug synergy prediction algorithm. Among the machine learning methods, Random Forest and Bagging Regressor are classical integrated learning methods based on the Bagging model, and GB, XGB, and GBDT are integrated learning methods based on decision tree, which have shown good performance in synergy prediction of drug combinations. We adopt four widely used metrics to evaluate the predicted synergy scores of drug combinations, including Mean Square Error (MSE), Root Mean Squared Error (RMSE), coefficient of determination (), and Pearson Correlation Coefficient (PCC). MSE represents the mean squared difference between the predicted scores and true scores, and RMSE is the fitted standard deviation of the regression and is the square root of MSE. represents the degree of relevance between the predicted and true scores. The PCC are used to quantify the correlation between the predicted and true scores.
Figure 4 shows the prediction performance of DGSSynADR and seven competing methods under different evaluation metrics. We observe that the proposed DGSSynADR achieves better performance than the competitive methods for all four evaluation metrics. The MSE of DGSSynADR is 92.43, which is 27.87 lower than EC-DFR, 29.99 lower than Matchmaker, and 34.16 lower than XGB. That means DGSSynADR is better than EC-DFR and better than Matchmaker for the MSE evaluation metric. The same trend is observed when the performance is evaluated using RMSE. The of DGSSynADR is 0.5203, which is respectively , , and better than EC-DFR, Matchmaker and XGB. The PCC of our method is 0.7313, which is better than that of the suboptimal method EC-DFR, and better than Matchmaker. Here, it is noteworthy that the classical machine learning methods, such as XGB, GradientBoost and Random Forest, also obtain competitive performance. Overall, our method achieves superior performance on all four evaluation metrics compared to the two advanced deep learning methods and five classical machine learning methods.

Performance comparison between DGSSynADR and seven competing methods, measured by MSE, RMSE, , and PCC.
3.3 Model performance on different cell lines (tissues)
We further evaluate the predictive performance of DGSSynADR for different cells line separately. Here we choose PCC as the representative evaluation metric. As shown in Fig. 5, the different color bars indicate the tissue types corresponding to that cell line. The PCC of DGSSynADR is higher than 0.75 for 29 of the 60 cell lines. Specifically, it achieves the highest PCC of 0.82 for the cell line NCIH23, whereas the cell line HCC-2998 had the lowest PCC of 0.58. Theoretically, we consider a drug combination with a positive synergy score to be synergistic and the opposite to be antagonistic. The true and predicted synergy scores for Sunitinib and Gefitinib were −58.88 and −6.94. They were not predicted to be the opposite of the true, but the difference between the predicted and true scores was significant. The problem was also found on cell lines with relatively low PCC, such as RXF 393 and PC-3. Figure 5 shows that DGSSynADR also achieves good performance under the MSE evaluation metric. The top three performance cell lines on MSE were MALME-3M, M14 and EKVX (59.03, 64.76, 66.78).

The predicted performance of DGSSynADR on different cell lines.
As these cell lines are related to different tissues, we further divide them into 10 tissue subgroups. Subsequently, we evaluate the prediction performance of DGSSynADR on different tissues. Regarding the four evaluation metrics, DGSSynADR achieves better performance on three tissues, including the ovary, breast, and lung. Specifically, the PCC between the predicted scores and the true synergy scores is above 0.70 in all these issues except the intestinal tissue, where the PCC score (0.695) was slightly below 0.70. Overall, DGSSynADR exhibits good performance on most tissues, indicating the capability of DGSSynADR in predicting the synergistic drug combinations for different tissues and cell lines.
3.4 Ablation study
DGSSynADR is mainly divided into three modules, including the heterogeneous graphs composed of a variety of biological data, graph attention network based on the LRGA model and bilinear operations. We respectively evaluate their contribution to the prediction performance. Accordingly, seven different variants of DGSSynADR are designed:
DGSSynADR-fps only utilizes the Morgan fingerprint as the original drug feature.
DGSSynADR-MSE uses MSE as the loss function.
DGSSynADR-NOPPI constructs heterogeneous graphs without PPI networks. Accordingly, the drug–protein interaction network (DTI) is also removed with the removal of PPI.
DGSSynADR-GNN adopts basic GNN to learn drug features.
DGSSynADR-GAT uses GAT to learn drug features.
DGSSynADR-LRGA-m4 extracts drug features without using GAT to update the matrix structure in LRGA.
DGSSynADR-MLP uses MLP for drug synergy prediction.
Table 1 shows the performance comparison among different variants of DGSSynADR. Compared to DGSSynADR-MSE, DGSSynADR achieves lower MSE and higher PCC (6.60% improvement in PCC), indicating that Smooth L1 loss is more suitable for the model and improves model prediction performance. DGSSynADR achieves a significant (33.71% improvement in PCC) compared to DGSSynADR-fps, which confirms the key role of the one-hot encoding drug feature in the model. The performance of DGSSynADR-NOPPI proves that the lack of PPI network information reduces the prediction accuracy. DGSSynADR-GAT obtains a significant improvement (24.31% in PCC) over DGSSynADR-GNN, indicating that the GAT structure can extract drug features more effectively. Meanwhile, the runtime of DGSSynADR-GAT is about three times longer than DGSSynADR-LRGA. The reason for the difference is that DGSSynADR-LRGA avoids the secondary cost of explicit computation by the attention mechanism. DGSSynADR-MLP performs the prediction task using a simple MLP, and its prediction performance is much poorer than DGSSynADR. This result indicates that the bilinear MLP in DGSSynADR effectively improves the prediction performance. Overall, DGSSynADR achieves the best prediction performance compared to its seven structural variants, and the different variants validate the importance of each component of DGSSynADR on the whole model performance.
Method* . | MSE . | RMSE . | . | PCC . | Running time (s) . |
---|---|---|---|---|---|
DGSSynADR | 92.44 | 9.61 | 0.52 | 0.73 | 3581 |
DGSSynADR-MSE | 117.50 | 10.84 | 0.43 | 0.67 | 4496 |
DGSSynADR-fps | 170.53 | 13.06 | 0.09 | 0.33 | 2992 |
DGSSynADR-NOPPI | 115.53 | 10.75 | 0.44 | 0.67 | 38 |
DGSSynADR-GNN | 159.06 | 12.61 | 0.16 | 0.40 | 969 |
DGSSynADR-GAT | 122.53 | 11.07 | 0.35 | 0.64 | 9947 |
DGSSynADR-LRGA-m4 | 117.49 | 10.84 | 0.41 | 0.67 | 41 |
DGSSynADR-MLP | 180.90 | 13.45 | 0.13 | 0.36 | 33 |
Method* . | MSE . | RMSE . | . | PCC . | Running time (s) . |
---|---|---|---|---|---|
DGSSynADR | 92.44 | 9.61 | 0.52 | 0.73 | 3581 |
DGSSynADR-MSE | 117.50 | 10.84 | 0.43 | 0.67 | 4496 |
DGSSynADR-fps | 170.53 | 13.06 | 0.09 | 0.33 | 2992 |
DGSSynADR-NOPPI | 115.53 | 10.75 | 0.44 | 0.67 | 38 |
DGSSynADR-GNN | 159.06 | 12.61 | 0.16 | 0.40 | 969 |
DGSSynADR-GAT | 122.53 | 11.07 | 0.35 | 0.64 | 9947 |
DGSSynADR-LRGA-m4 | 117.49 | 10.84 | 0.41 | 0.67 | 41 |
DGSSynADR-MLP | 180.90 | 13.45 | 0.13 | 0.36 | 33 |
The highest values are highlighted in bold.
Method* . | MSE . | RMSE . | . | PCC . | Running time (s) . |
---|---|---|---|---|---|
DGSSynADR | 92.44 | 9.61 | 0.52 | 0.73 | 3581 |
DGSSynADR-MSE | 117.50 | 10.84 | 0.43 | 0.67 | 4496 |
DGSSynADR-fps | 170.53 | 13.06 | 0.09 | 0.33 | 2992 |
DGSSynADR-NOPPI | 115.53 | 10.75 | 0.44 | 0.67 | 38 |
DGSSynADR-GNN | 159.06 | 12.61 | 0.16 | 0.40 | 969 |
DGSSynADR-GAT | 122.53 | 11.07 | 0.35 | 0.64 | 9947 |
DGSSynADR-LRGA-m4 | 117.49 | 10.84 | 0.41 | 0.67 | 41 |
DGSSynADR-MLP | 180.90 | 13.45 | 0.13 | 0.36 | 33 |
Method* . | MSE . | RMSE . | . | PCC . | Running time (s) . |
---|---|---|---|---|---|
DGSSynADR | 92.44 | 9.61 | 0.52 | 0.73 | 3581 |
DGSSynADR-MSE | 117.50 | 10.84 | 0.43 | 0.67 | 4496 |
DGSSynADR-fps | 170.53 | 13.06 | 0.09 | 0.33 | 2992 |
DGSSynADR-NOPPI | 115.53 | 10.75 | 0.44 | 0.67 | 38 |
DGSSynADR-GNN | 159.06 | 12.61 | 0.16 | 0.40 | 969 |
DGSSynADR-GAT | 122.53 | 11.07 | 0.35 | 0.64 | 9947 |
DGSSynADR-LRGA-m4 | 117.49 | 10.84 | 0.41 | 0.67 | 41 |
DGSSynADR-MLP | 180.90 | 13.45 | 0.13 | 0.36 | 33 |
The highest values are highlighted in bold.
3.5 Case study
To verify the reliability of the predictions, we perform a detailed literature search, and present the relevant references for the predicted drug combinations in Table 2. Among these related literatures, we find at least 10 predicted synergistic drug combinations are consistent with clinical or in vitro studies. For example, the combination of Mitoxantrone and 5-fluorouracil has validated to be effective in the treatment of advanced breast cancer and is a positive combination option with moderate and manageable toxicity (Samonigg et al. 1991). In our study, its predicted synergy score is 4.9814 for the cell line HS 578T, associated with breast cancer. The combination of systemic administration of Temozolomide and local administration of Mitozantrone is reported to reduce the risk of death in adult patients with U87 cells (Glioblastoma) to 50% (Boiardi et al. 2008). A synergistic effect of Erlotinib and Quinacrine Hydrochloride is confirmed in the combination treatment of nonsmall alveolar cell carcinoma (Kulkarni et al. 2021), consistent with the predicted results of DGSSynADR. Based on in vitro experiments, Gonca et al. validated that U87 cells treated with the combination of 5-fluorouracil and Ruxolitinib shows a more prominent decrease in cell viability compared to U87 cells treated with 5-fluorouracil monotherapy. For this drug combination, the predicted synergy score of DGSSynADR is respectively 7.83 and 68.95 for the cell lines U251 and SF-295, associated with glioblastoma in the dataset. Through clinical studies, Brown et al. (Bleiberg et al. 1990) demonstrated that Erlotinib has significant toxicity in combination with Temozolomide, and combining with Erlotinib did not show an additional advantage. Consistently, the predicted synergy scores of Erlotinib with Temozolomide on cell lines SF-268 and SNB-75 were −16.78 and −28.38. These results show that the predicted synergy effects of drug combinations by DGSSynADR are consistent with previous findings based on in vitro and clinical studies, validating the reliability of the proposed DGSSynADR.
Cell line . | Drug A . | Drug B . | Predict scores . | True scores . | References . |
---|---|---|---|---|---|
HS 578T | Mitoxantrone hydrochloride | 5-Fluorouracil | 4.98 | 1.98 | Samonigg et al. (1991) |
SNB-19 | Mitoxantrone hydrochloride | Temozolomide | 9.79 | 8.19 | Boiardi et al. (2008) |
HOP-92 | Erlotinib HCL | Quinacrine hydrochloride | 0.29 | 6.26 | Kulkarni et al. (2021) |
SF-295 | 5-Fluorouracil | Ruxolitinib | 68.95 | 2.27 | Aksu et al. (2020) |
HCT-15 | Allopurinol | 5-Fluorouracil | −21.49 | −14.05 | Bleiberg et al. (1990) |
SNB-75 | Erlotinib | Temozolomide | −28.38 | −33.05 | Brown et al. (2008) |
SNB-75 | Ruxolitinib | Temozolomide | 28.68 | 6.53 | Qureshy et al. (2020) |
Cell line . | Drug A . | Drug B . | Predict scores . | True scores . | References . |
---|---|---|---|---|---|
HS 578T | Mitoxantrone hydrochloride | 5-Fluorouracil | 4.98 | 1.98 | Samonigg et al. (1991) |
SNB-19 | Mitoxantrone hydrochloride | Temozolomide | 9.79 | 8.19 | Boiardi et al. (2008) |
HOP-92 | Erlotinib HCL | Quinacrine hydrochloride | 0.29 | 6.26 | Kulkarni et al. (2021) |
SF-295 | 5-Fluorouracil | Ruxolitinib | 68.95 | 2.27 | Aksu et al. (2020) |
HCT-15 | Allopurinol | 5-Fluorouracil | −21.49 | −14.05 | Bleiberg et al. (1990) |
SNB-75 | Erlotinib | Temozolomide | −28.38 | −33.05 | Brown et al. (2008) |
SNB-75 | Ruxolitinib | Temozolomide | 28.68 | 6.53 | Qureshy et al. (2020) |
Cell line . | Drug A . | Drug B . | Predict scores . | True scores . | References . |
---|---|---|---|---|---|
HS 578T | Mitoxantrone hydrochloride | 5-Fluorouracil | 4.98 | 1.98 | Samonigg et al. (1991) |
SNB-19 | Mitoxantrone hydrochloride | Temozolomide | 9.79 | 8.19 | Boiardi et al. (2008) |
HOP-92 | Erlotinib HCL | Quinacrine hydrochloride | 0.29 | 6.26 | Kulkarni et al. (2021) |
SF-295 | 5-Fluorouracil | Ruxolitinib | 68.95 | 2.27 | Aksu et al. (2020) |
HCT-15 | Allopurinol | 5-Fluorouracil | −21.49 | −14.05 | Bleiberg et al. (1990) |
SNB-75 | Erlotinib | Temozolomide | −28.38 | −33.05 | Brown et al. (2008) |
SNB-75 | Ruxolitinib | Temozolomide | 28.68 | 6.53 | Qureshy et al. (2020) |
Cell line . | Drug A . | Drug B . | Predict scores . | True scores . | References . |
---|---|---|---|---|---|
HS 578T | Mitoxantrone hydrochloride | 5-Fluorouracil | 4.98 | 1.98 | Samonigg et al. (1991) |
SNB-19 | Mitoxantrone hydrochloride | Temozolomide | 9.79 | 8.19 | Boiardi et al. (2008) |
HOP-92 | Erlotinib HCL | Quinacrine hydrochloride | 0.29 | 6.26 | Kulkarni et al. (2021) |
SF-295 | 5-Fluorouracil | Ruxolitinib | 68.95 | 2.27 | Aksu et al. (2020) |
HCT-15 | Allopurinol | 5-Fluorouracil | −21.49 | −14.05 | Bleiberg et al. (1990) |
SNB-75 | Erlotinib | Temozolomide | −28.38 | −33.05 | Brown et al. (2008) |
SNB-75 | Ruxolitinib | Temozolomide | 28.68 | 6.53 | Qureshy et al. (2020) |
4 Discussion and conclusion
This paper proposes a new deep learning method DGSSynADR for predicting synergistic anticancer drug combinations. DGSSynADR constructs heterogeneous networks based on diverse biological data by combining drug–drug, drug–target, and PPI networks, adopts LRGA model to learn global structured features of drug and protein, and feeds them into a bilinear predictor to predict the synergy scores of drug combinations in specific cancer cell lines. Specifically, LRGA network brings better model generalization ability, and effectively reduces graph computation complexity. The bilinear predictor facilitates the dimension transformation of the features and fuses the feature representation of drug pairs to improve the prediction performance. The loss function Smooth L1 effectively avoids gradient explosion, contributing to better model convergence. To validate the effectiveness of DGSSynADR, we compare it with seven competing methods on the latest large dataset DrugComb. The comparison results demonstrate that DGSSynADR achieves better performance than these methods. To further evaluate the specificity of drug combinations and the performance of DGSSynADR on different cell lines and tissues, we compare MSE, RMSE, and PCC on 60 cell lines from 10 tissues. In addition, detailed ablation studies show that the one-hot coding drug feature, the updated matrix m4 of LRGA, and the bilinear operation of the predictor plays a key role in the improvement of the model prediction performance. Finally, case studies indicate that the synergistic drug combinations predicted by DGSSynADR are highly consistent with previous clinical studies. Overall, these extensive experimental results demonstrate that DGSSynADR is an effective drug combination prediction method and could be applied to discover new anticancer synergistic drug combinations.
Although the proposed DGSSynADR method shows promising results in terms of prediction performance and biological interpretability, it is still limited by the experimental data available. Meanwhile, the clinical utility of predicted synergistic drug combination may depend on the individual differences in patients with complex diseases. As more data from clinical trials are added to the drug database, the proposed method may be enhanced to achieve higher accuracy in predicting drug combinations. Furthermore, since previous studies (Kuenzi et al. 2020) have investigated the synergistic effects of multiple drugs, we may explore more diverse drug combinations in our future work.
Supplementary data
Supplementary data are available at Bioinformatics online.
Conflict of interest
None declared.
Funding
This work was supported in part by the National Natural Science Foundation of China [62172088]; and Shanghai Natural Science Foundation [21ZR1400400].