Supplementary Exercises#

Warning

This page contains solutions! We recommend attempting each problem before peeking.

1. Laplace’s Method for Binomial-Beta#

Approximate the posterior by a normal model using Laplace’s method. The likelihood is binomial \(X \mid p \sim \text{Bin}(n, p)\) and the prior is \(p \sim \text{Be}(\alpha, \beta)\) with parameters:

  1. \(\alpha = \beta = 1\) (flat prior)

  2. \(\alpha = \beta = 1/2\) (Jeffreys’ prior)

  3. \(\alpha = \beta = 2\)

How well does Laplace’s method approximate the 95% credible set (CS) for \(p\)? Compare exact equi-tailed CS’s with the approximations. Use \(n = 20\) and \(X = 8\).

Hide code cell content
import numpy as np
import matplotlib.pyplot as plt
import seaborn as sns
from scipy.stats import beta, norm
from scipy.optimize import minimize_scalar
from sympy import symbols, log, diff, lambdify

sns.set(style="whitegrid")
colors = sns.color_palette("Paired")

# get Q (variance approximation) using Sympy
p, α, β, n, x = symbols("p α β n x")
Q_eq = -((x + α - 1) * log(p) + (n - x + β - 1) * log(1 - p))
Q_inv = diff(Q_eq, p, 2)
Q_func = lambdify((p, α, β, n, x), 1 / Q_inv.simplify())

# constant values
n, x = 20, 8
alphabeta_list = [(1, 1), (0.5, 0.5), (2, 2)]  # a, b, c


# negative log posterior function for optimization
def neg_log_post(p, α, β, n, x):
    return -((x + α - 1) * np.log(p) + (n - x + β - 1) * np.log(1 - p))


# find mode
def get_mode(α, β, n, x):
    result = minimize_scalar(
        neg_log_post, bounds=(0, 1), args=(α, β, n, x), method="bounded"
    )
    return result.x


p_modes = [get_mode(α, β, n, x) for α, β in alphabeta_list]


def print_comparisons_and_plot(mode, alphabeta, n, x):
    α, β = alphabeta
    xx = np.linspace(0, 1, 1000)
    mu = mode
    sigma = np.sqrt(Q_func(mode, α, β, n, x))

    exact_post = beta(a=α + x, b=β + n - x)
    approx_post = norm(mu, sigma)

    # credible intervals
    exact_ci = exact_post.ppf(0.025), exact_post.ppf(0.975)
    approx_ci = approx_post.ppf(0.025), approx_post.ppf(0.975)

    print(
        f"Exact 95% credible interval: ({exact_ci[0]:.2f}, {exact_ci[1]:.2f})"
    )
    print(
        f"Laplace approximation 95% credible interval: ({approx_ci[0]:.2f}, {approx_ci[1]:.2f})"
    )

    plt.figure(figsize=(10, 6))
    plt.plot(xx, exact_post.pdf(xx), label="Exact", color=colors[0])
    plt.plot(xx, approx_post.pdf(xx), label="Laplace Approx.", color=colors[1])
    plt.axvline(
        x=exact_ci[0], color=colors[2], linestyle="--", label="95% CI (Exact)"
    )
    plt.axvline(x=exact_ci[1], color=colors[2], linestyle="--")
    plt.axvline(
        x=approx_ci[0], color=colors[3], linestyle=":", label="95% CI (Approx.)"
    )
    plt.axvline(x=approx_ci[1], color=colors[3], linestyle=":")
    plt.axvline(x=mu, color=colors[4], linestyle="-.", label="Mode")
    plt.title("Posterior with Laplace Approximation")
    plt.xlabel("Value")
    plt.ylabel("Density")
    plt.legend()
    plt.show()


# display comparisons of the exact posteriors and Laplace approximations
for mode, alphabeta in zip(p_modes, alphabeta_list):
    print_comparisons_and_plot(mode, alphabeta, n, x)
Exact 95% credible interval: (0.22, 0.62)
Laplace approximation 95% credible interval: (0.19, 0.61)
../_images/d066a5944c4368313355b26e497267f8de360b261c1fed512fbe11a3ff0389d7.png
Exact 95% credible interval: (0.21, 0.62)
Laplace approximation 95% credible interval: (0.17, 0.61)
../_images/3066c7fcc13a2be831ae4047871528a693b96f5c615338897b98e30ee777838b.png
Exact 95% credible interval: (0.23, 0.61)
Laplace approximation 95% credible interval: (0.20, 0.61)
../_images/4829043e0d58ae87951b4465afc80839e15271fb49ce5657755c0e6e0859c5b7.png

2. Coin and Probability of Heads#

A coin is flipped an unknown number of times, represented by \( n \), and \( X \) heads are observed. We are interested in the probability of heads \( p \) and assume the following model:

\[ P(X = k | n, p) \sim \text{Bin}(n, p) \]

The model is completed with priors on \(n\) and \( p \). Specifically, we assume \( n \) is Poisson-distributed with mean \( \lambda \) and \( p \) follows a beta distribution \( \text{Be}(\alpha, \beta) \). The priors on \( n \) and \( p \) are independent.

Assume \(X=6\) is observed. Sample from the posterior using:

  1. Metropolis.

  2. Gibbs.

Assume \(\alpha=\beta =20, \lambda=18\).

Hide code cell content
# q2 Metropolis
import numpy as np
from tqdm.auto import tqdm

rng = np.random.default_rng(1)

n = 1000000  # observations
burn = 500
p = 0.5  # init
p_samples = np.zeros(n)

x = 6  # observed
alpha = beta = 20
lam = 18
accepted = 0

p_proposals = rng.beta(a=x + alpha, b=beta, size=n)
unif = rng.uniform(size=n)

for i in tqdm(range(n)):
    r = np.exp(-lam * (p_proposals[i] - p))
    rho = min(r, 1)
    if unif[i] < rho:
        p = p_proposals[i]
        accepted += 1
    p_samples[i] = p

p_samples = p_samples[burn:]

print(f"Acceptance probability: {accepted/n:.2f}")
print(f"Posterior mean: {np.mean(p_samples):.2f}")
Acceptance probability: 0.35
Posterior mean: 0.47
Hide code cell content
# q2 Gibbs
import numpy as np
import matplotlib.pyplot as plt
from tqdm import tqdm

# Set the random number seed
rng = np.random.default_rng(10)

# Parameters
x = 6
alpha = 20
beta = 20
lambda_param = 18
obs = 50000
burn = 1000

# Initialize lists for storing samples
ns = np.zeros(obs)
ps = np.zeros(obs)

# Initial values
n = x
p = 0.5

for i in tqdm(range(obs)):
    newn = x + rng.poisson((1 - p) * lambda_param)
    newp = rng.beta(alpha + x, beta + n - x)
    ns[i] = newn
    ps[i] = newp
    n = newn
    p = newp

# Compute means after burn-in
En = np.mean(ns[burn:])
Ep = np.mean(ps[burn:])
print(f"Mean of n: {En}")
print(f"Mean of p: {Ep}")

# 95% credible set for n
n_lower_bound = np.percentile(ns[burn:], 2.5)
n_upper_bound = np.percentile(ns[burn:], 97.5)
print(f"95% credible interval for n: [{n_lower_bound}, {n_upper_bound}]")

# 95% credible set for p
p_lower_bound = np.percentile(ps[burn:], 2.5)
p_upper_bound = np.percentile(ps[burn:], 97.5)
print(f"95% credible interval for p: [{p_lower_bound}, {p_upper_bound}]")

# Histogram for p
plt.figure(figsize=(10, 6))
plt.hist(ps[burn:], bins=50, color="lightblue", density=True)
plt.xlabel("p | X")
plt.ylabel("Density")
plt.title("Posterior distribution of p")
plt.grid(True)
plt.show()
100%|██████████| 50000/50000 [00:00<00:00, 968375.17it/s]
Mean of n: 15.562897959183674
Mean of p: 0.4697784964155233
95% credible interval for n: [10.0, 23.0]
95% credible interval for p: [0.3320437636939032, 0.6139771821962687]

../_images/47e9257377ac0e5122c0e471095bdb9d08e7760d19b0427c340b72a3791946c1.png

3. Amanita muscaria#

With its bright red, sometimes dinner-plate-sized caps, the fly agaric (Amanita muscaria) is one of the most striking of all mushrooms (Fig. 1a). The white warts that adorn the cap, the white gills, a well-developed ring, and the distinctive volva of concentric rings distinguish the fly agaric from all other red mushrooms. The spores of the mushroom print white, are elliptical, and have a larger axis in the range of 7 to 13 µm (Fig. 1b).

Measurements of the diameter \(X\) of spores for \(n = 51\) mushrooms are given in the following table:

../_images/Amanita_Muscaria_in_Eastern_Europe_Lithuania_Wikipedia.jpg

Fig. 1 Fly agaric or Amanita muscaria#

../_images/amanita-muscaria-sp2.jpg

Fig. 2 Spores of Amanita muscaria.#

\[\begin{split} \begin{array}{c c c c c c c c c c} \hline 10 & 11 & 12 & 9 & 10 & 11 & 13 & 12 & 10 & 11 \\ 11 & 13 & 9 & 10 & 9 & 10 & 8 & 12 & 10 & 11 \\ 9 & 10 & 7 & 11 & 8 & 9 & 11 & 11 & 10 & 12 \\ 10 & 8 & 7 & 11 & 12 & 10 & 9 & 10 & 11 & 10 \\ 8 & 10 & 10 & 8 & 9 & 10 & 13 & 9 & 12 & 9 \\ 9 & & & & & & & & & \\ \hline \end{array} \end{split}\]

Assume that the measurements are normally distributed with mean \(\mu\) and variance \(\sigma^2\), but both parameters are unknown and of interest. Suppose that the prior on \(\mu\) is normal \(N (12, 2^2)\) and the prior on \(\tau = 1/\sigma^2\) is gamma \(\text{Ga}(2, 4)\).

  1. Develop a Gibbs sampling algorithm and find Bayes estimators of \(\mu\) and \(\tau\).

  2. If an inverse gamma \(\text{InvGa}(4, 2)\) is placed on \(\sigma^2\), would the solution be different? Develop a Gibbs sampling for this case keeping the prior on \(\mu\) as in 1.

  3. Develop a Metropolis algorithm for the priors as in 1. Choice of proposal distributions is up to you.

Hide code cell content
# Q3 Gibbs
import matplotlib.pyplot as plt
import numpy as np
import arviz as az

# fmt: off
y = np.array(
            [10, 11, 12, 9, 10, 11, 13, 12, 10, 11,
             11, 13, 9, 10, 9, 10, 8, 12, 10, 11,
              9, 10, 7, 11, 8, 9, 11, 11, 10, 12,
             10, 8, 7, 11, 12, 10, 9, 10, 11, 10,
              8, 10, 10, 8, 9, 10, 13, 9, 12, 9, 9]
            )
# fmt: on

# code is identical to GIBBS.pdf, with different hyperparameters
np.random.seed(100)
n = len(y)
NN = 10000
mus = np.array([])
taus = np.array([])
sumdata = np.sum(y)
# hyperparameters
mu0 = 12
tau0 = 1 / (2**2)
a = 2
b = 4

# start,initialvalues
mu = 12
tau = 1 / 4
for i in range(NN):
    newmu = np.random.normal(
        (tau * sumdata + tau0 * mu0) / (tau0 + n * tau),
        np.sqrt(1 / (tau0 + n * tau)),
    )
    par = b + 1 / 2 * np.sum((y - mu) ** 2)
    newtau = np.random.gamma(a + n / 2, 1 / par)
    # par is rate
    mus = np.append(mus, newmu)
    taus = np.append(taus, newtau)
    mu = newmu
    tau = newtau


burn = 200
mus = mus[burn:NN]
taus = taus[burn:NN]

print(np.mean(mus))
print(np.mean(taus))

fig, (ax1, ax2) = plt.subplots(2, 1, figsize=(7, 7))
ax1.hist(mus, 40)
ax1.set_xlabel("μ")
ax2.hist(taus, 40)
ax2.set_xlabel("τ")
plt.show()
10.118054011070178
0.46428843343116727
../_images/4e93819cfd18d60c12c6667f4000deebac9bc5af82df1f1d861e66665385c2d7.png
Hide code cell content
# Q3 Metropolis
import matplotlib.pyplot as plt
import numpy as np
import arviz as az
from tqdm.auto import tqdm

# fmt: off
y = np.array(
            [10, 11, 12, 9, 10, 11, 13, 12, 10, 11,
             11, 13, 9, 10, 9, 10, 8, 12, 10, 11,
              9, 10, 7, 11, 8, 9, 11, 11, 10, 12,
             10, 8, 7, 11, 12, 10, 9, 10, 11, 10,
              8, 10, 10, 8, 9, 10, 13, 9, 12, 9, 9]
            )
# fmt: on


def normal_likelihood(y, mu, tau):
    y_term = (y - mu) ** 2
    return np.prod(np.sqrt(tau) * np.exp(-tau / 2 * y_term))


def mu_prior(mu):
    return np.exp(-1 / 8 * (mu - 12) ** 2)


def tau_prior(tau):
    return tau * np.exp(-4 * tau)


seed = 123
rng = np.random.default_rng(seed)

obs = 50000
burn = 500
accepted = np.zeros(obs)

mu_samples = np.zeros(obs)
tau_samples = np.zeros(obs)

# pre-generate uniform randoms
unif = rng.uniform(size=obs)
mu_unif = rng.uniform(size=obs, low=-0.1, high=0.1)
tau_unif = rng.uniform(size=obs, low=-0.1, high=0.1)

mu = 12
tau = 1 / 4

for i in tqdm(range(obs)):
    # proposals
    mu_prop = mu + mu_unif[i]
    tau_prop = tau + tau_unif[i]

    # acceptance ratio
    ar = (
        normal_likelihood(y, mu_prop, tau_prop)
        * mu_prior(mu_prop)
        * tau_prior(tau_prop)
    ) / (normal_likelihood(y, mu, tau) * mu_prior(mu) * tau_prior(tau))

    ρ = min(ar, 1)

    if unif[i] < ρ:
        mu = mu_prop
        tau = tau_prop
        accepted[i] = 1

    mu_samples[i] = mu
    tau_samples[i] = tau

print(f"acceptance rate: {accepted.sum()/obs:.3f}")

# burning some samples (set in burn var above)
mu_samples_burned = mu_samples[burn:]
tau_samples_burned = tau_samples[burn:]

print(f"{np.mean(mu_samples_burned)=:.3f}")
print(f"{np.var(mu_samples_burned)=:.3f}")
print(f"{np.mean(tau_samples_burned)=:.3f}")
print(f"{np.var(tau_samples_burned)=:.3f}")

# posterior densities
fig, (ax1, ax2) = plt.subplots(2, 1, figsize=(7, 7))

ax1.grid(True)
ax1.hist(mu_samples_burned, color="lightblue", density=True, bins=50)
ax1.set_xlabel("μ")

ax2.grid(True)
ax2.hist(tau_samples_burned, color="lightgreen", density=True, bins=50)
ax2.set_xlabel("τ")

plt.show()

print(az.hdi(mu_samples))
print(az.hdi(tau_samples))
acceptance rate: 0.744
np.mean(mu_samples_burned)=10.118
np.var(mu_samples_burned)=0.045
np.mean(tau_samples_burned)=0.467
np.var(tau_samples_burned)=0.008
../_images/fce3ecdf83cab7b25f6463d8f884f8fb06878466794f0a853391395af87d276b.png
[ 9.71231639 10.51936398]
[0.30614833 0.6493451 ]
Hide code cell content
# Q3 PyMC
import pymc as pm
import numpy as np
import arviz as az

# fmt: off
y = np.array(
            [10, 11, 12, 9, 10, 11, 13, 12, 10, 11,
             11, 13, 9, 10, 9, 10, 8, 12, 10, 11,
              9, 10, 7, 11, 8, 9, 11, 11, 10, 12,
             10, 8, 7, 11, 12, 10, 9, 10, 11, 10,
              8, 10, 10, 8, 9, 10, 13, 9, 12, 9, 9]
            )
# fmt: on


with pm.Model() as m:
    # priors
    mu = pm.Normal("mu", mu=12, tau=1 / 4)
    tau = pm.Gamma("tau", alpha=2, beta=4)

    # Likelihood
    pm.Normal("likelihood", mu=mu, tau=tau, observed=y)

    # sampling
    trace = pm.sample(5000, target_accept=0.95)

print(az.summary(trace, hdi_prob=0.95, kind="stats"))

az.plot_trace(trace)
plt.show()
Auto-assigning NUTS sampler...
Initializing NUTS using jitter+adapt_diag...
Multiprocess sampling (4 chains in 4 jobs)
NUTS: [mu, tau]
100.00% [24000/24000 00:01<00:00 Sampling 4 chains, 0 divergences]
Sampling 4 chains for 1_000 tune and 5_000 draw iterations (4_000 + 20_000 draws total) took 2 seconds.
       mean     sd  hdi_2.5%  hdi_97.5%
mu   10.116  0.210     9.691     10.524
tau   0.464  0.088     0.302      0.641
../_images/975380115a79ddb52a12465a08c6bfe0cce73632cf72c5882b4b11ce2f22efeb.png

4. Jeremy via Metropolis#

The Jeremy example was solved exactly (as a conjugate problem) and by using WinBUGS. Recall that Jeremy’s IQ test score \(X\) was modeled as normal \(N(\theta, 80)\), while the location parameter \(\theta\) had prior \(N(110, 120)\). We could think of \(\theta\) as Jeremy’s intrinsic IQ level. On his IQ test Jeremy scored \(X = 98\).

Develop a Metropolis MCMC scheme for sampling from the posterior.

Sample the proposal \(\theta_p\) from a Cauchy distribution centered at the current state of the chain \(\theta\).

theta_prop = theta + 10 * np.tan(np.pi * np.random.rand() - np.pi / 2)

Since the proposal distribution depends on \((\theta_p - \theta)^2\), it does not factor into the acceptance ratio \(\rho\). Your target is the product of the likelihood and prior and does not need to be normalized to be a distribution. Start with \(\theta = 100\) and burn in 500 simulations. Save 50,000 simulations (not including the burn-in).

  1. Estimate the posterior mean, posterior standard deviation, find the median, and 95% equal-tailed credible set.

  2. Plot the normalized histogram and superimpose the theoretical posterior density.

5. Jeremy via Gibbs Sampling#

Translate the following WinBUGS code into a custom-made Gibbs Sampling program in MATLAB.

model {
  x ~ dnorm(mu, tau)
  pprec <- 1/120
  mu ~ dnorm(110, pprec)
  tau ~ dgamma(0.01, 1)
  sig2 <- 1/tau
}

DATA
list(x = 98)

INITS
list(mu = 100, tau = 0.01)

Find full conditionals for \(\mu\) and \(\tau\). Compare Bayes summaries (posterior mean, median, 2.5 and 97.5 percentiles, histograms) between WinBUGS and Gibbs outputs.

6. Gibbs with Metropolis Step (Georgia Deaths from Kidney Cancer 1985-1989 by Counties)#

When in a Gibbs sampling scheme, one or more full conditionals are not tractable, their function can be replaced by a so-called Metropolis step. An example with a Metropolis step is given below.

The data set contains death counts from Kidney Cancer for 159 Georgia counties as well as the county population size. The data are from years 1985-1989. It is of interest to estimate the death rate (per 100,000) for each county, as well as the all-Georgia death rate.

The model is Poisson \(\text{Poi}(\lambda_i n_i)\), \(i = 1, \ldots, k\) where \(n_i\) is the population size divided by 100,000 for county \(i\); here \(k = 169\). Also, \(n = n_1 + \ldots + n_k\) is the population of Georgia in units of 100,000. The model is as follows:

\[\begin{split} \begin{align*} y_i &\sim \text{Poi}(\lambda_i n_i), \quad i = 1, \ldots, k \\ \lambda_i &\sim \text{Ga}(\alpha, \beta), \quad i = 1, \ldots, k \\ \alpha &\sim U(0, A) \\ \beta &\sim U(0, B) \end{align*} \end{split}\]

for specified constants \(A\) and \(B\). The joint distribution is:

\[ f(y, \lambda, \alpha, \beta) = \prod_{i=1}^k \left[ \frac{\lambda_i^{y_i}}{y_i!} e^{-\lambda_i n_i} \times \frac{\beta^\alpha \lambda_i^{\alpha-1}}{\Gamma(\alpha)} e^{-\beta \lambda_i} \right] \times \frac{1}{A} 1(0 \leq \alpha \leq A) \times \frac{1}{B} 1(0 \leq \beta \leq B) \]
\[ \pi(\lambda_i \mid y, \lambda_{\neg i}, \alpha, \beta) \propto f(y, \lambda, \alpha, \beta) \propto \lambda_i^{y_i} e^{-\lambda_i n_i} \lambda_i^{\alpha-1} e^{-\beta \lambda_i}, \quad i = 1, \ldots, k \]

Therefore,

\[ [\lambda_i \mid y, \lambda_{\neg i}, \alpha, \beta] \sim \text{Ga}(y_i + \alpha, n_i + \beta), \quad i = 1, \ldots, k \]
\[ \pi(\alpha \mid y, \lambda, \beta) \propto f(y, \lambda, \alpha, \beta) \propto \left( \frac{\beta^k \prod_{i=1}^k \lambda_i}{\Gamma(\alpha)} \right)^\alpha 1(0 \leq \alpha \leq A) \]
\[ \pi(\beta \mid y, \lambda, \alpha) \propto f(y, \lambda, \alpha, \beta) \propto \beta^{k\alpha} e^{-\beta \sum_{i=1}^k y_i} \times \frac{1}{B} 1(0 \leq \beta \leq B) \]

Therefore,

\[ [\beta \mid y, \lambda, \alpha] \sim \text{Ga} \left( k\alpha + 1, \sum_{i=1}^k y_i \right) 1(0 \leq \beta \leq B) \]

The Metropolis Step for generating \(\alpha\): Proposal \(\alpha' \sim N(\alpha, \sigma^2)\). The Metropolis ratio depends on the target only,

\[ r = \left( \frac{\Gamma(\alpha)}{\Gamma(\alpha')} \right)^k \times C^{\alpha' - \alpha} \times 1(0 \leq \alpha' \leq A), \]

for \(C = \beta^k \prod_{i=1}^k \lambda_i\).

7. Exponential Survival Times#

Survival times of \(n\) post-surgery patients assigned to a treatment group are given as \(T_1, \ldots, T_n\). In a control group of \(m\) post-surgery patients the survival times are \(C_1, \ldots, C_m\). The proposed model is

\[\begin{split} \begin{align*} T_i &\sim E(\lambda \theta), \quad i = 1, \ldots, n \\ C_i &\sim E(\lambda), \quad i = 1, \ldots, m \\ \lambda &> 0, \\ \theta &> 0, \end{align*} \end{split}\]

where \(T_i\)’s and \(C_i\)’s are assumed independent. To complete the model assume the following priors on \(\lambda\) and \(\theta\),

\[ \pi(\lambda) = \frac{1}{\lambda}, \quad \text{[Jeffreys’ choice]} \]
\[ \theta \sim \text{Ga}(1/2, 1/2), \]

where gamma is parameterized via the rate parameter.

  1. Show that the likelihood and posterior depend on \(T = \sum_{i=1}^n T_i\) and \(C = \sum_{i=1}^m C_i\).

  2. Identify full conditionals for \([\lambda \mid \theta, T, C]\) and \([\theta \mid \lambda, T, C]\).

  3. For \(n = 10\), \(m = 12\), \(T = 18.26\), and \(C = 26.78\), set up a Gibbs sampling scheme.

  4. From a Gibbs sample of size 10000 estimate \(\theta\) and find a 95% equi-tailed credible set. Is the credible set containing 1? Discuss.

  5. How would you deal with the analysis if some times are censored? Repeat the analysis if \(T_{10} = 2.12\), \(C_{11} = 1.54\), and \(C_{12} = 1.98\) are in fact censored times.

8. Testing the Effectiveness of a Seasonal Flu Shot#

Assume 30 individuals are given a flu shot at the start of winter. At the end of winter, follow up to see whether they contracted flu. Let

\[\begin{split} x_i = \begin{cases} 1, & \text{no flu (shot effective)} \\ 0, & \text{flu (shot not effective)} \end{cases} \end{split}\]

Suppose the 30th individual was unavailable for follow-up. Define \(y = \sum_{i=1}^{29} x_i\). If \(p\) is the probability the shot is effective, then

\[ f(y \mid p) = \binom{29}{y} p^y (1 - p)^{29-y}, \quad y = 0, 1, \ldots, 29 \]

With the complete data (\(y\) plus \(x_{30}\)),

\[ f(y, x_{30} \mid p) = \binom{30}{y + x_{30}} p^{y + x_{30}} (1 - p)^{30 - y - x_{30}}, \quad y + x_{30} = 0, 1, \ldots, 30 \]

With a uniform prior on \(p\) and \([x_{30} \mid p] \sim \text{Ber}(p)\) the joint distribution of \([p, x_{30} \mid y]\) is proportional to \(f(y, x_{30} \mid p)\). Thus, the full conditionals are

\[ [p \mid x_{30}, y] \sim \text{Be}(y + x_{30} + 1, 30 - y - x_{30} + 1) \]

and

\[ [x_{30} \mid y, p] \sim \text{Ber}(p) \]

If \(y = 21\), estimate \(p\) using a Gibbs sampler that uses these two full conditionals.