Skip to main content

A fair experimental comparison of neural network architectures for latent representations of multi-omics for drug response prediction

Abstract

Background

Recent years have seen a surge of novel neural network architectures for the integration of multi-omics data for prediction. Most of the architectures include either encoders alone or encoders and decoders, i.e., autoencoders of various sorts, to transform multi-omics data into latent representations. One important parameter is the depth of integration: the point at which the latent representations are computed or merged, which can be either early, intermediate, or late. The literature on integration methods is growing steadily, however, close to nothing is known about the relative performance of these methods under fair experimental conditions and under consideration of different use cases.

Results

We developed a comparison framework that trains and optimizes multi-omics integration methods under equal conditions. We incorporated early integration, PCA and four recently published deep learning methods: MOLI, Super.FELT, OmiEmbed, and MOMA. Further, we devised a novel method, Omics Stacking, that combines the advantages of intermediate and late integration. Experiments were conducted on a public drug response data set with multiple omics data (somatic point mutations, somatic copy number profiles and gene expression profiles) that was obtained from cell lines, patient-derived xenografts, and patient samples. Our experiments confirmed that early integration has the lowest predictive performance. Overall, architectures that integrate triplet loss achieved the best results. Statistical differences can, overall, rarely be observed, however, in terms of the average ranks of methods, Super.FELT is consistently performing best in a cross-validation setting and Omics Stacking best in an external test set setting.

Conclusions

We recommend researchers to follow fair comparison protocols, as suggested in the paper. When faced with a new data set, Super.FELT is a good option in the cross-validation setting as well as Omics Stacking in the external test set setting. Statistical significances are hardly observable, despite trends in the algorithms’ rankings. Future work on refined methods for transfer learning tailored for this domain may improve the situation for external test sets. The source code of all experiments is available under https://github.com/kramerlab/Multi-Omics_analysis

Peer Review reports

Background

Data analysis in the life sciences often involves the integration of data from multiple modalities or views. Integration is necessary to obtain models with improved predictive performance or explanatory power. One currently popular approach to integrate multiple views is to take advantage of latent representations as computed by neural network architectures. Views are usually defined as (potentially very large) groups of variables that originate from one measurement technology. In bioinformatics and computational biology, views often originate from different omics platforms, e.g., from genomics, transcriptomics, proteomics, and so forth.

Frequently, views from different omics platforms are collected by different research groups, which then evaluate them separately. This independent analysis of views can lead to inconsistent conclusions, which are hard to interpret when combined [1]. The problem is aggravated with data about complex diseases like cancer, which are impossible to understand by a single view only [2].

Each view provides distinct, complementary information about a phenomenon of interest, and integrating them can lead to an improved understanding of the underlying biology [3]. Previous studies compared single-omics and multi-omics approaches and indicated that an increased predictive performance for cancer classification and survival analysis is achieved by using multi-omics approaches [1, 2, 4, 5].

Given several views, there exist mainly three different paradigms of how to integrate them: early, late, and intermediate integration. They depend on the point at which information of distinct views is combined [6].

In early integration, the view’s features are concatenated into a single representation and analyzed with traditional methods. This has the advantage of being simple, but the disadvantage of creating a higher-dimensional and sparse feature space. Early integration methods assume a high dependency between omics. Furthermore, they are not suitable for combining non-tabular views as for example visual data or text.

Late integration, on the other hand, combines the results of models, which are trained independently on a single view, to obtain the final prediction. It models interaction between views only by weighting the single-view results differently. Late integration allows the combination of heterogeneous views, as only the output of a model is essential and view-specific models can be trained.

Whereas early integration assumes a high dependency between views and late integration a low dependency [6], intermediate integration represents a trade-off between the both. In intermediate integration, the views are first transformed to a lower dimensional representation with a suitable encoder. Only then the transformed representations are concatenated and evaluated.

The encoding of a view into the latent feature space is widely performed with neural networks. The neural network architectures include either just encoders or encoders and decoders, as in autoencoder-type architectures. A myriad of architectures is possible for the integration of multi-omics data: encoders only, encoders-decoders (autoencoders of various sorts), integration either early (already for the computation of a joint latent representation), intermediate (concatenating latent representations following their computation), or late (combining the results of individual latent representations) [7], and using different loss functions.

As the literature on the topic is growing, one would expect that a more recent publication would improve upon a previous publication in terms of performance, or, at least, that a specific use case with superior performance has been identified then. However, as it turns out, various approaches have been optimized and tested with different sets of hyperparameters (some of them fixed, some of them optimized), with different values for hyperparameters, and with different test protocols. Further, performance can be very different for cross-validation (assuming a similar distribution of data for each test set) and so-called external test sets. Thus, it is at this point far from clear which method performs best overall, and, specifically, which method is to be preferred in which setting, e.g., in a cross-validation-like setting or with an external test set from an unknown distribution.

In this paper, we level the playing field, establish a uniform, basic protocol for various existing methods, and test the methods with a state-of-art statistical method for the comparison of machine learning algorithms [8]. As a side product, we derive a method that integrates intermediate and late integration and fares well in settings where the predictive performance on external test sets is favored.

We study the prediction performance of the various algorithms on data sets for drug response prediction, which have been used widely in the literature in past few years [4]. The ultimate goal of such studies is to detect drug response biomarkers, which would help to develop personalized treatments of patients and improve clinical outcomes [9]. Drug screening studies on large patient cohorts are rarely performed, because it is ethically not feasible to change the chemotherapeutic regime and to cause a suboptimal therapy [9, 10]. On the other hand, large-scale drug-screening efforts using human cancer cell line models have begun to establish a collection of gene-drug associations and have uncovered potential molecular markers predictive of therapeutic responses [11]. A critical challenge that remains is the clinical utility of the results, i.e., the translatability from in vitro to in vivo [4].

In summary, the contributions of this paper are as follows:

  • A fair comparison of recent deep multi-omics integration algorithms for drug response prediction,

  • A new combined intermediate and late architecture for multi-omics integration, and

  • A thorough validation study of the methods’ predictions on external test sets.

The remainder of the paper is organized as follows: First, we interpret the methods’ results on the test and external sets and test significance in the observed differences. An in-depth discussion and the conclusions follow. Next, we give an overview of the used data sets and the design of the fair comparison framework. Towards the end of the article, we still give details of the included integration architectures.

Results

Architecture comparison

At first, we analyzed the results on the five cross-validation test sets (Tables 1, 2). Super.FELT and Omics Stacking achieved for two drugs the highest AUROCs, but for four drugs Super.FELT was the second best and Omics Stacking for one drug. MOLI, OmiEmbed and MOMA each achieved for one drug the highest AUROC, and EI and PCA not once. EI (mean rank = 5.71) and PCA (mean rank = 6.14) perform worse than the other methods. PCA reduces the view dimensions, but without taking into account the outcome, which can lead to poor results. The high-dimensional and sparse space of EI reduced its predictive performance.

OmiEmbed ranks in the midpoint, showing the difficulty of optimizing its variational autoencoder (VAE).

No method clearly outperforms the others, but Omics Stacking and Super.FELT performed slightly better, according to their mean ranks of 2.86 and 2.43, respectively.

The AUPRC results are similar, but the three algorithms that use triplet loss achieved the best result for five out seven drugs and EI was the the worst performing algorithm. The positive trend for methods using triplet loss shows its regularization benefit on discriminating responders and non-responders.

All architectures have a high standard deviation for AUROC and AUPRC, which underlines the importance of stratified cross-validation to alleviate the influence of data splitting.

Table 1 Mean AUROC on the test sets from cross-validation
Table 2 Mean AUPRC on the test sets from cross-validation

The visualization of the mean ranks and the critical differences (Fig. 1) supports our analysis. EI is, for AUROC as well as AUPRC, significantly worse than the best performing method. The mean ranks for AUPRC contain a visible gap between methods that use triplet loss (Omics Stacking, Super.FELT and MOLI) and methods without (MOMA, OmiEmbed and EI), but without significance.

Fig. 1
figure 1

Mean rank and critical difference of the AUROC and AUPRC on the test sets from cross-validation. The mean values of the outer cross-validation results are compared. The Nemenyi test with \(\alpha =0.05\) was used to compute significant differences

Next, we analyzed the results on the external test sets (Tables 3, 4). Here, the method is trained to predict the in vitro response, but at the same time, has to learn general features that can predict drug response on an unknown in vivo distribution.

Table 3 Mean AUROC on external test set
Table 4 Mean AUPRC on external test set

Again, no single method performed best with all drugs, but Omics Stacking had the lowest mean rank in both metrics, achieving the best results in more than half of the data sets for AUROC and AUPRC. Additionally, it achieved the lowest mean rank (see Fig. 2 for the critical differences) for AUROC and AUPRC. The results confirm the benefit of classifying both individual and integrated features for the translatability.

EI achieved the second best AUPRC and AUROC for Erlotinib, but classified worse in general. Surprisingly, OmiEmbed performed worst on the external data. One possible explanation may be that the regularization of the VAE narrows its capabilities to perform similarly on a shifted distribution without retraining.

PCA’s performance was better on the external data set than on the test set, where it was the worst method. We argue that PCA method did not overfit strongly on the train data, which increases its performance on the external data set and even achieved the best results for two drugs, but not enough to achieve acceptable predictions on all data sets.

Differences occurred between AUROC and AUPRC: Super.FELT had the second best mean rank for AUROC, but was only fourth for AUPRC. No method was significantly better regarding the AUPRC, however, OmiEmbed and EI had similarly low mean ranks. Omics Stacking performed best for the AUPRC and AUROC.

Fig. 2
figure 2

Mean rank and critical difference of the AUROC and AUPRC on the external test set. The mean values of the outer cross-validation results are compared. The Nemenyi test with \(\alpha =0.05\) was used to compute significant differences

Omics stacking ablation study

We performed an ablation study to test the impact of different components of Omics Stacking, our newly developed integration architecture. We wanted to measure in particular the influence of different numbers of stacked classification layers and the triplet loss on the predictive performance. The hyperparameter optimization framework and data sets were the same as in the architecture comparison.

The first altered architecture—Omics Stacking without Integration—omits the subnetwork that classifies the concatenated omics features, which results in a late integration neural network. The second one—Omics Stacking Complete—adds additional classifiers for the integration of two omics, which adds three classification subnetworks: expression and mutation, expression and CNA, and mutation and CNA. At last, we also tested Omics Stacking without triplet loss.

The AUROCs, AUPRCs and mean ranks are given in Tables 5, 6, 7 and 8 and the visualization of them in Figs. 3 and 4.

Both Omics Stacking Complete Integration and Omics Stacking without Integration achieved the best rank once and Omics Stacking without triplet Loss always had the lowest mean rank. Omics Stacking achieved twice the first place in the ranking and was never worse than second place.

In the end, none of the different configurations achieved a significantly better or worse performance, but the trend indicates that triplet loss and multi-omics integration increases the prediction, because removing them always decreased the mean ranking.

Fig. 3
figure 3

Mean rank and critical difference of the AUROC and AUPRC on the test sets from cross-validation for the ablation study. The mean values of the outer cross-validation results are compared. The Nemenyi test with \(\alpha =0.05\) was used to compute significant differences

Fig. 4
figure 4

Mean rank and critical difference of the AUROC and AUPRC on the external test data for the ablation study. The mean values of the outer cross-validation results are compared. The Nemenyi test with \(\alpha =0.05\) was used to compute significant differences

Table 5 Mean AUROC on test sets from cross-validation for the ablation study
Table 6 Mean AUPRC on test sets from cross-validation for the ablation study
Table 7 Mean AUROC on external test set for the ablation study
Table 8 Mean AUPRC on the test sets from cross-validation for the ablation study

Triplet loss ablation study

The architecture comparison indicated a trend favoring architectures that were trained with triplet loss. We performed an ablation study in which we evaluated the impact of triplet loss separately, for each architecture. For the study we removed the triplet loss from architectures that already used it and added it to the others.

Removing the triplet loss from MOLI and Omics Stacking is easily done by omitting the term from the loss computation. To remove the triplet loss from Super.FELT, we exchanged the supervised encoder of the first phase with unsupervised autoencoders.

For MOMA, we computed the triplet loss on the concatenated vectors before the attention mechanism and for OmiEmbed, on the concatenated vectors before the computation of \(\mu\) and \(\sigma\). We left out PCA, as the principal components need not be computed by gradient descent.

We calculated the paired samples differences and counted the number of times the difference was positive, which means that triplet loss improved the result, to see whether there exists a general trend. Additionally, we performed a two-sided Wilcoxon signed-rank test, with \(\alpha <0.05\) for significance, on the paired results per architecture (Table 9). The Wilcoxon signed-rank test includes the differences of the paired samples, which has the advantage that it also incorporates the improvement or degradation of the test metric.

Additional file 1 presents the detailed results of the adapted architectures.

Table 9 Comparison of p values for all architectures computing the triplet loss or not

In the case of EI, adding the triplet loss improves the results with regard to the AUROC in six out of seven cases, and for the AUPRC, in all cases. For the test data, the improvements were statistically significant across the board. For external data, the trend is reversed and no statistically significant different can be observed. The regularization helped EI to distinguish elements of the test data, but did not learn generalizable features, which reduced its capabilities to predict the response on external data.

Omics Stacking profited in both cases from the triplet loss, but not with significant differences. For MOLI and Super.FELT, the results were in half or slightly more than half of the cases improved. The results for MOMA and OmiEmbed were the other way around: In half or less than half of the cases they improved with triplet loss. Both methods already have a composed loss function and adding another term increases the difficulty improving upon it.

Interpretability

For all of the above models and architectures, it would be desirable to compute the importance and contribution of individual variables to the outcome of a prediction model. This problem is addressed in the field of explainable AI (XAI) by so-called attribution methods. Attribution methods for architectures computing and concatenating latent representations from thousands of variables are, however, still in their infancy [12]. Therefore, we instead focus on the attribution of views (omics), not individual features. In the following, we analyze the sum of attributions as well as the mean attribution of features from various views.

To train the final model we computed the final hyperparameter set for an architecture with a 5-fold cross-validation and the same hyperparameter optimization. The final model was trained on the complete GDSC data and the Shapley values [13] were computed on the external data.

Shapley values are a concept from cooperative game theory and can be used to interpret the predictions of a machine learning model. The Shapley value of a feature represents its attribution to the prediction. Shapley values are usually computed in a model-agnostic manner, by changing the inputs and measuring the changes in the models’ output.

For the Shapley value combination, we employ a perturbation based approach, where features are added one by one to a baseline. The order in which features are added is changed randomly in every iteration, and the mean of all attributions represents the final attribution of a feature [13]. In the following, we refer to this method as Shapley sampling.

The Shapley values of an architecture for one drug were normalized so that they sum up to one. We took the sum of an omics’ attributions to analyze its influence on the drug response prediction and the mean of an omics’ attributions to evaluate the average influence of its features on the result. Subsequently, the mean of both values over all drug data sets were calculated.

It is important to notice that after the variance threshold, the number of features for mutation (10–15 thousand) and CNA (18–22 thousand) were one magnitude higher than for expression (around three thousand). Additional files 2, 3, 4, 5, 6, 7 and 8 list the gene level attributions per drug for all architectures.

For EI, Shapley sampling assigns the highest attribution to the CNA view (0.642), and less to the expression (0.155) and the mutation view (0.203). However, the mean influence of an expression feature is greater than the mean influence of a copy number or mutation feature (0.00005 vs. 0.00003 resp. 0.00001). This indicates that EI learns that the gene expression is an important indicator for the drug response [9, 14], but in general the other views have a higher influence.

MOMA focuses mostly on two omics (mutation = 0.442, expression = 0.462), due its attention mechanism, and less on CNA (0.094). PCA is the only architecture that uses expression (0.496) and CNA (0.467) equally.

The attributions for MOLI, Super.FELT and OmiEmbed show similar tendencies. The sum of the attributions of expression makes up more than half of the whole attribution. The mean attribution of an expression feature is up to approximately twenty times higher than that of a copy number or mutation feature. The intermediate integration does not favor views with many features and learns which inputs are not relevant for the drug response prediction.

Omics Stacking distributes the attribution more evenly on expression (0.518), mutation (0.210) and CNA (0.272). Its summarized attribution has a high variance, indicating that the meta learner learns individually for each data set to focus on the most important omics. Similar to the other intermediate integration architectures, the averaged attributions for expression features are considerably higher than the others.

The diagrams in Additional file 9 visualize the summarized and averaged attributions.

Discussion

The emerging interest in multi-omics integration with neural networks produces an increasing number of different architectures. In this work, we compared a subset of recently published methods as fairly as possible to validate their predictive capabilities. Our experiments focused on drug response prediction, a high-dimensional problem, with the added complexity of having few samples.

The performance was only tested on data sets from cancer research mainly due to two reasons: First, the availability of multi-omics data, as cancer samples are more common compared to other diseases and data sets for other diseases with enough samples and a high enough quality are still rare. The second reason is that the extensive hyperparameter optimization with an inner and outer cross-validation increases the hardware requirements greatly and combined with the sheer amount of different, recently published algorithms made it necessary to focus on just a single field.

We focused our research on the comparison of the predictive performance and the summarized attributions, but another important aspect is to analyze the attribution on a more fine-granular level, i.e., on the level of genes. As this is a research topic of its own, especially in the context of high-dimensional data and autoencoder-type architectures, we have to leave that for future work.

Current drug response methods are trained on cell lines only and applied directly to patient samples without adaptation. A different strategy is transfer learning, where information from source data is transferred to target data for improved prediction [15]. This can be useful for transferring information from in vitro to in vivo samples. However, larger in vivo or ex vivo data sets would be necessary for this to succeed.

Our experiments validate results that using EI results in worse predictions than intermediate integration, because concatenating the views creates a higher-dimensional sparse feature space that further increases the issue of having only few samples. EI is suitable to be used as simple and fast to implement baseline, but at least one intermediate integration architecture should be validated. However, making a recommendation for one of them is difficult, as none of them performed significantly better.

Conclusions

In this paper we showed that none of the current multi-omics integration methods excels at drug response prediction, however, Early Integration and PCA performed significantly worse.

Researchers should not rely on a single method, but rather consider more than one method for their task at hand. If the number of experiments is limited or translatability is wanted, we recommend to use the newly introduced method, Omics Stacking, as it achieved good results on test and external data. When faced with a new data set in a cross-validation like setting, Super.FELT is another good option.

Our experiments also suggest that a fair experimental is necessary to see the strengths and weaknesses of various algorithms, which were not visible from the publications alone. We hope that this comparison has shed some light on the relative performance of multi-omics integration methods, has produced valuable insights for their application, and that it encourages further research.

Methods

Drug response data

For our experiments, we used a publicly available drug response data set containing responses for six drugs: Docetaxel, Cisplatin, Gemcitabine, Paclitaxel, Erlotinib, and Cetuximab [16]. The data set was chosen, because it had patient-derived xenograft (PDX) or patient data necessary to test the method’s translatability [4]. Two external test sets are available for Gemcitabine.

The data set contains the drug response as target and data for three omics: somatic point mutations, somatic copy number profiles and gene expression profiles. Gene expressions are standardized and pairwise homogenized. Gene-level copy number estimates are binarized, representing copy-neutral genes as zeroes and genes with overlapping deletions or amplifications as ones. Somatic point mutations are also in a binary format: one for mutated genes and zero for genes without a mutation [4]. For a fair comparison, the same data processing and training procedures were used for all methods. We used a variance threshold to filter genes with a small variance, as they hardly provide additional information. We set the variance thresholds in the same way as Park et al.  [17]. After the variance threshold around three thousand features for gene expression remained, around 14–18 thousand for mutation and around 15 up 22 thousand for CNA depending on the used data set.

Sharifi-Noghabi et al. acquired the data from PDX mice models [18], The Cancer Genome Atlas (TCGA) [19] and Genomics of Drug Sensitivity in Cancer (GDSC) [20]. GDSC consists of cell line data and was used for training, validation and testing because of its high number of samples. The trained neural networks were additionally tested on either PDX or TCGA to validate the algorithms’ translatability.

The characteristics of the data set per drug are summarized in Table 10.

Table 10 Characteristics of the drug response multi-omics data set

Comparison framework

To compare the algorithms fairly, different precautions were taken: First, the same preprocessing was performed in all experiments to provide the same input data, and second, the hyperparameters of the algorithms were optimized with an equal number of iterations by random search from a fixed grid. All algorithms draw parameters from the same grids (Table 11).

Table 11 The hyperparameter grid used in the hyperparameter optimization

A \(5\times 5\) stratified cross-validation was performed to reduce the dependence on the data splitting. 200 hyperparameter sets were created for each iteration of the outer cross-validation and each set was used for training in the inner cross-validation. The mean area under the receiver operating characteristic (AUROC) was used as performance measure. The algorithm was retrained with the best hyperparameter set on the combined train and validation sets. The trained network was used to compute the final results on the test sets from cross-validation and the external test set.

The data sets are imbalanced as they contain only few responders. In the drug discovery process, researchers are mainly interested in the positive samples to find an effective drug. To account for this requirement, the area under precision recall curve (AUPRC) [21] was additionally computed.

One requirement to use these methods is for them to work on patient data sets which are normally too small for transfer learning and still detect positive samples. This was covered by using the final model of an outer cross-validation iteration on an external patient or PDX data set.

The comparison of multiple algorithms on multiple data sets can lead to ambiguous results, if none of them performs significantly better. We compute the mean ranking as single value for a better comparison. Additionally, we compute the critical difference (CD) [8] with the Nemenyi significance test with \(\alpha = 0.05\).

Multi-omics integration architectures

Most deep learning algorithms for multi-omics integration are based upon the concept of encoding the feature space into a lower-dimensional latent space. The encoded representation of features in the latent space is commonly called latent features. The subnetwork that computes the latent features is called encoder and computes a non-linear dimensionality reduction. The smaller dimension of the latent representation assures that the encoder does not simply learn the identity function. An autoencoder transforms an input first into the latent representation and then decodes it back into the input dimension. The reconstructed sample should resemble the input as far as possible. The difference between input and reconstruction is measured and used as loss function [22].

Next, we explain briefly the seven multi-omics integration architectures we compared. The first one is Early integration (EI), which serves as baseline in our experiments. EI concatenates the omics before they serve as single input of a neural network, which consists of an encoding subnetwork and a classifier layer. The network is trained by minimizing the binary cross-entropy loss function, given that our target is to classify subjects into responders and non-responders.

The schematic architecture for three omics in visualized in Fig. 5.

Fig. 5
figure 5

Schematic architecture of early integration with three input omics

An architecture based on principal components analysis (PCA) for intermediate integration was tested. After computing the PCA for each view individually, the resulting principal components are concatenated to obtain a feature representation. Subsequently, this feature representation is used to train a classifier. The scheme of PCA intermediate integration is visualized in Fig. 6.

Fig. 6
figure 6

Schematic architecture of PCA integration with three input omics

The next method is Multi-Omics Late Integration (MOLI) developed by Sharifi-Noghabi et al. [4], which is, notwithstanding its name, an intermediate integration method. MOLI uses an individual encoder for each omics to compute the latent representations, which are concatenated and used as input for the classifier (Fig. 7).

Fig. 7
figure 7

Schematic architecture of MOLI with three input omics

Due to the small sample size, the neural network is prone to overfitting, so MOLI uses the triplet loss [23] for regularization. The rationale behind triplet loss is that instances of the same class should have shorter distance between them than instances of different classes. To calculate the loss value, the triplet loss uses the embedding \(f(x) \in {\mathbb {R}}^d\) of three samples. The first one is the anchor sample \(x_i^a\), the second \(x_i^p\) belongs to the same class, and at last a sample \(x_i^n\) is of the opposite class.

With them, the following loss function is minimized:

$$\begin{aligned} {\mathcal {L}}_{triplet}= \sum _i^N \left[ ||f(x_i^a)-f(x_i^p)||_2^2- ||f(x_i^a) - f(x_i^n)||_2^2 + \alpha \right] _+, \end{aligned}$$
(1)

where \(\alpha\) is a margin that defines the minimum distance between pairs of different classes. In MOLI the concatenated latent representations are used as embeddings. The final loss function is the sum of classification loss and triplet loss:

$$\begin{aligned} {\mathcal {L}}_{MOLI} = {\mathcal {L}}_{Classification} + \gamma {\mathcal {L}}_{triplet}, \end{aligned}$$
(2)

where the influence of the triplet loss is weighted by the hyperparameter \(\gamma\) and \({\mathcal {L}}_{Classification}\) is the binary cross-entropy. Supervised Feature Extraction Learning using triplet loss (Super.FELT) is a variation of MOLI, in which the encoding and classification is not performed jointly, but in two different phases [17]. The first phase trains a supervised encoder with triplet loss for each omics to extract latent features of the high-dimensional omics data to avoid overfitting. The latent features are concatenated and used to train a classifier. Figure 8a shows the encoding phase and (b) the classification phase of Super.FELT. A distinct neural network need to be trained for encoding an omics samples and another one for the classification of the integrated latent features, which increases in comparison to MOLI the training time.

Fig. 8
figure 8

Schematic architecture of Super.FELT with three input omics

Super.FELT added a variance threshold in the feature selection to remove features with a low variance [17]. It is based on the assumption that genes with a low variance might contain less important information and can be safely removed to reduce the dimensionality, hence increasing the focus on the more variable genes.

Additionally, we developed a novel extension of MOLI, which we call Omics Stacking. It is inspired by stacking and a combination of intermediate and late integration. The method stacks the results of different neural network classifier layers that use different latent features as input, with a meta-learner. The meta-learner can be any classifier, but we opted for a fully connected layer to train the neural network end-to-end.

The omics are transformed to the latent space with individual encoders, but instead of only classifying the concatenated features, Omics Stacking trains a separate classifier for each omics and the concatenated omics (Fig. 9). The triplet loss is still used on the concatenated embeddings to regularize. The outputs of the classifiers are combined by a meta-learner that enables the weighting of different results to emphasize the most accurate one.

Fig. 9
figure 9

Schematic architecture of Omics-Stacking with three input omics

Omics Stacking combines the advantages of intermediate and late integration. It models the interaction between omics and retains the weak signals of individual omics, hence, capturing shared and complementary information. It relies not only on the combined omics, but also on the individual omics and so fosters generalization.

The former methods were developed and tested on drug response prediction, but in fact can be used for other tasks as well. Next we present two methods that were validated for the prediction of a tumor’s type or stage.

The first of these methods, Multi-task Attention Learning Algorithm for Multi-omics Data (MOMA) [24], uses a geometrical representation and an attention mechanism [25]. It is composed of three components: First, it builds a module for each omics using a module encoder. Each omics has its own module encoder consisting of two fully connected layers that convert omics features to modules. A module is represented by a normalized two-dimensional vector.

Second, it focuses on important modules between omics using a module attention mechanism. This mechanism is designed to act as a mediator to identify modules with high similarity among multiple omics. The relevance between modules is measured by the cosine similarity and is converted to a probability distribution with the softmax function. The distributions are then used to create an attention matrix that stores the relationship information between modules of different omics. To highlight important modules, the module vectors are multiplied by the attention matrix (Fig. 10).

Subsequently, fully connected layers and the logistic function are applied to flatten the multidimensional vectors and to compute the final probabilities for each omics [24].

Fig. 10
figure 10

Schematic architecture of the network used in MOMA for two input omics

MOMA is trained with cross-entropy loss between the true label and the omics specific outputs. After the training of the neural network, a logistic regression is fit on the omics specific outputs to generate the combined prediction.

The last architecture we tested OmiEmbed [26], which is based on a supervised variational autoencoder [27]. OmiEmbed was developed as a unified end-to-end multi-view multitask deep learning framework for high-dimensional multi-omics data. The method learns the latent features with the auxiliary unsupervised task of reconstructing the input omics. The trained latent features can be used for one or more supervised tasks. The overall architecture of OmiEmbed comprises a deep embedding module and one or multiple downstream task modules (Fig. 11).

Fig. 11
figure 11

Schematic architecture of OmiEmbed for three input omics

The loss function of OmiEmbed is the sum of two parts: the reconstruction loss and the downstream task loss. \({\mathcal {L}}_{embed}\) is the unsupervised loss function of the VAE:

$$\begin{aligned} {\mathcal {L}}_{embed} = \frac{1}{M} \sum _{i=1}^{M} BCE(x_i, x_i') + D_{KL} ({\mathcal {N}}(\mu , \sigma )||{\mathcal {N}}(0,1)). \end{aligned}$$
(3)

BCE is the binary cross-entropy to measure the differences between the input x and the reconstruction \(x'\) and is computed individually for each of the M omics. \(D_{KL}\) is the Kullback–Leibler divergence between the learned distribution and a standard normal distribution.

The embedding loss function is used together with the loss of the downstream task, which is in our case classification:

$$\begin{aligned} {\mathcal {L}}_{total} = \lambda {\mathcal {L}}_{embed} + {\mathcal {L}}_{CE}, \end{aligned}$$
(4)

where \({\mathcal {L}}_{CE}\) is the cross-entropy loss and \(\lambda\) a balancing weight.

Instead of training all layers at the same time, the network learns in three phases: First, only the VAE is trained. In the second phase, the VAE weights are fixed and only the downstream network is trained and in the last phase the complete network is fine-tuned.

Table 12 summarizes the components and architectures of the described methods.

Table 12 Characteristics of the multi-omics integration methods

Implementation details

The algorithms were implemented in PyTorch 1.11.0 and NumPy 1.22.4 was used to compute the AUROC and AUPRC. The critical differences were computed and visualized with Orange3 3.32.0. The Shapley values were computed with Shapley value sampling with 50 permutations of Captum 0.5.0.

The triplets were generated online with an all-triplets scheme, which creates all possible triplets of a batch, as in the experiments of the corresponding paper of MOLI and Super.FELT. An open source implementation of triplet loss and triplet creation was used.Footnote 1 Adagrad [28] was used to update the neural network weights.

Early Integration and Omics Stacking were implemented by the authors. For MOMA we used the provided example source codeFootnote 2 and adapted it to three omics, made the number of modules a hyperparameter and combined the individual probability outputs with a logistic regression. For OmiEmbed,Footnote 3 MOLIFootnote 4 and Super.FELT,Footnote 5 the published source code was used.

To reduce the optimization runtime, we applied an early stopping scheme in the inner cross-validation. If it was not possible anymore to improve on the currently best mean AUROC for a hyperparameter set – even with best results (an AUROC of 1) on all remaining sets – the inner cross-validation terminates early and the optimization continues with the next hyperparameter set.

Availibility of data materials

The datasets analyzed during the current study are available on Zenodo, https://doi.org/10.5281/zenodo.4036592. The raw data is based on: GDSC (https://www.cancerrxgene.org/), the Supplementary of Gao et al. [18] (https://www.nature.com/articles/nm.3954), ArrayExpress (https://www.ebi.ac.uk/arrayexpress/) and Firehose Broad GDAC (http://gdac.broadinstitute.org/runs/stddata__2016_01_28/data/).

Notes

  1. https://github.com/adambielski/siamese-triplet.

  2. https://github.com/DMCB-GIST/MOMA.

  3. https://github.com/zhangxiaoyu11/OmiEmbed.

  4. https://github.com/hosseinshn/MOLI.

  5. https://github.com/DMCB-GIST/Super.FELT.

References

  1. Wang B, Mezlini AM, Demir F, Fiume M, Tu Z, Brudno M, Haibe-Kains B, Goldenberg A. Similarity network fusion for aggregating data types on a genomic scale. Nat Methods. 2014;11(3):333–7. https://doi.org/10.1038/nmeth.2810.

    Article  CAS  PubMed  Google Scholar 

  2. Kim D, Li R, Dudek SM, Ritchie MD. ATHENA: identifying interactions between different levels of genomic data associated with cancer clinical outcomes using grammatical evolution neural network. BioData Min. 2013. https://doi.org/10.1186/1756-0381-6-23.

    Article  PubMed  PubMed Central  Google Scholar 

  3. Graim K, Friedl V, Houlahan KE, Stuart JM. PLATYPUS: a multiple-view learning predictive framework for cancer drug sensitivity prediction. Pac Symp Biocomput. 2019;24:136–47.

    PubMed  PubMed Central  Google Scholar 

  4. Sharifi-Noghabi H, Zolotareva O, Collins CC, Ester M. Moli: multi-omics late integration with deep neural networks for drug response prediction. Bioinformatics. 2019;35(14):501–9. https://doi.org/10.1093/bioinformatics/btz318.

    Article  CAS  Google Scholar 

  5. Chaudhary K, Poirion OB, Lu L, Garmire LX. Deep learning–based multi-omics integration robustly predicts survival in liver cancer. Clin Cancer Res. 2018;24(6):1248–59. https://doi.org/10.1158/1078-0432.ccr-17-0853.

    Article  CAS  PubMed  Google Scholar 

  6. Noble WS. Support vector machine applications in computational biology. In: Schölkopf B, Tsuda K, Vert JP (eds) Kernel methods in computational biology, 2004. MIT Press, Cambridge. p. 71–92.

  7. Li Y, Wu F-X, Ngom A. A review on machine learning principles for multi-view biological data integration. Brief Bioinform. 2016;19(2):325–40. https://doi.org/10.1093/bib/bbw113.

    Article  Google Scholar 

  8. Demšar J. Statistical comparisons of classifiers over multiple data sets. J Mach Learn Res. 2006;7:1–30.

    Google Scholar 

  9. Geeleher P, Cox NJ, Huang RS. Clinical drug response can be predicted using baseline gene expression levels and in vitro drug sensitivity in cell lines. Genome Biol. 2014. https://doi.org/10.1186/gb-2014-15-3-r47.

    Article  PubMed  PubMed Central  Google Scholar 

  10. Geeleher P, Zhang Z, Wang F, Gruener RF, Nath A, Morrison G, Bhutra S, Grossman RL, Huang RS. Discovering novel pharmacogenomic biomarkers by imputing drug response in cancer patients from large genomics studies. Genome Res. 2017;27(10):1743–51. https://doi.org/10.1101/gr.221077.117.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  11. Lee J-K, Liu Z, Sa JK, Shin S, Wang J, Bordyuh M, Cho HJ, Elliott O, Chu T, Choi SW, Rosenbloom DIS, Lee I-H, Shin YJ, Kang HJ, Kim D, Kim SY, Sim M-H, Kim J, Lee T, Seo YJ, Shin H, Lee M, Kim SH, Kwon Y-J, Oh J-W, Song M, Kim M, Kong D-S, Choi JW, Seol HJ, Lee J-I, Kim ST, Park JO, Kim K-M, Song S-Y, Lee J-W, Kim H-C, Lee JE, Choi MG, Seo SW, Shim YM, Zo JI, Jeong BC, Yoon Y, Ryu GH, Kim NKD, Bae JS, Park W-Y, Lee J, Verhaak RGW, Iavarone A, Lee J, Rabadan R, Nam D-H. Pharmacogenomic landscape of patient-derived tumor cells informs precision oncology therapy. Nat Genet. 2018;50(10):1399–411. https://doi.org/10.1038/s41588-018-0209-6.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  12. Withnell E, Zhang X, Sun K, Guo Y. XOmiVAE: an interpretable deep learning model for cancer classification using high-dimensional omics data. Brief Bioinform. 2021. https://doi.org/10.1093/bib/bbab315.

    Article  PubMed  PubMed Central  Google Scholar 

  13. Castro J, Gómez D, Tejada J. Polynomial calculation of the Shapley value based on sampling. Comput Oper Res. 2009;36(5):1726–30. https://doi.org/10.1016/j.cor.2008.04.004.

    Article  Google Scholar 

  14. Ding Z, Zu S, Gu J. Evaluating the molecule-based prediction of clinical drug responses in cancer. Bioinformatics. 2016;32(19):2891–5. https://doi.org/10.1093/bioinformatics/btw344.

    Article  CAS  PubMed  Google Scholar 

  15. Weiss K, Khoshgoftaar TM, Wang D. A survey of transfer learning. J Big Data. 2016. https://doi.org/10.1186/s40537-016-0043-6.

    Article  Google Scholar 

  16. Sharifi-Noghabi H, Zolotareva O, Collins CC, Ester M. MOLI: multi-omics late integration with deep neural networks for drug response prediction. https://doi.org/10.5281/zenodo.4036592.

  17. Park S, Soh J, Lee H. SuperFELT: supervised feature extraction learning using triplet loss for drug response prediction with multi-omics data. BMC Bioinform. 2021. https://doi.org/10.1186/s12859-021-04146-z.

    Article  Google Scholar 

  18. Gao H, Korn JM, Ferretti S, Monahan JE, Wang Y, Singh M, Zhang C, Schnell C, Yang G, Zhang Y, Balbin OA, Barbe S, Cai H, Casey F, Chatterjee S, Chiang DY, Chuai S, Cogan SM, Collins SD, Dammassa E, Ebel N, Embry M, Green J, Kauffmann A, Kowal C, Leary RJ, Lehar J, Liang Y, Loo A, Lorenzana E, McDonald ER, McLaughlin ME, Merkin J, Meyer R, Naylor TL, Patawaran M, Reddy A, Röelli C, Ruddy DA, Salangsang F, Santacroce F, Singh AP, Tang Y, Tinetto W, Tobler S, Velazquez R, Venkatesan K, Arx FV, Wang HQ, Wang Z, Wiesmann M, Wyss D, Xu F, Bitter H, Atadja P, Lees E, Hofmann F, Li E, Keen N, Cozens R, Jensen MR, Pryer NK, Williams JA, Sellers WR. High-throughput screening using patient-derived tumor xenografts to predict clinical trial drug response. Nat Med. 2015;21(11):1318–25. https://doi.org/10.1038/nm.3954.

    Article  CAS  PubMed  Google Scholar 

  19. Weinstein JN, Collisson EA, Mills GB, Shaw KRM, Ozenberger BA, Ellrott K, Shmulevich I, Sander C, Stuart JM. The cancer genome atlas pan-cancer analysis project. Nat Genet. 2013;45(10):1113–20. https://doi.org/10.1038/ng.2764.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  20. Yang W, Soares J, Greninger P, Edelman EJ, Lightfoot H, Forbes S, Bindal N, Beare D, Smith JA, Thompson IR, Ramaswamy S, Futreal PA, Haber DA, Stratton MR, Benes C, McDermott U, Garnett MJ. Genomics of drug sensitivity in cancer (GDSC): a resource for therapeutic biomarker discovery in cancer cells. Nucleic Acids Res. 2012;41(D1):955–61. https://doi.org/10.1093/nar/gks1111.

    Article  CAS  Google Scholar 

  21. Davis J, Goadrich M. The relationship between precision-recall and roc curves. In: Proceedings of the 23rd international conference on machine learning. ICML’06, Association for Computing Machinery, New York, 2006. p. 233–40. https://doi.org/10.1145/1143844.1143874.

  22. Baldi P. Autoencoders, unsupervised learning, and deep architectures. In: Guyon I, Dror G, Lemaire V, Taylor G, Silver D (eds) Proceedings of ICML workshop on unsupervised and transfer learning. Proceedings of machine learning research, vol. 27, PMLR, Bellevue, Washington, USA. 2012. p. 37–49. https://proceedings.mlr.press/v27/baldi12a.html.

  23. Schroff F, Kalenichenko D, Philbin J. Facenet: a unified embedding for face recognition and clustering. In: 2015 IEEE conference on computer vision and pattern recognition (CVPR); 2015. p. 815–23. https://doi.org/10.1109/CVPR.2015.7298682.

  24. Moon S, Lee H. MOMA: a multi-task attention learning algorithm for multi-omics data interpretation and classification. Bioinformatics. 2022;38(8):2287–96. https://doi.org/10.1093/bioinformatics/btac080.

    Article  CAS  PubMed  Google Scholar 

  25. Bahdanau D, Cho K, Bengio Y. Neural machine translation by jointly learning to align and translate. 2014. https://doi.org/10.48550/ARXIV.1409.0473.

  26. Zhang X, Xing Y, Sun K, Guo Y. OmiEmbed: a unified multi-task deep learning framework for multi-omics data. Cancers. 2021;13(12):3047. https://doi.org/10.3390/cancers13123047.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  27. Kingma DP, Welling M. Auto-encoding variational bayes. 2013. https://doi.org/10.48550/ARXIV.1312.6114.

  28. Duchi J, Hazan E, Singer Y. Adaptive subgradient methods for online learning and stochastic optimization. J Mach Learn Res. 2011;12(61):2121–59.

    Google Scholar 

Download references

Acknowledgements

Not applicable.

Funding

Open Access funding enabled and organized by Projekt DEAL. This work was funded by the German Federal Ministry for Education and Research as part of the DIASyM project under grant number [031L0217A].

Author information

Authors and Affiliations

Authors

Contributions

TH implemented the methods and experiments and wrote the manuscript. SK supervised the study, developed the concept and wrote and previewed the manuscript. Both authors read and approved the final manuscript.

Corresponding author

Correspondence to Tony Hauptmann.

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.

 Triplet loss ablation study: AUROC and AUPRC values for all architectures with and without triplet loss.

Additional file 2.

 Attributions for Cetuximab: Gene level attributions defined by Shapley values.

Additional file 3.

 Attributions for Cisplatin: Gene level attributions defined by Shapley values.

Additional file 4.

 Attributions for Docetaxel: Gene level attributions defined by Shapley values.

Additional file 5.

 Attributions for Erlotinib: Gene level attributions defined by Shapley values.

Additional file 6.

 Attributions for Gemcitabine PDX: Gene level attributions defined by Shapley values.

Additional file 7.

 Attributions for Gemcitabine TCGA: Gene level attributions defined by Shapley values.

Additional file 8.

 Attributions for Paclitaxel: Gene level attributions defined by Shapley values.

Additional file 9.

 Visualization of the aggregated attributions: Mean and standard deviation over all drug data sets of each omics mean and summarized attributions.

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

Hauptmann, T., Kramer, S. A fair experimental comparison of neural network architectures for latent representations of multi-omics for drug response prediction. BMC Bioinformatics 24, 45 (2023). https://doi.org/10.1186/s12859-023-05166-7

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12859-023-05166-7

Keywords