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

Genomic prediction using subsampling

An Erratum to this article was published on 26 April 2017

Abstract

Background

Genome-wide assisted selection is a critical tool for theĀ genetic improvement of plants and animals. Whole-genome regression models in Bayesian framework represent the main family of prediction methods. Fitting such models with a large number of observations involves a prohibitive computational burden. We propose the use of subsampling bootstrap Markov chain in genomic prediction. Such method consists of fitting whole-genome regression models by subsampling observations in each round of a Markov Chain Monte Carlo. We evaluated the effect of subsampling bootstrap on prediction and computational parameters.

Results

Across datasets, we observed an optimal subsampling proportion of observations around 50% with replacement, and around 33% without replacement. Subsampling provided a substantial decrease in computation time, reducing the time to fit the model by half. On average, losses on predictive properties imposed by subsampling were negligible, usually below 1%. For each dataset, an optimal subsampling point that improves prediction properties was observed, but the improvements were also negligible.

Conclusion

Combining subsampling with Gibbs sampling is an interesting ensemble algorithm. The investigation indicates that the subsampling bootstrap Markov chain algorithm substantially reduces computational burden associated with model fitting, and it may slightly enhance prediction properties.

Background

The use of genomic tools has become important for the genetic improvement of complex traits in plants and animals through genome-wide prediction (GWP). GWP provides an interesting solution for the selection of traits with low heritability, such as grain yield in crops and milk production in dairy cattle, as well as for traits that present challenging or expensive phenotyping.

Over the past decade, researchers have tried to overcome the pitfalls of increased computational burden associated with gains in prediction accuracy from GWP of complex traits. Increases in predictive ability (and computational burden) are often associated with better statistical learning properties, such as regularization and variable selection [1]. Hence models with an improved ability to identify patterns provide more robust predictions, but computational costs are involved.

In statistical learning, resampling techniques are common approaches used to turn weak learners into strong learners [2]. Gianola et al. [3] showed that bootstrapping aggregation could improve prediction accuracy of kernel-based genomic best linear unbiased prediction (GBLUP) model in genomic prediction of plant and animals. We hypothesized that a similar approach could apply to whole-genome regression methods, often referred to as the Bayesian alphabet [4].

Besides computational advantages offered by some resampling methods, these techniques may also help to overcome theoretical shortcomings of some of these Bayesian methods, such as the bias of BayesA [5]. The objective of this study was to evaluate the predictive and computational outcomes from the application of a resampling technique ensemble with the Gibbs sampler to a Bayesian ridge regression model.

Sampling procedures

In addition to the increasing number of markers available over time due to higher density single nucleotide polymorphism (SNP) arrays and even resequencing, computation challenges include the large number of samples from which those genotypes are taken [6]. The computational burden associated with large population sizes is more evident in plant breeding, where hundreds of crosses with large offspring are genotyped and selected every season using GWP. Sampling methods are often necessary to enable such complex statistical procedures in large datasets. Among those, two main classes of sampling techniques are Markov chain Monte Carlo (MCMC) and Bootstrapping.

The MCMC method is possibly the most popular Monte Carlo algorithm with application to linear models, providing a feasible framework to resolve high-dimensional problems (i.e., more parameters than observations) with moderate computer power [7]. Likewise, bootstrapping also provides an interesting framework for solving large-scale problems [8, 9], particularly a method known as subsampling [10] used to reduce data dimensionality.

Gibbs sampling

Gibbs sampling is a widely used MCMC technique, applied in conjunction with Bayesian methods to generate the posterior distribution of the parameters. The posterior distribution is denoted as \( p\left(\varTheta \Big| X\right) \), where \( \varTheta \) represents the set of unknown parameters \( \varTheta =\left\{{\theta}_1,{\theta}_2,\dots, {\theta}_r\right\} \), and \( X \) represents the data. The Gaussian model described in the following section, unknown parameters include the intercept (\( \upmu \)), the vector of regression coefficients (\( \mathbf{b} \)) and variance components, as \( \varTheta =\left\{\upmu, \mathbf{b},{\upsigma}_{\mathrm{b}}^2,{\upsigma}_{\mathrm{e}}^2\right\} \), whereas the observed data comprises the genotypic information (\( \mathbf{X} \)) of individuals and phenotype (\( \mathbf{y} \)), as \( X=\left\{\mathbf{X},\mathbf{y}\right\}. \)

Gibbs sampling algorithms are based on updating each parameter with samples drawn from the full-conditional posterior distribution, one parameter at a time while holding every other parameter constant. Each parameter \( \theta \) is sampled from

$$ p\left(\theta \left| X\right.\right)\propto f\left( X\left|\theta \right.\right)\pi \left(\theta \right),\forall \theta \in \varTheta, $$
(1)

where \( p\left(\theta | X\right) \) denotes the posterior distribution of \( \theta \), the likelihood is expressed as \( f\left( X\Big|\theta \right) \) and the prior distribution of \( \theta \) is \( \pi \left(\theta \right) \).

In most implementations, regression coefficients are sampled individually from normal distributions whereas variance components are sampled from scaled inverse chi-squared distributions [4, 5]. Every time a parameter (i.e., regression coefficients and variance components) or a conjugated prior is updated, its value is stored as samples of the posterior distribution. The final Bayesian estimator is the expectation of the posterior distribution, obtained as the mean of the posterior distribution.

Bootstrapping aggregation

A natural strategy to increase prediction accuracy is to build and combine multiple prediction models generated from samples of a large dataset, averaging the outcome predictor [11]. Bootstrapping aggregation, or simply ā€˜baggingā€™, is implemented in linear models by fitting the function \( {\widehat{f}}_1\left(\mathrm{x}\right),{\widehat{f}}_2(x),\dots, {\widehat{f}}_B(x) \) with \( B \) bootstrapped samples of the dataset and the final model, with reduced variance, will be given by

$$ {\widehat{f}}_{avg}(x)=\frac{1}{B}{\displaystyle {\sum}_{b=1}^B{\widehat{f}}_b(x),}\kern0.14em x\subset X. $$
(2)

Regression coefficients are stored each time the model is fitted, hence generating an empirical distribution of each parameter. Bagging parameters are obtained as the mean of this distribution.

With bootstrapping, when samples are obtained with replacement, the number of observations sampled is commonly the same size as the initial dataset, recognizing that some observations may be sampled more than once. When bootstrapping is performed with fewer samples than the original number of observations, sampling can proceed either with or without replacement. The latter case is known as subsampling.

Subsampling bootstrap Markov chains

MCMC and Bootstrap are usually implemented separately, such that some studies have attempted to compare the performance of these samplers [12]. Nevertheless, both methods can be co-implemented. A co-implementation that is becoming popular in the context of big data is a technique known as subsampling bootstrap Markov chain (SBMC). In this algorithm, the Markov chain update mechanism is performed upon a subset (\( x \)) of the whole data (\( X \)) and a different subset is used to update the parameters in each round of MCMC. Therefore, each parameter is sampled from the posterior distribution

$$ p\left(\theta \left| x\right.\right)\propto f\left( x\left|\theta \right.\right)\pi \left(\theta \right),\forall \theta \in \varTheta, x\subset X. $$
(3)

The concept of subsampling Gibbs sampler was first presented by Geyer [13] and some predictive properties were further investigated by MacEachern and Peruggia [14]. Regarding the applications to genome-wide prediction of complex traits, SBMC can be used to update the regression coefficients [15], hence increasing the computational performance of model fitting.

Methods

Statistical model

The family of whole-genome regression methods is a standard set of models widely applied for genomic prediction [4]. Among these, Bayesian ridge regression is a regularized model that assigns the same variance to every marker. The linear model is described as follows:

$$ \mathbf{y}=1\upmu +\mathbf{X}\mathbf{b}+\mathbf{e} $$
(4)

where \( \mathbf{y} \) is the response variable (i.e., the phenotypic information), \( \upmu \) is a scalar representing the intercept, \( \mathbf{X} \) is the genotypic matrix coded as {0,1,2} for {AA, Aa, aa} where rows correspond to the genotypes and columns correspond to the molecular markers, \( \mathbf{b} \) is a vector of regression coefficients that represents the additive value of allele substitutions, and \( \mathbf{e} \) is the vector of residuals. In this model, both regression coefficients and residuals are assumed to be normally distributed as \( \mathbf{b}\sim \mathrm{N}\left(0,\mathrm{I}{\upsigma}_{\mathrm{b}}^2\right) \) and \( \mathbf{e}\sim \mathrm{N}\left(0,\mathrm{I}{\upsigma}_{\mathrm{e}}^2\right) \). The variances are assumed to follow a scaled inverse chi-squared distribution with a given prior shape (S) and prior degrees of freedom (\( \upnu \)), thus \( {\upsigma}_{\mathrm{b}}^2\sim {\upchi}^{-2}\left({\mathrm{S}}_{\mathrm{b}},{\upnu}_{\mathrm{b}}\right) \) and \( {\upsigma}_{\mathrm{e}}^2\sim {\upchi}^{-2}\left({\mathrm{S}}_{\mathrm{e}},{\upnu}_{\mathrm{e}}\right) \).

High-dimensional methods are regularized to enable fitting the model without losing predictive properties [2]. The regularization of linear models occurs by shrinking regression coefficients, which also biases predictions downwards [1]. The Bayesian ridge regression attempts to estimate regression coefficients with the minimum bias necessary for a satisfying prediction (i.e., minimum variance), a solution referred to as best linear unbiased predictor [4, 5]. As an optimization problem, the loss function to be minimized by the model (equation 4) that balances variance and bias is described as

$$ {L}_2={\left(\mathbf{y}-\upmu -\mathbf{Xb}\right)}^{\prime}\left(\mathbf{y}-\upmu -\mathbf{Xb}\right)+\uplambda \left({\mathbf{b}}^{\prime}\mathbf{b}\right) $$
(5)

where \( \uplambda \) is the regularization parameter, the ratio between the residual variance and the genetic variance of marker effects, as \( \uplambda ={\upsigma}_{\mathrm{e}}^2/{\upsigma}_{\mathrm{b}}^2 \). For the model in consideration, the regularization parameter assumes a single value for all regression coefficients.

Coefficient update

Sorensen and Gianola [16] show that the full conditional distribution of regression coefficients for Gibbs sampling from a normal distribution has a closed form. The expectation is derived from the Cholesky decomposition of the left-hand side (LHS) of the mixed model equation. The computational cost of operations such as solving the mixed model equation is described in terms of \( n \) observations and \( p \) parameters. The cost associated with the Cholesky decomposition is \( {p}^3 \), making it computationally unfeasible for high-dimensional problems (\( p\gg n \)), such as whole-genome regression methods. On the other hand, the Gauss-Seidel residual updating (GSRU) algorithm [15] has a computational cost of \( 3 p n \), which is much lower than for the Cholesky decomposition in this scenario. A Gibbs sampler based on GSRU updates the \( {\mathrm{j}}^{\mathrm{th}} \) regression coefficient as

$$ {\mathrm{b}}_{\mathrm{j}}^{\mathrm{t}+1}\left|\ast \sim \mathrm{N}\left(\frac{{\mathrm{x}}_{\mathrm{j}}'{\mathrm{e}}^{\mathrm{t}}+{\mathrm{x}}_{\mathrm{j}}'{\mathrm{x}}_{\mathrm{j}}{\mathrm{b}}_{\mathrm{j}}^{\mathrm{t}}}{{\mathrm{x}}_{\mathrm{j}}'{\mathrm{x}}_{\mathrm{j}}+{\uplambda}_{\mathrm{j}}},\frac{\sigma_e^2}{{\mathrm{x}}_{\mathrm{j}}'{\mathrm{x}}_{\mathrm{j}}+\uplambda}\right)\right. $$
(6)

where \( {\mathrm{x}}_{\mathrm{j}} \) is the vector corresponding to the \( {\mathrm{j}}^{\mathrm{th}} \) marker and \( * \) represents the data and all parameters other than the one being updated. The coefficient update is followed by update of the vector of residual

$$ {\mathbf{e}}^{\mathrm{t}+1}={\mathbf{e}}^{\mathrm{t}}+{\mathbf{x}}_{\mathrm{j}}\left({\mathrm{b}}_{\mathrm{j}}^{\mathrm{t}+1}-{\mathrm{b}}_{\mathrm{j}}^{\mathrm{t}}\right). $$
(7)

The greatest advantage of GSRU comes from the low computational cost of updating the right-hand side (RHS) of the mixed model equation [15], solving the linear system one parameter at a time without computing \( \mathbf{X}'\mathbf{X} \). Subsequently, variance components are updated as

$$ \left.{\sigma}_b^2\right|\ast \sim \frac{{\mathbf{b}}^{\mathbf{\prime}}\mathbf{b}+{\mathrm{S}}_{\mathrm{b}}{v}_{\mathrm{b}}}{\chi_{p+{v}_b}^2}\ \mathrm{and}\ \left.{\upsigma}_{\mathrm{e}}^2\right|\ast \sim \frac{{\mathbf{e}}^{\mathbf{\prime}}\mathbf{e}+{\mathrm{S}}_{\mathrm{e}}{v}_{\mathrm{e}}}{\chi_{n+{v}_{\mathrm{e}}}^2}. $$
(8)

where \( {\mathrm{S}}_{\mathrm{e}} \), \( {\upnu}_{\mathrm{e}} \), \( {\mathrm{S}}_{\mathrm{b}} \), and \( {\upnu}_{\mathrm{b}} \) correspond to the prior parameters ā€œshapeā€ and ā€œdegrees of freedomā€ of the residual and genetic variance, respectively.

SBMC extension

We here propose incorporating subsampling into the Gibbs sampler. This variation implies sampling a \( \uppsi \) fraction of the data (\( \uppsi\;\in\;\left[0,1\right] \)) to update regression coefficients and residual variance in each round of MCMC.

For a matter of notation, let \( \overset{\sim }{\mathbf{X}} \) and \( \overset{\sim }{\mathbf{e}} \) represent the bagged subsamples, in other words, a fraction of \( \mathbf{X} \) and \( \mathbf{e} \) that contains \( \uppsi \) percent of observations sampled at random in a given round of MCMC. This modified GSRU would have an expected computational cost of \( 3 p n\uppsi \).

To accommodate bagged samples, sampling algorithms of regression coefficients and residual variance undergo a slight modification. Regression coefficients are updated or sampled as

$$ \left.{b}_j^{t+1}\right|\ast \sim N\left(\frac{{\tilde{\mathbf{x}}}_{\mathrm{j}}^{\mathbf{\prime}}{\tilde{\mathbf{e}}}^{\mathrm{t}}+\uppsi {\mathbf{x}}_{\mathrm{j}}^{\mathbf{\prime}}{\mathbf{x}}_{\mathrm{j}}{\mathrm{b}}_{\mathrm{j}}^{\mathrm{t}}}{\uppsi {\mathbf{x}}_{\mathrm{j}}^{\mathbf{\prime}}{\mathbf{x}}_{\mathrm{j}}+{\uplambda}_{\mathrm{j}}},\frac{\sigma_{\mathrm{e}}^2}{\uppsi {\mathbf{x}}_{\mathrm{j}}^{\mathbf{\prime}}{\mathbf{x}}_{\mathrm{j}}+{\uplambda}_{\mathrm{j}}}\right) $$
(9)

with subsequent residual update

$$ {\overset{\sim }{\mathbf{e}}}^{t+1}={\overset{\sim }{\mathbf{e}}}^t+{\mathbf{x}}_{\mathrm{j}}\left({b}_j^{t+1}-{b}_j^t\right). $$
(10)

The entire \( {\mathrm{k}}^{\mathrm{th}} \) round of MCMC is updated using the subsampled dataset \( {x}^{\mathrm{k}}=\left\{\overset{\sim }{\mathbf{X}},\overset{\sim }{\mathbf{e}}\right\} \). Since the residual variance is a function of the number of observations, its update is slightly modified from equation 8 as

$$ \left.{\sigma}_e^2\right|*\sim \frac{{\tilde{\mathbf{e}}}^{\mathbf{\prime}}\tilde{\mathbf{e}}+{\mathrm{S}}_{\mathrm{e}}{v}_{\mathrm{e}}}{\upchi_{\uppsi \mathrm{n}+{v}_{\mathrm{e}}}^2}. $$
(11)

The sampling procedure above assumes that the variance associated to markers in the subsamples are approximately the same as in the whole data (\( {\sigma}_{\overset{\sim }{\mathrm{x}}}^2\approx {\sigma}_{\mathrm{x}}^2 \)). That is, the marker sum of squares (\( \mathbf{x}'\mathbf{x} \)) is expected to reduce linearly according to the proportion of bag samples (\( \uppsi \mathbf{x}'\mathbf{x} \)) to avoid recalculating the sum of squares of bagged markers (\( {\overset{\sim }{\mathbf{x}}}^{\prime}\overset{\sim }{\mathbf{x}} \)) for each round of MCMC. In genetic terms, the subset is assumed to have the same allele frequencies as the whole set.

The SBMC algorithm is implemented in the R package bWGR [17] using the \( {\mathrm{R}}^2 \) rule proposed by PĆ©rez and de Los Campos [18] to estimate prior shapes using the whole data, based on \( {\mathrm{R}}^2=0.5 \), with the values of prior degrees of freedom set as \( {\upnu}_{\mathrm{e}}=5 \) and \( {\upnu}_{\mathrm{b}}=5 \). In the \( {\mathrm{R}}^2 \) rule [18], prior shapes are estimated as

$$ {\mathrm{S}}_{\mathrm{b}}={R}^2\times {\sigma}_{\mathrm{y}}^2\times \frac{\left({v}_{\mathrm{b}}+2\right)}{{\displaystyle {\sum}_{\mathrm{j}}{\upsigma}_{{\mathrm{x}}_{\mathrm{j}}}^2}} $$
(12)

and

$$ {S}_e=\left(1-{R}^2\right)\times {\sigma}_y^2\times \left({v}_e+2\right). $$
(13)

Dataset

Three datasets available on R packages [18, 19] were chosen to demonstrate the effect of bagging on genomic prediction, including a wheat panel from the International Maize and Wheat Improvement Center (CIMMYT), as the median of grain yield observed in four environments [20]; a mouse panel designed to study body mass index [21] but using only half the SNP panel obtained by skipping every other marker; a soybean panel with eight bi-parental families with elite parents from the SoyNAM project [19] with phenotypes observed in eighteen environments; and a simulated F2 population with 10 chromosomes of 50Ā cM each, genotyped at density of 1 SNP/cM, and with one QTL every 10Ā cM placed between markers. Heritability of traits was computed by restricted maximum likelihood (REML) upon the animal model with additive kernel [22]. Markers with minor allele frequency below 0.05 were removed. Datasets are summarized in TableĀ 1.

Table 1 Summary of datasets used in this study

Prediction metrics

Prediction statistics were obtained with a 10-fold cross validation scheme. We fitted the Bayesian ridge regression model using subsampling from 25 to 100%, by increment of 1%, with and without replacement. We set the algorithm for 4000 MCMC iterations to ensure convergence [16], with 500 of burn-in [18].

To determine the efficacy of subsampling, we evaluated the mean square prediction error (MSPE), prediction bias as the slope of linear regression between predictions and observations (\( {\upbeta}_{\mathrm{y},\widehat{\mathrm{y}}} \)), computation time in minutes, and predictive ability as the Pearsonā€™s correlation between predictions and observations (\( \mathrm{C}\mathrm{o}{\mathrm{r}}_{\mathrm{y},\widehat{\mathrm{y}}} \)).

Results

The mean outcome of prediction metrics across datasets is presented in Fig.Ā 1. The results by individual dataset are presented in the Additional file 1. Numeric results for some proportions of subsampling are presented in TableĀ 2.

Fig. 1
figure 1

Prediction metrics (y axis) varying the amount of data under subsampling (x axis). Average across four datasets. a Bias as the slope between predicted and observed values; b Predictive ability as the correlation between predicted and observed values; c Mean squared prediction error; and d Computation time to fit the linear model

Table 2 Summary of prediction metrics with for the complete dataset (Complete), and subsampling 50% with replacement (wR), and 33 and 50% without replacement (woR)

Computational improvement

The computational time had a linear response to subsampling (Fig.Ā 1d). As expected, subsampling is clearly beneficial to speed up the computation of model fitting. The same trend was observed for individual datasets (Additional file 1). Although our evaluation of the improvement of computational performance used relatively small datasets, we believe the results must hold for larger datasets.

In comparison to fitting the model with whole data (TableĀ 2), the computation time to fit the model at 50% subsampling was 33.6% faster with replacement and 58.3% faster without replacement. Yet, the computational cost was less than expected, once \( 3 p n\uppsi \) with \( \uppsi =0.5 \) should provide a model fitting 100% faster. This difference can be attributed to the computational cost of the sampling process along with the fixed cost of the initial problem settings. Computationtime 100% faster was achieved for subsampling 33% (or less) without replacement.

Interestingly, subsampling with replacement presented a slightly higher computational cost, also presenting worse predictive properties for subsampling lower than 40% or higher than 60%.

Implications of subsampling on prediction parameters

Bias

The use of the complete dataset was nearly unbiased (TableĀ 2). Subsampling with replacement was biased downwards, presenting the least bias at 40% replacement (\( {\upbeta}_{\mathrm{y},\widehat{\mathrm{y}}}=0.824 \)). Subsampling without replacement presented slight upward bias, being 1.8 and 5.8% more biased than the complete dataset at 33 and 50% subsampling, respectively.

Predictive ability

Across datasets (TableĀ 2), the loss in predictive ability was negligible. Correlation between predictions and observations decreased 0.2% by subsampling with replacement at 50% subsampling, and 0.4% without replacement at both 33 and 50% subsampling.

MSPE

The negative impact on MSPE due to subsampling was also negligible. An increase of 0.3 and 0.2% were observed at 33 and 50% subsampling without replacement (TableĀ 2). The impact of subsampling on MSPE was slightly higher with replacement, increasingĀ 1.76% at 50% subsampling.

Dataset specific analysis

Although negligible, we observed a slight improvement in predictive ability and MSPE for all datasets at some optimal subsampling point. The optimal subsampling and respective improvement in predictive ability and MSPE are presented in TableĀ 3.

Table 3 Optimal sampling observed for individual datasets to enhance predictive ability (PA) and mean squared prediction error (MSPE). Subsampling performed with (wR) and without replacement (woR)

Discussion

Prediction machinery

Any algorithm that enhances prediction or computation performance is valuable for machine learning. At its optimal utilization, SBMC has the potential of improving prediction while reducing the computational cost [14]. However, reported results vary regarding any prediction improvement provided by subsampling [8, 23]. Subsampling has not been investigated in big data, for neither large \( n \) nor large \( p \), and that is a specific niche where subsampling may work best.

Previous studies indicate that there are no guarantees that SBMC will improve prediction, but it at least provides results equivalent to the whole dataset; however, we showed that subsampling can also provide a positive outcome for genomic prediction besides the computational aspects (TableĀ 3), where the improvement reached 2.5% for the mouse data. We recommend including a bagging WGR with 50% subsampling without replacement in cross-validation studies looking for the most accurate prediction model.

Random data

An interesting statistical property provided by SBMC is that data is sampled from a larger set, which is associated with that definition of a random term. This occurs because the observations used to update parameters are sampled from the empirical distribution of the data. This property violates the Bayesian assumption that data are given.

In classical Bayesian analysis, inferences are made based upon the posterior distribution of parameters given data, whereas random data implies that the parameters are sampled from the distribution of parameters given the current state of data. MCMC drives the posterior towards a relative entropy, possibly with larger sample variance associated with the continuous resampling used to update parameters with different subsets of data, but without obvious implications for the interpretation of the results [24].

Incompleteness of data

Geyer [25] discussed the issue of subsampling Markov chains concluding ā€œone does not get a better answer by throwing away data.ā€ Nevertheless, he emphasizes that the value of the technique is 1) the reduction of dimensionality of \( n \), and 2) the reduction of auto-correlation among chains.

Our counterargument is that the all data are used in the course of model fitting, although not simultaneously. In addition, accurate estimates are obtained when the subsampling strategy is used correctly [14]. We show that subsampling is a valid approach for genomic prediction purposes to fit high-dimensional models (\( p\gg n \)).

Future directions

Subsampling uses only part of the data to fit the model in each MCMC round, that enables the computation of prediction statistics with the subset left out, which is referred to as out-of-bag statistics (OOB) [26]. The information provided by OOB is similar to the outcome of a cross-validation, with the advantage of being computed during the model fitting. Therefore, OOB could be used to re-weight observations (i.e., boosting). Another possibility is to adapt SBMC to other learning methods, such as elastic net [27], where OOB statistics could be utilized in the search for the tuning parameters without having to perform explicit cross-validation [28].

Conclusion

SBMC decreases computation time without compromising prediction properties. We observed that subsampling approximately 33ā€“50% without replacement and 40ā€“60% with replacement in each round of MCMC is advantageous for fitting the model. Subsampling can dramatically reduce computational burden with little reduction in accuracy and, in some cases, enhanced predictive properties. This study provides insight into a general method for incorporating a particular type of bagging ensemble into the Gibbs sampling of whole-genome regressions.

Abbreviations

CIMMYT:

International Maize and Wheat Improvement Center

GBLUP:

Genomic best linear unbiased prediction

GSRU:

Gauss-Seidel residual updating

GWP:

Genome-wide prediction

LHS:

Left-hand side

MCMC:

Markov chain Monte Carlo

MSPE:

Mean square prediction error

OOB:

Out-of-bag statistics

REML:

Restricted maximum likelihood

RHS:

Right-hand side

SBMC:

Subsampling bootstrap Markov chain

SNP:

Single nucleotide polymorphism

References

  1. Okser S, Pahikkala T, Airola A, Salakoski T, Ripatti S, Aittokallio T. Regularized machine learning in the genetic prediction of complex traits. PLoS Genet. 2014;10(11):e1004754.

    ArticleĀ  PubMedĀ  PubMed CentralĀ  Google ScholarĀ 

  2. Hastie T, Tibshirani R, Friedman J. Elements of statistical learning. New York: Springer; 2009.

    BookĀ  Google ScholarĀ 

  3. Gianola D, Weigel KA, KrƤmer N, Stella A, Schƶn CC. Enhancing genome-enabled prediction by bagging genomic BLUP. PLoS One. 2014;9(4):e91693.

    ArticleĀ  PubMedĀ  PubMed CentralĀ  Google ScholarĀ 

  4. de los Campos G, Hickey JM, Pong-Wong R, Daetwyler HD, Calus MP. Whole-genome regression and prediction methods applied to plant and animal breeding. Genetics. 2013;193(2):327ā€“45.

    ArticleĀ  PubMedĀ  PubMed CentralĀ  Google ScholarĀ 

  5. Gianola D. Priors in whole-genome regression: the Bayesian alphabet returns. Genetics. 2013;194(3):573ā€“96.

    ArticleĀ  CASĀ  PubMedĀ  PubMed CentralĀ  Google ScholarĀ 

  6. Misztal I. Inexpensive computation of the inverse of the genomic relationship matrix in populations with small effective population size. Genetics. 2016;202(2):401ā€“9.

    ArticleĀ  CASĀ  PubMedĀ  Google ScholarĀ 

  7. Scott SL, Blocker AW, Bonassi FV, Chipman HA, George EI, McCulloch RE. Bayes and big data: the consensus monte Carlo algorithm. Int J Manag Sci Eng Manag. 2016;11(2):78ā€“88.

    Google ScholarĀ 

  8. Flegal JM. Applicability of subsampling bootstrap methods in Markov chain monte Carlo. In: Monte Carlo and quasi-monte Carlo methods. Heidelberg: Springer; 2012. p. 363ā€“72.

    Google ScholarĀ 

  9. Kleiner A, Talwalkar A, Sarkar P, Jordan M. The big data bootstrap. arXiv preprint arXiv;1206.6415;2012.

  10. Politis DN, Romano JP, Wolf M. On the asymptotic theory of subsampling. Statistica Sinica. 2001;11(4):1105ā€“24.

  11. James G, Witten D, Hastie T, Tibshirani R. An introduction to statistical learning. New York: Springer; 2013. p. 331.

    BookĀ  Google ScholarĀ 

  12. Alfaro ME, Zoller S, Lutzoni F. Bayes or bootstrap? a simulation study comparing the performance of Bayesian Markov chain monte Carlo sampling and bootstrapping in assessing phylogenetic confidence. Mol Biol Evol. 2003;20(2):255ā€“66.

    ArticleĀ  CASĀ  PubMedĀ  Google ScholarĀ 

  13. Geyer CJ. Practical Markov chain monte Carlo. Stat Sci. 1992;7(4):473ā€“83.

    ArticleĀ  Google ScholarĀ 

  14. MacEachern SN, Peruggia M. Subsampling the gibbs sampler: variance reduction. Stat Probab Lett. 2000;47(1):91ā€“8.

    ArticleĀ  Google ScholarĀ 

  15. Legarra A, Misztal I. Technical note: Computing strategies in genome-wide selection. J Dairy Sci. 2008;91(1):360ā€“6.

    ArticleĀ  CASĀ  PubMedĀ  Google ScholarĀ 

  16. Sorensen D, Gianola D. Likelihood, Bayesian, and MCMC methods in quantitative genetics. Springer Science & Business Media, New York. 2002.

  17. Xavier A, Muir W, Rainey KM. bWGR: Bagging Whole-Genome Regression. CRAN, version 1.3.1. 2016.

  18. PĆ©rez P, de Los Campos G. Genome-wide regression & prediction with the BGLR statistical package. Genetics. 2014;198(2):483ā€“95.

    ArticleĀ  PubMedĀ  PubMed CentralĀ  Google ScholarĀ 

  19. Xavier A, Beavis WD, Specht JE, Diers BW, Howard R, Muir WM, Rainey KM. SoyNAM: Soybean Nested Association Mapping Dataset. CRAN, version 1.2. 2015.

  20. Crossa J, de Los Campos G, PĆ©rez P, Gianola D, BurgueƱo J, Araus JL, Makumbi D, Singh RP, Dreisigacker S, Yan J, Arief V. Prediction of genetic values of quantitative traits in plant breeding using pedigree and molecular markers. Genetics. 2010;186(2):713ā€“24.

    ArticleĀ  CASĀ  PubMedĀ  PubMed CentralĀ  Google ScholarĀ 

  21. Legarra A, Robert-GraniĆ© C, Manfredi E, Elsen JM. Performance of genomic selection in mice. Genetics. 2008;180(1):611ā€“8.

    ArticleĀ  PubMedĀ  PubMed CentralĀ  Google ScholarĀ 

  22. Xu S. Mapping quantitative trait loci by controlling polygenic background effects. Genetics. 2013;195(4):1209ā€“22.

    ArticleĀ  CASĀ  PubMedĀ  PubMed CentralĀ  Google ScholarĀ 

  23. Brooks S, Gelman A, Jones G, Meng XL. editors. Handbook of Markov Chain Monte Carlo. CRC Press. 2011.

  24. Shalizi CR. Dynamics of Bayesian updating with dependent data and misspecified models. Electron J Stat. 2009;3:1039ā€“74.

    ArticleĀ  Google ScholarĀ 

  25. Geyer CJ. Introduction to Markov chain Monte Carlo. Handbook of Markov Chain Monte Carlo. Chapman and Hall/CRC.Ā 2011;10:3ā€“48.

  26. Breiman L. Out-of-bag estimation. Technical Report, Statistics Department, University of California Berkeley, Berkeley CA 94708. 1996b;33,34; 1996.

  27. Zou H, Hastie T. Regularization and variable selection via the elastic net. J R Stat Soc Series B Stat Methodology. 2005;67(2):301ā€“20.

    ArticleĀ  Google ScholarĀ 

  28. Xavier A, Muir WM, Craig B, Rainey KM. Walking through the statistical black boxes of plant breeding. Theor Appl Genet. 2016;129(10):1933ā€“49.

    ArticleĀ  PubMedĀ  Google ScholarĀ 

  29. Technow F. hypred: Simulation of Genomic Data in Applied Genetics. CRAN, version 0.5. 2014.

Download references

Acknowledgments

Not applicable.

Funding

This study did not receive any specific funding.

Availability of data and materials

The datasets analysed during the current study are available in the R packages SoyNAM and BGLR, as indicated in TableĀ 1.

Soybean dataset: https://CRAN.R-project.org/package=SoyNAM

Mice and Wheat datasets: https://CRAN.R-project.org/package=BGLR

Package used to simulate F2: https://cran.r-project.org/src/contrib/Archive/hypred/

The implementation of SBMC is available on CRAN in the package bWGR and NAM.

bWGR: https://CRAN.R-project.org/package=bWGR

NAM: https://CRAN.R-project.org/package=NAM

Authorsā€™ contribution

AX wrote the manuscript. SX revised the mathematical notation and theoretical basis of subsampling. WM and KMR provided insight for the method evaluation, predictive metrics and the suggested the datasets. All authors read and approved the final manuscript.

Competing interests

The authors declare that they have no competing interests.

Consent for publication

Not applicable.

Ethics approval and consent to participate

Not applicable.

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 Katy Martin Rainey.

Additional information

The original version of this article was revised to correct the formatting of the equations.

An erratum to this article is available at http://0-dx-doi-org.brum.beds.ac.uk/10.1186/s12859-017-1629-5.

Additional file

Additional file 1:

Results presented by individual dataset Figure S1. Time to fit the model (y axis) varying the subsampling method (x axis). Figure S2. Prediction ability (y axis) varying the subsampling method (x axis). Methods include Bayesian ridge regression (BRR) with regular sampler, and SBMC subsampling from 25 to 100%, with and without replacement. Figure S3. Mean squared prediction error (y axis) varying the subsampling method (x axis). Methods include Bayesian ridge regression (BRR) with regular sampler, and SBMC subsampling from 25 to 100%, with and without replacement. Figure S4. Bias (y axis) varying the subsampling method (x axis). Methods include Bayesian ridge regression (BRR) with regular sampler, and SBMC subsampling from 25 to 100%, with and without replacement. (DOCX 232 kb)

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

Xavier, A., Xu, S., Muir, W. et al. Genomic prediction using subsampling. BMC Bioinformatics 18, 191 (2017). https://0-doi-org.brum.beds.ac.uk/10.1186/s12859-017-1582-3

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://0-doi-org.brum.beds.ac.uk/10.1186/s12859-017-1582-3

Keywords