Skip to main content
BMC Bioinformatics logoLink to BMC Bioinformatics
. 2022 Nov 28;22(Suppl 10):632. doi: 10.1186/s12859-022-04964-9

Deep learning and multi-omics approach to predict drug responses in cancer

Conghao Wang 1, Xintong Lye 1, Rama Kaalia 1, Parvin Kumar 1, Jagath C Rajapakse 1,
PMCID: PMC9703655  PMID: 36443676

Abstract

Background

Cancers are genetically heterogeneous, so anticancer drugs show varying degrees of effectiveness on patients due to their differing genetic profiles. Knowing patient’s responses to numerous cancer drugs are needed for personalized treatment for cancer. By using molecular profiles of cancer cell lines available from Cancer Cell Line Encyclopedia (CCLE) and anticancer drug responses available in the Genomics of Drug Sensitivity in Cancer (GDSC), we will build computational models to predict anticancer drug responses from molecular features.

Results

We propose a novel deep neural network model that integrates multi-omics data available as gene expressions, copy number variations, gene mutations, reverse phase protein array expressions, and metabolomics expressions, in order to predict cellular responses to known anti-cancer drugs. We employ a novel graph embedding layer that incorporates interactome data as prior information for prediction. Moreover, we propose a novel attention layer that effectively combines different omics features, taking their interactions into account. The network outperformed feedforward neural networks and reported 0.90 for R2 values for prediction of drug responses from cancer cell lines data available in CCLE and GDSC.

Conclusion

The outstanding results of our experiments demonstrate that the proposed method is capable of capturing the interactions of genes and proteins, and integrating multi-omics features effectively. Furthermore, both the results of ablation studies and the investigations of the attention layer imply that gene mutation has a greater influence on the prediction of drug responses than other omics data types. Therefore, we conclude that our approach can not only predict the anti-cancer drug response precisely but also provides insights into reaction mechanisms of cancer cell lines and drugs as well.

Keywords: Cancer, Deep learning, Drug response, Feature embedding, Multi-omics

Background

Inherent complexity and heterogeneity of cancers make patients with same diagnosis respond differently to anticancer drugs, making cancer treatment difficult and intractable. In order to personalize cancer treatment, it is crucial to know drug responses of cancer patients, based on their molecular and clinical profiles. To address this, extensive patient drug screening is required to discover specific patterns of drug responses. Infeasibility of treating large populations of cancer patients has motivated researchers to collect large scale drug screening data on cancer cell lines. For example, Cancer Cell Line Encyclopedia (CCLE) [1] contains various types of molecular profiling data and the Genomics of Drug Sensitivity in Cancer (GDSC) project [2] contains a comprehensive selection of pan-cancer cell line (1000) drug sensitivity responses to a wide list of anti-cancer drugs (200). The main mission of these projects is to facilitate development of integrated computational models and tools that enable prediction of drug-target interactions and pharmacological responses from cell molecular profiles and drug chemical features.

There are mainly two types of methods for predicting drug responses in silico from cancer cell lines: machine learning based approaches and network-based approaches. Machine learning approaches first extract features from multiple molecular measures (gene expression, protein expression, mutation, etc.) and then use classifiers or regressors such as support vector machines [3, 4], elastic-net regression [5], and random forest [6] to make predictions. Recently, deep neural networks have gained popularity in predicting drug responses from cell lines by using molecular descriptors [7, 8]. Network-based methods either build drug-target interaction networks or similarity networks between cell lines and between drug descriptors and then use different network analysis techniques to predict drug responses [9, 10]. However, network-based methods are based on the assumptions that similar molecular profiles and similar drug chemical profiles lead to similar drug responses.

Deep learning methods such as neural networks have the ability to build complex and accurate models by learning from training data and been successful in many application domains [11]. Lately, applications of deep learning have emerged in pharmaceutical research and drug discovery [12]. Liu et al. used two convolutional neural networks, one for processing genomic features of cell lines and another for processing molecular descriptors of drugs, and combined their outputs to predict drug responses [7]. Chiu et al. proposed two deep neural networks, one to process gene expression data and one to process gene mutation data, and then combined two networks to predict drug responses [8]. However, these approaches use multiple neural networks to process different omics data types and then use simple concatenation of features to integrate different networks. There are several challenges when deep neural networks are employed for drug response prediction: (i) huge dimensionality of inputs, (ii) heterogeneity of inputs as data come from different omics platform, (iii) limited number of samples, and (iv) large number of network parameters. In this paper, we present a deep neural network model that addresses some of these issues and is capable of integrating multiple cellular attributes effectively.

CCLE cell lines initially characterized by expression and genomic data have now been expanded to include genetic, RNA splicing, DNA methylation, histone modification, and mRNA expression data [13]. Integration of different molecular or multi-omics features realizing full potential of biological insights from biomolecular interactions pose a huge algorithmic challenge [14]. Due to highly complex nature of mechanisms of cancer, it is difficult to achieve accurate prediction based on a single facet such as genomics solely. Multi-omics techniques where multiple types of omics data such as genomics, proteomics, transcriptomics, and metabolomics have been popular in recent years as they provide more holistic molecular perspective of studied biological systems compared to traditional approaches [15]. Deep learning approaches for integration of multi-omics data are beginning to emerge [16, 17]. Zhang et al. used an autoencoder and k-means clustering to combine gene expression and copy-number variation data to predict subtypes of neuroblastoma [16]. Huang et al. used two neural networks to process mRNA expression and miRNA expression data and combined their outputs to predict survival of breast cancer patients [17]. However, these approaches combine only two types of omics data and use simple mechanisms for integrating omics data. In this work, we propose a neural network that gives a general framework for efficient integration of multiple omics types.

One of the contributions in our work is the integration of the interactome data while processing genomic features. The interactome provides prior knowledge of gene/proteins regulatory and physical interactions. Inspired by [18], we introduce a graph embedding layer for networks processing gene expressions, Copy Number Variation (CNV), mutations and reverse phase protein array (RPPA) data, which incorporates prior information from the interactome, and demonstrate an improvement of performance. Furthermore, in order to obtain insights into the influences of different omics types, we employ an attention layer to efficiently combine network features processing different omics data. By analysing the attention weights, we demonstrate that gene mutation and RPPA data have a stronger impact over the other omics on anti-cancer drug response prediction.

Results

mRNA expression, mutations, CNV, RPPA expression, and metabolite expressions were used as input to the deep neural network (DNN). Data standardization and noise removal were performed to optimize the training process. For mRNA expression, RPPA and metabolite expressions, if certain expression had zero values across over 95% of the cell lines, it was removed from the dataset. Similarly, for gene mutations and CNV, if certain mutation type had no effect on over 95% of cell lines, it was also eliminated. For omics data using graph embeddings, the embedding layer size was same as that of the input layer. The size of the dense embedding layer for metabolites was 200. For mRNA expression and metabolomics datasets, the dense layer had size 64. For gene mutation and CNV datasets, the hidden sizes were 32. As for RPPA dataset, the hidden size was 128. The attention layer dimension was 110 and output layer dimension was 22. The layer sizes were empirically determined for best performance. We used Adams optimizer [19] to minimize the means square error loss at a learning rate of 0.001. The dropouts were also used: dropout rate was 0.2 for mRNA expressions, mutations, and metabolites, and 0.4 for CNV and RPPA. These hyperparameters were tuned to reduce the complexity of our model in the aim of avoiding overfitting. The simulations were performed on Google Colab’s cloud machine with 32GHz CPU with GPU capabilities. When graph embedding layer was used, the convergence was faster in about 200 epochs but with dense embedding layers, the convergence took about 1000 epochs. Three-fold cross-validation was implemented for all the experiments and the results shown in Table 1 and Table 2 are in format of mean±standarddeviation obtained over various random splitting of cross-validation.

Table 1.

Mean square error (MSE) and coefficient of determination R2 values for drug response prediction with single omics data

Dataset Embedding MSE R2
mRNA expression Dense 7.69 ± 4.05 −1.94 ± 1.76
Graph 2.37 ± 0.16 0.24 ± 0.02
Mutations Dense 11.41 ± 1.86 −3.42 ± 0.93
Graph 3.25 ± 0.13 −0.02 ± 0.01
CNV Dense 13.32 ± 2.23 −4.23 ± 0.93
Graph 3.32 ± 0.14 −0.04 ± 0.03
RPPA expression Dense 3.11 ± 0.19 −0.02 ± 0.05
metabolites Dense 2.97 ± 0.13 0.07 ± 0.01

Table 2.

Results of drug response prediction with multi-omics data

Model MSE R2
Multi-omics without attention layer 2.42 ± 0.22 0.65 ± 0.02
Multi-omics with attention layer 0.28 ± 0.01 0.90 ± 0.01

Experiments on single omics data

We first experimented with individual omics datasets and processed them in feedforward DNN. Table 1 shows results of drug response prediction with both mean squared error (MSE) and coefficient of determination R2 [20]. MSE is used as our loss function for measuring the differences between predicted values and the true values. Let i and nc denote the index and the number of cell lines, and j and nd denote the index and number of drugs. MSE is calculated by

MSE(y,y^)=1nc×ndj=1ndi=1nc(yij-y^ij)2 1

where y^ij refers to the predicted drug response value of cell line i and drug j, and yij refers to the corresponding true value of their response. A model generally provides better predictive power when its MSE is smaller, and approaches perfect prediction when MSE is zero. However, MSE has no upper limits.

MSE is a straightforward metrics for regression model evaluation, whereas its assessment can be significantly influenced by the scale of the target value which is drug response level measured by logIC50 in our experiments. In order to evaluate our models more fairly, we also used coefficient of determination R2 which measures the proportion of output variables (i.e., drug responses) that is interpretable from the independent variables in the model [20]. R2 is computed by

R2(y,y^)=1ndj=1nd1-i=1nc(yij-y^ij)2i=1nc(yij-y¯j)2 2

where y¯j represents the average of response level of drug j across all cell lines. R2 has a range of [-,1] on the testing set. Unlike MSE, higher R2 indicates better model performance, and perfect prediction is achieved when R2 equals to one. When the model predicts all the outputs to be the average of true labels indiscriminately, R2 is zero. Moreover, it could also be negative occasionally, when the model performs even worse than producing averages all the time.

For mRNA expression, mutations, and CNV data, we compared the results with graph embeddings and dense embeddings. Graph embeddings allow the use of functional relationships of biomolecules from interactome data as prior information. As seen from the table, use of graph embedding clearly improved the MSE and R2 values of drug response prediction from individual omics types. mRNA expressions gave the highest R2 of 0.24 for drug response prediction.

Experiments on multi-omics data

After measuring the individual models, we trained the models on whole dataset consisting of multi-omics types. During training the integrated model, the parameters in the embedding layer and dense layer were remained invariable, and only the attention layer’s parameters were learned. After removing the missing data points and keeping only the cell lines possessing all the omics features, our input dataset involved 522 cell lines in total. A three-fold cross-validation was implemented and the results of drug response prediction with fusion of all five-omics data are shown in Table 2. Individual omics types were processed by parallel DNN and combined using an attention layer. Attention layer improved both MSE and R2 of prediction. The attention layer weighs omics layer embeddings learnt by DNN in a manner to improve prediction.

To further explore the effectiveness of integrating different omics data, we performed ablation experiments by testing the performance of integrating all possible omics combinations. The results are displayed in Table 3, ranking in order of performance from better to worse. In the table, ’exp’, ’mut’, ’cnv’, ’rppa’ and ’metabolites’ refer to gene expression, gene mutations, CNV, RPPA and metabolites, respectively. It is shown that combinations of gene mutations and RPPA data achieved the highest performance. And apparently, when gene mutations are involved, the MSE is lower than 0.3 and R2 is over 0.9 (as shown in the first 15 rows of Table 3). When Gene mutations are absent, but RPPA is still included, MSE rises to over 0.66 and R2 decreases to around 0.78 (from row 16 to 22 of Table 3). If both gene mutations and RPPA are excluded, the performances become the worst as shown in the rest rows of Table 3.

Table 3.

Results of ablation experiments

Omics combination MSE R2
mut-rppa 0.26 ± 0.01 0.91 ± 0.01
exp-mut-rppa 0.27 ± 0.01 0.90 ± 0.01
exp-mut 0.27 ± 0.01 0.90 ± 0.01
mut-cnv-rppa 0.28 ± 0.01 0.90 ± 0.01
exp-mut-cnv-rppa 0.28 ± 0.01 0.90 ± 0.01
mut-rppa-metabolites 0.28 ± 0.01 0.90 ± 0.01
mut-cnv 0.28 ± 0.01 0.90 ± 0.01
exp-mut-rppa-metabolites 0.28 ± 0.01 0.90 ± 0.01
exp-mut-cnv 0.28 ± 0.01 0.90 ± 0.01
exp-mut-metabolites 0.28 ± 0.01 0.90 ± 0.01
exp-mut-cnv-rppa-metabolites 0.28 ± 0.01 0.90 ± 0.01
mut-metabolites 0.28 ± 0.01 0.90 ± 0.01
mut-cnv-rppa-metabolites 0.28 ± 0.01 0.90 ± 0.01
exp-mut-cnv-metabolites 0.28 ± 0.01 0.90 ± 0.01
mut-cnv-metabolites 0.28 ± 0.01 0.90 ± 0.01
exp-rppa 0.66 ± 0.04 0.78 ± 0.02
exp-cnv-rppa 0.67 ± 0.04 0.78 ± 0.02
cnv-rppa 0.67 ± 0.04 0.78 ± 0.02
exp-rppa-metabolites 0.67 ± 0.04 0.78 ± 0.02
exp-cnv-rppa-metabolites 0.67 ± 0.04 0.78 ± 0.02
rppa-metabolites 0.67 ± 0.04 0.78 ± 0.02
cnv-rppa-metabolites 0.67 ± 0.04 0.78 ± 0.02
exp-cnv 1.08 ± 0.05 0.65 ± 0.02
exp-cnv-metabolites 1.08 ± 0.05 0.65 ± 0.02
exp-metabolites 1.08 ± 0.05 0.65 ± 0.02
cnv-metabolites 1.84 ± 0.05 0.44 ± 0.03

Additionally, we preserved and analysed the attention weights of our models to demonstrate our findings above. Initially, the attention weights are in format of (nf×m)×ndrug, where m denotes the number of omics and nf denotes the hidden size of output layer of sub-models regarding individual omics. Then the weights are summed across nf to be in format of m×ndrug, representing the attention scores on each omics of all the drugs. We observed that when gene mutations data are involved, it always obtains a score around 0.9 over all the drugs, which means that it contributed about 90% of drug response prediction. And when gene mutation is excluded and RPPA is included, RPPA gains about 0.9 attention score of all drugs. An overall attention score heatmap is shown in Figure 1. Consequently, our analysis of attention weights is in accordance with the performances of ablation experiments, both of which illustrate that gene mutation and RPPA provide a greater predictive power towards drug responses than other omics.

Fig. 1.

Fig. 1

Attention scores on multi-omics of all the drugs. Gene mutation data obtain the highest attention score of around 0.9 over all drugs, and RPPA data obtain the second highest attention score of over 0.03. This observation conforms the findings of our ablation experiments, where Gene mutations and RPPA lead to better performances

Prediction of top drugs

Table 4 shows the top 22 drugs ranked according to the MSE of prediction by the DNN, along with their targets and mechanism of action. As seen, the MSE differs largely between different drugs and can be used as network’s efficacy of response prediction. For some drugs like LGK974 and EPZ004777, our network was able to consistently predict relatively accurate drug responses whereas drugs like Trametinib and Camptothecin were predicted less accurately. Variable prediction accuracy may be attributed to different functional roles of drug targets and different biological mechanisms and efficacy through which drugs act.

Table 4.

Drugs ordered according to the accuracy (MSE) of prediction

MSE Drug name Putative target Pathway name
1.1 LGK974 PORCN WNT signalling
1.2 EPZ004777 DOT1L Chromatin histone methylation
1.4 EPZ5676 DOT1L Chromatin histone methylation
1.4 GSK1904529A IGF1R, IR IGF1R signalling
1.5 MK-1775 WEE1, PLK1 Cell cycle
2.1 Palbociclib CDK4, CDK6 Cell cycle
2.2 Afatinib ERBB2, EGFR EGFR signalling
2.3 PD0325901 MEK1, MEK2 ERK MAPK signalling
2.4 Linsitinib IGF1R IGF1R signalling
2.5 Oxaliplatin DNA alkylating agent DNA replication
2.6 Sapatinib EGFR, ERBB2, ERBB3 EGFR signalling
2.6 PLX-4720 BRAF ERK MAPK signalling
2.6 Alpelisib PI3Kalpha PI3K/MTOR signalling
2.7 SCH772984 ERK1, ERK2 ERK MAPK signalling
2.8 MK-2206 AKT1, AKT2 PI3K/MTOR signalling
2.8 Nutlin-3a (-) MDM2 p53 pathway
3.2 5-Fluorouracil Antimetabolite (DNA & RNA) Other
3.7 Taselisib PI3K (beta sparing) PI3K/MTOR signalling
3.8 Irinotecan TOP1 DNA replication
4.0 Luminespib HSP90 Protein stability and degradation
4.1 Trametinib MEK1, MEK2 ERK MAPK signalling
4.8 Camptothecin TOP1 DNA replication

In order to evaluate the accuracy of our network further, we computed the rate at which the most effective drug predicted by our model in terms that the predicted drug response was in fact the recommended drug for that cancer cell type. To this end, we defined Top-1 and Top-3 candidates of drug predictions as the rates at which the true drug was predicted by our method as the topmost drug and within the top 3 drugs, respectively. Top-1 and Top-3 drug prediction accuracies of the network are given in Table 5. Since there are a total 22 drugs whose IC50 values were predicted, the chance of randomly choosing a drug that turns out to be the most effective drug is less than 5%. The best Top-1 accuracy of our single omics model is 50% achieved by gene expression and RPPA. And the best Top-3 accuracy is 91% achieved by RPPA. Compared to that, our multi-omics model performed quite well, increasing the chance of predicting the most effective drug up to 91%. The chance that the network predicted drug was among the actual top 3 most effective drug predicted drug improved close to 98%.

Table 5.

Top-1 and Top-3 accuracies of prediction the desired drug

Omics type Top-1 accuracy (%) Top-3 accuracy (%)
Gene expression 50 89
Gene mutation 39 84
Gene CNV 39 84
Metabolomics 49 86
RPPA 50 91
Multi-omics (without attention) 51 87
Multi-omics (with attention) 91 98

Comparison with existing methods

To demonstrate the effectiveness of our approach, we compared it with Bayesian multitask multi-kernel learning (BEMKL), proposed by Ali et al. [21]. BEMKL was the winning method on DREAM 7 challenge in 2014 [22], and in 2018 the authors further extended this method to adapt multi-omics data input. The major idea of this approach is to estimate kernels for each omics and integrate the kernels via multi-view learning. This method originally takes Gene expression, Gene mutations, CNV, Mass Spectrometry, and miRNA expression as inputs. To compare with our approach on the same dataset, Mass Spectrometry and miRNA expression were replaced by RPPA and Metabolomics data. As shown in Table 6, although MSE and R2 are approximate on single omics’ condition, our method significantly outperforms BEMKL in the case of multi-omics.

Table 6.

Performance comparison with Bayesian multi-task multi-kernel learning (BEMKL) method

Dataset Our method BEKML
MSE R2 MSE R2
Gene expression 2.37 0.24 2.37 0.31
Gene mutations 3.25 −0.02 3.31 0.02
CNV 3.32 −0.04 4.51 −0.22
RPPA 3.11 −0.02 2.52 0.33
Metabolites 2.97 0.07 3.25 0.10
Multi-omics 0.46 0.84 2.32 0.34

We compared our approach with DeepDR [8], a deep learning approach proposed for drug response prediction. DeepDR utilizes an auto-encoder to learn latent representations from gene expressions and gene mutation data and then merges the learnt features together for prediction. Our work is similar to DeepDR from the perspective of two-stage training and latent features learning whereas our work is capable of integrating multiple types of omics data and leveraging an attention mechanism to weigh their influences efficiently. The hyper-parameters of DeepDR model followed the same way as in [8] since they were also tuned on the same CCLE dataset. As seen in Table 7, our method achieves a lower MSE and a higher R2. These comparisons illustrate that, with the attention layer, our model is capable of integrating multi-omics data effectively considering their distinct interactions in various drugs.

Table 7.

Performance comparison with DeepDR

MSE R2
Our work 0.28 ± 0.01 0.90 ± 0.01
DeepDR 3.02 ± 0.17 0.10 ± 0.02

Discussion

In this work, we investigated prediction of cancer cell lines’ responses to already available anti-cancer drugs by integrating deep learning and multi-omics approaches. The ability to predict drug response of a drug from a patient’s omics data enable drug repurposing and personalized treatment against cancer. We developed a DNN model capable of handling large and complex multi-omics data and integrate heterogeneous multi-omics information for drug response prediction. Our model was able to integrate heterogeneous multiple omics data effectively and to predict the most effective drugs and their activity against the patient’s specific cancer. Using our DNN model, we were able to achieve an R2 value of drug response prediction and 98% accuracy of Top-3 drug prediction accuracy.

There are numerous challenges in the implementation of DNN for drug response prediction. These include huge dimensionality of inputs, heterogeneity of inputs as data come from different omics platform, limited number of samples, and a requirement for large number of network parameters. This culminates in a need for a large number of samples for adequate training of deep neural networks. Previous attempts with DNN were limited to only two types of omics data and our model offer a general strategy to integrate any number of omics data types. In order to handle high dimensionality of omics data types, we proposed two embedding strategies - graph embedding and dense embedding. Furthermore, we demonstrated how graph embeddings enabled incorporation of interactome data. The attention layer offered an efficient mechanism for combining information from different omics data type. We employed attention mechanism only at the final layer. One can explore how attention mechanism can be employed at hidden layers as well. It is also noteworthy to explore how the number of trainable parameters can be further reduced. With decreasing cost of collecting omics data, there is need for novel computational techniques that can effectively integrate multi-omics data for downstream tasks such as personalized diagnosis and treatment.

In a recent survey done to compare methods for drug prediction in cancer line few deep neural networks were featured in the comparative study [23]. In this review the CDRscan a deep neural network method that was used did not perform as well as Bayesian methods or Matrix factorization methods, therefore it was concluded that the implementation of deep learning neural networks was non-trivial and requires extensive optimisation. Therefore, in the above investigation we seek to optimize the implementation of deep learning neural networks so that their performance in drug prediction improves and surpass other machine learning methodology.

Conclusion

There were two novelties of our DNN model: (i) incorporation of functional interactions for processing mRNA expressions, gene mutations and CNV data, and (ii) use of an attention layer for combining embedding learned by networks of individual omics data. Our experiments show that the interactome data in the form of protein-protein interactions (PPI) improves drug response predictions. PPI data represents prior information among genes/proteins and explicit embedding of PPI significantly improves drug response prediction. The attention mechanism learns the weights for different omics data and improves the prediction accuracy. Our network outperforms feedforward neural networks without using graph embeddings or the attention layer.

In addition, the observations from the ablation experiments and the attention score distribution reveal that, among the multi-omics data, Gene mutation data distinctly contributes more to the prediction of drug responses than other omics data. When Gene mutation is excluded, RPPA dominates the weight of prediction. Therefore, our proposed approach provides a great predictive power of anti-cancer drug responses, together with an insight of the potential reactions between cell lines and drugs.

Methods

Datasets

We downloaded mRNA expressions, genomic mutations, reverse phase protein array (RPPA) expressions, and metabolomics data from CCLE, and copy number variations (CNV) and half maximal inhibitory concentration (IC50) of drug responses from GDSC, and interactome data from HINT1 (High-quality INTeractomes) database. The details of the datasets used in the experiments are summarized in Table 8.

Table 8.

Details of omics datasets used

Source Dataset Size
CCLE mRNA expressions 1210 cell lines, 19,145 genes
gene mutations 1656 cell lines, 18,789 genes,1,239,235 mutations
RPPA expressions 899 cell lines, 215 proteins
metabolomics data 928 cell lines, 227 metabolites
GDSC CNV data 987 cell lines, 25,638 genes
IC50 responses 810 cell lines, 175 drugs
HINT Interactome 62,345 binary protein pair interaction
  • mRNA expressions: mRNA expression profiles in cells are measured by RNA sequencing technique in transcripts per million (TPM), which indicate how many genes actively transcribed in the cell. Earlier, analysis of RNA-seq data has revealed a comprehensive portrait of gene expressions in these cell lines [24] and contributions of deviations of expression level from the norm for certain genes to cancer, for example, see [25] for neuroblastoma. In this research, RNA-seq data of 1,210 cell lines and 19,145 genes were downloaded from CCLE.

  • Gene mutations: Gene mutations involve numerous variations, such as silent, missense, nonsense, deletion, insertion, splice site, nonstop, etc. Cancer development usually involves the accumulation of multiple gene mutations [26]. For example, somatic mutations which fare relatively stable lead to initiation and progression of breast cancer [27]. We downloaded Gene mutation data including mutation position and variation for 1,656 cell lines and for 18,789 genes from CCLE.

  • Copy number variations (CNV): Copy Number Variation (CNV) records the number of copies of a gene in a cell and are structurally variant regions in which copy number differences have been observed between two or more genes, which are highly characteristics of cancer [28]. CNV have been believed to be highly correlated to differential gene expressions [29]. CNV data for 25,638 genes in 987 cell lines were downloaded from GDSC.

  • RPPA data: Reverse Phase Protein Array (RPPA) is a high-throughput proteomics method that, comparing to mass spectrometry proteomics, has higher sensitivity for low-abundance proteins [30] and provides the expression data for a prespecified set of proteins. RPPA captures the state of key signal transduction pathways in cells and provides insights to the cancer mechanisms [31]. RPPA data that consists of protein expression level of 215 proteins in 899 cell lines were downloaded from CCLE.

  • Metabolomics data: Metabolomics involves study of small-molecule biochemicals (metabolites) within a biologic system [32]. Certain metabolites have been validated as cancer biomarkers in various patient samples including blood, urine, and prostatic secretions [32]. Metabolomics directly reflect the underlying biochemical activities of the cells and are therefore very useful in cancer research. We downloaded the expression level of 227 metabolites in 928 cell lines from CCLE.

  • Interactome data: Interactome data such as protein-protein interaction (PPI) lend us an overview of interactions among biological processes. HINT database [33] consists of a curated compilation of high-quality protein interactions from 8 interactome resources: BioGRID, MINT, iRefWeb, DIP, IntAct, HPRD, MIPS and the PDB. We downloaded interactome data with 62,345 binary protein pair interactions from HINT. The values in the PPI matrix were binary: 1 for an interaction, or 0 otherwise.

  • Drug response data: In the experiments of this research, IC50 values (the half maximal inhibitory concentration) were adopted to evaluate drug response levels. IC50 values were measured in uM and represented in log scale where lower the IC50 value, more effective the drug [34]. We downloaded IC50 values measuring drug response from 810 cell lines against 175 anticancer drugs, and top 22 drugs were chosen because they were the most commonly used drugs and tested on more than 95% of the cell lines.

Neural network architecture

Figure 2 illustrates the deep neural network (DNN) architecture combining different omics data. The input to the network consists of 5 omics data types: mRNA expression, mutations, CNV, RPPA expressions, and metabolomics. Let the network input x={xm}m=1M be a set of M omics datasets and xm=(xmi)inm denote the mth omics data consisting of nm features. The network consists of 3 hidden layers: an embedding layer (l=1), a dense layer 2 (l=2), and an attention layer (l=3). Let yl={yml} denote the lth hidden layer output and for yml denote the output due to mth omics data.

Fig. 2.

Fig. 2

Deep neural network architecture combining different omics data. Gene expressions, CNV, and Gene mutations data are fed into a graph embedding layer, respectively, whereas RPPA and metabolomics data are fed into a dense embedding layer, respectively. In a graph embedding layer, information about interactions among genes obtained from HINT database is incorporated, and only genes with mutual interactions are distilled. Then a dense layer is applied for further learning the latent features of each omics dataset. Eventually, an attention layer is adapted to predict the final drug responses with distinct attention to different omics features

In order to incorporate the prior information from the interactome, embedding layer for mRNA expressions, mutations, CNV, and RPPA expressions used graph embedding while the metabolomics data goes through a dense embedding. The output of dense embedding layer is given by

ym1=f((Wm1)Txm+bm1) 3

and the output of graph embedding layer [18] is given by

ym1=f((Wm1·A)Txm+bm1) 4

where A denotes the affinity matrix of the protein-protein interaction network and · denotes element-wise product. Wm1 and bm1 denote the weight matrix and bias vector of the embedding layer for mth omics data. The bias vector of this layer is initialized as zeros and learned during the training process.

The graph embedding layer allows incorporating prior information about interactions among genes/proteins, underlying fundamental biological mechanisms of cancer [18]. From the HINT database, we obtained the binary interactome dataset which records pairwise protein-protein interactions. The graph embedding layer acts as a feature filter that prevents information from proteins/genes that do not have biological interactions with others from being fed into its corresponding hidden neurons, therefore achieving our goal of a sparse connection. Since the interactions between metabolites are unknown, we used dense embedding for metabolomics data.

The embedding layer is followed by one dense layer. The output of the dense layer for m omics data is given by

ym2=f((Wm2)Tym1+bm2) 5

where Wm2 and bm2 denote the weight matrix and bias vector for mth omics data for dense layer. The bias vector of this layer is initialized as zeros and learned during the training process.

The dense layer outputs of different omics data are concatenated as z:

z=[ym2]m=15 6

Assume that the attention layer weight W3 is composed of W3(d,m,i), where W3(d,m,i) represents the weight corresponding to drug d, dataset m, and feature i. Output layer weights W(dmi) are defined by

W(d,m,i)=eW3(d,m,i)·k(d,i)meW3(d,m,i) 7

where {k(d,i)} denotes the kill matrix used for enforcing output neurons in the final layer to focus on its corresponding neurons from each individual omics sub-network. Specifically, we maintain the hidden sizes of the dense layers of all omics in Figure 2 to be the same with final output size, which means the range of d and i will be the same. Then the k(di) can be designed to be 1 when d=i, or 0 when di. Element-wise multiplication of natural exponential of weights and the kill matrix ensures that the output neuron representing a drug solely focuses on the corresponding neurons in preceding sub-networks that represents the same drug, and influences coming from other neurons are set to zero. This design prevents prediction of one drug being affected by other drugs.

The output y is given by

y=g(WTz+b) 8

Acknowledgements

This research was supported by AcRF Tier-1 2019-T1-002-057 grant by the Ministry of Education, Singapore. The authors would like to thank all research participants and organisations who provided data for this machine learning study.

About this supplement

This article has been published as part of BMC Bioinformatics Volume 22 Supplement 10 2021: Selected articles from the 19th Asia Pacific Bioinformatics Conference (APBC 2021): bioinformatics. The full contents of the supplement are available at https://bmcbioinformatics.biomedcentral.com/articles/supplements/volume-22-supplement-10.

Author contributions

C. Wang and X. Lye conceptualized the ideas, performed experiments, and wrote the manuscript; R. Kaalia and P. Kumar shared their expertise and guided experiments; J. C. Rajapakse supervised and oversaw the project, and guided writing of the manuscript. All authors reviewed and approved the final manuscript.

Funding

This study was supported by Academic Research Fund Tier 1 of Ministry of Education, Singapore with a Grant (Grant No. 2019-T1-002-057) to J. C. Rajapakse.

Data availability

Data used in this study can be downloaded from CCLE and GDSC database.

Declarations

Ethics approval and consent to participate

Data used were all open access.

Consent of publication

Not applicable.

Competing interests

The authors declare that there are no existing competing interests in designing and writing the above study and manuscript.

Footnotes

Publisher's Note

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

Contributor Information

Conghao Wang, Email: conghao001@e.ntu.edu.sg.

Xintong Lye, Email: xlyu002@e.ntu.edu.sg.

Rama Kaalia, Email: rkaalia@ntu.edu.sg.

Parvin Kumar, Email: parvin.kumar@ntu.edu.sg.

Jagath C. Rajapakse, Email: asjagath@ntu.edu.sg

References

  • 1.Consortium, C.C.L.E., of Drug Sensitivity in Cancer Consortium, G. Pharmacogenomic agreement between two cancer cell line data sets. Nature. 2015;528(7580):84–7. [DOI] [PMC free article] [PubMed]
  • 2.Yang W, Soares J, Greninger P, Edelman EJ, Lightfoot H, Forbes S, Bindal N, Beare D, Smith JA, Thompson IR. Genomics of drug sensitivity in cancer (GDSC): a resource for therapeutic biomarker discovery in cancer cells. Nucleic Acids Res. 2012;41(D1):955–961. doi: 10.1093/nar/gks1111. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 3.Wang Y, Fang J, Chen S. Inferences of drug responses in cancer cells from cancer genomic features and compound chemical and therapeutic properties. Sci Rep. 2016;6(1):1–11. doi: 10.1038/srep32679. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 4.Dong Z, Zhang N, Li C, Wang H, Fang Y, Wang J, Zheng X. Anticancer drug sensitivity prediction in cell lines from baseline gene expression through recursive feature selection. BMC Cancer. 2015;15(1):1–12. doi: 10.1186/s12885-015-1492-6. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 5.Basu A, Bodycombe NE, Cheah JH, Price EV, Liu K, Schaefer GI, Ebright RY, Stewart ML, Ito D, Wang S. An interactive resource to identify cancer genetic and lineage dependencies targeted by small molecules. Cell. 2013;154(5):1151–1161. doi: 10.1016/j.cell.2013.08.003. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 6.Menden MP, Iorio F, Garnett M, McDermott U, Benes CH, Ballester PJ, Saez-Rodriguez J. Machine learning prediction of cancer cell sensitivity to drugs based on genomic and chemical properties. PLoS ONE. 2013;8(4):61318. doi: 10.1371/journal.pone.0061318. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 7.Liu P, Li H, Li S, Leung K-S. Improving prediction of phenotypic drug response on cancer cell lines using deep convolutional network. BMC Bioinform. 2019;20(1):1–14. doi: 10.1186/s12859-019-2910-6. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 8.Chiu Y-C, Chen H-IH, Zhang T, Zhang S, Gorthi A, Wang L-J, Huang Y, Chen Y. Predicting drug response of tumors from integrated genomic profiles by deep neural networks. BMC Med Genomics. 2019;12(1):143–155. doi: 10.1186/s12920-018-0460-9. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 9.Guan N-N, Zhao Y, Wang C-C, Li J-Q, Chen X, Piao X. Anticancer drug response prediction in cell lines using weighted graph regularized matrix factorization. Mol Ther Nucleic Acids. 2019;17:164–174. doi: 10.1016/j.omtn.2019.05.017. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 10.Cheng F, Kovács IA, Barabási A-L. Network-based prediction of drug combinations. Nat Commun. 2019;10(1):1–11. doi: 10.1038/s41467-019-09186-x. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 11.LeCun Y, Bengio Y, Hinton G. Deep learning. Nature. 2015;521(7553):436–444. doi: 10.1038/nature14539. [DOI] [PubMed] [Google Scholar]
  • 12.Lavecchia A. Deep learning in drug discovery: opportunities, challenges and future prospects. Drug Discov Today. 2019;24(10):2017–2032. doi: 10.1016/j.drudis.2019.07.006. [DOI] [PubMed] [Google Scholar]
  • 13.Ghandi M, Huang FW, Jané-Valbuena J, Kryukov GV, Lo CC, McDonald ER, Barretina J, Gelfand ET, Bielski CM, Li H. Next-generation characterization of the cancer cell line encyclopedia. Nature. 2019;569(7757):503–508. doi: 10.1038/s41586-019-1186-3. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 14.Stuart T, Satija R. Integrative single-cell analysis. Nat Rev Genet. 2019;20(5):257–272. doi: 10.1038/s41576-019-0093-7. [DOI] [PubMed] [Google Scholar]
  • 15.Pinu FR, Beale DJ, Paten AM, Kouremenos K, Swarup S, Schirra HJ, Wishart D. Systems biology and multi-omics integration: viewpoints from the metabolomics research community. Metabolites. 2019;9(4):76. doi: 10.3390/metabo9040076. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 16.Zhang L, Lv C, Jin Y, Cheng G, Fu Y, Yuan D, Tao Y, Guo Y, Ni X, Shi T. Deep learning-based multi-omics data integration reveals two prognostic subtypes in high-risk neuroblastoma. Front Genet. 2018;9:477. doi: 10.3389/fgene.2018.00477. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 17.Huang Z, Zhan X, Xiang S, Johnson TS, Helm B, Yu CY, Zhang J, Salama P, Rizkalla M, Han Z. Salmon: survival analysis learning with multi-omics neural networks on breast cancer. Front Genet. 2019;10:166. doi: 10.3389/fgene.2019.00166. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 18.Kong Y, Yu T. A graph-embedded deep feedforward network for disease outcome classification and feature selection using gene expression data. Bioinformatics. 2018;34(21):3727–3737. doi: 10.1093/bioinformatics/bty429. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 19.Goodfellow I, Bengio Y, Courville A deep learning. MIT press, 2016
  • 20.Pedregosa F, Varoquaux G, Gramfort A, Michel V, Thirion B, Grisel O, Blondel M, Prettenhofer P, Weiss R, Dubourg V, Vanderplas J, Passos A, Cournapeau D, Brucher M, Perrot M, Duchesnay E. Scikit-learn: machine learning in Python. J Mach Learn Res. 2011;12:2825–2830. [Google Scholar]
  • 21.Ali M, Khan SA, Wennerberg K, Aittokallio T. Global proteomics profiling improves drug sensitivity prediction: results from a multi-omics, pan-cancer modeling approach. Bioinformatics. 2018;34(8):1353–1362. doi: 10.1093/bioinformatics/btx766. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 22.Costello JC, Heiser LM, Georgii E, Gönen M, Menden MP, Wang NJ, Bansal M, Hintsanen P, Khan SA, Mpindi J-P. A community effort to assess and improve drug sensitivity prediction algorithms. Nat Biotechnol. 2014;32(12):1202–1212. doi: 10.1038/nbt.2877. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 23.Chen J, Zhang L. A survey and systematic assessment of computational methods for drug response prediction. Brief Bioinform. 2021;22(1):232–246. doi: 10.1093/bib/bbz164. [DOI] [PubMed] [Google Scholar]
  • 24.Klijn C, Durinck S, Stawiski EW, Haverty PM, Jiang Z, Liu H, Degenhardt J, Mayba O, Gnad F, Liu J. A comprehensive transcriptional portrait of human cancer cell lines. Nat Biotechnol. 2015;33(3):306–312. doi: 10.1038/nbt.3080. [DOI] [PubMed] [Google Scholar]
  • 25.Tranchevent L-C, Azuaje F, Rajapakse JC. A deep neural network approach to predicting clinical outcomes of neuroblastoma patients. BMC Med Genomics. 2019;12(8):1–11. doi: 10.1186/s12920-019-0628-y. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 26.Şimşek NÖÖ, Özgür A, Gürgen F. Statistical representation models for mutation information within genomic data. BMC Bioinform. 2019;20(1):1–13. doi: 10.1186/s12859-019-2868-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 27.Vural S, Wang X, Guda C. Classification of breast cancer patients using somatic mutation profiles and machine learning approaches. BMC Syst Biol. 2016;10(3):263–276. doi: 10.1186/s12918-016-0306-z. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 28.Shlien A, Malkin D. Copy number variations and cancer. Genome Med. 2009;1(6):1–9. doi: 10.1186/gm62. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 29.Shao X, Lv N, Liao J, Long J, Xue R, Ai N, Xu D, Fan X. Copy number variation is highly correlated with differential gene expression: a pan-cancer study. BMC Med Genet. 2019;20(1):1–14. doi: 10.1186/s12881-019-0909-5. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 30.Koplev S, Lin K, Dohlman AB, Ma’ayan A. Integration of pan-cancer transcriptomics with RPPA proteomics reveals mechanisms of epithelial-mesenchymal transition. PLoS Comput Biol. 2018;14(1):1005911. doi: 10.1371/journal.pcbi.1005911. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 31.Creighton CJ, Huang S. Reverse phase protein arrays in signaling pathways: a data integration perspective. Drug Des Dev Ther. 2015;9:3519. doi: 10.2147/DDDT.S38375. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 32.Serkova NJ, Glunde K. Metabolomics of cancer. In: Tumor Biomarker Discovery, Springer; 2009, pp. 273–295 [DOI] [PubMed]
  • 33.Das J, Yu H. Hint: High-quality protein interactomes and their applications in understanding human disease. BMC Syst Biol. 2012;6(1):1–12. doi: 10.1186/1752-0509-6-92. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 34.Vis DJ, Bombardelli L, Lightfoot H, Iorio F, Garnett MJ, Wessels LF. Multilevel models improve precision and speed of IC50 estimates. Pharmacogenomics. 2016;17(7):691–700. doi: 10.2217/pgs.16.15. [DOI] [PMC free article] [PubMed] [Google Scholar]

Associated Data

This section collects any data citations, data availability statements, or supplementary materials included in this article.

Data Availability Statement

Data used in this study can be downloaded from CCLE and GDSC database.


Articles from BMC Bioinformatics are provided here courtesy of BMC

RESOURCES