Skip to main content
  • Research article
  • Open access
  • Published:

Unsupervised Bayesian linear unmixing of gene expression microarrays

Abstract

Background

This paper introduces a new constrained model and the corresponding algorithm, called unsupervised Bayesian linear unmixing (uBLU), to identify biological signatures from high dimensional assays like gene expression microarrays. The basis for uBLU is a Bayesian model for the data samples which are represented as an additive mixture of random positive gene signatures, called factors, with random positive mixing coefficients, called factor scores, that specify the relative contribution of each signature to a specific sample. The particularity of the proposed method is that uBLU constrains the factor loadings to be non-negative and the factor scores to be probability distributions over the factors. Furthermore, it also provides estimates of the number of factors. A Gibbs sampling strategy is adopted here to generate random samples according to the posterior distribution of the factors, factor scores, and number of factors. These samples are then used to estimate all the unknown parameters.

Results

Firstly, the proposed uBLU method is applied to several simulated datasets with known ground truth and compared with previous factor decomposition methods, such as principal component analysis (PCA), non negative matrix factorization (NMF), Bayesian factor regression modeling (BFRM), and the gradient-based algorithm for general matrix factorization (GB-GMF). Secondly, we illustrate the application of uBLU on a real time-evolving gene expression dataset from a recent viral challenge study in which individuals have been inoculated with influenza A/H3N2/Wisconsin. We show that the uBLU method significantly outperforms the other methods on the simulated and real data sets considered here.

Conclusions

The results obtained on synthetic and real data illustrate the accuracy of the proposed uBLU method when compared to other factor decomposition methods from the literature (PCA, NMF, BFRM, and GB-GMF). The uBLU method identifies an inflammatory component closely associated with clinical symptom scores collected during the study. Using a constrained model allows recovery of all the inflammatory genes in a single factor.

Background

Factor analysis methods such as principal component analysis (PCA) have been widely studied and can be used for discovering the patterns of differential expression in time course and/or multiple treatment biological experiments using gene or protein microarray samples. These methods aim at finding a decomposition of the observation matrix Y R G × N whose rows (respectively columns) are indexed by gene index (respectively sample index). Typically, in gene expression analysis, the number N of samples is much less than the number G of genes. For example, in an Affymetrix HU133 gene chip, the number G of genes may range from ten to twenty thousand depending on the type of chip description file (CDF) processing used to translate the oligonucleotide fragments to gene labels whereas we only analyze about a hundred of samples.

This decomposition expresses each of the N samples as a particular linear combination of R characteristic gene expression signatures, also referred to as factors, with appropriate proportions (or contributions), called factor scores, following a linear mixing model

Y=MA+N
(1)

where M R G × R represents the factor loading matrix, A R R × N the factor score matrix and N R G × N is a matrix containing noise samples. Each sample y i (i = 1, …, N), corresponding to the i-th column of the observed gene expression matrix Y, is a vector of G gene expression levels that can be expressed as

y i = r = 1 R m r a r , i + n i = Ma i + n i
(2)

where m r is the r-th column of M, ar, i denotes the (r, i)-th element of the matrix A, a i and n i are the i-th column of A and N respectively. The number of factors R in the decomposition is usually much less than the number of samples N. Traditional factor analysis methods such as PCA require the experimenter to specify the desired number of factors to be estimated. However, some recent Bayesian factor analysis methods are totally unsupervised in the sense that the number of factors is directly estimated from the data [1-3].

The model (1) is identical to the standard factor analysis model [4] for which the columns of M are called factors and should correspond to biological signatures (or pathways). Note that the elements of the matrix M are referred to as factor loadings, and the columns of A are the factor scores. Approaches to fitting the model (1) to data include principal component analysis [5, 6], least squares matrix factorization [7, 8], finite mixture modeling [9, 10], and Bayesian factor analysis [4, 11, 12].

This paper presents a new Bayesian factor analysis method called unsupervised Bayesian linear unmixing (uBLU), that estimates the number of factors and incorporates non-negativity constraints on the factors and factor scores, as well as a sum-to-one constraint for the factor scores. The uBLU method presented here differs from the BLU method, developed in [13] for hyperspectral imaging and applied to gene microarray expression analysis in [14]. Note that BLU requires user specification of the number of factors while uBLU determines the number of factors using Bayesian birth-death model. The positivity and sum-to-one constraints are natural in gene microarray analysis when the entries of the observation matrix are non-negative and when a proportional decomposition is desired. Thus each factor score corresponds to the concentration (or proportion) of a particular factor to a given sample. The advantage of this representation for gene expression analysis is twofold: i) the factor scores correspond to the strengths of each gene contributing to that factor; ii) for each gene chip the factor scores give the relative abundance of each factor present in the chip. For example, a gene having a large loading level (close to one) for a particular factor should have a small loading (close to zero) for all other factors. In this way, as opposed to other factor analysis methods, there is less multiplexing making it easier to associate specific genes to specific factors and vice versa.

A similar approach, based on NMR spectral imaging and called the Bayesian decomposition (BD), has been previously developed by Moloshok et al. and applied to gene expression data [11]. More recently, the coordinated gene activity in pattern sets method (CoGAPS), available as an open R-source [12], combines the GAPS-MCMC matrix factorization algorithm with a threshold-independent statistic to infer activity in specific gene sets. However, these approaches require cold restarts of the algorithm with different number of factors and with different random seeds to avoid the large number of local minima encountered in the process of fitting the matrix factorization model MA to the data Y. In contrast, the proposed uBLU algorithm uses a judicious model to reduce sensitivity to local minima rather than using cold restarts. The novelty of the uBLU model is that it consists of: (1) a birth-death process to infer the number of factors; (2) a positivity constraint on the loading and score matrices M, A to restrict the space of solutions; (3) a sum-to-one constraint on the columns of A to further restrict the solution space. The uBLU model is justified for non-negative data problems like gene expression analysis and produces an estimate of the non-negative factors in addition to their proportional representation in each sample.

Bayesian linear unmixing, traditionally used for hyperspectral image analysis (see [13] for example), is one of many possible factor analysis methods that could be applied to gene expression analysis. These methods include non-negative matrix factorization (NMF) [7, 8], independent component analysis (ICA) [15], Bayesian decomposition (BD) [11], PCA [5], bi-clustering [16], penalized matrix decomposition (PMD) [2], Bayesian factor regression modeling (BFRM) [1], and more recently the gradient-based algorithm of Nikulin et al. for general matrix factorization (GB-GMF) [17]. Contrary to uBLU, the PCA, ICA, BFRM, GB-GMF, bi-clustering and PMD methods do not account for non-negativity of the factor loadings and factor scores. On the other hand, NMF does not account for sum-to-one constraints on the columns of the factor score matrix. Contrary to PCA and ICA, uBLU does not impose orthogonality or independence on the factors, as well as the GB-GMF algorithm. These relaxed assumptions might better represent what is known about the preponderance of overlap and dependency in biological pathways. Finally, uBLU naturally accommodates Bayesian estimation of the number of factors, like BFRM. Note that BFRM has been specifically developed for gene expression data [1].

In this paper we provide comparative studies that establish quantitative performance advantages of the proposed constrained model and its corresponding uBLU algorithm with respect to PCA, NMF, BFRM and GB-GMF for time-varying gene expression analysis, using synthetic data with known ground truth. We also illustrate the application of uBLU to the analysis of a real gene expression dataset from a recent viral challenge study [18] in which several subjects were administered viral inoculum and gene expression time course data were collected over a period of several days. Using these data, we may infer relationships between genes and symptoms and examine how the human host response to viral infection evolves with time.

Methods

Mathematical constrained model

Let y i represent a gene microarray vector of G gene expression levels. The elements of y i have units of hybridization abundance levels with non-negative values. In the context of gene expression data, the starting point for Bayesian linear unmixing is the linear mixing model (LMM)

y i = r = 1 R m r a r , i + n i ,
(3)

where R is the number of distinct gene signatures that can be present in the chip, m r  = [m1, r, …, mG, r]T is the r-th gene signature vector, mg, r ≥ 0 is the strength of the g-th gene (g = 1, …, G) in the r-th signature (r = 1, …, R), and ar, i is the relative contribution of the r-th signature vector to the i-th sample y i , where ar,i [0, 1] and r = 1 R a r , i =1. Here n i denotes the residual error of the LMM representation. For a matrix of N data samples Y= y 1 , , y N R G × N , the LMM can be rewritten with matrix notations

Y=MA+N,
(4)

where M= m 1 , , m R R G × R , A= a 1 , , a N R R × N and N= n 1 , , n N R G × N represent the factor score matrix, the factor loading matrix and the noise matrix, respectively. The matrices M, A satisfy positivity and sum-to-one constraints defined by

m g , r 0, a r , i 0,and[1,,1]A=[1,,1],
(5)

where mg, r denotes the (g, r)-th element of matrix M. The constraints (5) arise naturally when dealing with positive data for which one is seeking the relative contribution of positive factors that have the same numerical characteristics as the data, i.e., the signature m r is itself interpretable as a vector of hybridization abundances.

The objective of linear unmixing is to simultaneously estimate the factor matrix M and the factor score matrix A from the available N data samples. The representation (1) is rank deficient since A has rank N − 1. This presents algorithmic challenges for solving the unmixing problem. Several algorithms have been proposed in the context of hyperspectral imaging to solve similar problems [6, 19]. Most of these algorithms perform unmixing in a two step procedure where M is estimated first using an endmember extraction algorithm (EEA) followed by a constrained linear least squares step to estimate A. A common (but restrictive) assumption in these algorithms is that some samples in the dataset are “pure” in the sense that the linear combination of (2) contains a unique factor, say m r , with factor score ar, i. Recently, this assumption has been relaxed by applying a hierarchical Bayesian approach, called Bayesian linear unmixing (BLU). The resulting algorithm requires the number R of factors to be specified (see [13] for details). Here we extend BLU to a fully unsupervised algorithm, called unsupervised BLU (uBLU), that estimates R using a birth-death model and a Gibbs sampler. The Gibbs sampler produces an estimate of the entire joint posterior distribution of the model parameters, resulting in a fully Bayesian estimator of the number of factors R, the factor loadings M, and the factor scores A. The uBLU model is described in the next subsection and the Gibbs sampling algorithm is given in the Appendix. In the Results and discussion section below we demonstrate the performance advantages of uBLU as a factor analysis model for simulated and real gene expression data.

Unsupervised Bayesian linear unmixing algorithm

The BLU algorithm studied in [13] generates samples distributed according to the posterior distribution of M and A given the number R of factors for appropriate prior distributions assigned to the mixing parameters in (2). First, the residual errors n i in (2) are assumed to be independent identically distributed (i.i.d.) according to zero-mean Gaussian distributions: n i N 0 G , σ 2 I G for i = 1, …, N, where I G denotes the identity matrix of dimension G × G.

The number of factors R to be estimated by the proposed uBLU algorithm is assigned a discrete uniform prior distribution on [2, …, Rmax]

P[R=k]= 1 R max 1 ,forR=2,, R max ,
(6)

where Rmax is the maximal number of factors present in the mixture.

Because of the constraints in (5), the data samples y i (i = 1, …, N) live in a lower-dimensional subspace of R K (whose dimension is upper-bounded by K − 1) denoted as V K 1 (Rmax − 1 ≤ K ≤ G). This subspace can be identified by a standard dimension reduction procedure, such as PCA. Hence, instead of estimating the factor loadings m r R G (r = 1, …, R), we propose to estimate their corresponding projections t r R K onto this subspace. Specifically, these projections can be represented as

t r =P( m r y ̄ )
(7)

where y ̄ = 1 N i = 1 N y i is the empirical mean of the data matrix Y and P is the (K − 1) × G appropriate projection matrix that projects onto V K 1 , which can be constructed from the principal eigenvectors of the empirical covariance matrix of Y. This dimension reduction procedure allows us to work in a lower-dimensional subspace without loss of information, and reduces significantly the computational complexity of the Bayes estimator of the factor loadings. A multivariate Gaussian distribution (MGD) truncated on a subset T r is chosen as prior distribution for the projected factors t r . The subset T r is defined in order to ensure the non-negativity constraint on m r (see [13])

t r T r { m g , r 0,g=1,,G}.
(8)

More precisely, T r is obtained by noting that m r = P 1 t r + y ̄ and by looking for the vectors t r such that all components of P 1 t r + y ̄ are non-negative. To estimate the mean vectors e r of these truncated MGDs, one can use a standard endmember extraction algorithm (EEA) common in hyperspectral imaging, e.g. N-FINDR [19]. To summarize, the prior distribution for the projected factor t r is

t r | e r , s r 2 N T r e r , s r 2 I R 1
(9)

where N T r e r , s r 2 I R 1 denotes the truncated MGD with mean vector e r and covariance matrix s r 2 I R 1 , with s r 2 a fixed hyperparameter. Assuming the vectors t r , for r = 1, …, R, are a priori independent, the prior distribution for the projected factor matrix T = [t1,…,t R ] is

f T | E , s 2 , R r = 1 R exp t r e r 2 2 s r 2 1 T r t r
(10)

where stands for “proportional to”, · is the standard l2-norm, 1 X (·) denotes the indicator function on the set X, E = [e1, …, e R ] and s 2 = s 1 2 , , s R 2 .

The sum-to-one constraint for the factor scores a i , for each observed sample i (i = 1, …, N), allows this vector a i to be rewritten as

a i = a 1 : R 1 , i a R , i with a 1 : R 1 , i = a 1 , i , , a R 1 , i T ,
(11)

and a R , i =1 r = 1 R 1 a r , i . Note here that any component of a i could be expressed as a function of the others, i.e., a r , i =1 k r a k , i . The last component aR, i has been chosen here for notation simplicity. To ensure the positivity constraint, the subvectors a1:R − 1, i must belong to the simplex

S={ a 1 : R 1 , i | a 1 : R 1 , i 1 1and a i 0},
(12)

where ·1 is the l1 norm ( a i 1 = r = 1 R | a r , i |) and a i 0 stands for the set of inequalities {ar,i ≥ 0}r = 1, …, R. Following the model in [13], we propose to assign uniform distributions over the simplex S as priors for the subvectors a1:R − 1, i (i = 1, …, N), i.e.,

f a 1 : R 1 , i | R = 1 S a 1 : R 1 , i .
(13)

For the prior distribution on the variance σ2 of the residual errors we chose a conjugate inverse-Gamma distribution with parameters ν / 2 and γ / 2

σ 2 |ν,γIG ν 2 , γ 2 .
(14)

The shape parameter ν is a fixed hyperparameter whereas the scale parameter γ will be adjustable, as in [13]. A non-informative Jeffreys’ prior is chosen as prior distribution for the hyperparameter γ, i.e.,

f γ 1 γ 1 R + (γ).
(15)

The resulting hierarchical structure of the proposed uBLU model is summarized in the directed acyclic graph (DAG) presented in Additional file 1: Figure S1.

The model defined in (1) and the Gaussian assumption for the noise vectors n1, …, n N allow the likelihood of y1, …, y N to be determined

f Y | Θ = 1 2 π σ 2 GN 2 exp i = 1 N y i Ma i 2 2 σ 2 .
(16)

Multiplying this likelihood by the parameter priors defined in (10), (13), (14) and (6), and integrating out the nuisance parameter γ, the posterior distribution of the unknown parameter vector Θ = {M, A, σ2, R} can be expressed as

f Θ | Y = f Θ , γ | Y f Y | Θ f Θ | γ f γ dγ.
(17)

Considering the parameters to be a priori independent, the following result can be obtained

f Θ | γ =f A | R f T | E , s 2 , R f σ 2 | ν , γ f R
(18)

where f(A|R), f(T|E, s2, R) and f(σ2|ν, γ) are respectively the prior distributions of the factor score matrix A, the projected factor matrix T and the noise variance σ2 previously defined.

Due to the constraints enforced on the data, the posterior distribution f(M, A, R|Y) obtained from the proposed hierarchical structure is too complex to derive analytical expressions of the Bayesian estimators, e.g., the minimum mean square (MMSE) and maximum a posteriori (MAP) estimators. In such case, it is natural to use Markov chain Monte Carlo (MCMC) methods [20] to generate samples M(t), A(t) and R(t) asymptotically distributed according to f(M, A, R|Y). However, the dimensions of the factor loading matrix M and the factor score matrix A depend on the unknown number R of signatures to be identified. As a consequence, sampling from f(M, A, R|Y) requires exploring parameter spaces of different dimensions. To solve this dimension matching problem, we include a birth/death process within the MCMC procedure. Specifically, a birth, death or switch move is chosen at each iteration of the algorithm (see the Appendix and [21]). This birth-death model differs from the classical reversible-jump MCMC (RJ-MCMC) (as defined in [21]) in the sense that, for the birth-death model, each move is accepted or rejected at each iteration using the likelihood ratio between the current state and the new state proposed by the algorithm. The factor matrix M, the factor score matrix A and the noise variance σ2 are then updated, conditionally upon the number of factors R, using Gibbs moves.

After a sufficient number of iterations (Nmc iterations, including a burn-in period of Nbi iterations), the traditional Bayesian estimators (e.g., MMSE and MAP) can be approximated using the generated samples M(t), A(t) and R(t). First, the generated samples are used to approximate the MAP estimator of the number of factors

R ˆ MAP = argmax k { 2 , , R max } P [ R = k | Y ] argmax k { 2 , , R max } N k N r
(19)

where N k is the number of generated samples R ( N bi + 1 ) ,, R ( N mc ) satisfying R(t) = k and N r = N mc N bi . Then, conditioned on R ˆ MAP , the joint MAP estimator M ˆ MAP , A ˆ MAP of the factor and factor score matrices is determined as follows

M ˆ MAP , A ˆ MAP argmax t = N bi + 1 , , N mc f M ( t ) , A ( t ) | Y , R = R ˆ MAP .
(20)

Results and discussion

The proposed method consists of estimating simultaneously the matrices M and A defined in (1), under the positivity and sum-to-one constraints mentioned previously, in a fully unsupervised framework, i.e., the number of factors R is also estimated from the data. A Gibbs sampler algorithm is designed that generates samples distributed according to the posterior distribution associated to the proposed uBLU model. For more details about the Gibbs sampling strategy, see the Appendix.

Simulations on synthetic data

To illustrate the performance of the proposed Bayesian factor decomposition, we first present simulations conducted on synthetic data. More extensive simulation results are reported in the Additional file 1.

Simulation scenario

Several synthetic datasets D 1 ,, D 4 were generated. The experiments presented here correspond to the expression values of G = 512 genes (for datasets D 1 , D 3 and D 4 ) or G=12000 genes (for dataset D 2 ) with N = 128 samples. Each sample is composed of exactly R=3 factors mixed using the linear mixing model in (1). The factors of the first dataset D 1 have been generated so that only a few genes affect each factor. For the second dataset D 2 , realistic factors have been extracted from real genetic datasets. The third dataset D 3 has been generated enforcing the factors to be orthogonal but not necessarily positive whereas in the forth dataset, D 4 , factors are orthogonal and positive. These simulation conditions are summarized in Table 1.

Table 1 Synthetic datasets D 1 ,, D 4

In each case, the R = 3 factors were mixed in random proportions (factor scores), with positivity and sum-to-one constraints. All synthetic datasets were corrupted by an i.i.d. Gaussian noise sequence. The signal-to-noise ratio is SNR i  = 20 dB where SNR i = G 1 σ 2 r = 1 R m r a r , i 2 for each sample i(i = 1, …, N).

Proposed method (uBLU)

The first step of the algorithm consists of estimating the number of factors R involved in the mixture, and hence determining the dimensions of the matrices M and A, using the maximum a posteriori (MAP) estimator R ˆ MAP . The second step of the algorithm consists of estimating the unknown model parameters (M, A and σ2) given R ˆ MAP . The estimated posterior distributions of the unknown model parameters are given in Additional file 1: Figure S5 and validate the proposed Bayesian model.

The burn-in period and number of Gibbs samples were determined using quantitative methods described in the Additional file 1: Section “Convergence diagnosis”.

Comparison to other methods

The performance of the proposed uBLU algorithm is compared with other existing factor decomposition methods including PCA, NMF, BFRM and GB-GMF by using the following criteria, which are common measures used to compare factor analysis algorithms,

  • the factor mean square errors (MSE)

    MSE r 2 = 1 G m ˆ r m r 2 , r = 1 , , R

where m ˆ r is the estimated r-th factor loading vector,

  • the global MSE of factor scores

    GMSE r 2 = 1 N i = 1 N â r , i a r , i 2 , r = 1 , , R

where â r , i is the estimated proportion of the r-th factor in the i-th sample,

  • the reconstruction error (RE)

    RE= 1 NG i = 1 N y i y ˆ i 2
    (21)
  • where y ˆ i = r = 1 R m ˆ r â r , i is the estimate of y i ,

  • the spectral angle distance (SAD) between m r and its estimate m ˆ r for each factor r = 1, …, R

    SAD r = arccos m ˆ r T m r m ˆ r m r

where arccos(·) is the inverse cosine function,

  • the global spectral angle distance (GSAD) between y i (the i-th observation vector) and y ˆ i (its estimate)

    GSAD = 1 N i = 1 N arccos y ˆ i T y i y ˆ i y i ,
  • the computational time.

The proposed uBLU algorithm, the PCA, NMF and GB-GMF methods were implemented in Matlab 7.8.0 (R2009a). The BFRM software (version 2.0) was downloaded from [22] and implemented with default values for the parameters. All methods were implemented on an Intel(R) Core(TM)2 Duo processor.

Simulation results are reported in Tables 2, 3, 4 and 5. Note that the positivity and sum-to-one constraints that are enforced on the data for the proposed uBLU algorithm avoid the scale ambiguity inherent to any factor decomposition problem. Conversely, for the other factor decomposition methods (PCA, NMF, BFRM and GB-GMF), if {M, A} is an admissible solution, {M B, BTA} is also admissible for any scaling and permutation matrix B. Hence a re-scaling is required to identify appropriate permutations before computing MSEs and GMSEs. Moreover, when PCA, NMF, BFRM and GB-GMF methods are run for R = 4, we only considered the 3 factors yielding the 3 smallest SADs values.

Table 2 Simulation results for dataset D 1
Table 3 Simulation results for dataset D 2
Table 4 Simulation results for dataset D 3
Table 5 Simulation results for dataset D 4

These results show that the uBLU method is more flexible since it provides better unmixing performance across all of the considered synthetic datasets D 1 ,, D 4 as compared to other existing factorization methods (PCA, NMF, BFRM and GB-GMF). Moreover, uBLU has the following advantages: i) it is fully unsupervised and does not require the number of factors to be specified as a prior knowledge, ii) due to the constraints, the factors and factor scores are estimated without scale ambiguity. The disadvantage is the execution time: uBLU requires more computation due to the Gibbs sampling.

Evaluation on gene expression data

Here the proposed algorithm is illustrated on a real time-evolving gene expression data from recent viral challenge studies on influenza A/H3N2/Wisconsin. The data are available at GEO, accession number GSE30550.

Details on data collection

We briefly describe the dataset. For more details the reader is referred to [14, 18]. H3N2 dataset consists of the gene expression levels of N = 267 Affymetrix chips collected on 17 healthy human volunteers experimentally infected with influenza A/Wisconsin/67/2005 (H3N2). A clinical symptom score was assigned to each sample by clinicians who participated in the study. Nine of the 17 subjects (those labeled Z01, Z05, Z06, Z07, Z08, Z10, Z12, Z13, and Z15 in Figure 1c) became clinically ill during the study. These labels are only used as ground truth to quantify performance and are not available to the uBLU algorithm. The challenge consists of inoculating intranasally a dose of 106 TCID50 Influenza A manufactured and processed under current good manufacturing practices (cGMP) by Baxter BioScience. Peripheral blood microarray analysis was performed at multiple time instants corresponding to baseline (24 hours prior to inoculation with virus), then at 8 hour intervals for the initial 120 hours and then 24 hours for two further days. Each sample consisted of over G = 12000 gene expression values after standard microarray data normalization with RMA using the custom brain array cdf [14]. No other preprocessing was applied prior to running the five unsupervised methods (uBLU, PCA, NMF, BFRM, and GB-GMF).

Figure 1
figure 1

Experimental results on the H3N2 viral challenge dataset of gene expression profiles. (a) Estimated posterior distribution of the number of factors R. (b) Factor loadings ranked by decreasing dominance. (c) Heatmap of the factor scores of the inflammatory component clearly separates symptomatic subjects (bottom 9 rows) and the time course of their molecular inflammatory response. The five black colored pixels indicate samples that were not assayed.

Application of the proposed uBLU algorithm

The uBLU algorithm was run with Nmc = 10000 Monte Carlo iterations, including a burn-in period of Nbi = 1000 iterations. uBLU allows the posterior distribution of the number of factors R, depicted in Figure 1a, to be estimated. The results show that the MAP estimate of the number of factors is R ˆ MAP =4 (more than 90% of the generated Gibbs samples of the number of factors were equal to 4).

Figure 2 shows the reconstruction error RE(t) as a function of the number of iterations (t = 1, …). The reconstruction errors are computed from the observed gene expression data matrix and the estimates of the factor and factor score matrix M and A at each iteration. Figure 2 also indicates that the number of burn-in and Monte Carlo samples Nbi = 1000 and Nmc = 10000 are sufficient.

Figure 2
figure 2

Reconstruction error and estimated number of factors as a function of the number of iterations (H3N2 challenge data). Top: Reconstruction error (RE(t)) computed from the observation matrix Y and the estimated matrices M(t) and A(t) as a function of the iteration index t. Bottom: Estimated number of factors R(t) as a function of the iteration number t.

The different factors are depicted in Figure 1b where the G genes have been reordered so that the dominant genes are grouped together in each factor. Factors are then ordered with respect to their maximum loading. Specifically, the k-th sharp peak in the figure occurs at the gene index that has maximal loading in factor k. Genes to the right of this dominant gene up to the (k + 1)-st peak also dominate in this k-th factor, but at a lower degree. uBLU identifies a strong factor (the first factor, in red) by virtue of its significantly larger proportion of highly dominant genes. Many of the genes in this strong factor are recognizable as immune response genes that regulate pattern recognition, interferon, and inflammation pathways in respiratory viral response. A very similar factor was found in a different analysis [14, 18] of this dataset and here we call it the “inflammatory component”.

The factor scores corresponding to this inflammatory component are shown in Figure 1c, where they are rendered as an image whose columns (respectively rows) index the subjects (respectively the different time sampling instants). Figure 1c shows that uBLU clearly separates the samples of subjects exhibiting symptoms (associated with the last 9 rows) from those who remain asymptomatic (associated with the first 8 rows), when the estimated number of factors is R ˆ =4. Moreover, this symptom factor can be used to segment the data matrix into 3 states: pre-onset-symptomatic (before significant symptoms occur), post-onset-symptomatic and asymptomatic.

Furthermore, this inflammatory factor identified by the proposed uBLU algorithm is most highly represented in those samples associated with acute flu symptoms, as measured by modified Jackson scores (see [14], Figure 1B). The dominant gene contributors to this inflammatory component correspond to well-known transcription factors controlling immune response, inflammatory response and antigen presentation - see Table 6. The reader is referred to [14, 18] for more details on clinical determination of symptom scores and biological significance of the inflammatory component genes.

Table 6 NCI-curated pathway associations of group of genes contributing to uBLU inflammatory component

For comparison we applied a supervised version of the proposed uBLU algorithm to the H3N2 dataset. This was implemented by setting the number of factors to R = 4 and using the algorithm [13] to jointly estimate M and A. The inflammatory component found by the supervised algorithm was virtually identical to the one found by the proposed algorithm (uBLU) that automatically selects R = 4.

Comparison to other methods

The uBLU algorithm is compared with four matrix factorization algorithms, i.e. PCA, NMF, BFRM and GB-GMF methods.

Figure 3 depicts the different factors, ordered so that the inflammatory group is the leftmost one (in red). The factor loadings obtained with NMF or PCA reveal the inflammatory component. However, there are fewer highly dominant genes in the NMF and PCA loadings for this factor as compared to uBLU. The BFRM and GB-GMF methods found four pathways, several overlapping with those of uBLU, NMF and PCA.

Figure 3
figure 3

Factor loadings ranked by decreasing dominance for H3N2 challenge data. uBLU shows a particularly strong component (Figure 1b), the group 1, that corresponds to the well-known inflammatory pathway. NMF and PCA algorithms also reveal an inflammatory component, but it includes fewer relevant genes than uBLU. See Figure 4 for the corresponding factor scores.

Figure 4
figure 4

Heatmaps of the factor scores of the inflammatory component for H3N2 challenge data. The inflammatory factor determined by the proposed uBLU method (a) shows higher contrast between symptomatic and asymptomatic subjects than the other methods. The five black colored pixels of the heatmaps indicate samples that were not assayed.

The factor scores of the five matrix factorization methods corresponding to the inflammatory component are depicted in Figure 4. This figure shows that the uBLU and the NMF methods are better able to attain a high contrast separation between the acutely symptomatic samples and the other samples. This is confirmed by the evaluation of the Fisher criteria (22) between these two regions (see Table 7). Indeed, denote by (μpos, σ2pos) the empirical mean and variance of the scores associated with the Npos samples in the acute symptomatic state (bright colored samples in the lower right rectangle of Figure 1c). Denote by μ pos ¯ , σ 2 pos ¯ the same parameters for the remaining samples. The Fisher linear discriminant measure ([23], p. 119) is defined as

μ pos μ pos ¯ 2 N pos σ 2 pos + ( N N pos ) σ 2 pos ¯ .
(22)
Table 7 Simulation results for real H3N2 dataset

To compare the biological relevance of the inflammatory genes found by uBLU to those found by the other methods we performed gene enrichment analysis (GEA). Here we only report GEA comparisons between uBLU and NMF. Tables 6 and 8 show the pathway enrichment associated with the top 200 genes found by uBLU and NMF, respectively, using NCI pathway interaction database (http://pid.nci.nih.gov). The uBLU genes are significantly better associated with the NCI-curated pathways than the NMF genes. In particular, the two most enriched pathways, IFN-gamma and PDGFR beta signaling, associated with the uBLU genes have much higher statistical significance (lower p-value) than any of the pathways associated with NMF.

Table 8 NCI-curated pathway associations of group of genes contributing to NMF inflammatory component

Figure 5 shows how the factor scores of the dominant factor can be used as features to cluster samples. Euclidean multidimensional scaling (MDS) [24] is used to map the factor score vector for each sample as a coordinate in the plane. Each sample is embedded with a color and a size, denoting the state of the subject (asymptomatic subjects in blue, symptomatic subjects in red) and the time stamp, respectively. These figures show that uBLU can separate sick and healthy subjects, as well as or better than NMF, BFRM and GB-GMF.

Figure 5
figure 5

Chip clouds after demixing for H3N2 challenge data. These figures show the scatter of the four dimensional factor score vectors (projected onto the plane using MDS) for each algorithm that was compared to uBLU. uBLU, NMF and BFRM obtain a clean separation of samples of symptomatic (red points) and asymptomatic (blue points) subjects whereas the separation is less clear with PCA. In these scatter plots the size of a point is proportional to the time at which the sample was taken during challenge study.

One can conclude from these comparisons that, when applied on the H3N2 dataset, the proposed uBLU algorithm outperforms PCA, NMF, BFRM, and GB-GMF algorithms in terms of finding genes with higher pathway enrichment and achieving higher contrast of the acute symptom states.

The computational times required by the five considered matrix factorization methods, including the proposed uBLU algorithm, when applied to this real dataset, are reported in Table 7. The GB-GMF algorithm is slightly faster than the proposed algorithm but does not identify the inflammatory component or achieve good contrast of the acute symptom states in the H3N2 challenge study.

Conclusions

This paper proposes a new Bayesian unmixing algorithm for discovering signatures in high dimensional biological data, and specifically for gene expression microarrays. An interesting property of the proposed algorithm is that it provides positive factor loadings to ensure positivity as well as sum-to-one constraints for the factor scores. The advantages of these constraints are that they lead to better discrimination between sick and healthy individuals, and they recover the inflammatory genes in a unique factor, the inflammatory component. The proposed algorithm is fully unsupervised in the sense that it does not depend on any labeling of the samples and that it can infer the number of factors directly from the observation data matrix. Finally, as any Bayesian algorithm, the Monte Carlo-based procedure investigated in this study provides point estimates as well as confidence intervals for the unknown parameters, contrary to many existing factor decomposition methods such as PCA or NMF.

Simulation results performed on synthetic and real data demonstrated significant improvements. Indeed, when applied to real time-evolving gene expression datasets, the uBLU algorithm revealed an inflammatory factor with higher contrast between subjects who would become symptomatic from those who would remain asymptomatic (as determined by comparing to ground truth clinical labels).

In this study, the time samples were modeled as independent. Future works include extensions of the proposed model to account for time dependency between samples.

Appendix A: Gibbs sampler

This appendix provides more details about the Gibbs sampler strategy to generate samples{ M ( t ) , A ( t ) , σ 2 ( t ) , R ( t ) } distributed according to the joint distributionf M , A , σ 2 , R | Y (the reader is referred to [25] for more details about the Gibbs sampler and MCMC methods). This joint distribution can be obtained by integrating out the hyperparameter γ from f(Θ, γ|Y) defined in (18) and can be written

f M , A , σ 2 , R | Y f Y | M , A , σ 2 , R × f T | E , s 2 , R × f A | R × f σ 2 f R
(23)

where the dimensions of the matrices M, T, and A depend on the unknown number of factors R and the priors have been defined in the Section “Methods”.

The different steps of the Gibbs sampler are detailed below.

Inference of the number of factors

The proposed unsupervised algorithm includes a birth/death process for inferring the number of factors R, i.e., it generates samples R in addition to M and A. More precisely, at iteration t of the algorithm, a birth, death or switch move is randomly chosen with probabilities b R ( t ) , d R ( t ) and s R ( t ) . The birth and death moves consist of increasing or decreasing by 1 the number R of factors using a reversible jump step (see [21] for more details), whereas the switch move does not change the dimension of R and requires the use of a Metropolis-Hastings acceptance procedure. Let consider a move, at iteration index t, from the state {M(t), A(t), R(t)} to the new state {M, A, R}. The birth, death and switch moves are defined as follows, similar to those used in [26] (Algorithms 3, 4 and 5).

  • Birth move: When a birth move is proposed, a new signature m is randomly generated to build M = [M(t), m]. The new corresponding space is checked so that the signatures are sufficiently distinct and separate from one another. Then, a new factor score coefficient is drawn, for each vector a i (i = 1, …, N), from a Beta distribution 1 , R ( t ) , and the new factor score matrix, denoted as A, is re-scaled to sum to one.

  • Death move: When a death move is proposed, one of the factors of M(t), and its corresponding factor score coefficients, are randomly removed. The remaining factor scores are re-scaled to ensure the sum-to-one constraint.

  • Switch move: When a switch move is proposed, a signature m is randomly chosen and replaced with another signature randomly generated. If the new signature is too close to another, its corresponding factor scores are proportionately distributed among its closest factors. Indeed, the switch move consists of creating a new signature (birth move) and deleting another one (death move) in a faster single step.

Each move is then accepted or rejected according to an empirical acceptance probability: the likelihood ratio between the actual state and the proposed new state. The factor matrix M, the factor score matrix A and the noise variance σ2 are then updated, conditionally upon the number of factors R, using the following Gibbs steps.

Generation of samples according to f(T|A, σ2, R, Y)

Sampling from the joint conditional f(T|A, σ2, R,Y) is achieved by updating each column of T using Gibbs moves. Let denote Tr the matrix T whose r-th column has been removed. The posterior distribution of t r is the following truncated multivariate Gaussian distribution (MGD)

t r | T r , a r , σ 2 ,Y N T r τ r , Γ r
(24)

where

Γ r = i = 1 N a r , i 2 P Σ 1 P T + 1 s r 2 I R 1 , τ r = Γ r i = 1 N a r , i P Σ 1 ϵ r , i + 1 s r 2 e r , ϵ r , i = y i a r , i y ̄ j r a r , i m j .
(25)

For more details on how we generate realizations from this truncated distribution, see [13].

Generation of samples according to f(a1:R − 1, i|T, σ2, R, Y)

Straightforward computations lead to the posterior distribution of each element of a1:R − 1, i

f a 1 : R 1 , i | T , σ 2 , R , Y exp 1 2 a ̄ 1 : R 1 , i T Σ 1 : R 1 , i 1 a ̄ 1 : R 1 , i × 1 S a 1 : R 1 , i
(26)

where

a ̄ 1 : R 1 , i = a 1 : R 1 , i μ 1 : R 1 , i , Σ 1 : R 1 , i = M ¯ R T Σ 1 M ¯ R 1 , μ 1 : R 1 , i = Σ 1 : R 1 , i M ¯ R T Σ 1 M ¯ R , M ¯ R = M R m R 1 R 1 T ,
(27)
1 R 1 = 1 , , 1 R R 1

and MR denotes the factor loading matrix M whose R-th column has been removed. Equation (26) shows that the factor score distribution is an MGD truncated on the simplex S defined in (12).

Generation of samples according to f(σ2|T, A, R, Y)

Using (14) and (16), one can show that the conditional distribution f(σ2|M, A, Y) is the following inverse-Gamma distribution

σ 2 |M,A,YIG GN 2 , 1 2 i = 1 N y i Ma i 2 .
(28)

Appendix B: Contribution of each of uBLU’s constraints

To illustrate the advantage of enforcing non-negativity and sum-to-one constraints on the factors and on the factor scores, as detailed in the Methods section, we evaluated the effect of successively stripping out these constraints from uBLU. In particular we implemented uBLU under the following conditions: i) without any constraints, ii) with only the positivity constraints on the factors and the scores, iii) with only the sum-to-one constraint on the scores, and iv) with both positivity and sum-to-one constraint on factors and scores as proposed in (5).

Figures 6 display heatmaps of the factor scores of the inflammatory component. The segmentation into two main regions (post-symptomatic samples and asymptomatic samples) becomes apparent only when the sum-to-one constraint is enforced on the scores. To quantify the benefit that is visible in Figure 6 we performed a GEA analysis, reported in Table 9, on the top 200 genes found in each of the inflammatory components found by uBLU implemented with no constraints, positivity constraints, sum-to-one constraints, and both constraints. The table shows that both constraints are necessary to obtain the best enrichment scores (lowest possible p-values).

Figure 6
figure 6

Contribution of each constraint on the scores of the inflammatory factor (H3N2 challenge data). The five black colored pixels of the heatmaps indicate samples that were not assayed. Note that when only the sum-to-one constraint is applied, non-negativity is not guaranteed. However, for this dataset the sum-to-one factor scores turn out to take on non-negative values for the inflammatory factor (but not for the other factors).

Table 9 Contribution of each of uBLU’s constraints

References

  1. Carvalho CM, Chang J, Lucas JE, Nevins JR, Wang Q, West M: High-dimensional sparse factor modelling: applications in gene expression genomics. J Am Stat Assoc 2008,103(484):1438-1456. 10.1198/016214508000000869

    Article  PubMed Central  CAS  PubMed  Google Scholar 

  2. Paisley J, Carin L: Nonparametric factor analysis with beta process priors. In Proc 26th Annual Int Conf on Machine Learning. ICML 2009. Montreal, Quebec, Canada; 2009:777-784.

    Google Scholar 

  3. Chen B, Chen M, Paisley J, Zaas A, Woods C, Ginsburg GS, Hero AO, Lucas J, Dunson D, Carin L: Bayesian inference of the number of factors in gene-expression analysis: application to human virus challenge studies. BMC Bioinformatics 2010, 11: 552. 10.1186/1471-2105-11-552

    Article  PubMed Central  PubMed  Google Scholar 

  4. West M: Bayesian Factor regression models in the “Large p, Small n” paradigm. In Bayesian Statistics 7. Oxford University Press; 2003:723-732.

    Google Scholar 

  5. Yeung KY, Ruzzo WL: Principal component analysis for clustering gene expression data. Bioinformatics 2001,17(9):763-774. 10.1093/bioinformatics/17.9.763

    Article  CAS  PubMed  Google Scholar 

  6. Nascimento JM, Bioucas-Dias JM: Vertex component analysis: A fast algorithm to unmix hyperspectral data. IEEE Trans Geosci Remote Sensing 2005,43(4):898-910.

    Article  Google Scholar 

  7. Lee DD, Seung HS: Algorithms for non-negative matrix factorization. Proc Neural Info Process Syst 2000, 13: 556-562.

    Google Scholar 

  8. Fogel P, Young SS, Hawkins DM, Ledirac N: Inferential, robust non-negative matrix factorization analysis of microarray data. Bioinformatics 2007, 23: 44-49. 10.1093/bioinformatics/btl550

    Article  CAS  PubMed  Google Scholar 

  9. McLachlan GJ, Bean RW, Peel D: A mixture model-based approach to the clustering of microarray expression data. Bioinformatics 2002,18(3):413-422. 10.1093/bioinformatics/18.3.413

    Article  CAS  PubMed  Google Scholar 

  10. Baek J, McLachlan GJ: Mixtures of common t-factor analyzers for clustering high-dimensional microarray data. Bioinformatics 2011, 27: 1269-1276. 10.1093/bioinformatics/btr112

    Article  CAS  PubMed  Google Scholar 

  11. Moloshok TD, Klevecz RR, Grant JD, Manion FJ, Speier WF, Ochs MF: Application of Bayesian decomposition for analysing microarray data. Bioinformatics 2002, 18: 566-575. 10.1093/bioinformatics/18.4.566

    Article  CAS  PubMed  Google Scholar 

  12. Fertig EJ, Ding J, Favorov AV, Parmigiani G, Ochs MF: CoGAPS: an R/C++ package to identify patterns and biological process activity in transcriptomic data. Bioinformatics 2010, 26: 2792-2793. 10.1093/bioinformatics/btq503

    Article  PubMed Central  CAS  PubMed  Google Scholar 

  13. Dobigeon N, Moussaoui S, Coulon M, Tourneret JY, Hero AO: Joint Bayesian endmember extraction and linear unmixing for hyperspectral imagery. IEEE Trans Signal Process 2009,57(11):4355-4368.

    Article  Google Scholar 

  14. Huang Y, Zaas AK, Rao A, Dobigeon N, Woolf PJ, Veldman T, Oien NC, McClain MT, Varkey JB, Nicholson B, Carin L, Kingsmore S, Woods CW, Ginsburg GS, Hero A: Temporal dynamics of host molecular responses differentiate symptomatic and asymptomatic influenza A infection. PLoS Genet 2011,8(7):e1002234.

    Article  Google Scholar 

  15. Hyvärinen A, Karhunen J, Oja E: Independent Component Analysis. New York: John Wiley; 2001.

    Book  Google Scholar 

  16. Dueck D, Morris QD, Frey BJ: Multi-way clustering of microarray data using probabilistic sparse matrix factorization. Bioinformatics 2005, 21: 144-151. 10.1093/bioinformatics/bth498

    Article  Google Scholar 

  17. Nikulin V, Huang TH, Ng SK, Rathnayake S, McLachlan GJ: A very fast algorithm for matrix factorization. Stat Probability Lett 2011,81(7):773-782. 10.1016/j.spl.2011.02.001

    Article  Google Scholar 

  18. Zaas AK, Chen M, Varkey J, Veldman T, Hero AO, Lucas J, Huang Y, Turner R, Gilbert A, Lambkin-Williams R, Øien NC, Nicholson B, Kingsmore S, Carin L, Woods CW, Ginsburg GS: Gene expression signatures diagnose influenza and other symptomatic respiratory viral infections in humans. Cell Host Microbe 2009,6(3):207-217. [http://www.ncbi.nlm.nih.gov/pubmed/19664979] [] 10.1016/j.chom.2009.07.006

    Article  PubMed Central  CAS  PubMed  Google Scholar 

  19. Winter ME: N-FINDR: an algorithm for fast autonomous spectral end-member determination in hyperspectral data. Imaging Spectrometry V Proc SPIE 3753 1999, 266-275.

    Google Scholar 

  20. Gilks WR, Richardson S, Spiegelhalter DJ: Markov Chain Monte Carlo in Practice. London: Chapman and Hall; 1996. (ISBN: 0-412-05551-1) (ISBN: 0-412-05551-1)

    Google Scholar 

  21. Green PJ: Reversible jump Markov chain Monte Carlo computation and Bayesian model determination. Biometrika 1995,82(4):711-732. 10.1093/biomet/82.4.711

    Article  Google Scholar 

  22. BFRM Software: bayesian factor regression modelling [http://www.stat.duke.edu/research/software/west/bfrm/download.html] []

  23. Duda RO, Hart PE, Stork DG: Pattern Classification. New York: Wiley-Interscience; 2000.

    Google Scholar 

  24. Cox TF, Cox MAA: Multidimensional Scaling. London: Chapman and Hall; 1994.

    Google Scholar 

  25. Robert CP, Casella G: Monte Carlo Statistical Methods. New York: Springer-Verlag; 1999.

    Book  Google Scholar 

  26. Dobigeon N, Tourneret JY, Chang CI: Semi-supervised linear spectral unmixing using a hierarchical Bayesian model for hyperspectral imagery. IEEE Trans Signal Process 2008,56(7):2684-2695.

    Article  Google Scholar 

Download references

Acknowledgements

This work was supported in part by DARPA under the PHD program (DARPA-N66001-09-C-2082). The views, opinions, and findings contained in this article are those of the authors and should not be interpreted as representing the official views or policies, either expressed or implied, of the Defense Advanced Research Projects Agency or the Department of Defense. Approved for Public Release, Distribution Unlimited.

Author information

Authors and Affiliations

Authors

Corresponding authors

Correspondence to Cécile Bazot or Nicolas Dobigeon.

Additional information

Competing interests

The authors declare that they have no competing interests.

Authors’ contributions

CB, ND, JYT and AH performed the statistical analysis. GG and AZ designed the Flu challenge experiment that generated the data used to compare the methods. All authors contributed to the manuscript and approved the final version.

Electronic supplementary material

12859_2012_5920_MOESM1_ESM.pdf

Additional file 1:Supplementary materials on algorithm details and performance validation. Directed acyclic graph (DAG) of the model and flowchart of the proposed algorithm are provided in this additional file. More results on synthetic datasets are also presented to validate the proposed Bayesian algorithm, including a convergence diagnosis. (PDF 774 KB)

Authors’ original submitted files for images

Rights and permissions

This article is published under license to BioMed Central Ltd. This is an Open Access article distributed under the terms of the Creative Commons Attribution License (http://creativecommons.org/licenses/by/2.0), which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.

Reprints and permissions

About this article

Cite this article

Bazot, C., Dobigeon, N., Tourneret, JY. et al. Unsupervised Bayesian linear unmixing of gene expression microarrays. BMC Bioinformatics 14, 99 (2013). https://doi.org/10.1186/1471-2105-14-99

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/1471-2105-14-99

Keywords