Learn R Programming

brms

Overview

The brms package provides an interface to fit Bayesian generalized (non-)linear multivariate multilevel models using Stan, which is a C++ package for performing full Bayesian inference (see https://mc-stan.org/). The formula syntax is very similar to that of the package lme4 to provide a familiar and simple interface for performing regression analyses. A wide range of response distributions are supported, allowing users to fit – among others – linear, robust linear, count data, survival, response times, ordinal, zero-inflated, and even self-defined mixture models all in a multilevel context. Further modeling options include non-linear and smooth terms, auto-correlation structures, censored data, missing value imputation, and quite a few more. In addition, all parameters of the response distribution can be predicted in order to perform distributional regression. Multivariate models (i.e., models with multiple response variables) can be fit, as well. Prior specifications are flexible and explicitly encourage users to apply prior distributions that actually reflect their beliefs. Model fit can easily be assessed and compared with posterior predictive checks, cross-validation, and Bayes factors.

Resources

How to use brms

library(brms)

As a simple example, we use poisson regression to model the seizure counts in epileptic patients to investigate whether the treatment (represented by variable Trt) can reduce the seizure counts and whether the effect of the treatment varies with the (standardized) baseline number of seizures a person had before treatment (variable zBase). As we have multiple observations per person, a group-level intercept is incorporated to account for the resulting dependency in the data.

fit1 <- brm(count ~ zAge + zBase * Trt + (1|patient),
            data = epilepsy, family = poisson())

The results (i.e., posterior draws) can be investigated using

summary(fit1)
#>  Family: poisson 
#>   Links: mu = log 
#> Formula: count ~ zAge + zBase * Trt + (1 | patient) 
#>    Data: epilepsy (Number of observations: 236) 
#>   Draws: 4 chains, each with iter = 2000; warmup = 1000; thin = 1;
#>          total post-warmup draws = 4000
#> 
#> Multilevel Hyperparameters:
#> ~patient (Number of levels: 59) 
#>               Estimate Est.Error l-95% CI u-95% CI Rhat Bulk_ESS Tail_ESS
#> sd(Intercept)     0.59      0.07     0.46     0.74 1.01      566     1356
#> 
#> Regression Coefficients:
#>            Estimate Est.Error l-95% CI u-95% CI Rhat Bulk_ESS Tail_ESS
#> Intercept      1.78      0.12     1.55     2.01 1.00      771     1595
#> zAge           0.09      0.09    -0.08     0.27 1.00      590     1302
#> zBase          0.71      0.12     0.47     0.96 1.00      848     1258
#> Trt1          -0.27      0.16    -0.60     0.05 1.01      749     1172
#> zBase:Trt1     0.05      0.17    -0.30     0.38 1.00      833     1335
#> 
#> Draws were sampled using sampling(NUTS). For each parameter, Bulk_ESS
#> and Tail_ESS are effective sample size measures, and Rhat is the potential
#> scale reduction factor on split chains (at convergence, Rhat = 1).

On the top of the output, some general information on the model is given, such as family, formula, number of iterations and chains. Next, group-level effects are displayed separately for each grouping factor in terms of standard deviations and (in case of more than one group-level effect per grouping factor; not displayed here) correlations between group-level effects. On the bottom of the output, population-level effects (i.e. regression coefficients) are displayed. If incorporated, autocorrelation effects and family specific parameters (e.g., the residual standard deviation ‘sigma’ in normal models) are also given.

In general, every parameter is summarized using the mean (‘Estimate’) and the standard deviation (‘Est.Error’) of the posterior distribution as well as two-sided 95% credible intervals (‘l-95% CI’ and ‘u-95% CI’) based on quantiles. We see that the coefficient of Trt is negative with a zero overlapping 95%-CI. This indicates that, on average, the treatment may reduce seizure counts by some amount but the evidence based on the data and applied model is not very strong and still insufficient by standard decision rules. Further, we find little evidence that the treatment effect varies with the baseline number of seizures.

The last three values (‘ESS_bulk’, ‘ESS_tail’, and ‘Rhat’) provide information on how well the algorithm could estimate the posterior distribution of this parameter. If ‘Rhat’ is considerably greater than 1, the algorithm has not yet converged and it is necessary to run more iterations and / or set stronger priors.

To visually investigate the chains as well as the posterior distributions, we can use the plot method. If we just want to see results of the regression coefficients of Trt and zBase, we go for

plot(fit1, variable = c("b_Trt1", "b_zBase"))

A more detailed investigation can be performed by running launch_shinystan(fit1). To better understand the relationship of the predictors with the response, I recommend the conditional_effects method:

plot(conditional_effects(fit1, effects = "zBase:Trt"))

This method uses some prediction functionality behind the scenes, which can also be called directly. Suppose that we want to predict responses (i.e. seizure counts) of a person in the treatment group (Trt = 1) and in the control group (Trt = 0) with average age and average number of previous seizures. Than we can use

newdata <- data.frame(Trt = c(0, 1), zAge = 0, zBase = 0)
predict(fit1, newdata = newdata, re_formula = NA)
#>      Estimate Est.Error Q2.5 Q97.5
#> [1,]  5.91200  2.494857    2    11
#> [2,]  4.57325  2.166058    1     9

We need to set re_formula = NA in order not to condition of the group-level effects. While the predict method returns predictions of the responses, the fitted method returns predictions of the regression line.

fitted(fit1, newdata = newdata, re_formula = NA)
#>      Estimate Est.Error     Q2.5    Q97.5
#> [1,] 5.945276 0.7075160 4.696257 7.450011
#> [2,] 4.540081 0.5343471 3.579757 5.665132

Both methods return the same estimate (up to random error), while the latter has smaller variance, because the uncertainty in the regression line is smaller than the uncertainty in each response. If we want to predict values of the original data, we can just leave the newdata argument empty.

Suppose, we want to investigate whether there is overdispersion in the model, that is residual variation not accounted for by the response distribution. For this purpose, we include a second group-level intercept that captures possible overdispersion.

fit2 <- brm(count ~ zAge + zBase * Trt + (1|patient) + (1|obs),
            data = epilepsy, family = poisson())

We can then go ahead and compare both models via approximate leave-one-out (LOO) cross-validation.

loo(fit1, fit2)
#> Output of model 'fit1':
#> 
#> Computed from 4000 by 236 log-likelihood matrix.
#> 
#>          Estimate   SE
#> elpd_loo   -671.7 36.6
#> p_loo        94.3 14.2
#> looic      1343.4 73.2
#> ------
#> MCSE of elpd_loo is NA.
#> MCSE and ESS estimates assume MCMC draws (r_eff in [0.4, 2.0]).
#> 
#> Pareto k diagnostic values:
#>                          Count Pct.    Min. ESS
#> (-Inf, 0.7]   (good)     228   96.6%   157     
#>    (0.7, 1]   (bad)        7    3.0%   <NA>    
#>    (1, Inf)   (very bad)   1    0.4%   <NA>    
#> See help('pareto-k-diagnostic') for details.
#> 
#> Output of model 'fit2':
#> 
#> Computed from 4000 by 236 log-likelihood matrix.
#> 
#>          Estimate   SE
#> elpd_loo   -596.8 14.0
#> p_loo       109.7  7.2
#> looic      1193.6 28.1
#> ------
#> MCSE of elpd_loo is NA.
#> MCSE and ESS estimates assume MCMC draws (r_eff in [0.4, 1.7]).
#> 
#> Pareto k diagnostic values:
#>                          Count Pct.    Min. ESS
#> (-Inf, 0.7]   (good)     172   72.9%   83      
#>    (0.7, 1]   (bad)       56   23.7%   <NA>    
#>    (1, Inf)   (very bad)   8    3.4%   <NA>    
#> See help('pareto-k-diagnostic') for details.
#> 
#> Model comparisons:
#>      elpd_diff se_diff
#> fit2   0.0       0.0  
#> fit1 -74.9      27.2

The loo output when comparing models is a little verbose. We first see the individual LOO summaries of the two models and then the comparison between them. Since higher elpd (i.e., expected log posterior density) values indicate better fit, we see that the model accounting for overdispersion (i.e., fit2) fits substantially better. However, we also see in the individual LOO outputs that there are several problematic observations for which the approximations may have not have been very accurate. To deal with this appropriately, we need to fall back to other methods such as reloo or kfold but this requires the model to be refit several times which takes too long for the purpose of a quick example. The post-processing methods we have shown above are just the tip of the iceberg. For a full list of methods to apply on fitted model objects, type methods(class = "brmsfit").

Citing brms and related software

Developing and maintaining open source software is an important yet often underappreciated contribution to scientific progress. Thus, whenever you are using open source software (or software in general), please make sure to cite it appropriately so that developers get credit for their work.

When using brms, please cite one or more of the following publications:

  • Bürkner P. C. (2017). brms: An R Package for Bayesian Multilevel Models using Stan. Journal of Statistical Software. 80(1), 1-28. doi.org/10.18637/jss.v080.i01
  • Bürkner P. C. (2018). Advanced Bayesian Multilevel Modeling with the R Package brms. The R Journal. 10(1), 395-411. doi.org/10.32614/RJ-2018-017
  • Bürkner P. C. (2021). Bayesian Item Response Modeling in R with brms and Stan. Journal of Statistical Software, 100(5), 1-54. doi.org/10.18637/jss.v100.i05

As brms is a high-level interface to Stan, please additionally cite Stan (see also https://mc-stan.org/users/citations/):

  • Stan Development Team. YEAR. Stan Modeling Language Users Guide and Reference Manual, VERSION. https://mc-stan.org
  • Carpenter B., Gelman A., Hoffman M. D., Lee D., Goodrich B., Betancourt M., Brubaker M., Guo J., Li P., and Riddell A. (2017). Stan: A probabilistic programming language. Journal of Statistical Software. 76(1). doi.org/10.18637/jss.v076.i01

Further, brms relies on several other R packages and, of course, on R itself. To find out how to cite R and its packages, use the citation function. There are some features of brms which specifically rely on certain packages. The rstan package together with Rcpp makes Stan conveniently accessible in R. Visualizations and posterior-predictive checks are based on bayesplot and ggplot2. Approximate leave-one-out cross-validation using loo and related methods is done via the loo package. Marginal likelihood based methods such as bayes_factor are realized by means of the bridgesampling package. Splines specified via the s and t2 functions rely on mgcv. If you use some of these features, please also consider citing the related packages.

FAQ

How do I install brms?

To install the latest release version from CRAN use

install.packages("brms")

The current developmental version can be downloaded from GitHub via

if (!requireNamespace("remotes")) {
  install.packages("remotes")
}
remotes::install_github("paul-buerkner/brms")

Because brms is based on Stan, a C++ compiler is required. The program Rtools (available on https://cran.r-project.org/bin/windows/Rtools/) comes with a C++ compiler for Windows. On Mac, you should install Xcode. For further instructions on how to get the compilers running, see the prerequisites section on https://github.com/stan-dev/rstan/wiki/RStan-Getting-Started.

I am new to brms. Where can I start?

Detailed instructions and case studies are given in the package’s extensive vignettes. See vignette(package = "brms") for an overview. For documentation on formula syntax, families, and prior distributions see help("brm").

Where do I ask questions, propose a new feature, or report a bug?

Questions can be asked on the Stan forums on Discourse. To propose a new feature or report a bug, please open an issue on GitHub.

How can I extract the generated Stan code?

If you have already fitted a model, apply the stancode method on the fitted model object. If you just want to generate the Stan code without any model fitting, use the stancode method on your model formula.

Can I avoid compiling models?

When you fit your model for the first time with brms, there is currently no way to avoid compilation. However, if you have already fitted your model and want to run it again, for instance with more draws, you can do this without recompilation by using the update method. For more details see help("update.brmsfit").

What is the difference between brms and rstanarm?

The rstanarm package is similar to brms in that it also allows to fit regression models using Stan for the backend estimation. Contrary to brms, rstanarm comes with precompiled code to save the compilation time (and the need for a C++ compiler) when fitting a model. However, as brms generates its Stan code on the fly, it offers much more flexibility in model specification than rstanarm. Also, multilevel models are currently fitted a bit more efficiently in brms. For detailed comparisons of brms with other common R packages implementing multilevel models, see vignette("brms_multilevel") and vignette("brms_overview").

Copy Link

Version

Install

install.packages('brms')

Monthly Downloads

21,768

Version

2.22.0

License

GPL-2

Issues

Pull Requests

Stars

Forks

Last Published

September 23rd, 2024

Functions in brms (2.22.0)

as.data.frame.brmsfit

Extract Posterior Draws
arma

Set up ARMA(p,q) correlation structures
as.brmsprior

Transform into a brmsprior object
Wiener

The Wiener Diffusion Model Distribution
add_criterion

Add model fit criteria to model objects
add_rstan_model

Add compiled rstan models to brmsfit objects
add_loo

Add model fit criteria to model objects
ar

Set up AR(p) correlation structures
addition-terms

Additional Response Information
as.mcmc.brmsfit

(Deprecated) Extract posterior samples for use with the coda package
autocor-terms

Autocorrelation structures
autocor.brmsfit

(Deprecated) Extract Autocorrelation Objects
bayes_factor.brmsfit

Bayes Factors from Marginal Likelihoods
brm_multiple

Run the same brms model on multiple datasets
brmsfit-class

Class brmsfit of models fitted with the brms package
bayes_R2.brmsfit

Compute a Bayesian version of R-squared for regression models
brmsfamily

Special Family Functions for brms Models
bridge_sampler.brmsfit

Log Marginal Likelihood via Bridge Sampling
brmsfit_needs_refit

Check if cached fit can be used.
brms-package

Bayesian Regression Models using 'Stan'
brmsformula-helpers

Linear and Non-linear formulas in brms
brm

Fit Bayesian Generalized (Non-)Linear Multivariate Multilevel Models
coef.brmsfit

Extract Model Coefficients
conditional_smooths.brmsfit

Display Smooth Terms
constant

Constant priors in brms
car

Spatial conditional autoregressive (CAR) structures
combine_models

Combine Models fitted with brms
brmsterms

Parse Formulas of brms Models
brmsformula

Set up a model formula for use in brms
compare_ic

Compare Information Criteria of Different Models
brmshypothesis

Descriptions of brmshypothesis Objects
conditional_effects.brmsfit

Display Conditional Effects of Predictors
control_params

Extract Control Parameters of the NUTS Sampler
cor_car

(Deprecated) Spatial conditional autoregressive (CAR) structures
cor_bsts

(Defunct) Basic Bayesian Structural Time Series
cor_cosy

(Deprecated) Compound Symmetry (COSY) Correlation Structure
cor_ma

(Deprecated) MA(q) correlation structure
cor_brms

(Deprecated) Correlation structure classes for the brms package
cor_arma

(Deprecated) ARMA(p,q) correlation structure
cor_ar

(Deprecated) AR(p) correlation structure
cor_fixed

(Deprecated) Fixed user-defined covariance matrices
cor_arr

(Defunct) ARR correlation structure
density_ratio

Compute Density Ratios
data_response

Prepare Response Data
create_priorsense_data.brmsfit

Prior sensitivity: Create priorsense data
cosy

Set up COSY correlation structures
default_prior

Default priors for Bayesian models
custom_family

Custom Families in brms Models
cor_sar

(Deprecated) Spatial simultaneous autoregressive (SAR) structures
cs

Category Specific Predictors in brms Models
default_prior.default

Default Priors for brms Models
data_predictor

Prepare Predictor Data
family.brmsfit

Extract Model Family Objects
emmeans-brms-helpers

Support Functions for emmeans
draws-brms

Transform brmsfit to draws objects
expose_functions.brmsfit

Expose user-defined Stan functions
draws-index-brms

Index brmsfit objects
fcor

Fixed residual correlation (FCOR) structures
expp1

Exponential function plus one.
diagnostic-quantities

Extract Diagnostic Quantities of brms Models
epilepsy

Epileptic seizure counts
do_call

Execute a Function Call
fitted.brmsfit

Expected Values of the Posterior Predictive Distribution
gr

Set up basic grouping terms in brms
horseshoe

Regularized horseshoe priors in brms
fixef.brmsfit

Extract Population-Level Estimates
hypothesis.brmsfit

Non-Linear Hypothesis Testing
inhaler

Clarity of inhaler instructions
get_y

Extract response values
get_refmodel.brmsfit

Projection Predictive Variable Selection: Get Reference Model
get_dpar

Draws of a Distributional Parameter
gp

Set up Gaussian process terms in brms
is.brmsprior

Checks if argument is a brmsprior object
is.brmsfit

Checks if argument is a brmsfit object
is.cor_brms

Check if argument is a correlation structure
is.brmsterms

Checks if argument is a brmsterms object
inv_logit_scaled

Scaled inverse logit-link
is.mvbrmsformula

Checks if argument is a mvbrmsformula object
kfold.brmsfit

K-Fold Cross-Validation
is.brmsformula

Checks if argument is a brmsformula object
is.brmsfit_multiple

Checks if argument is a brmsfit_multiple object
is.mvbrmsterms

Checks if argument is a mvbrmsterms object
lasso

(Defunct) Set up a lasso prior in brms
logm1

Logarithm with a minus one offset.
kfold_predict

Predictions from K-Fold Cross-Validation
launch_shinystan.brmsfit

Interface to shinystan
loo.brmsfit

Efficient approximate leave-one-out cross-validation (LOO)
kidney

Infections in kidney patients
logit_scaled

Scaled logit-link
log_lik.brmsfit

Compute the Pointwise Log-Likelihood
loo_R2.brmsfit

Compute a LOO-adjusted R-squared for regression models
loo_compare.brmsfit

Model comparison with the loo package
make_conditions

Prepare Fully Crossed Conditions
loo_subsample.brmsfit

Efficient approximate leave-one-out cross-validation (LOO) using subsampling
loo_model_weights.brmsfit

Model averaging via stacking or pseudo-BMA weighting.
loo_moment_match.brmsfit

Moment matching for efficient approximate leave-one-out cross-validation
me

Predictors with Measurement Error in brms Models
loo_predict.brmsfit

Compute Weighted Expectations Using LOO
mcmc_plot.brmsfit

MCMC Plots Implemented in bayesplot
loss

Cumulative Insurance Loss Payments
ma

Set up MA(q) correlation structures
mi

Predictors with Missing Values in brms Models
mmc

Multi-Membership Covariates
ngrps.brmsfit

Number of Grouping Factor Levels
model_weights.brmsfit

Model Weighting Methods
mixture

Finite Mixture Families in brms
nsamples.brmsfit

(Deprecated) Number of Posterior Samples
mvbrmsformula

Set up a multivariate model formula for use in brms
mo

Monotonic Predictors in brms Models
opencl

GPU support in Stan via OpenCL
mm

Set up multi-membership grouping terms in brms
mvbind

Bind response variables in multivariate models
posterior_interval.brmsfit

Compute posterior uncertainty intervals
plot.brmsfit

Trace and Density Plots for MCMC Draws
posterior_predict.brmsfit

Draws from the Posterior Predictive Distribution
posterior_samples.brmsfit

(Deprecated) Extract Posterior Samples
pairs.brmsfit

Create a matrix of output plots from a brmsfit object
posterior_average.brmsfit

Posterior draws of parameters averaged across models
posterior_linpred.brmsfit

Posterior Draws of the Linear Predictor
post_prob.brmsfit

Posterior Model Probabilities from Marginal Likelihoods
parnames

Extract Parameter Names
posterior_epred.brmsfit

Draws from the Expected Value of the Posterior Predictive Distribution
predictive_interval.brmsfit

Predictive Intervals
posterior_summary

Summarize Posterior draws
posterior_smooths.brmsfit

Posterior Predictions of Smooth Terms
posterior_table

Table Creation for Posterior Draws
pp_mixture.brmsfit

Posterior Probabilities of Mixture Component Memberships
pp_average.brmsfit

Posterior predictive draws averaged across models
pp_check.brmsfit

Posterior Predictive Checks for brmsfit Objects
predict.brmsfit

Draws from the Posterior Predictive Distribution
predictive_error.brmsfit

Posterior Draws of Predictive Errors
prepare_predictions.brmsfit

Prepare Predictions
print.brmsfit

Print a summary for a fitted model represented by a brmsfit object
read_csv_as_stanfit

Read CmdStan CSV files as a brms-formatted stanfit object
reloo.brmsfit

Compute exact cross-validation for problematic observations
prior_draws.brmsfit

Extract Prior Draws
psis.brmsfit

Pareto smoothed importance sampling (PSIS)
ranef.brmsfit

Extract Group-Level Estimates
recompile_model

Recompile Stan models in brmsfit objects
rename_pars

Rename parameters in brmsfit objects
print.brmsprior

Print method for brmsprior objects
prior_summary.brmsfit

Priors of brms models
residuals.brmsfit

Posterior Draws of Residuals/Predictive Errors
stancode

Stan Code for Bayesian models
restructure.brmsfit

Restructure Old brmsfit Objects
stancode.brmsfit

Extract Stan code from brmsfit objects
sar

Spatial simultaneous autoregressive (SAR) structures
s

Defining smooths in brms formulas
restructure

Restructure Old R Objects
rows2labels

Convert Rows to Labels
set_prior

Prior Definitions for brms Models
save_pars

Control Saving of Parameter Draws
summary.brmsfit

Create a summary of a fitted model represented by a brmsfit object
threading

Threading in Stan
theme_black

(Deprecated) Black Theme for ggplot2 Graphics
unstr

Set up UNSTR correlation structures
standata

Stan data for Bayesian models
stancode.default

Stan Code for brms Models
theme_default

Default bayesplot Theme for ggplot2 Graphics
stanvar

User-defined variables passed to Stan
standata.brmsfit

Extract data passed to Stan from brmsfit objects
standata.default

Data for brms Models
validate_prior

Validate Prior for brms Models
vcov.brmsfit

Covariance and Correlation Matrix of Population-Level Effects
update_adterms

Update Formula Addition Terms
update.brmsfit_multiple

Update brms models based on multiple data sets
update.brmsfit

Update brms models
waic.brmsfit

Widely Applicable Information Criterion (WAIC)
validate_newdata

Validate New Data
Frechet

The Frechet Distribution
MultiNormal

The Multivariate Normal Distribution
ExGaussian

The Exponentially Modified Gaussian Distribution
Dirichlet

The Dirichlet Distribution
LogisticNormal

The (Multivariate) Logistic Normal Distribution
GenExtremeValue

The Generalized Extreme Value Distribution
AsymLaplace

The Asymmetric Laplace Distribution
BetaBinomial

The Beta-binomial Distribution
InvGaussian

The Inverse Gaussian Distribution
Hurdle

Hurdle Distributions
MultiStudentT

The Multivariate Student-t Distribution
VarCorr.brmsfit

Extract Variance and Correlation Components
Shifted_Lognormal

The Shifted Log Normal Distribution
SkewNormal

The Skew-Normal Distribution
ZeroInflated

Zero-Inflated Distributions
StudentT

The Student-t Distribution
R2D2

R2D2 Priors in brms
VonMises

The von Mises Distribution