Skip to main content

Subtype identification from heterogeneous TCGA datasets on a genomic scale by multi-view clustering with enhanced consensus

Abstract

Background

The Cancer Genome Atlas (TCGA) has collected transcriptome, genome and epigenome information for over 20 cancers from thousands of patients. The availability of these diverse data types makes it necessary to combine these data to capture the heterogeneity of biological processes and phenotypes and further identify homogeneous subtypes for cancers such as breast cancer. Many multi-view clustering approaches are proposed to discover clusters across different data types. The problem is challenging when different data types show poor agreement of clustering structure.

Results

In this work, we first propose a multi-view clustering approach with consensus (CMC), which tries to find consensus kernels among views by using Hilbert Schmidt Independence Criterion. To tackle the problem when poor agreement among views exists, we further propose a multi-view clustering approach with enhanced consensus (ECMC) to solve this problem by decomposing the kernel information in each view into a consensus part and a disagreement part. The consensus parts for different views are supposed to be similar, and the disagreement parts should be independent with the consensus parts. Both the CMC and ECMC models can be solved by alternative updating with semi-definite programming. Our experiments on both simulation datasets and real-world benchmark datasets show that ECMC model could achieve higher clustering accuracies than other state-of-art multi-view clustering approaches. We also apply the ECMC model to integrate mRNA expression, DNA methylation and microRNA (miRNA) expression data for five cancer data sets, and the survival analysis show that our ECMC model outperforms other methods when identifying cancer subtypes. By Fisher’s combination test method, we found that three computed subtypes roughly correspond to three known breast cancer subtypes including luminal B, HER2 and basal-like subtypes.

Conclusion

Integrating heterogeneous TCGA datasets by our proposed multi-view clustering approach ECMC could effectively identify cancer subtypes.

Background

Recent technologies have made it convenient to address medical and biological questions by using multiple and diverse genome-scale data sets. For example, The Cancer Genome Atlas (TCGA) has made a large-scale efforts to collect diverse types of genomic information from thousands of patients for over 20 cancers. To capture the heterogeneity of biological processes and phenotypes, integrative computational methods are needed to find the underlying data structure by combining all data types, which could help identify cancer subtypes. For example, [1] proposes a framework for joint modeling of discrete and continuous variables that arise from integrated genomic, epigenomic, and transcriptomic profiling which is applied on distinct integrated tumor subtypes discovery. In many other application domains, it is also commonplace that a single object can be described by multiple feature representations or views. For example, a webpage from the Internet can be represented by its text contents and the hyperlinks to the webpage, and a scientific publication can be represented by its text contents and citations. A better clustering result of samples is expected to be obtained if information from all views is taken into account. Multi-view clustering aims to combine multiple data information from different views to improve the clustering performance.

The challenge in multi-view learning is to efficiently reconcile the conflicting information among views. For the learning task with multiple views, the geometric distributions, similarity measurements and feature scales may vary a lot across different views. Samples represented in different views may have its own neighborhoods, density of distribution, magnitude, or noise process. The disagreement caused by these differences may hamper the clustering task.

Multi-view approaches can be roughly divided into the following two families. One is to learn an optimal linear combination of multiple kernels [2–12]. For example, optimized kernel k-means is proposed in [3] to find optimal linear combination of multiple kernels and an optimal cluster assignment matrix together by minimizing a trace clustering loss. The multiple kernel k-means clustering [6] is proposed to find the optimal combination coefficients of kernels by minimizing the clustering loss. Kernel k-means is then applied to the optimal combination of kernels. The second line is to determine low-dimensional projections by minimizing the differences or maximizing the correlations [13–19]. Other approaches propagate information from different views to construct graphs or similarities in a slightly different way. These methods include Multi-view EM [20], Multi-view spectral clustering [21, 22], Multi-view clustering with unsupervised feature selection [23, 24], Nonnegative Matrix Factorization [25], pattern fusion [26] and similarity network fusion [16]. For example, multi-view EM [20] takes the maximization and expectation in turn for different views, and the similarity network fusion (SNF) [16] fuses multiple networks to one network by iteratively updating a sequence of nonnegative status matrices.

However, all these methods assume that each view has a relatively large amount of information which favors the ground truth clustering structure. In other words, there exists a relatively strong signal of a common clustering structure across views. However, in real-world datasets, the common clustering structure information across views might be weak, while the disagreement among views might be strong. The varying degree of agreement and disagreement for each view might contaminate the underlying common clustering structure. Furthermore, certain views may contain subsets of features favoring different clustering structure. For example, in the clustering task for university webpages by text features, some words such as ‘major’, ‘position’ or ‘homework’ will lead to a partitioning of webpages into categories such as ‘student’, ‘faculty’ and ‘course’. However, the above clustering structure might be contaminated by other words (e.g. ‘biology’, ‘cell’, ‘computer science’, ‘code’ etc.), which might lead to a partitioning of webpages by their department of affiliation. We take another example of glioblastoma multiforme (GBM), an aggressive adult brain tumor. The integrative analyses based on different datasets often lead to conclusions including common and different parts. For example, one analysis [27] identified two subtypes by combining expression and copy-number-variant data, which does not agree with later findings in [28], which had identified four subtypes primarily by expression data. Interestingly, two subtypes found by [28] roughly correspond to the two subtypes identified in the work [29] by a DNA methylation-based approach, which also found a subtype related to somatic mutation in IDH1. Though methylation data was used in [28], the IDH subtype was not identified because the subtyping analysis was driven by the expression data.

In this work, we first propose a kernel-based multi-view clustering method with consensus (CMC), which aims to reconstruct kernels with a common clustering structure across views by maximizing the agreement among these kernels with preserving the similarity among original samples. The agreement between two kernels is measured by Hilbert Schmidt Independence Criterion (HSIC). To tackle the problem when different views show poor agreement, we further propose another multi-view clustering method with enhanced consensus (ECMC). The main idea of the ECMC model is to decompose each view into a consensus part and a disagreement part. The consensus parts for different views are supposed to be similar, and the disagreement parts should be independent with the consensus parts. Both of the two models can be efficiently solved by alternative updating with semi-definite programming. We apply our models to several simulation datasets, a publication dataset Cora and four Webkb datasets, and the results show that our ECMC model could achieve higher clustering accuracies than other state-of-art multi-view clustering approaches. We also apply the ECMC model to find cancer subtypes by combining mRNA expression, DNA methylation and microRNA (miRNA) expression data for five cancer data sets in TCGA, and the results show that our ECMC model outperforms other methods.

Methods

Problem statement

Suppose we are given a data set of n samples with v views, X={X 1,X 2,⋯,X v }, where \(X_{i}\in \mathcal {R}^{p_{i}\times n}\)(i=1,2,...,v) is the representation of data in the i-th view, and n is the number of observations. We assume that each \(W_{i}\in \mathcal {R}^{n \times n}\) is a kernel computed by X i for each i. We aim to do clustering on the n samples with the v multiple representations.

Hilbert schmidt independence criterion

In this subsection, we introduce a measure of statistical independence which is called Hilbert-Schmidt Independence Criterion (HSIC) [30]. Intuitively, HSIC can be thought of as a squared correlation coefficient between two random variables x and z computed in feature spaces \(\mathcal {F}{~}\) and \(\mathcal {G}{~}\). Let x be a random variable from the domain \(\mathcal {X}{~}\) and z be a random variable from the domain \(\mathcal {Z}{~}\). Let \(\mathcal {F}{~}\) and \(\mathcal {G}{~}\) be feature spaces on \(\mathcal {X}{~}\) and \(\mathcal {Z}{~}\) with associated kernels \( k: \mathcal {X} \times \mathcal {X} \rightarrow \mathbb {R}\) and \(l: \mathcal {Z} \times \mathcal {Z} \rightarrow \mathbb {R}\). If we draw pairs of samples (x,z) and (x′,z′) from x and z according to a joint probability distribution p (x,z), then the Hilbert Schmidt Independence Criterion can be computed in terms of kernel functions via:

$$ \begin{array}{ll} \text{HSIC}(p_{(x,z)},\mathcal{F},\mathcal{G})&=\mathbf{E}_{x,x{\prime},z,z{\prime}}[k(x,x{\prime})l(z,z{\prime})]\\ &\quad+\mathbf{E}_{x,x{\prime}}[k(x,x{\prime})]\mathbf{E}_{z,z{\prime}}[l(z,z{\prime})] \notag \\ &\quad-2\mathbf{E}_{x,z}[\mathbf{E}_{x{\prime}}[k(x,x{\prime})]\mathbf{E}_{z{\prime}}[l(z,z{\prime})]], \end{array} $$

where E is the expectation operator. The empirical estimator of HSIC for m points X and Z from x and z with p (x,z) was shown in [30] to be

$$\begin{array}{*{20}l} \text{HSIC}((X,Z),\mathcal{F},\mathcal{G})\propto tr(KHLH), \end{array} $$
(1)

where tr is the trace of the products of the matrices, H is the centering matrix \(H = I-\frac {ee^{T}}{m}\), K and L are the kernel matrices on the two random variables of size m×m. The larger HSIC, the more likely it is that X and Z are not independent from each other. HSIC can be considered as a similarity measurement between two kernels.

Consensus multi-view clustering model (CMC model)

In the multi-view clustering problem, it is often the case that different views admit some degree of common underlying clustering structure of the data. Following a common idea of multi-view clustering approaches (e.g. [31]), we can also solve this problem by looking for clustering structures that are consistent across the views. Differently, our proposed CMC model for multi-view clustering aims to find new consensus kernels K i for all the views by encouraging them to be similar or dependent across all the views. We also hope that the similarity information among samples in each view is preserved to some extent in the new kernel. HSIC is used as the similarity measurement between two kernels. Thus we propose the following CMC model:

$$ \begin{array}{c} \max\limits_{K_{1},\cdots,K_{v}} \sum\limits_{i} tr(W_{i}HK_{i}H) + \lambda \sum\limits_{i \neq j }{tr(K_{i}H K_{j}H)} \\ s.t.~K_{i} \geq 0, tr(K_{i})=1 ~~~~i = 1,\cdots,v, \end{array} $$
(2)

where \(H = I_{n}-\frac {ee^{T}}{n}\) is a centering matrix, I n is an n×n identity matrix, and e is an n-dimensional column vector with all ones. The first term in the objective function makes sure the new consensus kernels preserve the original pairwise similarity information among samples for each view in the new consensus kernel, while The second term tries to maximize the agreement of the clustering information among different views. The semi-definite constraints of K i ≥0 make sure K i s are kernels, and those of t r(K i )=1 make sure the objective function has upper bound. Once the reconstructed kernel for each view K i is obtained, we could use spectral clustering by using a linear sum of K i .

However, the CMC model could not solve the problem when the common information among views are weak and disagreement information are strong. In this case, the ground truth clustering structure information in original W i is too weak, and the ground truth consensus kernels K i share little information with the original kernel W i . Thus it is very difficult to find the common clustering structure by encouraging to preserve original pairwise similarity information in the first term of the objective function. To tackle this problem, we further propose another kernel-based multi-view clustering model.

Enhanced consensus multi-view clustering model (ECMC model)

To overcome the problem of poor agreement among views, we decompose each new reconstructed kernel K i into two parts: a consensus part C i and a disagreement part D i . We hope that the consensus parts C i s are similar across different views, while the disagreement parts D i s are far away from the consensus parts C i s. Thus we propose our enhanced consensus multi-view clustering model (ECMC) as follows

$$ \begin{array}{c} \max\limits_{\substack{C_{1}, \cdots, C_{v}, \\ D_{1}, \cdots, D_{v}}} \sum\limits_{i} tr(W_{i} H (C_{i}\,+\,D_{i}) H) +\alpha\sum\limits_{i\neq j}tr(C_{i} H C_{j} H)\,-\,\beta\sum\limits_{i,~j}tr(C_{i} H D_{j} H) \\ s.t.~ C_{i}, D_{i}\geq 0,~tr(C_{i})=1,~tr(D_{i})=1,~i=1, \cdots, v. \end{array} $$
(3)

Different to our CMC model (2), we don’t encourage the similarity between the original kernel W i and consensus kernel C i any more. Alternatively, we encourage the similarity between W i and the whole reconstructed kernel K i =C i +D i , which is more reasonable when there’s very weak common clustering information in W i . The second term in the objective function maximizes the similarity among consensus kernels, and the third term aims to make sure the consensus parts C i s are independent with the disagreement parts D i s as much as possible. The constraints are similar with the CMC model (2). By the ECMC model, we expect to throw away the disagreement information D i from each view and keep the the consensus kernel C i for the clustering task later on. The linear sum of consensus kernels C i s is finally used in spectral clustering for clustering the samples. Figure 1 shows the flowchart of our ECMC model.

Fig. 1
figure 1

A flowchart of our ECMC approach for subtype identification

With the computed C i and D i , we define a consensus score

$$\begin{array}{*{20}l} \text{consensus}_{i} = \frac{tr(HK_{i}HC_{i})}{tr(HK_{i}H(C_{i}+D_{i}))}. \end{array} $$
(4)

to measure the amount of the consensus part in the i-th view. Note that the consensus score ranges from 0 and 1. If the score in one view is closed to one, it means the signals for the consensus part in the view are strong, and if it is closed to zero, it means that the disagreement part are dominant.

Optimization algorithm

We apply the strategy of alternative updating to solve the optimization problems in both of the CMC model (2) and the ECMC model (3). We only discuss the optimization procedure for the ECMC model, and that for CMC model can be obtained in the same way.

We first fix D 1,⋯,D v , and solve optimization problem (3) for optimal C 1,⋯,C v one by one. The ith optimization subproblem to solve for C i can be written as

$$ \begin{array}{c} \max\limits_{C_{i}}\, tr(W_{i} H C_{i} H) +2 \alpha\sum\limits_{j\neq i}tr(C_{j} H C_{i} H) - \beta \sum\limits_{j}tr(C_{i} H D_{j} H)\\ s.t.~C_{i}\geq 0,~tr(C_{i})=1. \\ \end{array} $$
(5)

By defining

$$ \begin{array}{c} M_{i}=H \left(W_{i}+2\alpha \sum\limits_{j\neq i} C_{j}-\beta\sum\limits_{j}D_{j}\right) H,\\ \end{array} $$
(6)

the optimization problem in (5) is equivalent to

$$ \begin{array}{c} \max\limits_{C_{i}} ~~tr(M_{i} C_{i}) ~~~s.t.~C_{i}\geq 0,~tr(C_{i})=1. \\ \end{array} $$
(7)

We then fix C 1,⋯,C v and solve the optimization problem in (3) for D 1,⋯,D v one by one. The ith subproblem can be written as

$$ \begin{array}{c} \max\limits_{D_{i}} ~tr(W_{i} H D_{i} H)-\beta\sum\limits_{j}tr(D_{i} H C_{j} H)\\ s.t.~~D_{i}\geq 0,~tr(D_{i})=1.\\ \end{array} $$
(8)

It can be simplified as

$$ \begin{array}{c} \max\limits_{D_{i}} ~~tr(N_{i} D_{i}) ~~~s.t.~D_{i}\geq 0,~tr(D_{i})=1 \\ \end{array} $$
(9)

with

$$ \begin{array}{c} N_{i} =H \left(W_{i}- \beta\sum\limits_{j}C_{j} \right)H. \end{array} $$
(10)

The subproblems (7) and (9) are typical semi-definite programming problem, and can be solved efficiently by semi-definite programming toolbox CVX. The details of the procedure to solve ECMC model is presented in the ECMC algorithm box. In each outer iteration, line 4-line 7 is to update C i one by one, using the current D j (j=1,⋯,v) and C j (j≠i), and line 8-line 11 is to update D i one by one, using the current C j (j=1,⋯,v). The iteration stops when C 1,⋯,C v and D 1,⋯,D v converge with a small tolerance. In our experiments, we choose W i - 2I and 2I as the initials for C i and D i for each view, respectively.

Results

Measurements for clustering performance

We use the following two metrics to measure the clustering efficiency in the comparisons. The normalized mutual information (NMI) of a clustering \({\mathcal {C}} = \{C_{k}\}\) is defined as

$$\begin{array}{*{20}l} \text{NMI}({\mathcal{C}},{\mathcal{C}}^{*})=\frac{\mathrm{I}({\mathcal{C}},{\mathcal{C}}^{*})}{\sqrt{H({\mathcal{C}})\cdot H({\mathcal{C}}^{*})} }\quad \end{array} $$

with

$$\begin{array}{*{20}l} \mathrm{I}({\mathcal{C}},{\mathcal{C}}^{*}) = \sum\limits_{C_{k}\in {\mathcal{C}},C_{\ell}^{*} \in {\mathcal{C}}^{*}} p(C_{k},C_{\ell}^{*})\cdot \log_{2} \frac{p(C_{k},C_{\ell}^{*})}{p(C_{k})p(C_{\ell}^{*})}, \end{array} $$

where \(H({\mathcal {C}}) = -\sum _{C_{i} \in {\mathcal {C}}}p(C_{i})\log _{2} (p(C_{i}))\), p(C k ):=|C k |/n, \({\mathcal {C}}^{*}\) is the ground truth clustering, and \(p(C_{i},C_{j}^{*})\) represents the joint probability of the two classes C i and \(C_{j}^{*}\). This can be estimated by the following formula [32]:

$$ \text{NMI}=\frac{\sum_{C,C^{*}}N_{C,C^{*}}\log\left(\frac{N\cdot N_{C,C^{*}}}{N_{C} N_{C^{*}}}\right)}{\sqrt{\left(\sum_{C} N_{C} \log \frac{N_{C}}{N}\right) \left(\sum_{C^{*}} N_{C^{*}} \log \frac{N_{C^{*}}}{N}\right) }}, $$
(11)

where C ∗ is a cluster in the true clustering assignment and C is a cluster in the computed clustering assignment, \(\phantom {\dot {i}\!}N_{C}(N_{C^{*}})\) is the number of data objects in cluster C(C ∗), \(\phantom {\dot {i}\!}N_{C,C^{*}}\) is the number of objects in cluster C as well as in cluster C ∗, N is the number of all the objects. NMI takes a value ranging from 0 to 1, and the closer to one it is, the more similar to true clusters the computed clusters are.

The other measurement is the average clustering accuracy (ACC) with the class labels {l j } of \({\mathcal {C}}\) in a suitable class ordering,

$$ ACC({\mathcal{C}},{\mathcal{C}}^{*}) = \frac1n \sum_{j=1}^{n} \delta(l_{j},l_{j}^{*}), $$

where the function \(\delta (l_{j},l_{j}^{*})=1\) if \(l_{j}=l_{j}^{*}\), or \(\delta (l_{j},l_{j}^{*})=0\) otherwise.

For all the methods, we apply the normalized spectral clustering on the solutions of the compared algorithms. Since k-means in the last step of spectral clustering is sensitive to initials, 100 replications of k-means are performed using randomly selected initializations, and then the average clustering results are reported.

Simulation study

Data simulation

We simulate several synthetic datasets to evaluate our proposed enhanced consensus model by comparing our methods with other state-of-art single-view and multi-view methods including spectral clustering on single views(SV1 and SV2), feature concatenation(Concat), co-regularized spectral clustering (Coreg) [15] and similarity network fusion (SNF) [16]. We generate the dataset of simulation 1 by the following procedure. We first generate 100 2-dimensional samples by a mixed Gaussian with different means of μ 1=[−4 3]T and μ 2=[7 −8]T and the same covariance matrix Σ 1=[10 0 ; 0 5]. By adding white noises with strength 1, we could obtain two data matrices A 1 and \(A_{2}\in \mathcal {R}^{2\times 100}\). A 1 and A 2 have strong and similar clustering structure. We further obtain B 1 and B 2 by randomly permuting the samples in A 1 and A 2 and adding white noises again, respectively. After normalizing A 1,A 2,B 1 and B 2 such that each row has zero mean and 1 norm, we construct a matrix X i =[A i ;t B i ](i=1,2), where A i and B i is considered as the consensus part and the disagreement part, respectively. By changing the value of t, we can control the degree of disagreement in the dataset. We finally construct four datasets with t={0.95, 1, 1.2, 2} in simulation 1.

For simulation 2, we first generate A 1 and A 2 by another mixed Gaussian with means of μ 3=[0 1]T and μ 4=[11 −10]T and the same covariance matrix Σ 2=[1 0 ; 0 1] with 100 samples. Different with the procedure in simulation 1, we generate B 1 and B 2 by randomly exchanging s samples from A 1 and A 2. Then we construct a matrix X i =[A i ;B i ](i=1,2). We control the degree of disagreement in the dataset by changing the value of s. We finally construct four datasets with s={25, 30, 40, 50} in simulation 2.

Experimental setting and results

We first compute a Gaussian kernel for each view and then apply all the comparison partners on the Gaussian kernels to obtain the clustering result. Note that k-means clustering is the final step for all these methods. Since it is prone to initials, we run 100 replicates of k-means and report the average result. For Coreg, CMC and ECMC methods, the parameters are all from the range of { 1e−10,⋯,1e+10}, and the best results are reported in Table 1.

Table 1 The average NMIs/ACCs and the standard errors obtained by the ECMC and other comparison partners in seven simulation data sets

We can see that in simulation 1, our proposed ECMC and SNF perform similarly with t=0.96 and 1. However our ECMC outperform when t is more than 1.This shows that when the consensus part is relatively weak, our method can also find the agreement information among all views. In simulation 2, we can find that, our method can always obtain the best NMI and ACC values.

To further show the effectiveness of the ECMC model, we choose an example of t=2 in simulation 1. Figure 2 visualizes the original Gaussian kernels W i s, the computed consensus kernels C i s and the disagreement kernels D i s. From the figure, we can see that, the clustering structures in the original kernels W i s seem very weak, and the computed consensus kernels C i s have very clear clustering structures consistent with the ground truth.

Fig. 2
figure 2

A demonstration of the ECMC model on a simulation dataset. W i s are given kernels from two views, and the ground truth clusters are the first half and the second half samples. C i s and D i s are obtained consensus kernels and disagreement kernels by our ECMC model, respectively. C i s have clear clustering structure consistent with ground truth labels

Benchmark machine learning datasets

We evaluate our approach on five benchmark machine learning datasets including four from Webkb datasets and one from Cora publication datasets.

Webkb webpage datasets

Webkb datasets consist of four sets of webpages from four universities Cornell, Texas, Washington, and Wisconsin, across five classes of course, project, student, faculty, and staff. Each webpage is represented by its text content and its hyperlinks. The class of staff, which has only a small number of samples, is removed. Table 2 lists the data summary for the datasets from the four universities. The datasets in each view are normalized such that each feature has zero mean and one norm.

Table 2 Summary of the real-world benchmark data sets: numbers of samples, features, views, and clusters

Cora publication datasets

The Cora dataset consists of 2708 scientific publications over seven categories (Neural Networks, Rule Learning, Reinforcement Learning, Probabilistic Methods, Theory, Genetic Algorithms, Case Based). Each publication is represented by two views. One is a 0/1-valued word vector indicating the absence/presence of the corresponding word from the dictionary which consists of 1433 unique words.The other is the citation relation with all other publications. We create a smaller subset with 397 publications which only consists of two categories of Rule Learning and Reinforcement Learning, and this dataset is used for evaluate our approaches. Similar to Webkb datasets, we also normalize the dataset for each view.

Experimental setting and results

For each dataset, we first compute Gaussian kernels for each view. We then compare our methods with the comparison partners by using these kernels. For Coreg, CMC and ECMC methods, the parameters are from the range of { 1e−10,⋯,1e+10}, and the best results are reported in Table 3. For SNF, we choose the size of neighbors K as the average cluster size and η from the set {0.3,⋯,1}, as suggested by the original paper. The best average clustering results over the parameters are reported.

Table 3 The average NMIs and ACCs and standard errors obtained by the ECMC and other comparison partners on real benchmark datasets

We report the average NMIs and ACCs for the benchmark datasets by all the methods in Table 3, respectively. From the table, we can see that, our proposed ECMC achieves the highest NMI values and ACC values among all the methods across all the five benchmark datasets, except that the Coreg obtains the highest ACC for the Texas data. Table 3 also shows that our CMC model could obtain the second highest NMIs among all the results. By using the measurement of ACC in Table 3, our CMC model is the second best for Cora data, and SNF performs the second best for all the four Webkb datasets. The results on the five benchmark datasets show the strong advantages of our ECMC model for clustering tasks. We also check the convergence property of our EMCM algorithm, and Fig. 3 shows that the algorithm converges after several iterations. We also compute the consensus scores of each view for each dataset. For Cornell data, the consensus scores of the two views are 0.141 and 0.896; For Washington data, the consensus scores are 0.212 and 0.049; the scores for Wisconsin data are 0.251 and 0.734; the scores for Texas data are 0.482 and 0.494. The consensus scores imply that each view may contain different amount of consensus information.

Fig. 3
figure 3

Convergence property of the ECMC by Webkb datasets

Materials for subtype identification by TCGA data

We finally apply our ECMC model to identify cancer subtypes by conducting experiments on cancer genomics data from The Cancer Genome Atlas (TCGA) Research Network [33] for five cancer types: glioblastoma multiforme (GBM), kidney renal clear cell carcinoma (KRCCC), breast invasive carcinoma (BIC), colon adenocarcinoma (COAD) and lung squamous cell carcinoma (LSCC). The preprocessed data is provided by Wang et al. [16]. For each type of cancer, three data types are available: DNA methylation, mRNA expression and miRNA expression. We summarize the data in Table 4. For expression data, GBM and LSCC apply the Broad Institute HT-HG-U133A platform, BIC and COAD apply the UNC-Agilent-G4502A-07 platform, and KRCCC applies the UNC-Illumina-Hiseq-RNASeq platform. For miRNA expression data, BIC and GBM apply the BCGSC-Illumina-Hiseq-miRNAseq platform and the UNC-miRNA-8X15K platform,respectively, and LSCC, KRCCC and COAD use the BCGSC-Illumina-GA-miRNAseq. For the methylation data, GBM uses the JHU-USC-Illumina-DNA-Methylation platform, and BIC, LSCC, KRCCC and COAD apply the JHU-USC-Human-Methylation-27 platform. All the datasets also contain the clinical information including the overall survival data for patients. The problem of subtype identification aims to identify clusters where patients have a specific cancer subtype. Note that there’s no ground truth labels of subtypes for these datasets, and thus it is a discovery process.

Table 4 Data summary for the five TCGA cancer datasets

Clustering results

Two measurements, silhouette scores and Cox survival p-values, are used to evaluate the performance of our ECMC model for identifying subtypes for five cancers. Silhouette score [34] is used to measure the coherence of clusters by evaluating the similarity of patients within or between subtypes. Once we have the new representations for the samples and the subtype result for them, we could compute silhouette scores. The representations for different methods are different. For SNF and our ECMC, the new representations are obtained by spectral projection of the new kernels. For each sample x, let m x represent the average dissimilarity for all samples in the same subtype and n x represent the lowest average dissimilarity for all other samples in different subtypes. Euclidean distance is used to measure dissimilarity. The silhouette score for sample x is defined by s x =(n x −m x )/(m a x(m x ,n x )). The silhouette ranges from -1 to 1. We compute the mean Silhouette value over all samples to measure how tightly all samples in the cluster are grouped. A silhouette score close to 1 implies a properly discovered clustering result. Another measurement is Cox survival p-values, which are computed using the Cox log-rank test [35] to measure whether the survival time is significantly different between the subtypes. For each sample, the survival time in months are given in the TCGA datasets. Lower Cox p-value implies that the survival profiles among subtypes are different more significantly, and thus the subtypes might be properly discovered.

For each cancer data, we first compute Gaussian kernel W i s for the three data types respectively, and then apply our ECMC model with W i s to reconstruct the consensus kernels C i for each view. We finally do spectral clustering on the linear sum of these kernels \(C=\sum \limits _{i}C_{i}\) to identify homogeneous cancer subtypes. The number of subtypes is chosen as 3, 5, 3, 4, and 3 following the work [16]. We also check the silhouette score with different number of clusters, and the results in Table 5 show that the selected number of clusters are reasonable since with them the silhouette scores achieve the highest or similar to the highest values. The parameter α is fixed as 1010, and β in ECMC model is chosen from the range of {108,109,1010} respectively. In Table 5, we report the silhouette scores with different β in this range, and we can see that for the five cancer types, the silhouette scores are relatively stable. For each combination of the parameters, we run 100 replicates of k-means and record the average silhouette score and the standard error.

Table 5 Silhouette scores for TCGA datasets for different parameters

We finally report the best average silhouette score in Table 6 over all the parameter combinations. We also report the average silhouette scores by single-view spectral clustering with the gauss kernel W i for each of the three data types of mRNA expression, DNA Methylation and miRNA expression, respectively. The average silhouette scores are also reported in Table 6. We also apply the state-of-art multi-view clustering methods SNF and Coreg to the five cancer data sets. The experimental settings are similar with the ECMC model. The parameter λ in the Coreg method is chosen from the range of {10−10,⋯,1010}, and the parameters K and η in the SNF method are chosen from the ranges of {10,20,30} and {0.3,⋯,0.8}, as suggested in the original paper, respectively. The best average silhouette scores by the SNF and the Coreg over all their parameters are also reported in Table 6. From the results we can see that, our ECMC model can obtain highest Silhouette scores for all the five cancer data sets. This implies that the ECMC model is able to capture the clustering structure with tight clusters.

Table 6 Silhouette scores (S-scores) and Cox p-values obtained by different clustering methods

Survival analysis

We further evaluate the performance of our ECMC model by survival analysis. Once a clustering result is obtained, we could conduct Cox log-rank test and compute the Cox p-values. In Table 6, we report the lowest p-values over all the possible parameters mentioned above for each method, respectively. We can see that, single data type analysis could not lead to significantly different survival profiles for most cases, while the ECMC model with multiple data types could achieve the most significant p-values for all the five cancer types, except for GBM cancer, the ECMC and SNF obtain similar significant levels. Figure 4 shows the Kaplan-Meier survival curves by the ECMC clustering result with most significant p-values for the five cancer types, where we could see the significant different survival profiles over different subtypes. In Table 7, we also report the consensus scores of the three views for the five cancers, corresponding to the clustering result with the most significant survival p-values. The results show that the average consensus scores are around 0.5, which implies that each view have half consensus information with others.

Fig. 4
figure 4

Kaplan-Meier survival curves for the five cancer types (p-values are reported in Table 6)

Table 7 Consensus scores in each view for the five TCGA cancer datasets

Since the ECMC model could lead to the most significantly different survival profiles for the breast cancer data, we further analyze the obtained breast cancer subtypes. Figure 5 shows the visualization of the three views in five subtypes for Breast cancer. DNA Methylation has a very different profile among the five subtypes. Interestingly, Subtype 1 and Subtype 3 seem to have complementary DNA Methylation profiles. We also see that Subtype 1 and Subtype 5 have very different miRNA profiles as well. The combined signatures in mRNA, expression DNA methylation and miRNA expression data for the five subtypes are very different. We also compute the pairwise logrank p-values with Bonferroni correction, and found that Subtype 2 has significantly different survival profiles with Subtype 1, 3, 5 with corrected p-values of 1.16e−3,3.72e−4 and 1.88e−2.

Fig. 5
figure 5

Visualization of the three data types in five subtypes for Breast cancer, with top row for mRNA expression, middle row for DNA methylation and bottom row for miRNA expression

We finally conduct survival analysis to compare the survival profiles for finding interesting breast cancer subtypes. We choose three common treatments with drugs of Cytoxan, Adriamycin and Arimidex for breast cancers to do the analysis. For each treatment, survival analysis is conducted in all patients and also each subtype to compare the survival profiles between the patients with the treatment and the patients without the treatment. The computed Cox p-values for all treatments in all subtypes are reported in Table 8. The three treatments could not generate significantly different survival profiles between the treated patients and untreated patients from all the target population. However, in Subtype 1, and only in Subtype 1, both Cytoxan and Adriamycin could generate significantly improved treatment effects for treated patients, with p-values of 1.98e−5 and 1.24e−3. The Kaplan-Meier survival curves of these two treatments in Subtype 1 are shown in Fig. 6. In subtype 3, Arimidex could generate significantly improved treatment effects, with p-value of 1.82e−2. We also do the similar survival analysis for GBM cancer with treatment of Temozolomide. Figure 7 shows that the drug of Temozolomide could generate significantly improved survival profiles for GBM Subtype 1, and there’s no significantly difference in other two subtypes. This further shows that by our ECMC model, interesting subtypes could be discovered corresponding to different treatment effects.

Fig. 6
figure 6

Survival analysis of the treatment with Cytoxan and Adriamycin in Breast cancer Subtype 1 (Cox log-rank p-value are 1.98e-5, and 1.24e-3 respectively)

Fig. 7
figure 7

Survival analysis of the Temozolomide treatment in GBM subtypes. Significant p-value is obtained in Subtype 1(0.047) and no significant difference is obtained in the other subtypes

Table 8 Survival analysis of three treatments on five BIC subtypes

Discussion

There are five known breast cancer subtypes including luminal A, luminal B, HER2-enriched, basal-like, normal-like [36]. Oestrogen receptor (ER), progesterone receptor (PgR), and HER2 are examined by usual immunohistochemical methods to define the subtypes as follows, luminal A subtype with ER and/or PgR (+), HER2 (-), luminal B subtype with ER and/or PgR (+) and HER2 (+), HER2 subtype with ER (-), PgR (-) and HER2 (+), basal-like subtype with ER (-), PgR (-) and HER2 (-), and unclassified subtype.

We first manually select some correlated genes for the basal-like breast cancer subtype. Curtis et al. [37] shows basal-like cancer enriched subgroup, harbours chromosome 5q deletions, and several signaling molecules, transcription factors and cell division genes were associated in trans with this deletion event in the basal cancers, including alterations in BUB1, CDCA4, CHEK1, FOXM1, HDAC2, KIFC1, MTHFD1L, RAD51AP1, TTK. Besides, [38] also found that loss of PTEN protein expression was significantly associated with the basal-like cancer subtype in both nonhereditary breast cancer and hereditary BRCA1-deficient breast cancer. Pires et al. [39] show alterations of EGFR, p53 and pTeN are cooperative and likely to play a causal role in basal-like breast cancer pathogenesis. These discoveries suggest that basal-like subtype may also correlate with the genes BRCA1 and EGFR, respectively. For each computed subtype (S1, for example) by our ECMC algorithm, We first calculate t-test p-values for each of these correlated gene to show whether the gene expression levels are significantly changed between the subtype S1 and the other subtypes. We then apply the Fisher’s combined probability test [40] to compute the group p-values for these genes, which could test whether the group of the selected genes are significantly different between subtype S1 and other subtypes. We do the same computation for each computed subtype S1 to S5, and report the results in Table 9. The results show that, our computed Subtype 1 is highly likely to correspond to the basal-like breast cancer subtype, with group p-value being 7.99e-6. Note that the treatment with Cytoxan and Adriamycin in Subtype 1 significantly extend the survival time, as shown in Fig. 6. It implies that these two drugs might be effective specially for basal-like breast cancer. Our computed Subtype 2 may also contains the basal-like breast cancer subtype, with group p-value being 2.03e-5.

Table 9 Group p-values for three breast cancer subtypes including luminal B, HER2 and basal-like

We also manually select genes that are correlated with luminal B and HER2 breast cancer subtypes. For luminal B subtype, we include MAP2K4 since [37] show the recurrent deletion of MAP2K4 concomitant with outlying expression in predominantly ER-positive cases. PPP2R2A is likely to correlate with luminal B since [37] suggests the dysregulation of specific PPP2R2A functions in luminal B breast cancers. The genes ZNF703 and DHRS2 are also included since [41] confirm ZNF703 as a luminal B specific driver and Tumors with elevated ZNF703 levels were characterized by alterations in a lipid metabolism and detoxification pathway that include DHRS2 as a key signaling component. Curtis et al. [37] found ER-positive subgroup composed of 11q13/14 cis-acting luminal tumors which PAK1, RSF1 C11orf67, INTS4 reside in it. Loi et al. [42] found PIK3CA mutations are associated with low MTORC1 signaling and good prognosis with tamoxifen therapy in ER-positive which indicates PIK3CA have relation with luminal B subtype. Besides, ERBB2 is likely to correlate with HER2-enriched and luminal B subtypes, since the results in [37] show that HER2-enriched (ER-negative) cases and luminal (ER-positive) cases both belongs to ERBB2-amplified cancer. For HER2 breast cancer subtype, Pharmacologic FASN inhibitors were found to suppress p185(HER2) oncoprotein expression and tyrosine kinase activity in breast cancer overexpressing HER2 [43], which shows the correlation between FASN and HER2 type breast cancer. Bentires-Alj et al. [44] suggest that agents targeting GAB2 or GAB2-dependent pathways may be useful for treating breast tumors that overexpress HER2, and thus we include GAB2 as a correlated gene for HER2 type breast cancer. Besides, Trastuzumab blocks the HER2-HER3(ERBB3) interaction and is used to treat breast cancers with HER2 overexpression, although some of these cancers develop trastuzumab resistance. By using small interfering RNA (siRNA) to identify genes involved in trastuzumab resistance, [45] identified several kinases and phosphatases that were upregulated in trastuzumab-resistant cancers, including PPM1H. This suggests that PPM1H and ERBB3 may have some link with HER2 type breast cancer. With the manually selected gene sets for the two breast cancer subtypes, we also compute the group p-value for each computed subtype by our ECMC model. The results in Table 9 show that our Subtype 2 probably corresponds to the luminal B breast cancer type, with group p-value being 2.16e-13, and our Subtype 4 is likely to correspond to the HER2 breast cancer subtype.

Conclusion

Our goal in this work is to discover consensus from different views when disagreement signals are very strong. We propose a novel decomposition strategy which tries to break down the information in each view into a consensus part and a disagreement part. The former parts are expected to be similar across all views for the sake of ‘consensus’, while the latter parts are expected to conflict with the consensus parts, for the sake of ‘disagreement’. The idea can be realized by making use of Hilbert Schmidt Independence Criterion, which could measure the similarities among kernels. Our ECMC model is proposed to reconstruct the consensus kernels and the disagreement kernels by maximizing the agreement among these kernels with preserving the similarity among original samples. Since consensus kernels are similar, the underlying clustering structure should be easy to be obtained. Our simulation experiments, real-world benchmark experiments and TCGA subtype identification experiments all show that the ECMC model outperforms other state-of-art multi-view clustering algorithms. In particular, we find some interesting subtypes in Breast cancer, and the survival analysis shows that the subtypes are significant. For the further research work, we will consider the following question. Although our ECMC model is effective for discovering consensus parts, it involves semi-definite programming which may be not as efficient as other computations such as eigenvalue decomposition in spectral clustering. We hope to formulate our idea in another way by avoiding semi-definite programming.

References

  1. Mo Q, Wang S, Seshan V, Olshen A, Schultz N, Sander C, Powers R, Ladanyi M, Shen R. Pattern discovery and cancer gene identification in integrated cancer genomic data. Proc Natl Acad Sci U S A. 2013; 110(11):4245–50.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  2. Lanckriet G, Cristianini N, Bartlett P, El G, Jordan M. Learning the kernel matrix with semi-definite programming. J Mach Learn Res. 2002; 5(1):27–72.

    Google Scholar 

  3. Yu S, Tranchevent L, Liu X, Glanzel W. Optimized data fusion for kernel k-means clustering. IEEE Trans Pattern AnalMach Intell. 2011; 34(5):1031–9.

    Google Scholar 

  4. Lange T, Buhmann J. Fusion of similarity data in clustering. In: Proceeding of Advances in Neural Information Processing Systems. Cambridge: MIT Press Cambridge: 2005. p. 723–30.

    Google Scholar 

  5. Chuang Y. Affinity aggregation for spectral clustering. IEEE Conf Comput Vis Pattern Recognit. 2012; 23(10):773–80.

    Google Scholar 

  6. Gönen M, Margolin A. Localized data fusion for kernel k-means clustering with application to cancer biology. Adv Neural Inf Process Syst. 2014; 2:1305–13.

    Google Scholar 

  7. Bach F, Lanckriet G, Jordan M. Multiple kernel learning, conic duality, and the smo algorithm. In: International Conference.New York: ACM: 2004. p. 6.

    Google Scholar 

  8. Sören S, Rätsch G, Schäfer C, Schölkopf B. Large scale multiple kernel learning. J Mach Learn Res. 2006; 7(2006):1531–65.

    Google Scholar 

  9. Rakotomamonjy A, Bach F, Stéphane C, Grandvalet Y. Simplemkl. J Mach Learn Res. 2008; 9(3):2491–521.

    Google Scholar 

  10. Subrahmanya N, Shin Y. Sparse multiple kernel learning for signal processing applications. IEEE Trans Pattern Anal Mach Intell. 2010; 32(5):788–98.

    Article  PubMed  Google Scholar 

  11. Xu Z, Jin R, Yang H, King I, Lyu M. Simple and efficient multiple kernel learning by group lasso. In: Proceedings of the 27th International Conference on Machine Learning (ICML-10).Madison: Omnipress: 2010. p. 1175–82.

    Google Scholar 

  12. Szafranski MM, Grandvalet Y, Rakotomamonjy A. Composite kernel learning. Mach Learn. 2010; 79(1-2):73–103.

    Article  Google Scholar 

  13. Tang W, Lu Z, Dhillon I. Clustering with multiple graphs. 2009; 24(4):1016–21.

  14. Chaudhuri K, Kakade S, Livescu K, Sridharan K. Multi-view clustering via canonical correlation analysis. In: International Conference on Machine Learning.New York: ACM: 2009. p. 129–36.

    Google Scholar 

  15. Kumar A, Rai P, Daumé H. Co-regularized multi-view spectral clustering. Advances in neural information processing systems: International Conference on Neural Information Processing Systems; 2012, pp. 1413–21.

  16. Wang B, Mezlini A, Demir F, Fiume M, Tu Z, Brudno M, Haibekains B, Goldenberg A. Similarity network fusion for aggregating data types on a genomic scale. Nat Methods. 2014; 11(3):333.

    Article  CAS  PubMed  Google Scholar 

  17. Blum A, Mitchell T. Combining labeled and unlabeled data with co-training. In: Eleventh Conference on Computational Learning Theory.1998. p. 92–100.

  18. Muslea I, Minton S, Knoblock C. Active learning with multiple views. J Artif Intell Res. 2006; 27:203–33.

    Google Scholar 

  19. Wang W, Zhou Z. A new analysis of co-training. In: International Conference on International Conference on Machine Learning.Madison: Omnipress: 2010. p. 1135–42.

    Google Scholar 

  20. Bickel S, Scheffer T. Multi-view clustering. In: IEEE International Conference on Data Mining.2004. p. 19–26. doi: doi:10.1109/ICDM.2004.10095.

  21. Kumar A, DAume III H. A co-training approach for multi-view spectral clustering. In: International Conference on International Conference on Machine Learning.Madison: Omnipress: 2011. p. 393–400.

    Google Scholar 

  22. Xia R, Pan Y, Du L, Yin J. Robust multi-view spectral clustering via low-rank and sparse decomposition. In: Twenty-Eighth AAAI Conference on Artificial Intelligence.Palo Alto: AAAI Press: 2014. p. 2149–55.

    Google Scholar 

  23. Tang J, Hu X, Gao H, Liu H. Unsupervised feature selection for multi-view data in social media. In: Proceedings of the 2013 SIAM International Conference on Data Mining.New York: ACM: 2013. p. 270–8.

    Google Scholar 

  24. Wang H, Nie F, Huang H. Multi-view clustering and feature learning via structured sparsity. In: International Conference on Machine Learning.2013. p. 352–60.

  25. Gao J, Han J, Liu J, Wang C. Multi-view clustering via joint nonnegative matrix factorization. In: Proceedings of the 2013 SIAM International Conference on Data Mining.2013. p. 252–60.

  26. Qianqian S, Chuanchao Z, Minrui P, Xiangtian Y, Tao Z, Juan L, Luonan C. Pattern fusion analysis by adaptive alignment of multiple heterogeneous omics data. Bioinformatics. 2017; 33(17):2706–14.

    Article  Google Scholar 

  27. Nigro JM, Misra A, Zhang L, Smirnov I, Colman H, Griffin C, Ozburn N, Chen M, Pan E, Koul D, Yung WKA, Feuerstein BG, Aldape KD. Integrated array-comparative genomic hybridization and expression array profiles identify clinically relevant molecular subtypes of glioblastoma. Cancer Res. 2005; 65(5):1678–86.

    Article  CAS  PubMed  Google Scholar 

  28. Verhaak Roel GW, et al.Integrated genomic analysis identifies clinically relevant subtypes of glioblastoma characterized by abnormalities in pdgfra, idh1, egfr, and nf1. Cancer Cell. 2010; 17(1):98–110.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  29. Sturm D, et al.Hotspot mutations in h3f3a and idh1 de ne distinct epigenetic and biological subgroups of glioblastoma. Cancer Cell. 2012; 22:425–37.

    Article  CAS  PubMed  Google Scholar 

  30. Gretton A, Bousquet O, Smola AJ, Schölkopf B. Measuring statistical dependence with hilbert-schmidt norms. In: ALT.Heidelberg: Springer Berlin Heidelberg: 2005. p. 63–77.

    Google Scholar 

  31. Kumar A, Rai P, Daumé H. Co-regularized multi-view spectral clustering. In: International Conference on Neural Information Processing Systems.2011. p. 1413–1421. http://papers.nips.cc/paper/4360-co-regularized-multi-view-spectral-clustering.

  32. Zhong S, Ghosh J. A unified framework for model-based clustering. J Mach Learn Res. 2003; 4:1001–37.

    Google Scholar 

  33. Network TCGA. The cancer genome atlas. 2006. http://cancergenome.nih.gov/. Accessed 10 Apr 2017.

  34. Rousseeuw PJ. A graphical aid to the interpretation and validation of cluster analysis. J Comput Appl Math. 1987; 20:53–65.

    Article  Google Scholar 

  35. Hosmer DW, Lemeshow S, May S. Applied Survival Analysis: Regression Modeling of Time-to-Event Data. J Stat Plan Inf. 2008; 91(1):173–5.

    Google Scholar 

  36. Paul LN, Alphonse GT, Matthew SK, Niemierko A, Rita FAR, Whitney LB, Jennifer RB, Julia SW, Barbara LS, Jay RH. Breast cancer subtype approximated by estrogen receptor,progesterone receptor, and her-2 is associated with local and distant recurrence after breast-conserving therapy. J Clin Oncol. 2008; 26(14):2373–8.

    Article  Google Scholar 

  37. Curtis C, Shah SP, Chin SF, Turashvili G, Rueda OM, Dunning MJ, Speed D, Lynch AG, Samarajiwa S, Yuan Y. The genomic and transcriptomic architecture of 2,000 breast tumours reveals novel subgroups. Nature. 2012; 486(7403):346–52.

    CAS  PubMed  PubMed Central  Google Scholar 

  38. Lao HS, Gruvbergersaal SK, Persson C, Lövgren K, Jumppanen M, Staaf J, Jönsson G, Pires MM, Maurer M, Holm K. Recurrent gross mutations of the pten tumor suppressor gene in breast cancers with deficient dsb repair. Nat Genet. 2008; 40(1):102–7.

    Article  Google Scholar 

  39. Pires MM, Hopkins BD, Saal LH, Parsons RE. Alterations of egfr, p53 and pten that mimic changes found in basal-like breast cancer promote transformation of human mammary epithelial cells. Cancer Biol Therapy. 2013; 14(3):246–53.

    Article  CAS  Google Scholar 

  40. Fisher RA. Statistical methods for research workers. 1954; 118(4):66–70.

  41. Holland DG, Burleigh A, Git A, Goldgraben MA, Perezmancera PA, Chin SF, Hurtado A, Bruna A, Ali HR, Greenwood W. Znf703 is a common luminal b breast cancer oncogene that differentially regulates luminal and basal progenitors in human mammary epithelium. Embo Mol Med. 2015; 3(3):167–80.

    Article  Google Scholar 

  42. Loi S, Haibe-Kains B, Majjaj S, Lallemand F, Durbecq V, Larsimont D, Gonzalez-Angulo AM, Pusztai L, Symmans WF, Bardelli A. Pik3ca mutations associated with gene signature of low mtorc1 signaling and better outcomes in estrogen receptor-positive breast cancer. Proc Natl Acad Sci U S A. 2010; 107(22):10208–13.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  43. Menendez JA, Vellon L, Mehmi I, Oza BP, Ropero S, Colomer R, Lupu R. Inhibition of fatty acid synthase (fas) suppresses her2/neu (erbb-2) oncogene overexpression in cancer cells. Proc Nat Acade Sci U S A. 2004; 101(29):10715–20.

    Article  CAS  Google Scholar 

  44. Bentires-Alj M, Gil SG, Chan R, Wang ZC, Wang Y, Imanaka N, Harris LN, Richardson A, Neel BG, Gu H. A role for the scaffolding adapter gab2 in breast cancer. Nat Med. 2006; 12(1):114.

    Article  CAS  PubMed  Google Scholar 

  45. Leehoeflich S, Pham T, Dowbenko D, Munroe X, Lee J, Li L, Zhou W, Haverty P, Pujara K, Stinson J. Ppm1h is a p27 phosphatase implicated in trastuzumab resistance. Cancer Discov. 2011; 1(4):326–37.

    Article  CAS  Google Scholar 

Download references

Acknowledgements

The work was supported by the NSFC projects 11471256 and 11631012.

Funding

The publication charges for this article were funded by NSFC project 11471256.

Availability of data and materials

Data was downloaded on 18/4/2017 from http://compbio.cs.toronto.edu/SNF/SNF/Software.html.

About this supplement

This article has been published as part of BMC Medical Genomics Volume 10 Supplement 4, 2017: 16th International Conference on Bioinformatics (InCoB 2017): Medical Genomics. The full contents of the supplement are available online at https://bmcmedgenomics.biomedcentral.com/articles/supplements/volume-10-supplement-4.

Authors’ contributions

MC designed the optimization algorithms and conducted the experiments. LL designed the model and the experiments, and wrote the manuscript. Both authors revised and approved the manuscript.

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare that they have no competing interests.

Publisher’s Note

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

Author information

Authors and Affiliations

Authors

Corresponding author

Correspondence to Limin Li.

Rights and permissions

Open Access This article is distributed under the terms of the Creative Commons Attribution 4.0 International License (http://creativecommons.org/licenses/by/4.0/), which permits unrestricted use, distribution, and reproduction in any medium, provided you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons license, and indicate if changes were made. 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.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Cai, M., Li, L. Subtype identification from heterogeneous TCGA datasets on a genomic scale by multi-view clustering with enhanced consensus. BMC Med Genomics 10 (Suppl 4), 75 (2017). https://doi.org/10.1186/s12920-017-0306-x

Download citation

  • Published:

  • DOI: https://doi.org/10.1186/s12920-017-0306-x

Keywords