Skip to content

Commit

Permalink
Update conjugate step notebook to v5 (#760)
Browse files Browse the repository at this point in the history
  • Loading branch information
fonnesbeck authored Dec 26, 2024
1 parent 485c26e commit 2bcfc8b
Show file tree
Hide file tree
Showing 2 changed files with 124 additions and 152 deletions.
219 changes: 89 additions & 130 deletions examples/samplers/sampling_conjugate_step.ipynb

Large diffs are not rendered by default.

57 changes: 35 additions & 22 deletions examples/samplers/sampling_conjugate_step.myst.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,24 +5,31 @@ jupytext:
format_name: myst
format_version: 0.13
kernelspec:
display_name: Python (PyMC3 Dev)
display_name: default
language: python
name: pymc3-dev
name: python3
---

(sampling_conjugate_step)=
# Using a custom step method for sampling from locally conjugate posterior distributions

:::{post} Nov 17, 2020
:tags: sampling, step method
:category: advanced
:author: Christopher Krapu
:::

+++

## Introduction

+++

Sampling methods based on Monte Carlo are extremely widely used in Bayesian inference, and PyMC3 uses a powerful version of Hamiltonian Monte Carlo (HMC) to efficiently sample from posterior distributions over many hundreds or thousands of parameters. HMC is a generic inference algorithm in the sense that you do not need to assume specific prior distributions (like an inverse-Gamma prior on the conditional variance of a regression model) or likelihood functions. In general, the product of a prior and likelihood will not easily be integrated in closed form, so we can't derive the form of the posterior with pen and paper. HMC is widely regarded as a major improvement over previous Markov chain Monte Carlo (MCMC) algorithms because it uses gradients of the model's log posterior density to make informed proposals in parameter space.
Markov chain Monte Carlo (MCMC) sampling methods are fundamental to modern Bayesian inference. PyMC leverages Hamiltonian Monte Carlo (HMC), a powerful sampling algorithm that efficiently explores high-dimensional posterior distributions. Unlike simpler MCMC methods, HMC harnesses the gradient of the log posterior density to make intelligent proposals, allowing it to effectively sample complex posteriors with hundreds or thousands of parameters. A key advantage of HMC is its generality - it works with arbitrary prior distributions and likelihood functions, without requiring conjugate pairs or closed-form solutions. This is crucial since most real-world models involve priors and likelihoods whose product cannot be analytically integrated to obtain the posterior distribution. HMC's gradient-guided proposals make it dramatically more efficient than earlier MCMC approaches that rely on random walks or simple proposal distributions.

However, these gradient computations can often be expensive for models with especially complicated functional dependencies between variables and observed data. When this is the case, we may wish to find a faster sampling scheme by making use of additional structure in some portions of the model. When a number of variables within the model are *conjugate*, the conditional posterior--that is, the posterior distribution holding all other model variables fixed--can often be sampled from very easily. This suggests using a HMC-within-Gibbs step in which we alternate between using cheap conjugate sampling for variables when possible, and using more expensive HMC for the rest.

Generally, it is not advisable to pick *any* alternative sampling method and use it to replace HMC. This combination often yields much worse performance in terms of *effective* sampling rates, even if the individual samples are drawn much more rapidly. In this notebook, we show how to implement a conjugate sampling scheme in PyMC3 and compare it against a full-HMC (or, in this case, NUTS) approach. For this case, we find that using conjugate sampling can dramatically speed up computations for a Dirichlet-multinomial model.
Generally, it is not advisable to pick *any* alternative sampling method and use it to replace HMC. This combination often yields much worse performance in terms of *effective* sampling rates, even if the individual samples are drawn much more rapidly. In this notebook, we show how to implement a conjugate sampling scheme in PyMC and compare it against a full-HMC (or, in this case, NUTS) approach. For this case, we find that using conjugate sampling can dramatically speed up computations for a Dirichlet-multinomial model.

+++

Expand Down Expand Up @@ -50,11 +57,10 @@ Adding a conjugate sampler as part of our compound sampling approach is straight
import arviz as az
import matplotlib.pyplot as plt
import numpy as np
import pymc3 as pm
import pymc as pm
from pymc3.distributions.transforms import stick_breaking
from pymc3.model import modelcontext
from pymc3.step_methods.arraystep import BlockedStep
from pymc.distributions.transforms import simplex as stick_breaking
from pymc.step_methods.arraystep import BlockedStep
```

```{code-cell} ipython3
Expand All @@ -77,7 +83,7 @@ def sample_dirichlet(c):

Next, we define the step object used to replace NUTS for part of the computation. It must have a `step` method that receives a dict called `point` containing the current state of the Markov chain. We'll modify it in place.

There is an extra complication here as PyMC3 does not track the state of the Dirichlet random variable in the form $\mathbf{p}=(p_1, p_2 ,..., p_J)$ with the constraint $\sum_j p_j = 1$. Rather, it uses an inverse stick breaking transformation of the variable which is easier to use with NUTS. This transformation removes the constraint that all entries must sum to 1 and are positive.
There is an extra complication here as PyMC does not track the state of the Dirichlet random variable in the form $\mathbf{p}=(p_1, p_2 ,..., p_J)$ with the constraint $\sum_j p_j = 1$. Rather, it uses an inverse stick breaking transformation of the variable which is easier to use with NUTS. This transformation removes the constraint that all entries must sum to 1 and are positive.

```{code-cell} ipython3
class ConjugateStep(BlockedStep):
Expand All @@ -86,25 +92,26 @@ class ConjugateStep(BlockedStep):
self.counts = counts
self.name = var.name
self.conc_prior = concentration
self.shared = {}
def step(self, point: dict):
# Since our concentration parameter is going to be log-transformed
# in point, we invert that transformation so that we
# can get conc_posterior = conc_prior + counts
conc_posterior = np.exp(point[self.conc_prior.transformed.name]) + self.counts
conc_posterior = np.exp(point[self.conc_prior.name + "_log__"]) + self.counts
draw = sample_dirichlet(conc_posterior)
# Since our new_p is not in the transformed / unconstrained space,
# we apply the transformation so that our new value
# is consistent with PyMC3's internal representation of p
point[self.name] = stick_breaking.forward_val(draw)
# is consistent with PyMC's internal representation of p
point[self.name] = stick_breaking.forward(draw).eval()
return point
return point, [] # Return empty stats list as second element
```

The usage of `point` and its indexing variables can be confusing here. The expression `point[self.conc_prior.transformed.name]` in particular is quite long. This expression is necessary because when `step` is called, it is passed a dictionary `point` with string variable names as keys.
The usage of `point` and its indexing variables can be confusing here. This expression is necessary because when `step` is called, it is passed a dictionary `point` with string variable names as keys.

However, the prior parameter's name won't be stored directly in the keys for `point` because PyMC3 stores a transformed variable instead. Thus, we will need to query `point` using the *transformed name* and then undo that transformation.
However, the prior parameter's name won't be stored directly in the keys for `point` because PyMC stores a transformed variable instead. Thus, we will need to query `point` using the *transformed name* (hence, the `_log__` suffix) and then undo that transformation.

To identify the correct variable to query into `point`, we need to take an argument during initialization that tells the sampling step where to find the prior parameter. Thus, we pass `var` into `ConjugateStep` so that the sampler can find the name of the transformed variable (`var.transformed.name`) later.

Expand Down Expand Up @@ -144,23 +151,23 @@ names = ["Partial conjugate sampling", "Full NUTS"]
for use_conjugate in [True, False]:
with pm.Model() as model:
tau = pm.Exponential("tau", lam=1, testval=1.0)
tau = pm.Exponential("tau", lam=1, initval=1.0)
alpha = pm.Deterministic("alpha", tau * np.ones([N, J]))
p = pm.Dirichlet("p", a=alpha)
if use_conjugate:
# If we use the conjugate sampling, we don't need to define the likelihood
# as it's already taken into account in our custom step method
step = [ConjugateStep(p.transformed, counts, tau)]
step = [ConjugateStep(model.rvs_to_values[p], counts, tau)]
else:
x = pm.Multinomial("x", n=ncounts, p=p, observed=counts)
step = []
trace = pm.sample(step=step, chains=2, cores=1, return_inferencedata=True)
trace = pm.sample(step=step, chains=1, random_seed=RANDOM_SEED)
traces.append(trace)
assert all(az.summary(trace)["r_hat"] < 1.1)
# assert all(az.summary(trace)["r_hat"] < 1.1)
models.append(model)
```

Expand Down Expand Up @@ -188,15 +195,15 @@ for trace, model in zip(traces, models):
with model:
summaries_p.append(az.summary(trace, var_names="p"))
[plt.hist(s["ess_mean"], bins=50, alpha=0.4, label=names[i]) for i, s in enumerate(summaries_p)]
[plt.hist(s["ess_bulk"], bins=50, alpha=0.4, label=names[i]) for i, s in enumerate(summaries_p)]
plt.legend(), plt.xlabel("Effective sample size");
```

Interestingly, we see that while the mode of the ESS histogram is larger for the full NUTS run, the minimum ESS appears to be lower. Since our inferences are often constrained by the of the worst-performing part of the Markov chain, the minimum ESS is of interest.

```{code-cell} ipython3
print("Minimum effective sample sizes across all entries of p:")
print({names[i]: s["ess_mean"].min() for i, s in enumerate(summaries_p)})
print({names[i]: s["ess_bulk"].min() for i, s in enumerate(summaries_p)})
```

Here, we can see that the conjugate sampling scheme gets a similar number of effective samples in the worst case. However, there is an enormous disparity when we consider the effective sampling *rate*.
Expand All @@ -205,7 +212,7 @@ Here, we can see that the conjugate sampling scheme gets a similar number of eff
print("Minimum ESS/second across all entries of p:")
print(
{
names[i]: s["ess_mean"].min() / traces[i].posterior.sampling_time
names[i]: s["ess_bulk"].min() / traces[i].posterior.sampling_time
for i, s in enumerate(summaries_p)
}
)
Expand Down Expand Up @@ -242,9 +249,15 @@ axes[1].set_ylabel("Posterior estimates"), axes[1].set_xlabel("True values")
[axes[i].set_title(n) for i, n in enumerate(names)];
```

## Authors

* This notebook was written by Christopher Krapu on November 17, 2020.
* This notebook was updated by Chris Fonnesbeck to use PyMC v5 on December 22, 2024.

```{code-cell} ipython3
%load_ext watermark
%watermark -n -u -v -iv -w
```

:::{include} ../page_footer.md
:::

0 comments on commit 2bcfc8b

Please sign in to comment.