Multiple Regression¶
[1]:
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
[2]:
az.style.use("arviz-darkgrid")
np.random.seed(1111)
Load and examine Eugene-Springfield community sample data¶
Bambi comes with several datasets. These can be accessed via the load_data() function.
[3]:
data = bmb.load_data("ESCS")
np.round(data.describe(), 2)
[3]:
| 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:
[4]:
data["drugs"].hist();
 
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:
[5]:
az.plot_pair(data[["o", "c", "e", "a", "n"]].to_dict("list"), marginals=True, textsize=24);
 
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).
[6]:
model = bmb.Model("drugs ~ o + c + e + a + n", data)
fitted = model.fit(tune=2000, draws=2000, init="adapt_diag")
Auto-assigning NUTS sampler...
Initializing NUTS using adapt_diag...
Multiprocess sampling (2 chains in 2 jobs)
NUTS: [drugs_sigma, Intercept, n, a, e, c, o]
Sampling 2 chains for 2_000 tune and 2_000 draw iterations (4_000 + 4_000 draws total) took 6 seconds.
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:
[7]:
model.plot_priors();
 
[8]:
# Normal priors on the coefficients
{x.name:x.prior.args for x in model.terms.values()}
[8]:
{'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)}}
[9]:
# HalfStudentT prior on the residual standard deviation
model.response.family.likelihood.priors
[9]:
{'sigma': HalfStudentT(nu: 4, sigma: 0.6482)}
You could also just print the model and see it also contains the same information about the priors
[10]:
model
[10]:
Formula: drugs ~ o + c + e + a + n
Family name: Gaussian
Link: identity
Observations: 604
Priors:
  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, 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!
[11]:
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:
[12]:
az.summary(fitted)
[12]:
| mean | sd | hdi_3% | hdi_97% | mcse_mean | mcse_sd | ess_bulk | ess_tail | r_hat | |
|---|---|---|---|---|---|---|---|---|---|
| Intercept | 3.303 | 0.356 | 2.635 | 3.974 | 0.006 | 0.004 | 4052.0 | 3033.0 | 1.0 | 
| o | 0.006 | 0.001 | 0.004 | 0.008 | 0.000 | 0.000 | 4249.0 | 3414.0 | 1.0 | 
| c | -0.004 | 0.001 | -0.007 | -0.001 | 0.000 | 0.000 | 3918.0 | 3393.0 | 1.0 | 
| e | 0.003 | 0.001 | 0.001 | 0.006 | 0.000 | 0.000 | 4192.0 | 3589.0 | 1.0 | 
| a | -0.012 | 0.002 | -0.015 | -0.009 | 0.000 | 0.000 | 5172.0 | 2876.0 | 1.0 | 
| n | -0.002 | 0.001 | -0.004 | 0.001 | 0.000 | 0.000 | 4331.0 | 3475.0 | 1.0 | 
| drugs_sigma | 0.592 | 0.017 | 0.559 | 0.625 | 0.000 | 0.000 | 3916.0 | 3107.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¶
[13]:
samples = fitted.posterior
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.
[14]:
# the names of the predictors
varnames = ['o', 'c', 'e', 'a', 'n']
# 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)
terms = [t for t in model.common_terms.values() if t.name != "Intercept"]
x_matrix = [pd.DataFrame(x.data, columns=x.levels) for x in terms]
x_matrix = pd.concat(x_matrix, axis=1)
dm_statistics = {
    'r2_x': pd.Series(
        {
            x: sm.OLS(
                endog=x_matrix[x],
                exog=sm.add_constant(x_matrix.drop(x, axis=1))
                if "Intercept" in model.term_names
                else x_matrix.drop(x, axis=1),
            )
            .fit()
            .rsquared
            for x in list(x_matrix.columns)
        }
    ),
    'sigma_x': x_matrix.std(),
    'mean_x': x_matrix.mean(axis=0),
}
r2_x = dm_statistics['r2_x']
sd_x = dm_statistics['sigma_x']
r2_y = pd.Series([sm.OLS(endog=data['drugs'],
                         exog=sm.add_constant(data[[p for p in varnames if p != x]])).fit().rsquared
                  for x in varnames], index=varnames)
sd_y = data['drugs'].std()
# compute the products to multiply each slope with to produce the partial correlations
slope_constant = (sd_x[varnames] / sd_y) * ((1 - r2_x[varnames]) / (1 - r2_y)) ** 0.5
slope_constant
[14]:
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.
[15]:
pcorr_samples = samples[varnames] * slope_constant
And voilà! We now have a joint posterior distribution for the partial correlation coefficients. Let’s plot the marginal posterior distributions:
[16]:
# Pass the same axes to az.plot_kde to have all the densities in the same plot
_, ax = plt.subplots()
for idx, (k, v) in enumerate(pcorr_samples.items()):
    az.plot_kde(v, label=k, plot_kwargs={'color':f'C{idx}'}, ax=ax)
ax.axvline(x=0, color='k', linestyle='--');
 
The means of these distributions serve as good point estimates of the partial correlations:
[17]:
pcorr_samples.mean(dim=['chain', 'draw']).squeeze(drop=True)
[17]:
<xarray.Dataset>
Dimensions:  ()
Data variables:
    o        float64 0.1955
    c        float64 -0.1057
    e        float64 0.1027
    a        float64 -0.324
    n        float64 -0.05125- o()float640.1955array(0.1954812) 
- c()float64-0.1057array(-0.10568278) 
- e()float640.1027array(0.10273887) 
- a()float64-0.324array(-0.32404354) 
- n()float64-0.05125array(-0.05125458) 
 
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:
[18]:
_, ax = plt.subplots()
for idx, (k, v) in enumerate(pcorr_samples.items()):
    az.plot_kde(v**2, label=k, plot_kwargs={'color':f'C{idx}'}, ax=ax)
ax.set_ylim(0, 80);
 
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)?
[19]:
(pcorr_samples['o'] ** 2 > pcorr_samples['c'] ** 2).mean()
[19]:
<xarray.DataArray ()> array(0.92525)
- 0.9253array(0.92525) 
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.
[20]:
sq_partial_c = pcorr_samples['c'].stack(draws=("chain", "draw")).values ** 2
sq_partial_o = pcorr_samples['o'].stack(draws=("chain", "draw")).values ** 2
[21]:
# Just grab first to colors from color map
colors = plt.rcParams['axes.prop_cycle'].by_key()['color'][:2]
colors = [colors[1] if x > y else colors[0] for x, y in zip(sq_partial_c, sq_partial_o)]
plt.scatter(sq_partial_o, sq_partial_c, c=colors)
plt.xlabel("Openness to experience")
plt.ylabel("Conscientiousness");
 
We can see that in the great majority of the draws (92.7%) the squared partial correlation for Openness is greater than the one for Conscientiousness. In fact, we can check the correlation between them is
[22]:
np.corrcoef(sq_partial_c, sq_partial_o)[0, 1]
[22]:
-0.16801297007017058
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?
[23]:
pc_df = pcorr_samples.to_dataframe()
(pc_df**2).idxmax(axis=1).value_counts() / len(pc_df.index)
[23]:
a    0.99
o    0.01
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:
[24]:
(np.abs(pcorr_samples['a']) > 0.3).mean()
[24]:
<xarray.DataArray 'a' ()> array(0.7335)
- 0.7335array(0.7335) 
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
[25]:
posterior_predictive = model.predict(fitted, kind="pps", draws=500)
fitted
[25]:
- 
                  
                  
                  
                  - chain: 2
- draw: 2000
 
- chain(chain)int640 1array([0, 1]) 
- draw(draw)int640 1 2 3 4 ... 1996 1997 1998 1999array([ 0, 1, 2, ..., 1997, 1998, 1999]) 
 
- Intercept(chain, draw)float644.006 3.242 3.463 ... 2.674 2.993array([[4.00645323, 3.24189121, 3.46282408, ..., 2.71821645, 3.09404436, 3.09404436], [3.3071495 , 3.57546018, 3.09405246, ..., 3.07283645, 2.67406183, 2.99277303]])
- o(chain, draw)float640.003406 0.007911 ... 0.006145array([[0.00340557, 0.00791092, 0.00394722, ..., 0.00679958, 0.00689054, 0.00689054], [0.0054144 , 0.0067577 , 0.00587693, ..., 0.00591691, 0.0058482 , 0.00614469]])
- c(chain, draw)float64-0.005237 -0.002337 ... -0.00349array([[-0.00523685, -0.00233684, -0.00529314, ..., -0.0024333 , -0.00227531, -0.00227531], [-0.00301383, -0.0060336 , -0.00264339, ..., -0.00509497, -0.00445873, -0.00348975]])
- e(chain, draw)float640.005065 0.001302 ... 0.003171array([[0.00506465, 0.00130235, 0.00532704, ..., 0.0026486 , 0.00299507, 0.00299507], [0.00473284, 0.00356571, 0.00327647, ..., 0.00312816, 0.00301867, 0.00317128]])
- a(chain, draw)float64-0.01421 -0.01328 ... -0.009845array([[-0.01420697, -0.01327534, -0.01209534, ..., -0.00986984, -0.01365554, -0.01365554], [-0.01406056, -0.012678 , -0.01279892, ..., -0.00898624, -0.00790847, -0.00984514]])
- n(chain, draw)float64-0.003543 -0.001148 ... -0.001902array([[-3.54346765e-03, -1.14757936e-03, -1.58474568e-03, ..., -4.80141403e-04, -2.25381801e-05, -2.25381801e-05], [-1.60922070e-03, -2.00558676e-03, 1.52761354e-04, ..., -1.59726507e-03, 1.07590660e-03, -1.90204180e-03]])
- drugs_sigma(chain, draw)float640.6133 0.5922 ... 0.5856 0.6082array([[0.61327945, 0.59220915, 0.59260395, ..., 0.58170348, 0.5922359 , 0.5922359 ], [0.57096239, 0.59784865, 0.57645654, ..., 0.58669742, 0.58559531, 0.60819585]])
 
- created_at :
- 2021-07-27T15:12:33.160653
- arviz_version :
- 0.11.2
- inference_library :
- pymc3
- inference_library_version :
- 3.11.2
- sampling_time :
- 5.886523962020874
- tuning_steps :
- 2000
- modeling_interface :
- bambi
- modeling_interface_version :
- 0.5.0
 
 <xarray.Dataset> Dimensions: (chain: 2, draw: 2000) Coordinates: * chain (chain) int64 0 1 * draw (draw) int64 0 1 2 3 4 5 6 ... 1994 1995 1996 1997 1998 1999 Data variables: Intercept (chain, draw) float64 4.006 3.242 3.463 ... 3.073 2.674 2.993 o (chain, draw) float64 0.003406 0.007911 ... 0.005848 0.006145 c (chain, draw) float64 -0.005237 -0.002337 ... -0.00349 e (chain, draw) float64 0.005065 0.001302 ... 0.003019 0.003171 a (chain, draw) float64 -0.01421 -0.01328 ... -0.007908 -0.009845 n (chain, draw) float64 -0.003543 -0.001148 ... -0.001902 drugs_sigma (chain, draw) float64 0.6133 0.5922 0.5926 ... 0.5856 0.6082 Attributes: created_at: 2021-07-27T15:12:33.160653 arviz_version: 0.11.2 inference_library: pymc3 inference_library_version: 3.11.2 sampling_time: 5.886523962020874 tuning_steps: 2000 modeling_interface: bambi modeling_interface_version: 0.5.0xarray.Dataset
- 
                  
                  
                  
                  - chain: 2
- draw: 2000
- drugs_dim_0: 604
 
- chain(chain)int640 1array([0, 1]) 
- draw(draw)int640 1 2 3 4 ... 1996 1997 1998 1999array([ 0, 1, 2, ..., 1997, 1998, 1999]) 
- drugs_dim_0(drugs_dim_0)int640 1 2 3 4 5 ... 599 600 601 602 603array([ 0, 1, 2, ..., 601, 602, 603]) 
 
- drugs(chain, draw, drugs_dim_0)float64-0.8573 -1.868 ... -0.424 -2.483array([[[-0.8572646 , -1.86836088, -0.44123148, ..., -0.7380592 , -0.43636015, -2.50640023], [-0.9321852 , -1.3832651 , -0.50631478, ..., -0.74167634, -0.40037466, -2.47162625], [-0.8798519 , -1.99365519, -0.40395062, ..., -0.83068886, -0.40778964, -2.49225886], ..., [-0.82902922, -1.52169476, -0.50575206, ..., -0.80814576, -0.37826787, -2.55954754], [-0.92122443, -1.64681328, -0.4610498 , ..., -0.8139566 , -0.420408 , -2.4529447 ], [-0.92122443, -1.64681328, -0.4610498 , ..., -0.8139566 , -0.420408 , -2.4529447 ]], [[-0.77297516, -2.00898145, -0.38597679, ..., -0.68429404, -0.37678371, -2.91644752], [-1.04538536, -1.58358987, -0.41748774, ..., -0.7921255 , -0.40625827, -2.34646676], [-0.9076507 , -1.78863851, -0.42835544, ..., -0.85894921, -0.41272656, -2.49425639], ..., [-0.87920441, -1.59233993, -0.4370463 , ..., -0.80623343, -0.3862321 , -2.48332534], [-1.01487623, -1.59310209, -0.45709076, ..., -1.0742675 , -0.39192472, -2.12970842], [-0.82086886, -1.47931912, -0.51914506, ..., -0.76994262, -0.42401021, -2.48327811]]])
 
- created_at :
- 2021-07-27T15:12:33.697969
- arviz_version :
- 0.11.2
- inference_library :
- pymc3
- inference_library_version :
- 3.11.2
- modeling_interface :
- bambi
- modeling_interface_version :
- 0.5.0
 
 <xarray.Dataset> Dimensions: (chain: 2, draw: 2000, drugs_dim_0: 604) Coordinates: * chain (chain) int64 0 1 * draw (draw) int64 0 1 2 3 4 5 6 ... 1994 1995 1996 1997 1998 1999 * drugs_dim_0 (drugs_dim_0) int64 0 1 2 3 4 5 6 ... 598 599 600 601 602 603 Data variables: drugs (chain, draw, drugs_dim_0) float64 -0.8573 -1.868 ... -2.483 Attributes: created_at: 2021-07-27T15:12:33.697969 arviz_version: 0.11.2 inference_library: pymc3 inference_library_version: 3.11.2 modeling_interface: bambi modeling_interface_version: 0.5.0xarray.Dataset
- 
                  
                  
                  
                  - chain: 2
- draw: 2000
 
- chain(chain)int640 1array([0, 1]) 
- draw(draw)int640 1 2 3 4 ... 1996 1997 1998 1999array([ 0, 1, 2, ..., 1997, 1998, 1999]) 
 
- energy_error(chain, draw)float64-0.19 -0.4825 ... 1.11 -0.9889array([[-0.1900003 , -0.48253675, -0.12144375, ..., -0.91576031, -0.09017881, 0. ], [ 0. , -0.2088884 , -0.11024651, ..., -0.8827316 , 1.10993352, -0.98892169]])
- acceptance_rate(chain, draw)float640.8952 0.9639 0.9769 ... 0.8345 1.0array([[0.89524299, 0.96389596, 0.97693539, ..., 1. , 0.98075145, 0.21053161], [0.59033693, 0.9224845 , 0.97913008, ..., 0.95046728, 0.83454716, 1. ]])
- step_size(chain, draw)float640.8026 0.8026 ... 0.8921 0.8921array([[0.80257084, 0.80257084, 0.80257084, ..., 0.80257084, 0.80257084, 0.80257084], [0.89211597, 0.89211597, 0.89211597, ..., 0.89211597, 0.89211597, 0.89211597]])
- perf_counter_diff(chain, draw)float640.0005764 0.001084 ... 0.0005669array([[0.00057638, 0.0010838 , 0.00107226, ..., 0.00104043, 0.00055424, 0.00054736], [0.00058682, 0.00059117, 0.00109783, ..., 0.00056606, 0.00056072, 0.00056691]])
- lp(chain, draw)float64-539.1 -536.8 ... -540.9 -536.2array([[-539.09880109, -536.81653917, -536.1789476 , ..., -536.04245311, -535.33106631, -535.33106631], [-537.1601015 , -535.92641822, -535.30539977, ..., -536.93615042, -540.88793515, -536.17289052]])
- process_time_diff(chain, draw)float640.0005767 0.001085 ... 0.0005675array([[0.00057672, 0.00108492, 0.00107315, ..., 0.00104075, 0.00055447, 0.00054767], [0.00058748, 0.00059205, 0.00109864, ..., 0.00056703, 0.00056139, 0.00056753]])
- step_size_bar(chain, draw)float640.9007 0.9007 ... 0.8978 0.8978array([[0.90065092, 0.90065092, 0.90065092, ..., 0.90065092, 0.90065092, 0.90065092], [0.89782123, 0.89782123, 0.89782123, ..., 0.89782123, 0.89782123, 0.89782123]])
- perf_counter_start(chain, draw)float649.984e+03 9.984e+03 ... 9.986e+03array([[9983.64068379, 9983.64140187, 9983.64262861, ..., 9985.54640831, 9985.54756787, 9985.54824345], [9983.68093371, 9983.68167749, 9983.68242435, ..., 9985.51773768, 9985.51843668, 9985.51912977]])
- tree_depth(chain, draw)int642 3 3 2 2 2 3 3 ... 2 2 3 2 2 2 2 2array([[2, 3, 3, ..., 3, 2, 2], [2, 2, 3, ..., 2, 2, 2]])
- max_energy_error(chain, draw)float641.106 -0.4825 ... 1.11 -0.9889array([[ 1.10616665, -0.48253675, -0.16933751, ..., -0.91576031, -0.09017881, 3.52863709], [ 4.34276019, 0.22087581, -0.20891049, ..., -0.8827316 , 1.10993352, -0.98892169]])
- n_steps(chain, draw)float643.0 7.0 7.0 3.0 ... 3.0 3.0 3.0 3.0array([[3., 7., 7., ..., 7., 3., 3.], [3., 3., 7., ..., 3., 3., 3.]])
- diverging(chain, draw)boolFalse False False ... False Falsearray([[False, False, False, ..., False, False, False], [False, False, False, ..., False, False, False]])
- energy(chain, draw)float64545.1 541.0 538.8 ... 542.4 541.8array([[545.06050981, 541.02695059, 538.82671655, ..., 538.96125519, 537.14758378, 545.28899313], [545.76496644, 539.01026545, 537.25158843, ..., 542.21844332, 542.35095345, 541.82578915]])
 
- created_at :
- 2021-07-27T15:12:33.167123
- arviz_version :
- 0.11.2
- inference_library :
- pymc3
- inference_library_version :
- 3.11.2
- sampling_time :
- 5.886523962020874
- tuning_steps :
- 2000
- modeling_interface :
- bambi
- modeling_interface_version :
- 0.5.0
 
 <xarray.Dataset> Dimensions: (chain: 2, draw: 2000) Coordinates: * chain (chain) int64 0 1 * draw (draw) int64 0 1 2 3 4 5 ... 1995 1996 1997 1998 1999 Data variables: energy_error (chain, draw) float64 -0.19 -0.4825 ... 1.11 -0.9889 acceptance_rate (chain, draw) float64 0.8952 0.9639 ... 0.8345 1.0 step_size (chain, draw) float64 0.8026 0.8026 ... 0.8921 0.8921 perf_counter_diff (chain, draw) float64 0.0005764 0.001084 ... 0.0005669 lp (chain, draw) float64 -539.1 -536.8 ... -540.9 -536.2 process_time_diff (chain, draw) float64 0.0005767 0.001085 ... 0.0005675 step_size_bar (chain, draw) float64 0.9007 0.9007 ... 0.8978 0.8978 perf_counter_start (chain, draw) float64 9.984e+03 9.984e+03 ... 9.986e+03 tree_depth (chain, draw) int64 2 3 3 2 2 2 3 3 ... 2 2 3 2 2 2 2 2 max_energy_error (chain, draw) float64 1.106 -0.4825 ... 1.11 -0.9889 n_steps (chain, draw) float64 3.0 7.0 7.0 3.0 ... 3.0 3.0 3.0 diverging (chain, draw) bool False False False ... False False energy (chain, draw) float64 545.1 541.0 538.8 ... 542.4 541.8 Attributes: created_at: 2021-07-27T15:12:33.167123 arviz_version: 0.11.2 inference_library: pymc3 inference_library_version: 3.11.2 sampling_time: 5.886523962020874 tuning_steps: 2000 modeling_interface: bambi modeling_interface_version: 0.5.0xarray.Dataset
- 
                  
                  
                  
                  - drugs_dim_0: 604
 
- drugs_dim_0(drugs_dim_0)int640 1 2 3 4 5 ... 599 600 601 602 603array([ 0, 1, 2, ..., 601, 602, 603]) 
 
- drugs(drugs_dim_0)float641.857 3.071 1.571 ... 1.5 2.5 3.357array([1.85714286, 3.07142857, 1.57142857, 2.21428571, 1.07142857, 1.42857143, 1.14285714, 2.14285714, 2.14285714, 1.07142857, 1.85714286, 2.5 , 1.85714286, 2.71428571, 1.42857143, 1.71428571, 1.71428571, 3.14285714, 2.71428571, 1.92857143, 2.71428571, 2.28571429, 2.35714286, 1.71428571, 2. , 2.92857143, 2.5 , 2.92857143, 2.64285714, 2.21428571, 2.78571429, 2.71428571, 3.07142857, 2. , 3. , 1.92857143, 3.07142857, 2.57142857, 2.71428571, 3.07142857, 1.78571429, 1.78571429, 3.57142857, 2.28571429, 2.78571429, 2.14285714, 2.71428571, 2.71428571, 2.35714286, 2.28571429, 1.85714286, 2.57142857, 2.14285714, 3.07142857, 2.07142857, 3.5 , 1.71428571, 2.5 , 2.14285714, 1.14285714, 3.5 , 1.85714286, 3.28571429, 2.64285714, 2. , 1.85714286, 2.35714286, 2.21428571, 3.14285714, 2.64285714, 1.28571429, 1.64285714, 2.64285714, 2.07142857, 2.21428571, 3.07142857, 2.42857143, 3.21428571, 2.71428571, 2.07142857, 2.42857143, 2.07142857, 2.92857143, 3.42857143, 1.92857143, 2.57142857, 1. , 2.42857143, 2.14285714, 1.71428571, 1.78571429, 3.35714286, 1.71428571, 1.85714286, 2.07142857, 2.71428571, 1.5 , 1.57142857, 1.14285714, 1. , ... 1.35714286, 3.07142857, 1.42857143, 2.64285714, 1.35714286, 2.07142857, 3. , 1.35714286, 1.85714286, 1.42857143, 1.78571429, 2. , 2.42857143, 1.42857143, 2. , 3.07142857, 1.5 , 2. , 2.42857143, 2. , 2.64285714, 3.92857143, 2.42857143, 2. , 1.71428571, 1.42857143, 2. , 1.78571429, 1.85714286, 2.78571429, 1.14285714, 1.42857143, 2.21428571, 2.07142857, 1.42857143, 1.85714286, 2.64285714, 3.5 , 2. , 2. , 2.92857143, 1.71428571, 2.57142857, 2.28571429, 1.21428571, 2.64285714, 1.21428571, 1.92857143, 1.85714286, 1.5 , 1.5 , 1. , 1.85714286, 2.28571429, 2.28571429, 2. , 2.85714286, 1.21428571, 2.14285714, 1.71428571, 1.42857143, 2.64285714, 1.64285714, 1.57142857, 1.64285714, 1.57142857, 1.07142857, 2.07142857, 1.42857143, 2.35714286, 2.42857143, 2.42857143, 2.28571429, 1.85714286, 1.42857143, 1.78571429, 1.64285714, 1.64285714, 1.07142857, 3.71428571, 3.07142857, 2.21428571, 2.14285714, 1.78571429, 2. , 2.14285714, 3.85714286, 1.64285714, 3. , 2.64285714, 1.71428571, 2.78571429, 1.85714286, 3.14285714, 2.42857143, 1.57142857, 1.5 , 2.5 , 3.35714286])
 
- created_at :
- 2021-07-27T15:12:33.699423
- arviz_version :
- 0.11.2
- inference_library :
- pymc3
- inference_library_version :
- 3.11.2
- modeling_interface :
- bambi
- modeling_interface_version :
- 0.5.0
 
 <xarray.Dataset> Dimensions: (drugs_dim_0: 604) Coordinates: * drugs_dim_0 (drugs_dim_0) int64 0 1 2 3 4 5 6 ... 598 599 600 601 602 603 Data variables: drugs (drugs_dim_0) float64 1.857 3.071 1.571 2.214 ... 1.5 2.5 3.357 Attributes: created_at: 2021-07-27T15:12:33.699423 arviz_version: 0.11.2 inference_library: pymc3 inference_library_version: 3.11.2 modeling_interface: bambi modeling_interface_version: 0.5.0xarray.Dataset
- 
                  
                  
                  
                  - chain: 2
- draw: 500
- drugs_dim_0: 604
 
- chain(chain)int640 1array([0, 1]) 
- draw(draw)int640 1 2 3 4 5 ... 495 496 497 498 499array([ 0, 1, 2, ..., 497, 498, 499]) 
- drugs_dim_0(drugs_dim_0)int640 1 2 3 4 5 ... 599 600 601 602 603array([ 0, 1, 2, ..., 601, 602, 603]) 
 
- drugs(chain, draw, drugs_dim_0)float642.811 2.328 2.536 ... 2.57 2.602array([[[2.81084466, 2.32757291, 2.53558658, ..., 2.08518545, 1.90335569, 2.17527351], [3.14925429, 1.57188702, 2.19164152, ..., 1.92097009, 1.82999476, 2.61139879], [1.7713658 , 2.07322969, 1.54024835, ..., 2.74798512, 0.98090126, 2.54006595], ..., [2.08322032, 1.56253572, 0.26677741, ..., 2.0800587 , 3.66920609, 1.32352483], [2.54590492, 2.66592105, 1.49527895, ..., 2.23096781, 3.22388519, 2.19615292], [3.43464403, 1.99583732, 1.91363041, ..., 2.35535824, 1.84120987, 2.04591393]], [[2.87267452, 2.89772532, 1.02468929, ..., 1.32938567, 1.89508544, 0.74253835], [2.33568145, 2.73112712, 2.64606009, ..., 1.25081249, 2.41169386, 3.28544477], [2.49088368, 1.99483565, 1.44930777, ..., 0.83094072, 3.15826842, 2.6820753 ], ..., [2.649255 , 2.31381859, 0.88170496, ..., 1.35244032, 2.9645173 , 2.27476033], [1.93455866, 2.21538024, 1.82677326, ..., 2.89592996, 3.5782316 , 0.91313371], [1.94065392, 2.84491862, 2.46991721, ..., 1.4616938 , 2.57018537, 2.60211397]]])
 
- created_at :
- 2021-07-27T15:12:39.585678
- arviz_version :
- 0.11.2
- modeling_interface :
- bambi
- modeling_interface_version :
- 0.5.0
 
 <xarray.Dataset> Dimensions: (chain: 2, draw: 500, drugs_dim_0: 604) Coordinates: * chain (chain) int64 0 1 * draw (draw) int64 0 1 2 3 4 5 6 7 ... 493 494 495 496 497 498 499 * drugs_dim_0 (drugs_dim_0) int64 0 1 2 3 4 5 6 ... 598 599 600 601 602 603 Data variables: drugs (chain, draw, drugs_dim_0) float64 2.811 2.328 ... 2.57 2.602 Attributes: created_at: 2021-07-27T15:12:39.585678 arviz_version: 0.11.2 modeling_interface: bambi modeling_interface_version: 0.5.0xarray.Dataset
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.
[26]:
az.plot_ppc(fitted);
 
[27]:
%load_ext watermark
%watermark -n -u -v -iv -w
Last updated: Tue Jul 27 2021
Python implementation: CPython
Python version       : 3.8.5
IPython version      : 7.18.1
arviz      : 0.11.2
statsmodels: 0.12.2
numpy      : 1.20.1
json       : 2.0.9
pandas     : 1.2.2
matplotlib : 3.3.3
bambi      : 0.5.0
Watermark: 2.1.0