Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

EMT network-based feature selection improves prognosis prediction in lung adenocarcinoma

  • Borong Shao ,

    Roles Conceptualization, Formal analysis, Investigation, Methodology, Validation, Writing – original draft, Writing – review & editing

    borong.shao@gmail.com

    Affiliations Zuse Institute Berlin, Berlin, Germany, Dept of mathematics and computer science, Freie Universität Berlin, Berlin, Germany

  • Maria Moksnes Bjaanæs,

    Roles Data curation

    Affiliations Dept of Oncology, Oslo University Hospital, Oslo, Norway, Dept of Cancer Genetics, Oslo University Hospital, Oslo, Norway, Dept of Clinical Medicine, University of Oslo, Oslo, Norway

  • Åslaug Helland,

    Roles Data curation

    Affiliations Dept of Oncology, Oslo University Hospital, Oslo, Norway, Dept of Cancer Genetics, Oslo University Hospital, Oslo, Norway, Dept of Clinical Medicine, University of Oslo, Oslo, Norway

  • Christof Schütte,

    Roles Conceptualization, Funding acquisition, Resources

    Affiliations Zuse Institute Berlin, Berlin, Germany, Dept of mathematics and computer science, Freie Universität Berlin, Berlin, Germany

  • Tim Conrad

    Roles Conceptualization, Funding acquisition, Methodology, Resources, Supervision, Writing – review & editing

    Affiliations Zuse Institute Berlin, Berlin, Germany, Dept of mathematics and computer science, Freie Universität Berlin, Berlin, Germany

Abstract

Various feature selection algorithms have been proposed to identify cancer prognostic biomarkers. In recent years, however, their reproducibility is criticized. The performance of feature selection algorithms is shown to be affected by the datasets, underlying networks and evaluation metrics. One of the causes is the curse of dimensionality, which makes it hard to select the features that generalize well on independent data. Even the integration of biological networks does not mitigate this issue because the networks are large and many of their components are not relevant for the phenotype of interest. With the availability of multi-omics data, integrative approaches are being developed to build more robust predictive models. In this scenario, the higher data dimensions create greater challenges. We proposed a phenotype relevant network-based feature selection (PRNFS) framework and demonstrated its advantages in lung cancer prognosis prediction. We constructed cancer prognosis relevant networks based on epithelial mesenchymal transition (EMT) and integrated them with different types of omics data for feature selection. With less than 2.5% of the total dimensionality, we obtained EMT prognostic signatures that achieved remarkable prediction performance (average AUC values >0.8), very significant sample stratifications, and meaningful biological interpretations. In addition to finding EMT signatures from different omics data levels, we combined these single-omics signatures into multi-omics signatures, which improved sample stratifications significantly. Both single- and multi-omics EMT signatures were tested on independent multi-omics lung cancer datasets and significant sample stratifications were obtained.

Introduction

Prognosis prediction is necessary for cancer clinical decision making. Traditionally, cancer prognosis prediction is based on clinical variables such as tumor stage, age, and disease history, where the information of a patient is compared against population cancer registries [1]. However, these clinical parameters are insufficient to accurately predict the risk of patients [2] as histologically similar tumors can be of completely different diseases at the molecular level [3, 4]. Therefore, molecular signatures are needed to give more accurate prognosis predictions. Nowadays we can obtain tumor molecular profiles in greater detail. As one of the large scale projects, the Cancer Genome Atlas (TCGA) provides access to genomic, transcriptomic, epigenomic, and proteomic data from more than 11,000 cases in 33 cancer types and subtypes [5]. Using these data, researchers aim to build better prognosis prediction models. This has been found as very challenging due to the high dimensionality of omics data, where the number of features far exceeds the number of samples. This is often addressed as the curse of dimensionality. When the data lie in high dimensions, the samples become very sparse. This can cause the lack of statistical significance and over-fitting of machine learning models. Fortunately, not all features are relevant for predicting the phenotype of interest. It is desired to find the molecular signatures that capture the footprint of the phenotype so that the signatures can be employed on unseen samples.

Various feature selection methods were proposed to find molecular signatures. Early reviews categorized them into three categories: filter, wrapper, and embedded methods [6, 7]. Although many important algorithms were introduced, network-based feature selection algorithms were not included. After reviewing the literature, we found three main categories of network-based feature selection algorithms. The first category involves network-guided search. An algorithm identifies subnetworks that can best differentiate different phenotype groups. Each subnetwork is aggregated to produce one feature (called metagene) and eventually the metagenes are used as features for training predictive models. Different scoring functions were proposed to rank the subnetworks. For example, [8] used mutual information as the scoring function and the addition operator to aggregate subnetworks. [9, 10] used the p-value of Cox PH model in defining the scoring functions. [11] dichotomized features and defined a scoring function based on information theory. [12] tested the effects of different aggregation operators on the prediction performance.

The second category of methods uses network-based regularization. Regularization methods such as Lasso have been widely applied for feature selection. To integrate network information, the penalty term takes into account the network connectivity. Adjacency matrix A and Laplacian matrix L are frequently used to represent a network G to be included in the penalty term. The majority of methods in this category are based on linear classifiers and can be written in the following form: (1)

For example, in graph Lasso penalty(w, G) = λ||w||1 + (1 − λ)∑i,j Ai,j(wiwj). This forces adjacent nodes to have similar weights [13, 14]. Using similar formulations, [15] proposed a network-constrained regularization and feature selection method on genomic data. [16] added a network regularization term to the log-likelihood function of the Cox proportional hazard model. [17] developed a network-constrained support vector machine algorithm, where the network-based regularization term is added to the objective function of SVM.

The third category of methods involves iterative updates of node importance scores. Frequently used algorithms include network propagation and random walk. [18, 19] adapted Google’s PageRank algorithm to rank genes in a network. Genes are assigned initial ranks . Then the rank of each gene is updated iteratively depending on the ranks of genes that are linked to it. For gene j, its rank from to is updated as: (2) where degi is the degree of the ith gene and d is a fixed parameter. By iterating until convergence a gene will be highly ranked if it is linked to other highly ranked genes. [20] used random walk kernel to smooth gene-wise t-statistics over the network. This is achieved by assigning each node an initial score based on t-test and then multiplying it with the random walk kernel. The p-step random walk kernel is used as a similarity measure to capture the relatedness of two nodes in the network. It is defined as: (3) (4) where Lnorm is the normalized graph Laplacian matrix, α is a constant, and p is the number of random walk steps. The network-smoothed t-statistic is used to measure node importance. Similarly, random walk-based scoring of network components is applied in [21] to prioritize functional networks.

Besides algorithmic difference, various biological networks have been employed in network-based feature selection algorithms. A list of these molecular interactions is given in Table 1. In these studies, it was shown that superior features could be selected by the integration of networks. However, recent studies showed that network-based feature selection methods did not significantly improve prediction performance, but mainly contributed to the biological interpretations of the signatures [2224]. [22] compared 14 feature selection methods, 8 of which integrated network information and 6 of which did not, on 6 breast cancer datasets with respect to their prediction accuracy, signature stability and biological interpretations. The results showed that network-based features in most cases could not improve prediction accuracy significantly. [23, 24] showed that when a correction of feature set size was performed, the stability of network-based features was not higher than single features.

thumbnail
Table 1. Frequently used molecular/gene interaction networks in network-based feature selection studies.

We listed below the basic information of the networks as well as exemplary studies that employed the networks. With STRING database we only considered the edges with confidence scores ≥ 0.9. When a database has information of many species, only Homo sapiens was considered. In the 4th and 5th columns, Data means that the network size is dependent on the dimensions of data. App means that the network size is dependent on the application. GO means that the network size is dependent on gene ontology terms.

https://doi.org/10.1371/journal.pone.0204186.t001

Regardless of whether network information is integrated, finding robust molecular signatures is a challenging task. Due to the high data dimensions, it is easy to find a feature subset that fits the training data very well but hard to have good generalization. Studies showed that there was hardly considerable overlap among biomarkers identified in different studies for the same disease [3335]. Even taking random feature sets gave comparable prediction performance [36]. The existence of many feature subsets that perform similarly well on the training set makes it difficult to identify the true signatures. Note that the randomness of signatures is also observed when network information is integrated. [23] tested different network-based feature selection algorithms on six breast cancer datasets in prognosis prediction. They showed that the randomization of network structure, which destroyed biological information, did not deteriorate the prediction performance of the selected features. [24] extended the experiments in [23] by comparing more prognosis signatures. In the end, similar results were observed.

We suppose that the main reason for these counter-intuitive results is the curse of dimensionality, where selecting molecular signatures is hard given the limited amount of samples. In principle, molecular signatures should give better predictions than random features, because it is shown in biological research that certain genes are supposed to be more important than the others in cancer progression. If we use this information to constrain the feature space and guide feature selection, we could potentially obtain more robust biomarkers. State-of-the-art studies have not utilized this knowledge but considered the whole feature space and the entire biological network. Because both the data and the network are large, the irrelevant information may overwhelm the signals. Furthermore, biological networks were typically integrated with one type of omics data. It would be very interesting to investigate how the prediction performance differs when the networks are integrated with different omics data types, and additionally what are the relationships among the features selected from different omics data.

To address this issue, we proposed a phenotype relevant network-based feature selection (PRNFS) framework. It consists of constructing a gene regulatory network (GRN) specific for the phenotype of interest and selecting features from this network. We demonstrated the superiority of this framework with the application of lung adenocarcinoma (LUAD) prognosis prediction. We constructed a GRN for EMT, which has been demonstrated as highly relevant to cancer metastasis and prognosis. On this network 4 types of omics data (mRNA-Seq, miRNA-Seq, DNA methylation, and copy number alteration data) were integrated and 10 feature selection algorithms were employed. We obtained both single- and multi-omics EMT prognostic signatures, evaluated their prediction performance, analyzed the biological interpretations, and performed survival analysis. Furthermore, these signatures were tested on independent multi-omics LUAD data. We showed that EMT prognostic signatures achieved remarkable prediction performance on TCGA data. On independent data, both single- and multi-omics signatures stratified patients into significantly different prognostic groups. Multi-omics signatures were shown to be more robust than single-omics signatures.

Materials and methods

We will first describe the construction of EMT networks. This is followed by the introduction of 10 feature selection algorithms. Then we explain the details of the experiments.

EMT gene regulatory networks

As an up-to-date EMT GRN is not readily available, we constructed the network by literature review. The network we constructed has incorporated key transcription factors, miRNAs, their regulations and interactions with EMT hallmark molecules. Multiple levels of gene regulations such as transcriptional, translational, and post-translational regulations were covered. The reference for each component in the network can be found in [37] Chapter 2. Since this network covers mainly driver genes, we named it as the core network. A visualization of the network using igraph package [38] is provided in S1 Fig.

As it is observed, driver genes are often less differentially expressed than the genes they regulate [35]. If one includes only the driver genes for identifying molecular signatures, one may have captured only partial information. We therefore extended this network by including the molecules that directly interact with or being regulated by the molecules in the core network. NetworkAnalyst tool [39] was employed to find these interactions, which consist of protein-protein interactions, miRNA-gene interactions, and transcription factor-gene interactions. The resulting network was named extended network. After constructing this network, we noticed that many features have a rather low variance among samples; we thus removed these features and obtained the filtered network. All three networks were employed in our experiments. The three networks contain 74, 455 and 123 nodes respectively. Details of the networks can be found in [37].

Experiments

We first obtained RNA-Seq, miRNA-Seq, DNA methylation, and CNA data of LUAD from FIREHOSE Broad Genome Data Analysis Center (GDAC) [40]. The GDAC data version is 2016_01_28. mRNA-Seq and miRNA-Seq data were combined because they both measure the abundance of transcripts. This resulted in 3 data levels: gene expression, DNA methylation, and CNA data. These three data levels will be abbreviated as GE, DM, and CNA in the remaining text. Each data level was normalized feature-wise by subtracting the mean and dividing by the standard deviation. More details of data pre-processing can be found in [37, 41].

Since we have obtained 3 EMT networks and 3 data levels, feature selection can be performed on each combination of network and data level. To evaluate whether EMT-based feature selection can give more robust molecular signatures for prognosis prediction, we employed 10 representative features selection algorithms to identify signatures from EMT genes and EMT networks. Table 2 gives an overview of these algorithms. Five of these algorithms integrate network information and the other five algorithms use only omics data. The underlying methodologies are very different. We suppose that if EMT network is superior for selecting prognostic signatures, the performance of the selected features from the majority of these algorithms should show improvements. As mentioned before, state-of-the-art studies usually use only gene expression data for feature selection. We instead incorporated three different omics data levels. This gives us the possibility to compare and integrate the signatures from different data levels.

thumbnail
Table 2. Overview of the 10 feature selection algorithms.

We listed below their main methodologies, whether network information was integrated, the algorithmic output and reference.

https://doi.org/10.1371/journal.pone.0204186.t002

Note that even the largest EMT network (the extended network) covers only 2.3% of the original data dimensions. To assess the performance of EMT-based feature selection, we compared the prediction performance of EMT signatures with the features selected out of all features from the corresponding data levels. Besides, random networks of the same size and structure as EMT networks were generated—the nodes in the random networks were randomly chosen from all the features of the corresponding data level. The features selected from these random networks were compared with EMT signatures. Additionally, we obtained a list of EMT hallmark genes from the Molecular Signatures Database (MSigDB) [4850] and used these features for predictions. This was to examine whether EMT-based feature selection could outperform conventionally used gene sets. In total, we compared the prediction performance of EMT signatures with the following 5 groups:

  1. Random features. These features were selected from random networks using the same feature selection algorithms. 150 random networks were generated for feature selection.
  2. All EMT features. We included all features in the EMT networks without feature selection.
  3. All features from the corresponding data levels. This corresponds to 19,290 GE features, 20,074 DM features, or 21,456 CNA features.
  4. Features selected from all data level features by applying Lasso algorithm.
  5. 200 EMT hallmark features from MSigDB.

We performed the comparison by selecting features with the training set, using these features to train an SVM classifier, and classifying samples on the cross-validation set. Patients who survived more than 1400 days belong to the good prognosis group and patients who survived less than 700 days belong to the poor prognosis group. The results from 30 times stratified 10-fold cross-validation were averaged. Within each data level the same cross-validation folds were used for all the feature selection algorithms on all the comparative groups. The classification performance was evaluated using three metrics: AUC (the area under the receiver operating characteristic curve), AUPR (the area under the precision-recall curve) and accuracy. To serve a more general audience, we also calculated the average odds ratio for each algorithm using 0.5 cut-off of SVM algorithm.

We chose relatively stringent thresholds for feature selection, this is to reveal more difference than similarities between the two patient groups. We argue that it becomes harder to find the signatures if the two groups have more similar samples in terms of the phenotype. For example, if one uses a single threshold of 3 years, we assume that the molecular profiles of patients who survived a bit longer than 3 years may be very similar to patients who survived a bit shorter than 3 years. In this case, it is challenging to find the signatures that can capture the most important difference between the two groups, given the limited amount of samples and their heterogeneity. However, we did not omit the influence of thresholds. We tested the performance of all feature selection algorithms with four different thresholds, in the order of increasing discrepancy: 3 years, <900 or >1200 days, <700 or >1400 days, <500 or >1500 days.

Besides the above-mentioned evaluation metrics, survival analysis was performed using the selected features on censored data. The data have much more samples that could not be included in classification.We think that if the selected features are good signatures, they should be able to stratify the patients into significantly different survival groups. We performed survival analysis on both all-stage and early-stage patients. The sample sizes for classification and for survival analysis (all stage patients) are given in Table 3.

thumbnail
Table 3. The description of datasets.

This table shows the sample sizes for labeled data (thresholds <700 and >1400 days) and censored data.

https://doi.org/10.1371/journal.pone.0204186.t003

Last but not least, we analyzed the biological interpretations of EMT signatures. Instead of performing gene set enrichment analysis, which could give very significant results due to the biological context of the EMT networks, we employed association rule mining approach [51]. to infer prognostic association rules. The rules have the advantage to directly associate the states of the features to the phenotype of interest. We inferred rules using EMT signatures from individual data levels and also from their different combinations. Our motivation is to understand whether features from different data levels complement each other and jointly contribute to patient prognosis.

We were able to show that EMT signatures from different data levels complement each other in prognostic rules. This inspired us to obtain multi-omics EMT signatures by combining the signatures on individual data levels (single-omics signatures). Both single- and multi-omics EMT signatures were evaluated on TCGA data and independent LUAD multi-omics data using survival analysis. All the data and code for analysis are available at https://github.com/BorongShao/EMT_prognosis-master.

Results

EMT signatures outperformed comparative groups

First, we show that regardless of the employed feature selection algorithms and evaluation metrics, EMT-based feature selection always outperforms feature selection on random networks. Fig 1 shows the distributions of AUC, AUPR, and accuracy values of EMT signatures and random ones, where DM data and core EMT network were used. S2 Fig shows the same comparative groups using GE data with filtered EMT network. In both cases, the advantages of EMT signatures are very apparent.

thumbnail
Fig 1. The AUC, AUPR, and accuracies of EMT features versus random features using DM data with the core EMT network.

Gaussian kernel is used to estimate the density functions based on results from 30 times 10-fold cross-validation. For each cross-validation fold, EMT features and random features are tested on the same training and cross-validation samples. Each row in the figure corresponds to one feature selection algorithm. The last row corresponds to using all EMT features. The p-values of paired t-tests are provided in each sub-figure.

https://doi.org/10.1371/journal.pone.0204186.g001

Next, we give the average AUC values of EMT signatures on all three data levels in Table 4. The boxplot of AUC values is given in S3 Fig. The average odds ratios of different algorithms are given in Table 5. These results show that features selected from GE and DM data obtained better prediction performance than features selected from CNA data. Depending on the data levels and network sizes, we find it hard to identify the best-performing feature selection algorithm. In the last three lines of the table we give the results of comparative groups 3, 4, and 5. This shows that EMT signatures in many cases outperformed EMT hallmark features and the features selected from all data level features. For example, with Lasso feature selection algorithm, which was applied in both EMT feature space and in the whole feature space, EMT signatures gave better predictions in more than half of the cases. This indicates that selecting prognostic signatures from a much smaller phenotype relevant network is a feasible approach. We also evaluated the performance of the 10 feature selection algorithms with different classification thresholds. Both SVM and random forest classifiers are employed. The results are given in S4 Fig. It shows that regardless of feature selection algorithms, using more discrepant thresholds tends to obtain higher AUC values. Meanwhile, a few algorithms such as addDA2, RegCox, and Survnet are more sensitive to the effect of thresholds than the other algorithms.

thumbnail
Table 4. The prediction performance of EMT signatures on three data levels.

The table gives the average AUC values of EMT signatures on three data levels with each EMT network. The results from comparative groups 2, 3, 4, and 5 are given in the third row and the last three rows.

https://doi.org/10.1371/journal.pone.0204186.t004

thumbnail
Table 5. The average odds ratios of EMT signatures on three data levels.

The table gives the average odds ratios of EMT signatures on three data levels with each EMT network. The results from comparative groups 2, 3, 4, and 5 are given in the third row and the last three rows.

https://doi.org/10.1371/journal.pone.0204186.t005

Frequently selected features further improves predictions

Although EMT signatures were shown to be significantly predictive in the experiments above, we observed high variance in the AUC values from individual cross-validation tests (shown in S3 Fig). Some partitions of data into training and cross-validation sets led to good predictions and some led to poor predictions. Even on the small EMT feature space, this phenomenon is already frequently observed. This suggests that selecting molecular signatures based on single cross-validation test or single sample division into training and testing set is highly unreliable.

We think that sample heterogeneity contributed to the high variance in prediction performance. Thus, we addressed this issue by employing the frequently selected features (FSFs) from all 30 times 10-fold cross-validation feature selection. Instead of using 20 features selected from each training set, we used the top 20 FSFs and tested their performance using the same evaluation approach. DM data and the extended EMT network were employed for the test, as this combination was shown in Table 4 to give above-average prediction performance. We compared the prediction performance of FSFs with that of individually selected features. The results are given in Fig 2. The density plots and results of statistical tests are given in S5 Fig.

thumbnail
Fig 2. The comparison of prediction performance between FSFs and individually selected features for different feature selection algorithms.

The boxplot is based on the results from 30 times stratified 10-fold cross-validation.

https://doi.org/10.1371/journal.pone.0204186.g002

We observed that FSFs significantly outperformed individually selected features, except for NetRank algorithm. The average AUC values of t-test, Lasso, NetLasso, and addDA2 feature selection algorithms were 0.773, 0.825, 0.796, and 0.833, respectively. Correspondingly, the average odds ratios increased to 8.115, 12.631, 11.104, and 13.139. It shows that using FSFs can mitigate the effect of sample heterogeneity. Recall that we used only <2.5% of the original dimensionality, namely EMT features, for feature selection and prognosis prediction. The remarkable results are consistent with biological knowledge that EMT process is highly relevant to cancer prognosis [5256].

Biological interpretations

After identifying EMT FSFs, we further investigated their biological interpretations, especially the relationships among FSFs from different omics data levels. We employed association rule mining approach It is originally defined as the following [57]:

Let I = {i1, i2, …, in} be a set of n binary features called items. Let D = {t1, t2, …, tm} be a set of transactions called the database. A rule is defined in the form: XY, where X, YI. The itemsets X and Y are called left-hand-side (LHS) and right-hand-side (RHS). In order to select interesting rules from the set of all possible rules, constraints on various measures of significance and interest are applied. Let a rule XY be identified on a set of transactions T. Commonly used constraints are given below:

  • Support. It indicates how frequently the itemset appears in T. (5)
  • Confidence. It indicates how often a rule has been found to be true. (6)
  • Lift. It indicates the degree to which X and Y depend on each other. (7)

We first discretized the EMT features to binary values using the mean of each feature. Then we applied Apriori algorithm [58] to derive rules, with the constraints of confidence ≥ 0.8 and support ≥ 0.1. The algorithm was implemented in the arules R package [51]. Since we are trying to find molecular patterns for predicting prognosis, we set the RHS of the rules to be the class labels of prognosis.

The resulting rules show sound biological interpretations according to established findings in cancer research [59, 60]. Here we interpret two rules identified from the core EMT network: {LOXL2GE = high, TGFB1GE = high, miR − 34aGE = low} ⇒ {prognosis = poor}, with support = 0.135, confidence = 1, lift = 2.046. This rule applies to all samples that have these 3 gene expression conditions. Biologically, it has been shown that LOXL2 can stabilize SNAI1. TGFB1 can phosphorylate SMAD2 and SMAD3, which interact with SMAD4 to activate HMGA2, which then activates SNAI1. When LOXL2 and TGFB1 are highly expressed, it not only induces SNAI1 gene expression but also stabilizes SNAI1 protein. miR-34a has the role of repressing SNAI1. When miR-34a has low gene expression, SNAI1 is less repressed. Taken together, these three conditions point to the direction of the high expression of SNAI1—a master transcription factor to induce EMT. This contributes to poor prognosis. In contrast, another rule which has an opposite LOXL2 state indicates good prognosis: {LOXL2GE = low, ETS1GE = low, LOXL2DM = high} ⇒ prognosis = good, with support = 0.105, confidence = 1, lift = 1.956. In this scenario, LOXL2 has high DNA methylation level and low gene expression level, and thus not able to stabilize SNAI1. ETS1 gene is known to increase the expression of ZEB1 which induces EMT. In this rule ETS1 has low expression so it does not contribute to inducing EMT. These factors can contribute to good prognosis. S1 Table contains more examples.

From single- to multi-omics signatures

The FSFs above were obtained alternatively from single data levels. Therefore, we name them as single-omics signatures. To investigate whether molecular signatures incorporating multiple data levels can be superior, we combined single-omics signatures into multi-omics signatures and compared their capabilities in stratifying samples into different prognostic groups. Using these signatures, we clustered the samples into 3 groups with both k-means and spectral clustering algorithms. Survival analysis was performed on the resulting cluster by estimating Kaplan-Meier survival curves and conducting log-rank tests. The test results based on k-means algorithm are given in Table 6, where the columns show different data level combinations and the rows correspond to feature selection algorithms. The comparative groups of using all EMT features and using EMT hallmark gene sets are included. The test results based on spectral clustering algorithm are given in S2 Table. In both tables we observe that multi-omics signatures improve sample stratifications significantly. An example is visualized in S6, S7 and S8 Figs.

thumbnail
Table 6. The results of log-rank tests on stratified sample clusters using single- and multi-omics EMT signatures on all-stage samples.

K-means algorithm was employed for clustering the samples into 3 groups. We highlighted all p-values that are lower than 10e-3.

https://doi.org/10.1371/journal.pone.0204186.t006

Next, we performed survival analysis on early stage patients. The results are given in Table 7. It shows that EMT-based signatures can still stratify the patients into significantly different prognostic groups.

thumbnail
Table 7. The results of log-rank tests on stratified sample clusters using single- and multi-omics EMT signatures on early-stage samples.

K-means algorithm was employed for clustering the samples into 3 groups. We highlighted all p-values that are lower than 10e-2.

https://doi.org/10.1371/journal.pone.0204186.t007

Last but not least, we tested the performance of two integrative clustering algorithms: SNF [61] and iCluster [62] with multi-omics EMT signatures. Briefly, SNF algorithm constructs sample similarity networks using individual data levels and then fuses these networks into a single similarity network, where spectral clustering is used to decide sample clusters. iCluster employs joint latent variable model to connect different data levels. The latent component is used to determine sample clusters. Based on the clustering results we performed survival analysis. The results of log-rank tests are given in S3 Table for SNF algorithm and in S4 Table for iCluster algorithm. We observed that neither SNF nor iCluster algorithm yielded better sample stratifications than using k-means algorithm (Table 6).

Test results on independent data

We obtained the test data from [63] including 164 samples with DM data. 121 of these samples have also mRNA expression data (microarray) available. The patient follow up time ranges between 2 and 99 months with the median of 44 months. The outcome (event) is defined as the occurrence of relapse, distant metastasis or death. The time to event is calculated from the date of surgery. Detailed experimental procedures and the processing of raw data are provided in [63]. EMT single- and multi-omics signatures consisting of GE and DM data levels were evaluated on the test data using survival analysis. EMT signatures were extracted from the test data without any additional training or modifications. Hierarchical clustering, instead of k-means was employed in order to compare our results with the original study [63].

We have tested the EMT signatures selected by each feature selection algorithm [37]. It is show that single-omics signatures can already stratify the samples into significantly different prognostic groups. An example is given in Fig 3. Multi-omics signatures often yielded better sample stratifications. Fig 4 shows an example where the multi-omics signature from a feature selection algorithm can significantly stratify the samples while the single-omics signatures cannot. Compared with the survival analysis results in the original study [63], we achieved more significant sample stratifications with EMT signatures.

thumbnail
Fig 3. EMT single-omics signatures can stratify test samples into significantly different prognostic groups.

The signature is selected by addDA2 algorithm using DM data.

https://doi.org/10.1371/journal.pone.0204186.g003

thumbnail
Fig 4. EMT multi-omics signatures can stratify test samples into significantly different prognostic groups, when the corresponding single-omics signatures cannot.

The signature consists of both GE and DM single-omics signatures selected by t-test.

https://doi.org/10.1371/journal.pone.0204186.g004

Discussion

Various feature selection algorithms have been proposed to identify biomarkers from Omics data for predicting the phenotype of interest. Although more and more information such as biological networks and multiple types of omics data have been integrated in feature selection, recent studies show the low reproducibility of molecular signatures [22, 24, 35]. Some accredit this to the existence of a large number of genes that are correlated with the target labels [12]. Given the limited amount of samples, it becomes very hard to differentiate the marker genes and irrelevant genes. We addressed this issue by constructing a phenotype relevant gene regulatory network, integrating multiple types of omics data with the network to select molecular signatures. We have shown that with lung cancer prognosis prediction, EMT signatures selected from only 2.5% of the original feature space outperformed the classical feature selection on the whole feature space. To the best of our knowledge, we for the first time constructed a phenotype-relevant GRN for lung cancer prognosis prediction.

Previously we employed EMT networks for selecting lung cancer prognostic signatures [41, 64]. However, [64] used mRNA expression and miRNA expression data only. [41] employed three data levels for feature selection but obtained no significant improvement in predictions. In this study, we extended the EMT network to incorporate its interacting molecules. Besides, we reviewed the network used in [41] and removed the edges which denote associations rather than direct gene regulations. What also distinguishes this study from our previous work is the employment of 10 representative feature selection algorithms, instead of decomposing the network into network motifs [41, 64]. We have selected EMT signatures on three data levels with different network sizes, compared with the features selected from the whole data dimensions, and derived prognostic rules from EMT signatures. Furthermore, we obtained multi-omics signatures and showed their superior prediction performance over single-omics signatures. This shows that signatures from multiple omics data types can complement each other to better distinguish different phenotypes.

The potential of EMT molecules in prognosis prediction has also been studied before. [65] and [66] performed survival analysis using individual EMT hallmark molecules such as E-cadherin and vimentin and showed that none of these molecules could separate LUAD or bladder cancer patients into significantly different prognostic groups. Note that these conclusions were drawn from mainly univariate analysis. Since the molecules jointly contribute to the phenotype, it could be more helpful to use a set of features. This can be seen also from the prognostic association rules derived from EMT signatures, where EMT molecules are jointly associated with the phenotype. All in all, we successfully demonstrated that EMT network-based feature selection and data integration can provide advantages in selecting cancer prognostic signatures. We think it would be very interesting to further investigate whether this approach could be utilized to identify robust molecular signatures for other phenotypes and diseases. This could potentially improve our understanding of diseases at the molecular level and help develop more individualized medicine.

Supporting information

S1 Fig. Core EMT network.

The names of genes and miRNAs are given on the nodes.

https://doi.org/10.1371/journal.pone.0204186.s001

(TIF)

S2 Fig. The AUC, AUPR, and accuracies of EMT features versus random features using gene expression data with filtered EMT network.

Gaussian kernel is used to estimate the density functions based on results from 30 times 10-fold cross-validation. For each cross-validation fold, EMT features and random features are tested on the same training and testing samples. The comparisons on five feature selection algorithms together with the comparative group of using all EMT features are shown. The p-values of paired t-tests are provided.

https://doi.org/10.1371/journal.pone.0204186.s002

(TIF)

S3 Fig. The AUC values of 10 feature selection algorithms.

The three panels correspond to three data levels. Within each panel, the AUC values of the 10 algorithms are plotted. Each algorithm has three boxes of different colors denoting the 3 EMT networks. The blue and red dotted lines within each panel are the median AUC values of two comparative groups: 1) using all data level features and 2) Lasso feature selection on all data level features.

https://doi.org/10.1371/journal.pone.0204186.s003

(TIF)

S4 Fig. The AUC values of 10 feature selection algorithms using different thresholds for classification.

The data level is DNA methylation data. The network is EMT core network.

https://doi.org/10.1371/journal.pone.0204186.s004

(TIF)

S5 Fig. The comparison of FSFs with individually selected features in terms of AUC, AUPR, and accuracy values.

We used DNA methylation data and extended EMT network for feature selection and SVM classifier for classification. Gaussian kernel is used to estimate the density functions based on results from 30 times stratified 10-fold cross-validation. For each cross-validation iteration, individually selected features and FSFs are tested on the same training and testing samples. The comparison between the two feature groups is shown on five feature selection algorithms together with the p-values of paired t-tests.

https://doi.org/10.1371/journal.pone.0204186.s005

(TIF)

S6 Fig. Patient stratification using GE features from addDA2 algorithm.

https://doi.org/10.1371/journal.pone.0204186.s006

(TIF)

S7 Fig. Patient stratification using DM features from addDA2 algorithm.

https://doi.org/10.1371/journal.pone.0204186.s007

(TIF)

S8 Fig. Patient stratification using GE and DM features from addDA2 algorithm.

https://doi.org/10.1371/journal.pone.0204186.s008

(TIF)

S1 Table. Top 20 prognostic association rules derived from the FSFs using filtered EMT network.

All the following rules have confidence scores of 1.

https://doi.org/10.1371/journal.pone.0204186.s009

(PDF)

S2 Table. The p-values of log-rank tests based on the clustering of spectral clustering algorithm for different data level combinations using extended EMT network.

We highlighted all p-values that are lower than 10e-5.

https://doi.org/10.1371/journal.pone.0204186.s010

(PDF)

S3 Table. The p-values of log-rank tests based on SNF clustering using different data level combinations with extended EMT network.

We highlighted all p-values that are lower than 10e-5.

https://doi.org/10.1371/journal.pone.0204186.s011

(PDF)

S4 Table. The p-values of log-rank tests based on iCluster clustering using different data level combinations with extended EMT network.

We highlighted all p-values that are lower than 10e-5.

https://doi.org/10.1371/journal.pone.0204186.s012

(PDF)

References

  1. 1. Howlader N, Mariotto AB, Woloshin S, Schwartz LM. Providing clinicians and patients with actual prognosis: cancer in the context of competing causes of death. Journal of the National Cancer Institute Monographs. 2014;2014(49):255–264. pmid:25417239
  2. 2. Subramanian J, Simon R. Gene expression–based prognostic signatures in lung cancer: ready for clinical use? Journal of the National Cancer Institute. 2010;102(7):464–474. pmid:20233996
  3. 3. Lapointe J, Li C, Higgins JP, Van De Rijn M, Bair E, Montgomery K, et al. Gene expression profiling identifies clinically relevant subtypes of prostate cancer. Proceedings of the National Academy of Sciences of the United States of America. 2004;101(3):811–816. pmid:14711987
  4. 4. Sørlie T, Perou CM, Tibshirani R, Aas T, Geisler S, Johnsen H, et al. Gene expression patterns of breast carcinomas distinguish tumor subclasses with clinical implications. Proceedings of the National Academy of Sciences. 2001;98(19):10869–10874.
  5. 5. Weinstein JN, Collisson EA, Mills GB, Shaw KRM, Ozenberger BA, Ellrott K, et al. The cancer genome atlas pan-cancer analysis project. Nature genetics. 2013;45(10):1113–1120. pmid:24071849
  6. 6. Inza I, Larrañaga P, Blanco R, Cerrolaza AJ. Filter versus wrapper gene selection approaches in DNA microarray domains. Artificial intelligence in medicine. 2004;31(2):91–103. pmid:15219288
  7. 7. Díaz-Uriarte R, De Andres SA. Gene selection and classification of microarray data using random forest. BMC bioinformatics. 2006;7(1):3. pmid:16398926
  8. 8. Chuang HY, Lee E, Liu YT, Lee D, Ideker T. Network-based classification of breast cancer metastasis. Molecular systems biology. 2007;3(1). pmid:17940530
  9. 9. Li J, Roebuck P, Grünewald S, Liang H. SurvNet: a web server for identifying network-based biomarkers that most correlate with patient survival data. Nucleic acids research. 2012; p. gks386.
  10. 10. Martinez-Ledesma E, Verhaak RG, Treviño V. Identification of a multi-cancer gene expression biomarker for cancer clinical outcomes using a network-based algorithm. Scientific reports. 2015;5. pmid:26202601
  11. 11. Patel VN, Gokulrangan G, Chowdhury SA, Chen Y, Sloan AE, Koyutürk M, et al. Network Signatures of Survival in Glioblastoma Multiforme. PLoS Comput Biol. 2013;9(9):e1003237. pmid:24068912
  12. 12. Allahyar A, de Ridder J. FERAL: network-based classifier with application to breast cancer outcome prediction. Bioinformatics. 2015;31(12):i311–i319. pmid:26072498
  13. 13. Tang J, Alelyani S, Liu H. Feature selection for classification: A review. Data Classification: Algorithms and Applications. 2014; p. 37.
  14. 14. Yang S, Yuan L, Lai YC, Shen X, Wonka P, Ye J. Feature grouping and selection over an undirected graph. In: Graph Embedding for Pattern Analysis. Springer; 2013. p. 27–43.
  15. 15. Li C, Li H. Network-constrained regularization and variable selection for analysis of genomic data. Bioinformatics. 2008;24(9):1175–1182. pmid:18310618
  16. 16. Zhang W, Ota T, Shridhar V, Chien J, Wu B, Kuang R. Network-based survival analysis reveals subnetwork signatures for predicting outcomes of ovarian cancer treatment. PLoS Comput Biol. 2013;9(3):e1002975. pmid:23555212
  17. 17. Chen L, Xuan J, Riggins RB, Clarke R, Wang Y. Identifying cancer biomarkers by network-constrained support vector machines. BMC systems biology. 2011;5(1):161. pmid:21992556
  18. 18. Morrison JL, Breitling R, Higham DJ, Gilbert DR. GeneRank: using search engine technology for the analysis of microarray experiments. BMC bioinformatics. 2005;6(1):233. pmid:16176585
  19. 19. Winter C, Kristiansen G, Kersting S, Roy J, Aust D, Knösel T, et al. Google goes cancer: improving outcome prediction for cancer patients by network-based ranking of marker genes. PLoS Comput Biol. 2012;8(5):e1002511. pmid:22615549
  20. 20. Cun Y, Fröhlich H. Network and data integration for biomarker signature discovery via network smoothed t-statistics. PloS one. 2013;8(9):e73074. pmid:24019896
  21. 21. Komurov K, Dursun S, Erdin S, Ram PT. NetWalker: a contextual network analysis tool for functional genomics. BMC genomics. 2012;13(1):282. pmid:22732065
  22. 22. Cun Y, Fröhlich H. Prognostic gene signatures for patient stratification in breast cancer-accuracy, stability and interpretability of gene selection approaches using prior knowledge on protein-protein interactions. BMC bioinformatics. 2012;13(1):69. pmid:22548963
  23. 23. Staiger C, Cadot S, Kooter R, Dittrich M, Müller T, Klau GW, et al. A critical evaluation of network and pathway-based classifiers for outcome prediction in breast cancer. PloS one. 2012;7(4):e34796. pmid:22558100
  24. 24. Staiger C, Cadot S, Györffy B, Wessels LF, Klau GW. Current composite-feature classification methods do not outperform simple single-genes classifiers in breast cancer prognosis. Frontiers in genetics. 2013;4. pmid:24391662
  25. 25. Dao P, Colak R, Salari R, Moser F, Davicioni E, Schönhuth A, et al. Inferring cancer subnetwork markers using density-constrained biclustering. Bioinformatics. 2010;26(18):i625–i631. pmid:20823331
  26. 26. Jin N, Wu H, Miao Z, Huang Y, Hu Y, Bi X, et al. Network-based survival-associated module biomarker and its crosstalk with cell death genes in ovarian cancer. Scientific reports. 2015;5.
  27. 27. Gwinner F, Boulday G, Vandiedonck C, Arnould M, Cardoso C, Nikolayeva I, et al. Network-based analysis of omics data: The LEAN method. Bioinformatics. 2016; p. btw676.
  28. 28. Seoane JA, Day IN, Gaunt TR, Campbell C. A pathway-based data integration framework for prediction of disease progression. Bioinformatics. 2014;30(6):838–845. pmid:24162466
  29. 29. Mounika Inavolu S, Renbarger J, Radovich M, Vasudevaraja V, Kinnebrew G, Zhang S, et al. IODNE: An integrated optimization method for identifying the deregulated subnetwork for precision medicine in cancer. CPT: Pharmacometrics & Systems Pharmacology. 2017;.
  30. 30. Ideker T, Ozier O, Schwikowski B, Siegel AF. Discovering regulatory and signalling circuits in molecular interaction networks. Bioinformatics. 2002;18(suppl 1):S233–S240. pmid:12169552
  31. 31. Zhang Y C RR H Xuan J. Module-Based Breast Cancer Classification. International Journal of Data Mining and Bioinformatics. 2013;7:284–302.
  32. 32. Wu G, Stein L. A network module-based method for identifying cancer prognostic signatures. Genome biology. 2012;13(12):R112. pmid:23228031
  33. 33. Ein-Dor L, Zuk O, Domany E. Thousands of samples are needed to generate a robust gene list for predicting outcome in cancer. Proceedings of the National Academy of Sciences. 2006;103(15):5923–5928.
  34. 34. Michiels S, Koscielny S, Hill C. Prediction of cancer outcome with microarrays: a multiple random validation strategy. The Lancet. 2005;365(9458):488–492.
  35. 35. Ein-Dor L, Kela I, Getz G, Givol D, Domany E. Outcome signature genes in breast cancer: is there a unique set? Bioinformatics. 2004;21(2):171–178. pmid:15308542
  36. 36. Venet D, Dumont JE, Detours V. Most random gene expression signatures are significantly associated with breast cancer outcome. PLoS Comput Biol. 2011;7(10):e1002240. pmid:22028643
  37. 37. Shao B. Phenotype Relevant Network-based Biomarker Discovery Integrating Multiple Omics Data. Freie Universität Berlin; 2018.
  38. 38. Csardi G, Nepusz T. The igraph software package for complex network research. InterJournal, Complex Systems. 2006;1695(5):1–9.
  39. 39. Xia J, Benner MJ, Hancock REW. NetworkAnalyst—integrative approaches for protein–protein interaction network analysis and visual exploration. Nucleic Acids Research. 2014;.
  40. 40. Broad Institute TCGA Genome Data Analysis Center, Analysis-ready standardized TCGA data from Broad GDAC Firehose 2016_01_28 run., Broad Institute of MIT and Harvard 2016.
  41. 41. Shao B, Cannistraci CV, Conrad TO. Epithelial Mesenchymal Transition Network-Based Feature Engineering in Lung Adenocarcinoma Prognosis Prediction Using Multiple Omic Data. Genomics and Computational Biology. 2017;3(3):57.
  42. 42. Haury AC, Gestraud P, Vert JP. The influence of feature selection methods on accuracy, stability and interpretability of molecular signatures. PloS one. 2011;6(12):e28210. pmid:22205940
  43. 43. Tibshirani R. Regression shrinkage and selection via the lasso. Journal of the Royal Statistical Society Series B (Methodological). 1996; p. 267–288.
  44. 44. Cox DR. Regression Models and Life-Tables. Journal of the Royal Statistical Society Series B (Methodological). 1972;34(2):187–220.
  45. 45. Network CGAR, et al. Integrated genomic analyses of ovarian carcinoma. Nature. 2011;474(7353):609–615.
  46. 46. Simon N, Friedman J, Hastie T, Tibshirani R. Regularization paths for Cox’s proportional hazards model via coordinate descent. Journal of statistical software. 2011;39(5):1. pmid:27065756
  47. 47. Li J, Lenferink AE, Deng Y, Collins C, Cui Q, Purisima EO, et al. Identification of high-quality cancer prognostic markers and metastasis network modules. Nature communications. 2010;1:34. pmid:20975711
  48. 48. Subramanian A, Tamayo P, Mootha VK, Mukherjee S, Ebert BL, Gillette MA, et al. Gene set enrichment analysis: a knowledge-based approach for interpreting genome-wide expression profiles. Proceedings of the National Academy of Sciences. 2005;102(43):15545–15550.
  49. 49. Liberzon A, Subramanian A, Pinchback R, Thorvaldsdóttir H, Tamayo P, Mesirov JP. Molecular signatures database (MSigDB) 3.0. Bioinformatics. 2011;27(12):1739–1740. pmid:21546393
  50. 50. Liberzon A, Birger C, Thorvaldsdóttir H, Ghandi M, Mesirov JP, Tamayo P. The molecular signatures database hallmark gene set collection. Cell systems. 2015;1(6):417–425. pmid:26771021
  51. 51. Hahsler M, Grün B, Hornik K. A computational environment for mining association rules and frequent item sets. 2005;.
  52. 52. Thiery JP. Epithelial–mesenchymal transitions in tumour progression. Nature Reviews Cancer. 2002;2(6):442–454. pmid:12189386
  53. 53. Thiery JP, Acloque H, Huang RY, Nieto MA. Epithelial-mesenchymal transitions in development and disease. cell. 2009;139(5):871–890. pmid:19945376
  54. 54. Hanahan D, Weinberg RA. Hallmarks of cancer: the next generation. cell. 2011;144(5):646–674. pmid:21376230
  55. 55. Schliekelman MJ, Taguchi A, Zhu J, Dai X, Rodriguez J, Celiktas M, et al. Molecular portraits of epithelial, mesenchymal, and hybrid States in lung adenocarcinoma and their relevance to survival. Cancer research. 2015;75(9):1789–1800. pmid:25744723
  56. 56. Brabletz T, Kalluri R, Nieto MA, Weinberg RA. EMT in cancer. Nature Reviews Cancer. 2018;. pmid:29326430
  57. 57. Agrawal R, Imieliński T, Swami A. Mining association rules between sets of items in large databases. In: Acm sigmod record. vol. 22. ACM; 1993. p. 207–216.
  58. 58. Agrawal R, Srikant R, et al. Fast algorithms for mining association rules. In: Proc. 20th int. conf. very large data bases, VLDB. vol. 1215; 1994. p. 487–499.
  59. 59. Lamouille Samy D R Xu Jian. Molecular mechanisms of epithelial–mesenchymal transition. NATURE REVIEWS MOLECULAR CELL BIOLOGY. 2014;15:178–196. pmid:24556840
  60. 60. De Craene Bram B G. Regulatory networks defining EMT during cancer initiation and progression. Nature Reviews Cancer. 2013;13(6):97—110. pmid:23344542
  61. 61. Wang B, Mezlini AM, Demir F, Fiume M, Tu Z, Brudno M, et al. Similarity network fusion for aggregating data types on a genomic scale. Nature methods. 2014;11(3):333–337. pmid:24464287
  62. 62. Shen R, Olshen AB, Ladanyi M. Integrative clustering of multiple genomic data types using a joint latent variable model with application to breast and lung cancer subtype analysis. Bioinformatics. 2009;25(22):2906–2912. pmid:19759197
  63. 63. Bjaanæs MM, Fleischer T, Halvorsen AR, Daunay A, Busato F, Solberg S, et al. Genome-wide DNA methylation analyses in lung adenocarcinomas: association with EGFR, KRAS and TP53 mutation status, gene expression and prognosis. Molecular oncology. 2016;10(2):330–343. pmid:26601720
  64. 64. Shao B, Conrad T. Epithelial-Mesenchymal Transition Regulatory Network-Based Feature Selection in Lung Cancer Prognosis Prediction. In: International Conference on Bioinformatics and Biomedical Engineering. Springer; 2016. p. 135–146.
  65. 65. CHIKAISHI Y, Uramoto H, Tanaka F. The EMT status in the primary tumor does not predict postoperative recurrence or disease-free survival in lung adenocarcinoma. Anticancer research. 2011;31(12):4451–4456. pmid:22199314
  66. 66. Zhao J, Dong D, Sun L, Zhang G, Sun L. Prognostic significance of the epithelial-to-mesenchymal transition markers e-cadherin, vimentin and twist in bladder cancer. International braz j urol. 2014;40(2):179–189. pmid:24856504