import arviz as az
import bambi as bmb
import matplotlib.pyplot as plt
import numpy as np
import pandas as pd
import statsmodels.api as sm
import xarray as xr
Multiple linear regression
"arviz-darkgrid")
az.style.use(= 7355608 SEED
Load and examine Eugene-Springfield community sample data
Bambi comes with several datasets. These can be accessed via the load_data()
function.
= bmb.load_data("ESCS")
data round(data.describe(), 2) np.
drugs | n | e | o | a | c | hones | emoti | extra | agree | consc | openn | |
---|---|---|---|---|---|---|---|---|---|---|---|---|
count | 604.00 | 604.00 | 604.00 | 604.00 | 604.00 | 604.00 | 604.00 | 604.00 | 604.00 | 604.00 | 604.00 | 604.00 |
mean | 2.21 | 80.04 | 106.52 | 113.87 | 124.63 | 124.23 | 3.89 | 3.18 | 3.21 | 3.13 | 3.57 | 3.41 |
std | 0.65 | 23.21 | 19.88 | 21.12 | 16.67 | 18.69 | 0.45 | 0.46 | 0.53 | 0.47 | 0.44 | 0.52 |
min | 1.00 | 23.00 | 42.00 | 51.00 | 63.00 | 44.00 | 2.56 | 1.47 | 1.62 | 1.59 | 2.00 | 1.28 |
25% | 1.71 | 65.75 | 93.00 | 101.00 | 115.00 | 113.00 | 3.59 | 2.88 | 2.84 | 2.84 | 3.31 | 3.06 |
50% | 2.14 | 76.00 | 107.00 | 112.00 | 126.00 | 125.00 | 3.88 | 3.19 | 3.22 | 3.16 | 3.56 | 3.44 |
75% | 2.64 | 93.00 | 120.00 | 129.00 | 136.00 | 136.00 | 4.20 | 3.47 | 3.56 | 3.44 | 3.84 | 3.75 |
max | 4.29 | 163.00 | 158.00 | 174.00 | 171.00 | 180.00 | 4.94 | 4.62 | 4.75 | 4.44 | 4.75 | 4.72 |
It’s always a good idea to start off with some basic plotting. Here’s what our outcome variable drugs
(some index of self-reported illegal drug use) looks like:
"drugs"].hist(); data[
The five numerical predictors that we’ll use are sum-scores measuring participants’ standings on the Big Five personality dimensions. The dimensions are:
- O = Openness to experience
- C = Conscientiousness
- E = Extraversion
- A = Agreeableness
- N = Neuroticism
Here’s what our predictors look like:
"o", "c", "e", "a", "n"]].to_dict("list"), marginals=True, textsize=24); az.plot_pair(data[[
We can easily see all the predictors are more or less symmetrically distributed without outliers and the pairwise correlations between them are not strong.
Specify model and examine priors
We’re going to fit a pretty straightforward additive multiple regression model predicting drug index from all 5 personality dimension scores. It’s simple to specify the model using a familiar formula interface. Here we also tell Bambi to run two parallel Markov Chain Monte Carlo (MCMC) chains, each one with 2000 draws. The first 1000 draws are tuning steps that we discard and the last 1000 draws are considered to be taken from the joint posterior distribution of all the parameters (to be confirmed when we analyze the convergence of the chains).
= bmb.Model("drugs ~ o + c + e + a + n", data)
model = model.fit(tune=2000, draws=2000, init="adapt_diag", random_seed=SEED) fitted
Auto-assigning NUTS sampler...
Initializing NUTS using adapt_diag...
Multiprocess sampling (2 chains in 2 jobs)
NUTS: [sigma, Intercept, o, c, e, a, n]
Sampling 2 chains for 2_000 tune and 2_000 draw iterations (4_000 + 4_000 draws total) took 8 seconds.
We recommend running at least 4 chains for robust computation of convergence diagnostics
Great! But this is a Bayesian model, right? What about the priors? If no priors are given explicitly by the user, then Bambi chooses smart default priors for all parameters of the model based on the implied partial correlations between the outcome and the predictors. Here’s what the default priors look like in this case – the plots below show 1000 draws from each prior distribution:
; model.plot_priors()
Sampling: [Intercept, a, c, e, n, o, sigma]
# Normal priors on the coefficients
for x in model.components["mu"].terms.values()} {x.name: x.prior.args
{'Intercept': {'mu': array(2.21014664), 'sigma': array(21.19375074)},
'o': {'mu': array(0.), 'sigma': array(0.0768135)},
'c': {'mu': array(0.), 'sigma': array(0.08679683)},
'e': {'mu': array(0.), 'sigma': array(0.0815892)},
'a': {'mu': array(0.), 'sigma': array(0.09727366)},
'n': {'mu': array(0.), 'sigma': array(0.06987412)}}
# HalfStudentT prior on the residual standard deviation
for name, component in model.constant_components.items():
print(f"{name}: {component.prior}")
sigma: HalfStudentT(nu: 4.0, sigma: 0.6482)
You could also just print the model
and see it also contains the same information about the priors
model
Formula: drugs ~ o + c + e + a + n
Family: gaussian
Link: mu = identity
Observations: 604
Priors:
target = mu
Common-level effects
Intercept ~ Normal(mu: 2.2101, sigma: 21.1938)
o ~ Normal(mu: 0.0, sigma: 0.0768)
c ~ Normal(mu: 0.0, sigma: 0.0868)
e ~ Normal(mu: 0.0, sigma: 0.0816)
a ~ Normal(mu: 0.0, sigma: 0.0973)
n ~ Normal(mu: 0.0, sigma: 0.0699)
Auxiliary parameters
sigma ~ HalfStudentT(nu: 4.0, sigma: 0.6482)
------
* To see a plot of the priors call the .plot_priors() method.
* To see a summary or plot of the posterior pass the object returned by .fit() to az.summary() or az.plot_trace()
Some more info about the default prior distributions can be found in this technical paper.
Notice the apparently small SDs of the slope priors. This is due to the relative scales of the outcome and the predictors: remember from the plots above that the outcome, drugs
, ranges from 1 to about 4, while the predictors all range from about 20 to 180 or so. A one-unit change in any of the predictors – which is a trivial increase on the scale of the predictors – is likely to lead to a very small absolute change in the outcome. Believe it or not, these priors are actually quite wide on the partial correlation scale!
Examine the model results
Let’s start with a pretty picture of the parameter estimates!
; az.plot_trace(fitted)
The left panels show the marginal posterior distributions for all of the model’s parameters, which summarize the most plausible values of the regression coefficients, given the data we have now observed. These posterior density plots show two overlaid distributions because we ran two MCMC chains. The panels on the right are “trace plots” showing the sampling paths of the two MCMC chains as they wander through the parameter space. If any of these paths exhibited a pattern other than white noise we would be concerned about the convergence of the chains.
A much more succinct (non-graphical) summary of the parameter estimates can be found like so:
az.summary(fitted)
mean | sd | hdi_3% | hdi_97% | mcse_mean | mcse_sd | ess_bulk | ess_tail | r_hat | |
---|---|---|---|---|---|---|---|---|---|
Intercept | 3.306 | 0.357 | 2.599 | 3.934 | 0.006 | 0.004 | 3401.0 | 3494.0 | 1.0 |
a | -0.012 | 0.001 | -0.015 | -0.010 | 0.000 | 0.000 | 4468.0 | 3384.0 | 1.0 |
c | -0.004 | 0.001 | -0.007 | -0.001 | 0.000 | 0.000 | 3815.0 | 2844.0 | 1.0 |
e | 0.003 | 0.001 | 0.001 | 0.006 | 0.000 | 0.000 | 4078.0 | 2890.0 | 1.0 |
n | -0.002 | 0.001 | -0.004 | 0.001 | 0.000 | 0.000 | 3426.0 | 3178.0 | 1.0 |
o | 0.006 | 0.001 | 0.004 | 0.008 | 0.000 | 0.000 | 4585.0 | 3503.0 | 1.0 |
sigma | 0.592 | 0.017 | 0.561 | 0.625 | 0.000 | 0.000 | 4284.0 | 3008.0 | 1.0 |
When there are multiple MCMC chains, the default summary output includes some basic convergence diagnostic info (the effective MCMC sample sizes and the Gelman-Rubin “R-hat” statistics), although in this case it’s pretty clear from the trace plots above that the chains have converged just fine.
Summarize effects on partial correlation scale
= fitted.posterior samples
It turns out that we can convert each regression coefficient into a partial correlation by multiplying it by a constant that depends on (1) the SD of the predictor, (2) the SD of the outcome, and (3) the degree of multicollinearity with the set of other predictors. Two of these statistics are actually already computed and stored in the fitted model object, in a dictionary called dm_statistics
(for design matrix statistics), because they are used internally. We will compute the others manually.
Some information about the relationship between linear regression parameters and partial correlation can be found here.
# the names of the predictors
= ['o', 'c', 'e', 'a', 'n']
varnames
# compute the needed statistics like R-squared when each predictor is response and all the
# other predictors are the predictor
# x_matrix = common effects design matrix (excluding intercept/constant term)
= [t for t in model.components["mu"].common_terms.values() if t.name != "Intercept"]
terms = [pd.DataFrame(x.data, columns=x.levels) for x in terms]
x_matrix = pd.concat(x_matrix, axis=1)
x_matrix = varnames
x_matrix.columns
= {
dm_statistics 'r2_x': pd.Series(
{
x: sm.OLS(=x_matrix[x],
endog=sm.add_constant(x_matrix.drop(x, axis=1))
exogif "Intercept" in model.components["mu"].terms
else x_matrix.drop(x, axis=1),
)
.fit()
.rsquaredfor x in list(x_matrix.columns)
}
),'sigma_x': x_matrix.std(),
'mean_x': x_matrix.mean(axis=0),
}
= dm_statistics['r2_x']
r2_x = dm_statistics['sigma_x']
sd_x = pd.Series([sm.OLS(endog=data['drugs'],
r2_y =sm.add_constant(data[[p for p in varnames if p != x]])).fit().rsquared
exogfor x in varnames], index=varnames)
= data['drugs'].std()
sd_y
# compute the products to multiply each slope with to produce the partial correlations
= (sd_x[varnames] / sd_y) * ((1 - r2_x[varnames]) / (1 - r2_y)) ** 0.5
slope_constant slope_constant
o 32.392557
c 27.674284
e 30.305117
a 26.113299
n 34.130431
dtype: float64
Now we just multiply each sampled regression coefficient by its corresponding slope_constant
to transform it into a sample partial correlation coefficient.
= (samples[varnames] * slope_constant) pcorr_samples
And voilà! We now have a joint posterior distribution for the partial correlation coefficients. Let’s plot the marginal posterior distributions:
# Pass the same axes to az.plot_kde to have all the densities in the same plot
= plt.subplots()
_, ax for idx, (k, v) in enumerate(pcorr_samples.items()):
=k, plot_kwargs={'color':f'C{idx}'}, ax=ax)
az.plot_dist(v, label=0, color='k', linestyle='--'); ax.axvline(x
The means of these distributions serve as good point estimates of the partial correlations:
pcorr_samples.mean()
<xarray.Dataset> Size: 40B Dimensions: () Data variables: o float64 8B 0.1955 c float64 8B -0.1053 e float64 8B 0.1025 a float64 8B -0.3248 n float64 8B -0.05135
Relative importance: Which predictors have the strongest effects (defined in terms of squared partial correlation?
We just take the square of the partial correlation coefficients, so it’s easy to get posteriors on that scale too:
= plt.subplots()
_, ax for idx, (k, v) in enumerate(pcorr_samples.items()):
** 2, label=k, plot_kwargs={'color':f'C{idx}'}, ax=ax)
az.plot_dist(v 0, 80); ax.set_ylim(
With these posteriors we can ask: What is the probability that the squared partial correlation for Openness (blue) is greater than the squared partial correlation for Conscientiousness (orange)?
'o'] ** 2 > pcorr_samples['c'] ** 2).mean().item() (pcorr_samples[
0.92475
If we contrast this result with the plot we’ve just shown, we may think the probability is too high when looking at the overlap between the blue and orange curves. However, the previous plot is only showing marginal posteriors, which don’t account for correlations between the coefficients. In our Bayesian world, our model parameters’ are random variables (and consequently, any combination of them are too). As such, squared partial correlation have a joint distribution. When computing probabilities involving at least two of these parameters, one has to use the joint distribution. Otherwise, if we choose to work only with marginals, we are implicitly assuming independence.
Let’s check the joint distribution of the squared partial correlation for Openness and Conscientiousness. We highlight with a blue color the draws where the coefficient for Openness is greater than the coefficient for Conscientiousness.
= pcorr_samples['c'] ** 2
sq_partial_c = pcorr_samples['o'] ** 2 sq_partial_o
= np.where(sq_partial_c > sq_partial_o, "C1", "C0").flatten().tolist()
colors
=colors)
plt.scatter(sq_partial_o, sq_partial_c, c"Openness to experience")
plt.xlabel("Conscientiousness"); plt.ylabel(
We can see that in the great majority of the draws (92.8%) the squared partial correlation for Openness is greater than the one for Conscientiousness. In fact, we can check the correlation between them is
xr.corr(sq_partial_c, sq_partial_o).item()
-0.17083046946181768
which explains why ony looking at the marginal posteriors (i.e. assuming independence) is not the best approach here.
For each predictor, what is the probability that it has the largest squared partial correlation?
= pcorr_samples.to_dataframe()
pc_df **2).idxmax(axis=1).value_counts() / len(pc_df.index) (pc_df
a 0.9915
o 0.0085
Name: count, dtype: float64
Agreeableness is clearly the strongest predictor of drug use among the Big Five personality traits in terms of partial correlation, but it’s still not a particularly strong predictor in an absolute sense. Walter Mischel famously claimed that it is rare to see correlations between personality measure and relevant behavioral outcomes exceed 0.3. In this case, the probability that the agreeableness partial correlation exceeds 0.3 is:
abs(pcorr_samples['a']) > 0.3).mean().item() (np.
0.75325
Posterior Predictive
Once we have computed the posterior distribution, we can use it to compute the posterior predictive distribution. As the name implies, these are predictions assuming the model’s parameter are distributed as the posterior. Thus, the posterior predictive includes the uncertainty about the parameters.
With bambi we can use the model’s predict()
method with the fitted az.InferenceData to generate a posterior predictive samples, which are then automatically added to the az.InferenceData object
="response")
model.predict(fitted, kind fitted
-
<xarray.Dataset> Size: 20MB Dimensions: (chain: 2, draw: 2000, __obs__: 604) Coordinates: * chain (chain) int64 16B 0 1 * draw (draw) int64 16kB 0 1 2 3 4 5 6 ... 1994 1995 1996 1997 1998 1999 * __obs__ (__obs__) int64 5kB 0 1 2 3 4 5 6 ... 597 598 599 600 601 602 603 Data variables: Intercept (chain, draw) float64 32kB 3.633 2.935 3.971 ... 3.607 3.041 a (chain, draw) float64 32kB -0.0138 -0.01134 ... -0.0115 -0.01258 c (chain, draw) float64 32kB -0.004017 -0.001958 ... -0.001852 e (chain, draw) float64 32kB 8.115e-05 0.00462 ... 0.002352 n (chain, draw) float64 32kB -0.001429 -0.001813 ... -0.0009052 o (chain, draw) float64 32kB 0.007907 0.005217 ... 0.007043 sigma (chain, draw) float64 32kB 0.5625 0.6174 0.5599 ... 0.5916 0.5892 mu (chain, draw, __obs__) float64 19MB 2.494 2.202 ... 2.429 2.128 Attributes: created_at: 2024-05-25T21:33:53.557979+00:00 arviz_version: 0.18.0 inference_library: pymc inference_library_version: 5.15.0+23.g19be124e sampling_time: 7.535887002944946 tuning_steps: 2000 modeling_interface: bambi modeling_interface_version: 0.13.1.dev37+g2a54df76.d20240525
-
<xarray.Dataset> Size: 19MB Dimensions: (chain: 2, draw: 2000, __obs__: 604) Coordinates: * chain (chain) int64 16B 0 1 * draw (draw) int64 16kB 0 1 2 3 4 5 6 ... 1994 1995 1996 1997 1998 1999 * __obs__ (__obs__) int64 5kB 0 1 2 3 4 5 6 7 ... 597 598 599 600 601 602 603 Data variables: drugs (chain, draw, __obs__) float64 19MB 2.451 2.123 1.484 ... 3.417 2.3 Attributes: modeling_interface: bambi modeling_interface_version: 0.13.1.dev37+g2a54df76.d20240525
-
<xarray.Dataset> Size: 504kB Dimensions: (chain: 2, draw: 2000) Coordinates: * chain (chain) int64 16B 0 1 * draw (draw) int64 16kB 0 1 2 3 4 ... 1996 1997 1998 1999 Data variables: (12/17) acceptance_rate (chain, draw) float64 32kB 0.7922 0.963 ... 0.8874 diverging (chain, draw) bool 4kB False False ... False False energy (chain, draw) float64 32kB 541.8 543.4 ... 537.1 energy_error (chain, draw) float64 32kB 0.2763 ... -0.06115 index_in_trajectory (chain, draw) int64 32kB -1 4 -3 -2 2 ... 1 -6 -2 5 largest_eigval (chain, draw) float64 32kB nan nan nan ... nan nan ... ... process_time_diff (chain, draw) float64 32kB 0.0007453 ... 0.001465 reached_max_treedepth (chain, draw) bool 4kB False False ... False False smallest_eigval (chain, draw) float64 32kB nan nan nan ... nan nan step_size (chain, draw) float64 32kB 0.9536 0.9536 ... 0.7853 step_size_bar (chain, draw) float64 32kB 0.8253 0.8253 ... 0.8255 tree_depth (chain, draw) int64 32kB 2 3 3 2 2 3 ... 2 3 2 3 3 3 Attributes: created_at: 2024-05-25T21:33:53.575429+00:00 arviz_version: 0.18.0 inference_library: pymc inference_library_version: 5.15.0+23.g19be124e sampling_time: 7.535887002944946 tuning_steps: 2000 modeling_interface: bambi modeling_interface_version: 0.13.1.dev37+g2a54df76.d20240525
-
<xarray.Dataset> Size: 10kB Dimensions: (__obs__: 604) Coordinates: * __obs__ (__obs__) int64 5kB 0 1 2 3 4 5 6 7 ... 597 598 599 600 601 602 603 Data variables: drugs (__obs__) float64 5kB 1.857 3.071 1.571 2.214 ... 1.5 2.5 3.357 Attributes: created_at: 2024-05-25T21:33:53.580244+00:00 arviz_version: 0.18.0 inference_library: pymc inference_library_version: 5.15.0+23.g19be124e modeling_interface: bambi modeling_interface_version: 0.13.1.dev37+g2a54df76.d20240525
One use of the posterior predictive is as a diagnostic tool, shown below using az.plot_ppc()
.The blue lines represent the posterior predictive distribution estimates, and the black line represents the observed data. Our posterior predictions seems perform an adequately good job representing the observed data in all regions except near the value of 1, where the observed data and posterior estimates diverge.
; az.plot_ppc(fitted)
%load_ext watermark
%watermark -n -u -v -iv -w
Last updated: Sat May 25 2024
Python implementation: CPython
Python version : 3.11.9
IPython version : 8.24.0
numpy : 1.26.4
arviz : 0.18.0
bambi : 0.13.1.dev37+g2a54df76.d20240525
matplotlib : 3.8.4
pandas : 2.2.2
xarray : 2024.5.0
statsmodels: 0.14.2
Watermark: 2.4.3