各種インストール

In [ ]:
!pip install pystan
Collecting pystan
  Using cached pystan-3.10.0-py3-none-any.whl.metadata (3.7 kB)
Requirement already satisfied: aiohttp<4.0,>=3.6 in /usr/local/lib/python3.10/dist-packages (from pystan) (3.10.2)
Collecting clikit<0.7,>=0.6 (from pystan)
  Using cached clikit-0.6.2-py2.py3-none-any.whl.metadata (1.6 kB)
Collecting httpstan<4.14,>=4.13 (from pystan)
  Using cached httpstan-4.13.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (6.2 kB)
Requirement already satisfied: numpy>=1.19 in /usr/local/lib/python3.10/dist-packages (from pystan) (1.26.4)
Collecting pysimdjson<7,>=5.0.2 (from pystan)
  Using cached pysimdjson-6.0.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.9 kB)
Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from pystan) (71.0.4)
Requirement already satisfied: aiohappyeyeballs>=2.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp<4.0,>=3.6->pystan) (2.3.5)
Requirement already satisfied: aiosignal>=1.1.2 in /usr/local/lib/python3.10/dist-packages (from aiohttp<4.0,>=3.6->pystan) (1.3.1)
Requirement already satisfied: attrs>=17.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp<4.0,>=3.6->pystan) (24.2.0)
Requirement already satisfied: frozenlist>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from aiohttp<4.0,>=3.6->pystan) (1.4.1)
Requirement already satisfied: multidict<7.0,>=4.5 in /usr/local/lib/python3.10/dist-packages (from aiohttp<4.0,>=3.6->pystan) (6.0.5)
Requirement already satisfied: yarl<2.0,>=1.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp<4.0,>=3.6->pystan) (1.9.4)
Requirement already satisfied: async-timeout<5.0,>=4.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp<4.0,>=3.6->pystan) (4.0.3)
Collecting crashtest<0.4.0,>=0.3.0 (from clikit<0.7,>=0.6->pystan)
  Using cached crashtest-0.3.1-py3-none-any.whl.metadata (748 bytes)
Collecting pastel<0.3.0,>=0.2.0 (from clikit<0.7,>=0.6->pystan)
  Using cached pastel-0.2.1-py2.py3-none-any.whl.metadata (1.9 kB)
Collecting pylev<2.0,>=1.3 (from clikit<0.7,>=0.6->pystan)
  Using cached pylev-1.4.0-py2.py3-none-any.whl.metadata (2.3 kB)
Collecting appdirs<2.0,>=1.4 (from httpstan<4.14,>=4.13->pystan)
  Using cached appdirs-1.4.4-py2.py3-none-any.whl.metadata (9.0 kB)
Collecting marshmallow<4.0,>=3.10 (from httpstan<4.14,>=4.13->pystan)
  Using cached marshmallow-3.21.3-py3-none-any.whl.metadata (7.1 kB)
Collecting webargs<9.0,>=8.0 (from httpstan<4.14,>=4.13->pystan)
  Using cached webargs-8.4.0-py3-none-any.whl.metadata (8.0 kB)
Requirement already satisfied: packaging>=17.0 in /usr/local/lib/python3.10/dist-packages (from marshmallow<4.0,>=3.10->httpstan<4.14,>=4.13->pystan) (24.1)
Requirement already satisfied: idna>=2.0 in /usr/local/lib/python3.10/dist-packages (from yarl<2.0,>=1.0->aiohttp<4.0,>=3.6->pystan) (3.7)
Using cached pystan-3.10.0-py3-none-any.whl (13 kB)
Using cached clikit-0.6.2-py2.py3-none-any.whl (91 kB)
Using cached httpstan-4.13.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (45.5 MB)
Using cached pysimdjson-6.0.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.8 MB)
Using cached appdirs-1.4.4-py2.py3-none-any.whl (9.6 kB)
Using cached crashtest-0.3.1-py3-none-any.whl (7.0 kB)
Using cached marshmallow-3.21.3-py3-none-any.whl (49 kB)
Using cached pastel-0.2.1-py2.py3-none-any.whl (6.0 kB)
Using cached pylev-1.4.0-py2.py3-none-any.whl (6.1 kB)
Using cached webargs-8.4.0-py3-none-any.whl (31 kB)
Installing collected packages: pylev, appdirs, pysimdjson, pastel, marshmallow, crashtest, webargs, clikit, httpstan, pystan
Successfully installed appdirs-1.4.4 clikit-0.6.2 crashtest-0.3.1 httpstan-4.13.0 marshmallow-3.21.3 pastel-0.2.1 pylev-1.4.0 pysimdjson-6.0.2 pystan-3.10.0 webargs-8.4.0
In [ ]:
!pip install arviz
Requirement already satisfied: arviz in /usr/local/lib/python3.10/dist-packages (0.18.0)
Requirement already satisfied: setuptools>=60.0.0 in /usr/local/lib/python3.10/dist-packages (from arviz) (71.0.4)
Requirement already satisfied: matplotlib>=3.5 in /usr/local/lib/python3.10/dist-packages (from arviz) (3.7.1)
Requirement already satisfied: numpy<2.0,>=1.23.0 in /usr/local/lib/python3.10/dist-packages (from arviz) (1.26.4)
Requirement already satisfied: scipy>=1.9.0 in /usr/local/lib/python3.10/dist-packages (from arviz) (1.13.1)
Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from arviz) (24.1)
Requirement already satisfied: pandas>=1.5.0 in /usr/local/lib/python3.10/dist-packages (from arviz) (2.1.4)
Requirement already satisfied: dm-tree>=0.1.8 in /usr/local/lib/python3.10/dist-packages (from arviz) (0.1.8)
Requirement already satisfied: xarray>=2022.6.0 in /usr/local/lib/python3.10/dist-packages (from arviz) (2024.6.0)
Requirement already satisfied: h5netcdf>=1.0.2 in /usr/local/lib/python3.10/dist-packages (from arviz) (1.3.0)
Requirement already satisfied: typing-extensions>=4.1.0 in /usr/local/lib/python3.10/dist-packages (from arviz) (4.12.2)
Requirement already satisfied: xarray-einstats>=0.3 in /usr/local/lib/python3.10/dist-packages (from arviz) (0.7.0)
Requirement already satisfied: h5py in /usr/local/lib/python3.10/dist-packages (from h5netcdf>=1.0.2->arviz) (3.11.0)
Requirement already satisfied: contourpy>=1.0.1 in /usr/local/lib/python3.10/dist-packages (from matplotlib>=3.5->arviz) (1.2.1)
Requirement already satisfied: cycler>=0.10 in /usr/local/lib/python3.10/dist-packages (from matplotlib>=3.5->arviz) (0.12.1)
Requirement already satisfied: fonttools>=4.22.0 in /usr/local/lib/python3.10/dist-packages (from matplotlib>=3.5->arviz) (4.53.1)
Requirement already satisfied: kiwisolver>=1.0.1 in /usr/local/lib/python3.10/dist-packages (from matplotlib>=3.5->arviz) (1.4.5)
Requirement already satisfied: pillow>=6.2.0 in /usr/local/lib/python3.10/dist-packages (from matplotlib>=3.5->arviz) (9.4.0)
Requirement already satisfied: pyparsing>=2.3.1 in /usr/local/lib/python3.10/dist-packages (from matplotlib>=3.5->arviz) (3.1.2)
Requirement already satisfied: python-dateutil>=2.7 in /usr/local/lib/python3.10/dist-packages (from matplotlib>=3.5->arviz) (2.8.2)
Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas>=1.5.0->arviz) (2024.1)
Requirement already satisfied: tzdata>=2022.1 in /usr/local/lib/python3.10/dist-packages (from pandas>=1.5.0->arviz) (2024.1)
Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.7->matplotlib>=3.5->arviz) (1.16.0)
In [ ]:
!pip install nest_asyncio
Requirement already satisfied: nest_asyncio in /usr/local/lib/python3.10/dist-packages (1.6.0)

第1章¶

問題5

In [ ]:
import numpy as np
import matplotlib.pyplot as plt
from scipy.stats import norm

# 正規分布の定義
def f(x, mu, sig2):
    return (2 * np.pi * sig2) ** (-1/2) * np.exp(-(x - mu) ** 2 / (2 * sig2))

phi_seq = [-3, -1, 1, 3]
n_seq = [1, 5, 10]
m = len(phi_seq)
l = len(n_seq)
n = 30  # サンプルサイズ n
x = np.random.normal(size=n)  # 正規乱数をn個発生

# グラフを4個発生
fig, axes = plt.subplots(2, 2, figsize=(10, 8))
axes = axes.flatten()

for i, phi in enumerate(phi_seq):
    ax = axes[i]
    ax.set_xlim(-5, 7)
    ax.set_ylim(0, 0.5)
    ax.set_title(f"phi={phi}")

    for k, nn in enumerate(n_seq):
        mu = (phi + np.sum(x[:nn])) / (nn + 1)
        sig2 = 1
        x_vals = np.linspace(-5, 7, 400)
        y_vals = f(x_vals, mu, sig2)
        ax.plot(x_vals, y_vals, label=f"n={nn}", color=f"C{k+1}")

    # 真の分布の曲線を描く
    ax.plot(x_vals, norm.pdf(x_vals), 'k--', linewidth=2, label="真")
    ax.legend(loc="upper right")

plt.tight_layout()
plt.show()
<ipython-input-13-e497f5b1e700>:37: UserWarning: Glyph 30495 (\N{CJK UNIFIED IDEOGRAPH-771F}) missing from current font.
  plt.tight_layout()

問題6

In [ ]:
import numpy as np
import matplotlib.pyplot as plt
from scipy.stats import norm, t

# グラフの設定
plt.figure(figsize=(8, 6))
plt.xlim(-5, 5)
plt.ylim(0, 0.4)
plt.xlabel("t")
plt.ylabel("Density")

# 正規分布の曲線を描く
x_vals = np.linspace(-5, 5, 400)
plt.plot(x_vals, norm.pdf(x_vals), 'k-', linewidth=2, label="Normal")

# t分布の曲線を描く
for i in range(1, 6):
    plt.plot(x_vals, t.pdf(x_vals, df=i), label=f"degree {i}", color=f"C{i}")

# 凡例を追加
plt.legend(loc="upper right")

# グラフを表示
plt.show()

第2章¶

問題18

テキストでは、$\theta(t)=\cos t$を$\verb@p@$, $p(t)=-\sin t$を$\verb@q@$とおいている。 それを、$\theta(t)=\sin t$を$\verb@p@$, $p(t)=\cos t$を$\verb@q@$に変えると、 $\theta'(t)=\cos t$, $p'(t)=-\sin t$をを$\verb@q@$となるため、例22と比較して、$\verb@euler@$, $\verb@leapfrog@$とも、 $\epsilon>0$の前の符号が逆になる。

In [ ]:
import numpy as np
import matplotlib.pyplot as plt

L = 2
M = 100
eps = 0.1
# L = 3; M = 30; eps = 0.3

def euler(p, q):
    r = p + eps * q
    s = q - eps * p
    return r, s

def leapfrog(p, q):
    p = p + eps/2 * q
    q = q - eps * p
    p = p + eps/2 * q
    return p, q

def draw(proc, marker, color, P=0, Q=1):
    p = np.zeros(M)
    q = np.zeros(M)
    p[0] = P
    q[0] = Q
    for i in range(M - 1):
        p[i+1], q[i+1] = proc(p[i], q[i])
    plt.plot(p, q, marker=marker, color=color, label=proc.__name__)
    plt.scatter(p, q, marker=marker, color=color)

# グラフの設定
plt.figure(figsize=(8, 8))
plt.xlim(-L, L)
plt.ylim(-L, L)

# Euler法の描画
draw(euler, 'o', 'blue')

# Leapfrog法の描画
draw(leapfrog, 'x', 'red')

# 凡例を追加
plt.legend(loc="lower right")
plt.show()

問題19

// model19.stan

data{
  int N;
  array[N] real y;
}
parameters{
  real mu;
}
model{
  mu ~ normal(0,100);
  for(n in 1:N)
    y[n] ~ normal(mu, 1);
}
In [ ]:
import numpy as np
import matplotlib.pyplot as plt
import nest_asyncio
nest_asyncio.apply()
import stan
import arviz as az

# サンプルサイズ
n = 100

# 正規乱数を生成
y = np.random.normal(size=n)

# データリストの作成
data_list = {'N': n, 'y': y}

# Stanモデルをファイルから読み込む
f = open('model19.stan', 'r', encoding='utf-8')
model19 = f.read()

# モデルをコンパイルして保存
posterior = stan.build(model19, data=data_list)

# サンプリングの実行
fit19 = posterior.sample()

# 結果の表示
az.summary(fit19)

# 密度プロットを表示
az.plot_trace(fit19)
az.plot_density(fit19)
Building...
Building: 38.6s, done.Messages from stanc:
Warning in '/tmp/httpstan_puk2md5x/model_q3qxy56c.stan', line 9, column 16: Argument
    100 suggests there may be parameters that are not unit scale; consider
    rescaling with a multiplier (see manual section 22.12).
Sampling:   0%
Sampling:  25% (2000/8000)
Sampling:  50% (4000/8000)
Sampling:  75% (6000/8000)
Sampling: 100% (8000/8000)
Sampling: 100% (8000/8000), done.
Messages received during sampling:
  Gradient evaluation took 0.000101 seconds
  1000 transitions using 10 leapfrog steps per transition would take 1.01 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 6.6e-05 seconds
  1000 transitions using 10 leapfrog steps per transition would take 0.66 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 1.8e-05 seconds
  1000 transitions using 10 leapfrog steps per transition would take 0.18 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 1.4e-05 seconds
  1000 transitions using 10 leapfrog steps per transition would take 0.14 seconds.
  Adjust your expectations accordingly!
Out[ ]:
array([[<Axes: title={'center': 'mu'}>]], dtype=object)

問題22

// model10.stan

data{
  int N; // サンプルサイズ
  int M; // 変数の数 ( 切片含む )
  vector[N] y; // 目的変数
  matrix[N,M] x; // 説明変数 , matrix で宣言
}
parameters{
  vector[M] beta; // vector で宣言
  real <lower=0> sigma;
}
model{
  beta ~ normal(0,100);
  sigma ~ cauchy(0,5);
  y ~ normal(x * beta, sigma);
}
In [ ]:
import numpy as np
import pandas as pd
import stan
import arviz as az
import nest_asyncio

# 必要なモジュールをインポート
nest_asyncio.apply()

# Bostonデータセットをインターネットから取得
data_url = "http://lib.stat.cmu.edu/datasets/boston"
raw_df = pd.read_csv(data_url, sep="\s+", skiprows=22, header=None)
data = np.hstack([raw_df.values[::2, :], raw_df.values[1::2, :2]])
target = raw_df.values[1::2, 2]
X = data[:, [5,12]]

# データをPandasのDataFrameに変換

# Stanに渡すデータリストの作成
data_list = {
    'N': n,
    'M': X.shape[1],  # M=3
    'y': target,
    'x': X
}

# Stanモデルをファイルから読み込む
f = open('model10.stan', 'r', encoding='utf-8')
model22 = f.read()

# モデルをコンパイル
posterior = stan.build(model22, data=data_list)

# サンプリングの実行
fit22 = posterior.sample()

# 結果の表示
idata = az.from_pystan(posterior=fit22)
az.summary(idata)

# 密度プロットを表示
az.plot_trace(fit)
az.plot_density(fit)
plt.show()

問題23

In [ ]:
import numpy as np
import pandas as pd
import stan
import arviz as az
import nest_asyncio

# 必要なモジュールをインポート
nest_asyncio.apply()

# Bostonデータセットをインターネットから取得
data_url = "http://lib.stat.cmu.edu/datasets/boston"
raw_df = pd.read_csv(data_url, sep="\s+", skiprows=22, header=None)
data = np.hstack([raw_df.values[::2, :], raw_df.values[1::2, :2]])
target = raw_df.values[1::2, 2]
X = data[:, [5]]

# データをPandasのDataFrameに変換

# Stanに渡すデータリストの作成
data_list = {
    'N': n,
    'M': X.shape[1],  # M=2
    'y': target,
    'x': X
}

# Stanモデルをファイルから読み込む
f = open('model10.stan', 'r', encoding='utf-8')
model23 = f.read()

# モデルをコンパイル
posterior = stan.build(model23, data=data_list)

# サンプリングの実行
fit23 = posterior.sample()

# 結果の表示
idata = az.from_pystan(posterior=fit23)
az.summary(idata)

問題24

// model24.stan

data {
 int<lower = 0> N;
 vector[N] y;
}
parameters {
  ordered[2] mu;
  array[2] real<lower=0>;
  real<lower=0, upper=1> theta;
}
model {
  mu ~ normal(0, 2);
  theta ~ beta(5, 5);
  for (n in 1:N)
    target += log_mix(theta,
      normal_lpdf(y[n] | mu[1], sigma[1]),
      normal_lpdf(y[n] | mu[2], sigma[2]));
}
In [ ]:
import numpy as np
import stan
import arviz as az
import nest_asyncio

# 必要なモジュールをインポート
nest_asyncio.apply()

# サンプルサイズとデータの生成
N = 100
y = np.random.normal(size=N)

# Stanに渡すデータリストの作成
data_list = {'N': N, 'y': y}

# Stanモデルをファイルから読み込む
f = open('model24.stan', 'r', encoding='utf-8')
model24 = f.read()

# モデルをコンパイル
posterior = stan.build(model24, data=data_list)

# サンプリングの実行
fit = posterior.sample()

# 結果の密度プロットを表示
az.plot_density(fit)
plt.show()
In [ ]:

問題25

p26の2番目のセルの11行目の$\verb@fit_X['diff']@$は、$\verb@fit_X['diff'].flatten()@$にしないと動きません。

// model_X.stan

data{
  int N;
  vector[N] y;
  vector[N] x;
}

parameters{
  real mu_y;
  real<lower=0> sigma_y;
  real mu_x;
  real<lower=0> sigma_x;
}

model{
  mu_y ~ normal(0,100);
  sigma_y ~ cauchy(0,5);
  mu_x ~ normal(0,100);
  sigma_x ~ cauchy(0,5);
  y ~ normal(mu_y,sigma_y);
  x ~ normal(mu_x,sigma_x);
}

generated quantities{
  real diff;
  real prob;
  diff = mu_x - mu_y;
}
In [ ]:
import numpy as np
import stan
import arviz as az
import nest_asyncio
import matplotlib.pyplot as plt
from scipy.stats import gaussian_kde

y = np.random.normal(5,2,100)
x = np.random.normal(7,6,100)
data_list = {"N": 100, "y": y, "x": x}
f = open('model_X.stan', 'r', encoding='utf-8')
model_X=f.read()
posterior = stan.build(model_X, data=data_list)
fit_X = posterior.sample()
S = fit_X['diff'].flatten()
kde = gaussian_kde(S)
x = np.linspace(min(S), max(S), 100)
y = kde(x)
plt.plot(x, y)

問題26

// model26.stan

data{
  int N;
  int M;
  int y[N];
  matrix[N,M] x;
}

parameters{
  vector[M] beta;
}

model{
  beta ~ normal(0,100);
  y ~ bernoulli_logit(x*beta);
}
In [ ]:
import numpy as np
import stan
import arviz as az
import nest_asyncio
import matplotlib.pyplot as plt

# 必要なモジュールをインポート
nest_asyncio.apply()

# パラメータの設定
N = 100
M = 3

# ベータ係数の生成
beta = np.random.normal(size=M)

# 説明変数xの生成
x = np.random.normal(size=(N, M))

# 目的変数yの生成
y = np.zeros(N, dtype=int)
for i in range(N):
    p = 1 / (1 + np.exp(-np.dot(x[i, :], beta)))
    y[i] = 1 if np.random.uniform(0, 1) < p else 0

# Stanに渡すデータリストの作成
data_list = {"N": N, "M": M, "x": x, "y": y}

# Stanモデルをファイルから読み込む
f = open('model26.stan', 'r', encoding='utf-8')
model26 = f.read()

# モデルのビルドとサンプリング
posterior = stan.build(model26, data=data_list)
fit = posterior.sample()

# 密度プロットを表示
az.plot_density(fit)
plt.show()

第3章¶

問題35

In [ ]:
import numpy as np
import matplotlib.pyplot as plt

# パラメータの設定
n = 100
a = np.zeros(n)
sum_x = 0

# シミュレーションと累積平均の計算
for i in range(1, n+1):
    x = np.random.binomial(1, 0.5)
    sum_x += x
    a[i-1] = sum_x / i

# プロットの表示
plt.plot(range(1, n+1), a, linestyle='-')
plt.xlabel('Iteration')
plt.ylabel('Cumulative Mean')
plt.title('Cumulative Mean of Binomial Samples')
plt.show()

問題37

In [ ]:
import numpy as np
import matplotlib.pyplot as plt
from scipy.stats import chi2, norm

def CLT(m, n, df):
    S = []
    mu = df
    sigma = np.sqrt(2 * df)

    for _ in range(m):
        x = np.random.chisquare(df, n)
        S.append((np.sum(x) - n * mu) / (np.sqrt(n) * sigma))

    # 密度プロットの描画
    density = plt.hist(S, bins=30, density=True, alpha=0.6, color='g')
    xmin, xmax = plt.xlim()
    x = np.linspace(xmin, xmax, 100)
    p = norm.pdf(x, 0, 1)
    plt.plot(x, p, 'k', linewidth=2)
    title = "自由度2のカイ2乗分布から得られた正規分布"
    plt.title(title)
    plt.xlabel("Y_n")
    plt.ylabel("確率密度")
    plt.show()

# パラメータの設定
m = 300
n = 100
df = 2

# CLT関数の実行
CLT(m, n, df)

第4章¶

問題48

In [ ]:
import numpy as np

# パラメータの設定
mu = 0
sigma = 1
n = 100

# G関数とT関数の定義
def G(y):
    return 0.5 * np.log(2 * np.pi * (n + 2) / (n + 1)) + (n + 1) / (n + 2) / 2 * (sigma**2 + (mu - np.sum(y) / (n + 1))**2)

def T(y):
    return 0.5 * np.log(2 * np.pi * (n + 2) / (n + 1)) + (n + 1) / (n + 2) / 2 * np.mean((y - np.sum(y) / (n + 1))**2)

# サンプルデータの生成
y = np.random.normal(mu, sigma, n)

# 関数の実行
G_value = G(y)
T_value = T(y)

# 結果の表示
print("G(y):", G_value)
print("T(y):", T_value)

第5章¶

問題61

// model61.stan

data {
 int<lower = 0> N;
 vector[N] y;
}
parameters {
  ordered[2] mu;
  real<lower=0, upper=1> theta;
  real<lower=0> sigma;
}
model {
  mu ~ normal(0, 2);
  theta ~ beta(5, 5);
  for (n in 1:N)
    target += log_mix(theta,
      normal_lpdf(y[n] | mu[1], sigma),
      normal_lpdf(y[n] | mu[2], sigma));
}
generated quantities{
  vector[N] log_lik;
  for (n in 1:N)
    log_lik[n]= log_mix(theta,
      normal_lpdf(y[n] | mu[1], sigma),
      normal_lpdf(y[n] | mu[2], sigma));
}
In [ ]:
import numpy as np
import stan
import arviz as az
import nest_asyncio

# 必要なモジュールをインポート
nest_asyncio.apply()

# WAICとその他の関数の定義
def V_n(log_likelihood):
    return np.mean(np.mean(log_likelihood**2, axis=1) - np.mean(log_likelihood, axis=1)**2)

def T_n(log_likelihood):
    return -np.mean(np.log(np.mean(np.exp(log_likelihood), axis=1)))

def WAIC(log_likelihood):
    return T_n(log_likelihood) + V_n(log_likelihood)

# データ生成関数
def generator(n):
    data1 = np.random.normal(-4, 1, n)  # N(-4, 1) に従う乱数
    data2 = np.random.normal(2, 1, n)   # N(2, 1) に従う乱数
    data3 = (np.random.uniform(0, 1, n) <= 0.6)  # 確率 0.6 で 1 となる論理ベクトル
    return data1 * data3 + data2 * (1 - data3)  # 確率 0.6 で N(-4,1), 確率0.4で N(2,1) 乱数を採択

# データの生成
N = 1000
y = generator(N)

# Stanモデルをファイルから読み込む
with open('model61.stan', 'r', encoding='utf-8') as f:
    model_code = f.read()

# モデルのビルドとサンプリング
posterior = stan.build(model_code, data={'N': N, 'y': y})
fit = posterior.sample()

# Stanから生成されたパラメータの抽出
log_lik = fit['log_lik']

# WAICの計算
waic_value = WAIC(log_lik)
print("WAIC:", waic_value)

# AICの計算
aic_value = 1/2 * np.log(2 * np.pi * np.exp(1)) + 1/2 * np.log((N - 1) / N * np.var(y)) + 3/2/N
print("AIC:", aic_value)

問題62

// model11.stan

data{
  int N; // サンプルサイズ
  int M; // 変数の数 ( 切片含む )
  vector[N] y; // 目的変数
  matrix[N,M] x; // 説明変数 , matrix で宣言
}
parameters{
  vector[M] beta; // vector で宣言
  real <lower=0> sigma;
}
model{
  beta ~ normal(0,100);
  sigma ~ cauchy(0,5);
  y ~ normal(x * beta, sigma);
}
generated quantities{
  array[N] real log_lik;
  for(n in 1:N)
    log_lik[n]= normal_lpdf(y[n]|x[n]*beta, sigma);
}
In [ ]:
import numpy as np
import pandas as pd
import stan
import arviz as az
import nest_asyncio
from scipy.special import logsumexp

# 必要なモジュールをインポート
nest_asyncio.apply()

# WAICとその他の関数の定義
def V_n(log_likelihood):
    return np.mean(np.mean(log_likelihood**2, axis=1) - np.mean(log_likelihood, axis=1)**2)

def T_n(log_likelihood):
    return -np.mean(np.log(np.mean(np.exp(log_likelihood), axis=1)))

def WAIC(log_likelihood):
    return T_n(log_likelihood) + V_n(log_likelihood)

# Bostonデータセットをインターネットから取得
data_url = "http://lib.stat.cmu.edu/datasets/boston"
raw_df = pd.read_csv(data_url, sep="\s+", skiprows=22, header=None)

# データの整形
data = np.hstack([raw_df.values[::2, :], raw_df.values[1::2, :2]])
target = raw_df.values[1::2, 2]

# 選択するインデックス(Pythonでは0ベース)
index = [0, 2, 4, 5, 7, 9, 10, 11, 12]  # 1, 3, 5, 6, 8, 10, 11, 12, 13 のRに対応

# 正しい列名を使用(13列のみ)
df = pd.DataFrame(data, columns=['CRIM', 'ZN', 'INDUS', 'CHAS', 'NOX', 'RM', 'AGE', 'DIS', 'RAD', 'TAX', 'PTRATIO', 'B', 'LSTAT'])

# 必要な列を選択
df = df.iloc[:, index]
X = np.column_stack((np.ones(df.shape[0]), df))
N = df.shape[0]
K = X.shape[1]
Y = target

# Stanに渡すデータリストの作成
data_list = {'N': N, 'M': K, 'y': Y, 'x': X}

# Stanモデルをファイルから読み込む
with open('model11.stan', 'r', encoding='utf-8') as f:
    model_code = f.read()

# モデルのビルドとサンプリング
posterior = stan.build(model_code, data=data_list, random_seed=1)
fit = posterior.sample()

# Stanから生成されたパラメータの抽出
log_lik = fit['log_lik']

# WAICの計算
waic_value = 2 * N * WAIC(log_lik)
print("2*N*WAIC:", waic_value)

# ArviZを使用してWAICの計算
idata = az.from_pystan(posterior=fit)
waic_result = az.waic(idata)
print("WAIC (via ArviZ):", waic_result)

問題64

In [ ]:
import numpy as np
import matplotlib.pyplot as plt
from scipy.special import gamma
from scipy.stats import gaussian_kde

# Fn関数の定義
def Fn(x, n):
    k = np.sum(x)
    return np.log(gamma(n+2)) - np.log(gamma(n-k+1)) - np.log(gamma(k+1))

# パラメータの設定
m = 500
n = 100
T = []

# シミュレーションの実行
for j in range(m):
    x = np.random.binomial(1, 0.25, n)
    T.append(Fn(x, n))

# カーネル密度推定の実行
T = np.array(T)
kde = gaussian_kde(T)
x_vals = np.linspace(min(T), max(T), 1000)
y_vals = kde(x_vals)

# 密度プロットの描画
plt.figure(figsize=(8, 6))
plt.plot(x_vals, y_vals, color='red')
plt.title("自由エネルギー")
plt.xlabel("$F_n$")
plt.ylabel("確率密度関数")
plt.show()

問題66

// model15.stan

data {
  int N;                // サンプルサイズ
  int M;                // 説明変数の数+1(切片)
  vector[N] y;          // 目的変数
  matrix[N, M] x;       // デザイン行列
  real beta;            // 逆温度
}
parameters {
  vector[M] b;          // M-1個の傾きと切片
  real<lower=0> sigma;  // 標準偏差
}
model {
  for(n in 1:N)
    target += beta * normal_lpdf(y[n] | x[n] * b, sigma);
}
generated quantities{
  vector[N] log_lik;
  for (n in 1:N)
    log_lik[n]= normal_lpdf(y[n] | x[n]*b, sigma);
}
In [ ]:
import numpy as np
import pandas as pd
import stan
import arviz as az
import nest_asyncio

# 必要なモジュールをインポート
nest_asyncio.apply()

# WBICとBICの計算関数
def wbic(log_likelihood):
    return -np.mean(np.sum(log_likelihood, axis=0))

def bic(x, y):
    n, p = x.shape
    beta2 = np.linalg.inv(x.T @ x) @ (x.T @ y)
    sigma2 = np.sum((y - x @ beta2) ** 2) / n
    return 0.5 * n * np.log(2 * np.pi * np.exp(1) * sigma2) + 0.5 * (p + 2) * np.log(n)

# Bostonデータセットをインターネットから取得
data_url = "http://lib.stat.cmu.edu/datasets/boston"
raw_df = pd.read_csv(data_url, sep="\s+", skiprows=22, header=None)

# データの整形
data = np.hstack([raw_df.values[::2, :], raw_df.values[1::2, :2]])
target = raw_df.values[1::2, 2]

# 正しい列名を使用(13列のみ)
df = pd.DataFrame(data, columns=['CRIM', 'ZN', 'INDUS', 'CHAS', 'NOX', 'RM', 'AGE', 'DIS', 'RAD', 'TAX', 'PTRATIO', 'B', 'LSTAT'])

# 選択するインデックス(Pythonでは0ベース)
index = [0, 2, 4, 5, 7, 9, 10, 11, 12]  # 1, 3, 5, 6, 8, 10, 11, 12, 13 のRに対応

# 必要な列を選択
x = df.iloc[:, index].values
x = np.column_stack((np.ones(df.shape[0]), x))  # 切片項を追加
y = target
n, p = x.shape

# Stanに渡すデータリストの作成
data_list = {'N': n, 'M': p, 'y': y, 'x': x, 'beta': 1/np.log(n)}

# Stanモデルをファイルから読み込む
with open('model15.stan', 'r', encoding='utf-8') as f:
    model_code = f.read()

# モデルのビルドとサンプリング
posterior = stan.build(model_code, data=data_list)
fit = posterior.sample(num_chains=4, num_samples=3000)

# Stanから生成されたパラメータの抽出
log_lik = fit['log_lik']

# WBICの計算
wbic_value = wbic(log_lik)
print("WBIC:", wbic_value)

# BICの計算
bic_value = bic(x, y)
print("BIC:", bic_value)

第6章¶

問題68

In [ ]:
import numpy as np
import matplotlib.pyplot as plt

# パラメータの設定
a = 0
b = 0
x_min = -1
x_max = 5

# 関数fの定義
def f(x, a, b):
    return np.sqrt(np.maximum(x**3 + a*x + b, 0))

# xのシーケンスを作成
x_seq = np.arange(x_min, x_max, 0.001)

# yのシーケンスを計算
y_seq = np.array([f(x, a, b) for x in x_seq])

# yの最大値を計算
y_max = np.max(y_seq)

# プロットの設定
plt.figure(figsize=(8, 6))
plt.plot(x_seq, y_seq, label='y=f(x)')
plt.plot(x_seq, -y_seq, label='y=-f(x)')
plt.axhline(0, color='black', linewidth=0.5)
plt.axvline(0, color='black', linewidth=0.5)
plt.xlim(x_min, x_max)
plt.ylim(-y_max, y_max)
plt.xlabel('x')
plt.ylabel('y')
plt.title(f'a={a}, b={b}')
plt.legend()
plt.show()
In [ ]:
import numpy as np
import matplotlib.pyplot as plt

# パラメータの設定
a = -3
b = 2
x_min = -3
x_max = 3

# 関数fの定義
def f(x, a, b):
    return np.sqrt(np.maximum(x**3 + a*x + b, 0))

# xのシーケンスを作成
x_seq = np.arange(x_min, x_max, 0.001)

# yのシーケンスを計算
y_seq = np.array([f(x, a, b) for x in x_seq])

# yの最大値を計算
y_max = np.max(y_seq)

# プロットの設定
plt.figure(figsize=(8, 6))
plt.plot(x_seq, y_seq, label='y=f(x)')
plt.plot(x_seq, -y_seq, label='y=-f(x)')
plt.axhline(0, color='black', linewidth=0.5)
plt.axvline(0, color='black', linewidth=0.5)
plt.xlim(x_min, x_max)
plt.ylim(-y_max, y_max)
plt.xlabel('x')
plt.ylabel('y')
plt.title(f'a={a}, b={b}')
plt.legend()
plt.show()

第7章¶

問題77

In [ ]:
import numpy as np
import matplotlib.pyplot as plt

# delta関数の定義
def delta(a, j):
    x_values = [-a, a, a, -a, -a]
    y_values = [0, 0, 1/a, 1/a, 0]
    plt.plot(x_values, y_values, color=j)

# パラメータの設定
a_seq = [10**(-3)]

# プロットの設定
plt.figure(figsize=(8, 6))
plt.xlim(-0.05, 0.05)
plt.ylim(0, 1005)
plt.xlabel("x")
plt.ylabel("fa(x)")
plt.title("Uniform Distribution")

# delta関数を使って線を描画
for a in a_seq:
    delta(a, 'blue')  # 色は固定

plt.show()

問題86

In [ ]:
import numpy as np
import pandas as pd
import stan
import nest_asyncio

# 必要なモジュールをインポート
nest_asyncio.apply()

# V_n, T_n, WAIC, CVの関数定義
def V_n(log_likelihood):
    return np.mean(np.mean(log_likelihood**2, axis=1) - np.mean(log_likelihood, axis=1)**2)

def T_n(log_likelihood):
    return -np.mean(np.log(np.mean(np.exp(log_likelihood), axis=1)))

def WAIC(log_likelihood, beta):
    return T_n(log_likelihood) + beta * V_n(log_likelihood)

def CV(log_likelihood, beta):
    return -np.mean(
        np.log(np.mean(np.exp((1-beta) * log_likelihood), axis=1)) -
        np.log(np.mean(np.exp(-beta * log_likelihood), axis=1))
    )

# Bostonデータセットをインターネットから取得
data_url = "http://lib.stat.cmu.edu/datasets/boston"
raw_df = pd.read_csv(data_url, sep="\s+", skiprows=22, header=None)

# データの整形
data = np.hstack([raw_df.values[::2, :], raw_df.values[1::2, :2]])
target = raw_df.values[1::2, 2]

# 使用する変数のインデックス (13列しかないので0から12を使用)
index = [0, 2, 4, 5, 6, 7, 9, 10, 11, 12]
X = data[:, index]
N = data.shape[0]
K = X.shape[1]
Y = target

# パラメータの初期化
waic_values = []
cv_values = []
beta_seq = np.arange(0.1, 1.6, 0.1)

# Stanモデルの実行とWAIC/CVの計算
for beta in beta_seq:
    data_list = {'N': N, 'M': K, 'y': Y, 'x': X, 'beta': beta}

    with open('model15.stan', 'r', encoding='utf-8') as f:
        model_code = f.read()

    # モデルのビルドとサンプリング
    posterior = stan.build(model_code, data=data_list, random_seed=1)
    fit = posterior.sample(num_chains=4, num_samples=1000)

    log_lik = fit['log_lik']

    # WAICとCVの計算
    waic_values.append(N * WAIC(log_lik, beta))
    cv_values.append(N * CV(log_lik, beta))

# 結果の表示
print("WAIC values:", waic_values)
print("CV values:", cv_values)
In [ ]:
# プロットの設定
plt.figure(figsize=(8, 6))

# WAICのプロット
plt.plot(beta_seq, waic_values, label="WAIC", color="red", linestyle="-")

# CVのプロット
plt.plot(beta_seq, cv_values, label="CV", color="blue", linestyle="-")

# グラフの詳細設定
plt.xlabel("Beta")
plt.ylabel("WAIC/CV")
plt.ylim(1520, 1560)
plt.legend(loc="upper right")
plt.title("WAICとCVの値の変化")
plt.grid(True)

# グラフの表示
plt.show()

第8章¶

問題98

// model98.stan

data {
  int<lower=1> K;          // number of mixture components
  int<lower=1> N;          // number of data points
  array[N] vector[2] y;    // observations
  real beta;
}
parameters {
  simplex[K] theta;
  array[K] vector[2] mu;
  vector<lower=0>[2] sigma;
}
transformed parameters{
  vector[K] log_theta = log(theta);  // cache log calculation
}
model {
  theta ~ dirichlet(rep_vector(1.0, K));  // Dirichlet事前分布
  mu ~ multi_normal(rep_vector(0.0, 2), diag_matrix(rep_vector(1.0, 2)));  // 多変量正規分布
  sigma ~ normal(0, 1);  // 事前分布として正規分布
  for (n in 1:N) {
    vector[K] lps = log_theta;
    for (k in 1:K)
      lps[k] += multi_normal_lpdf(y[n] | mu[k], diag_matrix(sigma));
    target += beta*log_sum_exp(lps);
  }
}
generated quantities {
  vector[N] log_lik;
  for (n in 1:N) {
    vector[K] lps = log_theta;
    for (k in 1:K)
      lps[k] += multi_normal_lpdf(y[n] | mu[k], diag_matrix(sigma));
    log_lik[n] = log_sum_exp(lps);
  }
}
In [4]:
import numpy as np
import stan
import nest_asyncio

# 必要なモジュールをインポート
nest_asyncio.apply()

import shutil
shutil.rmtree('/path/to/stan_cache', ignore_errors=True)

# WBICの計算関数
def wbic(log_likelihood):
    return -np.mean(np.sum(log_likelihood, axis=0))

# パラメータの設定
b_seq = [1, 10, 100, 250]
K_seq = [1, 2, 3, 4]
x = []

# データの生成
n = 100
for i in range(n):
    x.append([np.random.normal(-2, 1), np.random.normal(-2, 1)])
for i in range(n, 2 * n):
    x.append([np.random.normal(2, 1), np.random.normal(2, 1)])
for i in range(2 * n, 3 * n):
    x.append([np.random.normal(0, 1), np.random.normal(0, 1)])

# WBICの計算

f = open('model98.stan', 'r', encoding='utf-8')
model_code = f.read()

WBIC = []
for b in b_seq:
    for k in K_seq:
        data_list = {'K': k, 'N': len(x), 'y': x, 'beta': b / np.log(n)}

        # モデルのビルドとサンプリング
        posterior = stan.build(model_code, data=data_list, random_seed=1)
        fit = posterior.sample(num_chains=4, num_samples=5000, num_warmup=2500)
        print(fit)
        log_lik = fit['log_lik']

        # WBICの計算
        wbic_value = wbic(log_lik)
        print(wbic_value)
        WBIC.append(wbic_value)

# WBICの結果を表示
print("WBIC values:", WBIC)
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5401/30000)
Sampling:  18% (5501/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10401/30000)
Sampling:  35% (10501/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  38% (11300/30000)
Sampling:  39% (11800/30000)
Sampling:  42% (12500/30000)
Sampling:  46% (13900/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21100/30000)
Sampling:  72% (21700/30000)
Sampling:  76% (22700/30000)
Sampling:  78% (23300/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  83% (24800/30000)
Sampling:  84% (25100/30000)
Sampling:  98% (29400/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.009365 seconds
  1000 transitions using 10 leapfrog steps per transition would take 93.65 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 0.000744 seconds
  1000 transitions using 10 leapfrog steps per transition would take 7.44 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.000644 seconds
  1000 transitions using 10 leapfrog steps per transition would take 6.44 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.00065 seconds
  1000 transitions using 10 leapfrog steps per transition would take 6.5 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (1,)
    mu: (1, 2)
    sigma: (2,)
    log_theta: (1,)
    log_lik: (300,)
Draws: 20000
1260.3819645213698
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5002/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (14901/30000)
Sampling:  50% (14902/30000)
Sampling:  50% (15002/30000)
Sampling:  50% (15101/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19901/30000)
Sampling:  67% (20002/30000)
Sampling:  67% (20101/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.000742 seconds
  1000 transitions using 10 leapfrog steps per transition would take 7.42 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 0.001435 seconds
  1000 transitions using 10 leapfrog steps per transition would take 14.35 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001428 seconds
  1000 transitions using 10 leapfrog steps per transition would take 14.28 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 0.001373 seconds
  1000 transitions using 10 leapfrog steps per transition would take 13.73 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (2,)
    mu: (2, 2)
    sigma: (2,)
    log_theta: (2,)
    log_lik: (300,)
Draws: 20000
1141.9540145360638
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4301/30000)
Sampling:  15% (4401/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4900/30000)
Sampling:  17% (5000/30000)
Sampling:  17% (5100/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  18% (5501/30000)
Sampling:  19% (5601/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  46% (13901/30000)
Sampling:  47% (14001/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (15000/30000)
Sampling:  50% (15100/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16501/30000)
Sampling:  55% (16601/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18501/30000)
Sampling:  62% (18601/30000)
Sampling:  62% (18701/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19900/30000)
Sampling:  67% (20000/30000)
Sampling:  67% (20100/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20901/30000)
Sampling:  70% (21001/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.001225 seconds
  1000 transitions using 10 leapfrog steps per transition would take 12.25 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002702 seconds
  1000 transitions using 10 leapfrog steps per transition would take 27.02 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 0.001905 seconds
  1000 transitions using 10 leapfrog steps per transition would take 19.05 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 0.001868 seconds
  1000 transitions using 10 leapfrog steps per transition would take 18.68 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (3,)
    mu: (3, 2)
    sigma: (2,)
    log_theta: (3,)
    log_lik: (300,)
Draws: 20000
1128.447539949412
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4701/30000)
Sampling:  16% (4801/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5000/30000)
Sampling:  17% (5100/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5201/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14701/30000)
Sampling:  49% (14801/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (15000/30000)
Sampling:  50% (15100/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15201/30000)
Sampling:  51% (15301/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19501/30000)
Sampling:  65% (19601/30000)
Sampling:  66% (19701/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19900/30000)
Sampling:  67% (20000/30000)
Sampling:  67% (20100/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20301/30000)
Sampling:  68% (20401/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.001623 seconds
  1000 transitions using 10 leapfrog steps per transition would take 16.23 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002632 seconds
  1000 transitions using 10 leapfrog steps per transition would take 26.32 seconds.
  Adjust your expectations accordingly!
  Gradient evaluation took 0.00284 seconds
  1000 transitions using 10 leapfrog steps per transition would take 28.4 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002404 seconds
  1000 transitions using 10 leapfrog steps per transition would take 24.04 seconds.
  Adjust your expectations accordingly!
<stan.Fit>
Parameters:
    theta: (4,)
    mu: (4, 2)
    sigma: (2,)
    log_theta: (4,)
    log_lik: (300,)
Draws: 20000
1127.2309779110658
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4801/30000)
Sampling:  16% (4901/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  46% (13900/30000)
Sampling:  46% (13901/30000)
Sampling:  47% (14001/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (15000/30000)
Sampling:  50% (15100/30000)
Sampling:  51% (15200/30000)
Sampling:  52% (15600/30000)
Sampling:  54% (16300/30000)
Sampling:  54% (16301/30000)
Sampling:  55% (16401/30000)
Sampling:  55% (16501/30000)
Sampling:  55% (16601/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  62% (18500/30000)
Sampling:  64% (19100/30000)
Sampling:  65% (19400/30000)
Sampling:  66% (19900/30000)
Sampling:  67% (20000/30000)
Sampling:  67% (20100/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21001/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  97% (29200/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.000533 seconds
  1000 transitions using 10 leapfrog steps per transition would take 5.33 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.000671 seconds
  1000 transitions using 10 leapfrog steps per transition would take 6.71 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.000459 seconds
  1000 transitions using 10 leapfrog steps per transition would take 4.59 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.000774 seconds
  1000 transitions using 10 leapfrog steps per transition would take 7.74 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (1,)
    mu: (1, 2)
    sigma: (2,)
    log_theta: (1,)
    log_lik: (300,)
Draws: 20000
1246.8354052352738
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5002/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (14901/30000)
Sampling:  50% (15001/30000)
Sampling:  50% (15002/30000)
Sampling:  50% (15101/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19901/30000)
Sampling:  67% (20002/30000)
Sampling:  67% (20101/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.000722 seconds
  1000 transitions using 10 leapfrog steps per transition would take 7.22 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001379 seconds
  1000 transitions using 10 leapfrog steps per transition would take 13.79 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001605 seconds
  1000 transitions using 10 leapfrog steps per transition would take 16.05 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001371 seconds
  1000 transitions using 10 leapfrog steps per transition would take 13.71 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (2,)
    mu: (2, 2)
    sigma: (2,)
    log_theta: (2,)
    log_lik: (300,)
Draws: 20000
1128.0460159450765
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5002/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  48% (14501/30000)
Sampling:  49% (14601/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (15000/30000)
Sampling:  50% (15100/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15301/30000)
Sampling:  51% (15401/30000)
Sampling:  52% (15501/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19401/30000)
Sampling:  65% (19501/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19900/30000)
Sampling:  67% (20000/30000)
Sampling:  67% (20100/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20401/30000)
Sampling:  68% (20501/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.001057 seconds
  1000 transitions using 10 leapfrog steps per transition would take 10.57 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001952 seconds
  1000 transitions using 10 leapfrog steps per transition would take 19.52 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.00436 seconds
  1000 transitions using 10 leapfrog steps per transition would take 43.6 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001948 seconds
  1000 transitions using 10 leapfrog steps per transition would take 19.48 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (3,)
    mu: (3, 2)
    sigma: (2,)
    log_theta: (3,)
    log_lik: (300,)
Draws: 20000
1102.0869903589153
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5002/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13101/30000)
Sampling:  44% (13201/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (15000/30000)
Sampling:  50% (15100/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16801/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19201/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19900/30000)
Sampling:  67% (20000/30000)
Sampling:  67% (20100/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  79% (23801/30000)
Sampling:  80% (23901/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.001343 seconds
  1000 transitions using 10 leapfrog steps per transition would take 13.43 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002517 seconds
  1000 transitions using 10 leapfrog steps per transition would take 25.17 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002542 seconds
  1000 transitions using 10 leapfrog steps per transition would take 25.42 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002585 seconds
  1000 transitions using 10 leapfrog steps per transition would take 25.85 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (4,)
    mu: (4, 2)
    sigma: (2,)
    log_theta: (4,)
    log_lik: (300,)
Draws: 20000
1102.1097299016808
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4901/30000)
Sampling:  33% (10001/30000)
Sampling:  35% (10600/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  53% (15800/30000)
Sampling:  56% (16801/30000)
Sampling:  56% (16901/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  59% (17801/30000)
Sampling:  60% (17901/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  63% (18900/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19500/30000)
Sampling:  66% (19700/30000)
Sampling:  67% (20000/30000)
Sampling:  68% (20500/30000)
Sampling:  70% (21100/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22101/30000)
Sampling:  74% (22201/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.000451 seconds
  1000 transitions using 10 leapfrog steps per transition would take 4.51 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.000839 seconds
  1000 transitions using 10 leapfrog steps per transition would take 8.39 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.000418 seconds
  1000 transitions using 10 leapfrog steps per transition would take 4.18 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.000712 seconds
  1000 transitions using 10 leapfrog steps per transition would take 7.12 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (1,)
    mu: (1, 2)
    sigma: (2,)
    log_theta: (1,)
    log_lik: (300,)
Draws: 20000
1245.8732933339513
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5002/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  49% (14801/30000)
Sampling:  50% (14901/30000)
Sampling:  50% (15001/30000)
Sampling:  50% (15002/30000)
Sampling:  50% (15101/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19901/30000)
Sampling:  67% (20001/30000)
Sampling:  67% (20002/30000)
Sampling:  67% (20101/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.004445 seconds
  1000 transitions using 10 leapfrog steps per transition would take 44.45 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001277 seconds
  1000 transitions using 10 leapfrog steps per transition would take 12.77 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001284 seconds
  1000 transitions using 10 leapfrog steps per transition would take 12.84 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002465 seconds
  1000 transitions using 10 leapfrog steps per transition would take 24.65 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (2,)
    mu: (2, 2)
    sigma: (2,)
    log_theta: (2,)
    log_lik: (300,)
Draws: 20000
1126.6031659530333
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5002/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (14901/30000)
Sampling:  50% (15001/30000)
Sampling:  50% (15100/30000)
Sampling:  50% (15101/30000)
Sampling:  51% (15201/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19801/30000)
Sampling:  66% (19901/30000)
Sampling:  67% (20000/30000)
Sampling:  67% (20101/30000)
Sampling:  67% (20201/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.001191 seconds
  1000 transitions using 10 leapfrog steps per transition would take 11.91 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001947 seconds
  1000 transitions using 10 leapfrog steps per transition would take 19.47 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001913 seconds
  1000 transitions using 10 leapfrog steps per transition would take 19.13 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002043 seconds
  1000 transitions using 10 leapfrog steps per transition would take 20.43 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (3,)
    mu: (3, 2)
    sigma: (2,)
    log_theta: (3,)
    log_lik: (300,)
Draws: 20000
1099.9886816454798
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2801/30000)
Sampling:  10% (2901/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4900/30000)
Sampling:  17% (5000/30000)
Sampling:  17% (5100/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6801/30000)
Sampling:  23% (6901/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13501/30000)
Sampling:  45% (13601/30000)
Sampling:  46% (13701/30000)
Sampling:  46% (13801/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (15000/30000)
Sampling:  50% (15100/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17001/30000)
Sampling:  57% (17101/30000)
Sampling:  57% (17201/30000)
Sampling:  58% (17301/30000)
Sampling:  58% (17401/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17601/30000)
Sampling:  59% (17701/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19900/30000)
Sampling:  67% (20000/30000)
Sampling:  67% (20100/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22001/30000)
Sampling:  74% (22101/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.002478 seconds
  1000 transitions using 10 leapfrog steps per transition would take 24.78 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.008536 seconds
  1000 transitions using 10 leapfrog steps per transition would take 85.36 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002529 seconds
  1000 transitions using 10 leapfrog steps per transition would take 25.29 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002519 seconds
  1000 transitions using 10 leapfrog steps per transition would take 25.19 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (4,)
    mu: (4, 2)
    sigma: (2,)
    log_theta: (4,)
    log_lik: (300,)
Draws: 20000
1098.8097110796136
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  23% (6800/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (12901/30000)
Sampling:  43% (13001/30000)
Sampling:  45% (13400/30000)
Sampling:  48% (14300/30000)
Sampling:  52% (15600/30000)
Sampling:  55% (16500/30000)
Sampling:  58% (17301/30000)
Sampling:  58% (17401/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17601/30000)
Sampling:  59% (17701/30000)
Sampling:  59% (17801/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  62% (18500/30000)
Sampling:  64% (19200/30000)
Sampling:  65% (19600/30000)
Sampling:  67% (20200/30000)
Sampling:  70% (20900/30000)
Sampling:  72% (21700/30000)
Sampling:  83% (24800/30000)
Sampling:  91% (27400/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.000498 seconds
  1000 transitions using 10 leapfrog steps per transition would take 4.98 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001066 seconds
  1000 transitions using 10 leapfrog steps per transition would take 10.66 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001268 seconds
  1000 transitions using 10 leapfrog steps per transition would take 12.68 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.000803 seconds
  1000 transitions using 10 leapfrog steps per transition would take 8.03 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (1,)
    mu: (1, 2)
    sigma: (2,)
    log_theta: (1,)
    log_lik: (300,)
Draws: 20000
1245.8160538749798
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4801/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5000/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5201/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14701/30000)
Sampling:  49% (14801/30000)
Sampling:  50% (14901/30000)
Sampling:  50% (15001/30000)
Sampling:  50% (15100/30000)
Sampling:  50% (15101/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19900/30000)
Sampling:  66% (19901/30000)
Sampling:  67% (20002/30000)
Sampling:  67% (20101/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.00148 seconds
  1000 transitions using 10 leapfrog steps per transition would take 14.8 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.005485 seconds
  1000 transitions using 10 leapfrog steps per transition would take 54.85 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001315 seconds
  1000 transitions using 10 leapfrog steps per transition would take 13.15 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001395 seconds
  1000 transitions using 10 leapfrog steps per transition would take 13.95 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (2,)
    mu: (2, 2)
    sigma: (2,)
    log_theta: (2,)
    log_lik: (300,)
Draws: 20000
1126.5068149378512
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5002/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  48% (14300/30000)
Sampling:  48% (14400/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14701/30000)
Sampling:  49% (14801/30000)
Sampling:  50% (14901/30000)
Sampling:  50% (15000/30000)
Sampling:  50% (15100/30000)
Sampling:  50% (15101/30000)
Sampling:  51% (15201/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16300/30000)
Sampling:  55% (16400/30000)
Sampling:  55% (16500/30000)
Sampling:  55% (16600/30000)
Sampling:  56% (16700/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18200/30000)
Sampling:  61% (18300/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19901/30000)
Sampling:  67% (20002/30000)
Sampling:  67% (20101/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21500/30000)
Sampling:  72% (21600/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.001033 seconds
  1000 transitions using 10 leapfrog steps per transition would take 10.33 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002151 seconds
  1000 transitions using 10 leapfrog steps per transition would take 21.51 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002103 seconds
  1000 transitions using 10 leapfrog steps per transition would take 21.03 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.001901 seconds
  1000 transitions using 10 leapfrog steps per transition would take 19.01 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (3,)
    mu: (3, 2)
    sigma: (2,)
    log_theta: (3,)
    log_lik: (300,)
Draws: 20000
1099.8498891984248
Building...
Building: found in cache, done.Sampling:   0%
Sampling:   0% (1/30000)
Sampling:   0% (2/30000)
Sampling:   0% (101/30000)
Sampling:   1% (200/30000)
Sampling:   1% (300/30000)
Sampling:   1% (400/30000)
Sampling:   2% (500/30000)
Sampling:   2% (600/30000)
Sampling:   2% (700/30000)
Sampling:   3% (800/30000)
Sampling:   3% (900/30000)
Sampling:   3% (1000/30000)
Sampling:   4% (1100/30000)
Sampling:   4% (1200/30000)
Sampling:   4% (1300/30000)
Sampling:   5% (1400/30000)
Sampling:   5% (1500/30000)
Sampling:   5% (1600/30000)
Sampling:   6% (1700/30000)
Sampling:   6% (1800/30000)
Sampling:   6% (1900/30000)
Sampling:   7% (2000/30000)
Sampling:   7% (2100/30000)
Sampling:   7% (2200/30000)
Sampling:   8% (2300/30000)
Sampling:   8% (2400/30000)
Sampling:   8% (2500/30000)
Sampling:   9% (2600/30000)
Sampling:   9% (2700/30000)
Sampling:   9% (2800/30000)
Sampling:  10% (2900/30000)
Sampling:  10% (3000/30000)
Sampling:  10% (3100/30000)
Sampling:  11% (3200/30000)
Sampling:  11% (3300/30000)
Sampling:  11% (3400/30000)
Sampling:  12% (3500/30000)
Sampling:  12% (3600/30000)
Sampling:  12% (3700/30000)
Sampling:  13% (3800/30000)
Sampling:  13% (3900/30000)
Sampling:  13% (4000/30000)
Sampling:  14% (4100/30000)
Sampling:  14% (4200/30000)
Sampling:  14% (4300/30000)
Sampling:  15% (4400/30000)
Sampling:  15% (4500/30000)
Sampling:  15% (4600/30000)
Sampling:  16% (4700/30000)
Sampling:  16% (4800/30000)
Sampling:  16% (4900/30000)
Sampling:  16% (4901/30000)
Sampling:  17% (5002/30000)
Sampling:  17% (5101/30000)
Sampling:  17% (5200/30000)
Sampling:  18% (5300/30000)
Sampling:  18% (5400/30000)
Sampling:  18% (5500/30000)
Sampling:  19% (5600/30000)
Sampling:  19% (5700/30000)
Sampling:  19% (5800/30000)
Sampling:  20% (5900/30000)
Sampling:  20% (6000/30000)
Sampling:  20% (6100/30000)
Sampling:  21% (6200/30000)
Sampling:  21% (6300/30000)
Sampling:  21% (6400/30000)
Sampling:  22% (6500/30000)
Sampling:  22% (6600/30000)
Sampling:  22% (6700/30000)
Sampling:  23% (6800/30000)
Sampling:  23% (6900/30000)
Sampling:  23% (7000/30000)
Sampling:  24% (7100/30000)
Sampling:  24% (7200/30000)
Sampling:  24% (7300/30000)
Sampling:  25% (7400/30000)
Sampling:  25% (7500/30000)
Sampling:  25% (7600/30000)
Sampling:  26% (7700/30000)
Sampling:  26% (7800/30000)
Sampling:  26% (7900/30000)
Sampling:  27% (8000/30000)
Sampling:  27% (8100/30000)
Sampling:  27% (8200/30000)
Sampling:  28% (8300/30000)
Sampling:  28% (8400/30000)
Sampling:  28% (8500/30000)
Sampling:  29% (8600/30000)
Sampling:  29% (8700/30000)
Sampling:  29% (8800/30000)
Sampling:  30% (8900/30000)
Sampling:  30% (9000/30000)
Sampling:  30% (9100/30000)
Sampling:  31% (9200/30000)
Sampling:  31% (9300/30000)
Sampling:  31% (9400/30000)
Sampling:  32% (9500/30000)
Sampling:  32% (9600/30000)
Sampling:  32% (9700/30000)
Sampling:  33% (9800/30000)
Sampling:  33% (9900/30000)
Sampling:  33% (10000/30000)
Sampling:  34% (10100/30000)
Sampling:  34% (10200/30000)
Sampling:  34% (10300/30000)
Sampling:  35% (10400/30000)
Sampling:  35% (10500/30000)
Sampling:  35% (10600/30000)
Sampling:  36% (10700/30000)
Sampling:  36% (10800/30000)
Sampling:  36% (10900/30000)
Sampling:  37% (11000/30000)
Sampling:  37% (11100/30000)
Sampling:  37% (11200/30000)
Sampling:  38% (11300/30000)
Sampling:  38% (11400/30000)
Sampling:  38% (11500/30000)
Sampling:  39% (11600/30000)
Sampling:  39% (11700/30000)
Sampling:  39% (11800/30000)
Sampling:  40% (11900/30000)
Sampling:  40% (12000/30000)
Sampling:  40% (12100/30000)
Sampling:  41% (12200/30000)
Sampling:  41% (12300/30000)
Sampling:  41% (12400/30000)
Sampling:  42% (12500/30000)
Sampling:  42% (12600/30000)
Sampling:  42% (12700/30000)
Sampling:  43% (12800/30000)
Sampling:  43% (12900/30000)
Sampling:  43% (13000/30000)
Sampling:  44% (13100/30000)
Sampling:  44% (13200/30000)
Sampling:  44% (13300/30000)
Sampling:  45% (13400/30000)
Sampling:  45% (13500/30000)
Sampling:  45% (13600/30000)
Sampling:  46% (13700/30000)
Sampling:  46% (13800/30000)
Sampling:  46% (13900/30000)
Sampling:  47% (14000/30000)
Sampling:  47% (14100/30000)
Sampling:  47% (14200/30000)
Sampling:  47% (14201/30000)
Sampling:  48% (14301/30000)
Sampling:  48% (14401/30000)
Sampling:  48% (14500/30000)
Sampling:  49% (14600/30000)
Sampling:  49% (14700/30000)
Sampling:  49% (14800/30000)
Sampling:  50% (14900/30000)
Sampling:  50% (15000/30000)
Sampling:  50% (15100/30000)
Sampling:  51% (15200/30000)
Sampling:  51% (15300/30000)
Sampling:  51% (15400/30000)
Sampling:  52% (15500/30000)
Sampling:  52% (15600/30000)
Sampling:  52% (15700/30000)
Sampling:  53% (15800/30000)
Sampling:  53% (15900/30000)
Sampling:  53% (16000/30000)
Sampling:  54% (16100/30000)
Sampling:  54% (16200/30000)
Sampling:  54% (16201/30000)
Sampling:  54% (16301/30000)
Sampling:  55% (16401/30000)
Sampling:  55% (16501/30000)
Sampling:  55% (16601/30000)
Sampling:  56% (16701/30000)
Sampling:  56% (16800/30000)
Sampling:  56% (16900/30000)
Sampling:  57% (17000/30000)
Sampling:  57% (17100/30000)
Sampling:  57% (17200/30000)
Sampling:  58% (17300/30000)
Sampling:  58% (17400/30000)
Sampling:  58% (17500/30000)
Sampling:  59% (17600/30000)
Sampling:  59% (17700/30000)
Sampling:  59% (17800/30000)
Sampling:  60% (17900/30000)
Sampling:  60% (18000/30000)
Sampling:  60% (18100/30000)
Sampling:  61% (18201/30000)
Sampling:  61% (18301/30000)
Sampling:  61% (18400/30000)
Sampling:  62% (18500/30000)
Sampling:  62% (18600/30000)
Sampling:  62% (18700/30000)
Sampling:  63% (18800/30000)
Sampling:  63% (18900/30000)
Sampling:  63% (19000/30000)
Sampling:  64% (19100/30000)
Sampling:  64% (19200/30000)
Sampling:  64% (19300/30000)
Sampling:  65% (19400/30000)
Sampling:  65% (19500/30000)
Sampling:  65% (19600/30000)
Sampling:  66% (19700/30000)
Sampling:  66% (19800/30000)
Sampling:  66% (19900/30000)
Sampling:  67% (20000/30000)
Sampling:  67% (20100/30000)
Sampling:  67% (20200/30000)
Sampling:  68% (20300/30000)
Sampling:  68% (20400/30000)
Sampling:  68% (20500/30000)
Sampling:  69% (20600/30000)
Sampling:  69% (20700/30000)
Sampling:  69% (20800/30000)
Sampling:  70% (20900/30000)
Sampling:  70% (21000/30000)
Sampling:  70% (21100/30000)
Sampling:  71% (21200/30000)
Sampling:  71% (21300/30000)
Sampling:  71% (21400/30000)
Sampling:  72% (21501/30000)
Sampling:  72% (21601/30000)
Sampling:  72% (21700/30000)
Sampling:  73% (21800/30000)
Sampling:  73% (21900/30000)
Sampling:  73% (22000/30000)
Sampling:  74% (22100/30000)
Sampling:  74% (22200/30000)
Sampling:  74% (22300/30000)
Sampling:  75% (22400/30000)
Sampling:  75% (22500/30000)
Sampling:  75% (22600/30000)
Sampling:  76% (22700/30000)
Sampling:  76% (22800/30000)
Sampling:  76% (22900/30000)
Sampling:  77% (23000/30000)
Sampling:  77% (23100/30000)
Sampling:  77% (23200/30000)
Sampling:  78% (23300/30000)
Sampling:  78% (23400/30000)
Sampling:  78% (23500/30000)
Sampling:  79% (23600/30000)
Sampling:  79% (23700/30000)
Sampling:  79% (23800/30000)
Sampling:  80% (23900/30000)
Sampling:  80% (24000/30000)
Sampling:  80% (24100/30000)
Sampling:  81% (24200/30000)
Sampling:  81% (24300/30000)
Sampling:  81% (24400/30000)
Sampling:  82% (24500/30000)
Sampling:  82% (24600/30000)
Sampling:  82% (24700/30000)
Sampling:  83% (24800/30000)
Sampling:  83% (24900/30000)
Sampling:  83% (25000/30000)
Sampling:  84% (25100/30000)
Sampling:  84% (25200/30000)
Sampling:  84% (25300/30000)
Sampling:  85% (25400/30000)
Sampling:  85% (25500/30000)
Sampling:  85% (25600/30000)
Sampling:  86% (25700/30000)
Sampling:  86% (25800/30000)
Sampling:  86% (25900/30000)
Sampling:  87% (26000/30000)
Sampling:  87% (26100/30000)
Sampling:  87% (26200/30000)
Sampling:  88% (26300/30000)
Sampling:  88% (26400/30000)
Sampling:  88% (26500/30000)
Sampling:  89% (26600/30000)
Sampling:  89% (26700/30000)
Sampling:  89% (26800/30000)
Sampling:  90% (26900/30000)
Sampling:  90% (27000/30000)
Sampling:  90% (27100/30000)
Sampling:  91% (27200/30000)
Sampling:  91% (27300/30000)
Sampling:  91% (27400/30000)
Sampling:  92% (27500/30000)
Sampling:  92% (27600/30000)
Sampling:  92% (27700/30000)
Sampling:  93% (27800/30000)
Sampling:  93% (27900/30000)
Sampling:  93% (28000/30000)
Sampling:  94% (28100/30000)
Sampling:  94% (28200/30000)
Sampling:  94% (28300/30000)
Sampling:  95% (28400/30000)
Sampling:  95% (28500/30000)
Sampling:  95% (28600/30000)
Sampling:  96% (28700/30000)
Sampling:  96% (28800/30000)
Sampling:  96% (28900/30000)
Sampling:  97% (29000/30000)
Sampling:  97% (29100/30000)
Sampling:  97% (29200/30000)
Sampling:  98% (29300/30000)
Sampling:  98% (29400/30000)
Sampling:  98% (29500/30000)
Sampling:  99% (29600/30000)
Sampling:  99% (29700/30000)
Sampling:  99% (29800/30000)
Sampling: 100% (29900/30000)
Sampling: 100% (30000/30000)
Sampling: 100% (30000/30000), done.
Messages received during sampling:
  Gradient evaluation took 0.002308 seconds
  1000 transitions using 10 leapfrog steps per transition would take 23.08 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is 0. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.002451 seconds
  1000 transitions using 10 leapfrog steps per transition would take 24.51 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.003054 seconds
  1000 transitions using 10 leapfrog steps per transition would take 30.54 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Gradient evaluation took 0.00252 seconds
  1000 transitions using 10 leapfrog steps per transition would take 25.2 seconds.
  Adjust your expectations accordingly!
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
  Informational Message: The current Metropolis proposal is about to be rejected because of the following issue:
  Exception: multi_normal_lpdf: LDLT_Factor of covariance parameter is not positive definite.  last conditional variance is -nan. (in '/tmp/httpstan_rnfs2vs9/model_7mmttzo2.stan', line 22, column 6 to column 68)
  If this warning occurs sporadically, such as for highly constrained variable types like covariance matrices, then the sampler is fine,
  but if this warning occurs often then your model may be either severely ill-conditioned or misspecified.
<stan.Fit>
Parameters:
    theta: (4,)
    mu: (4, 2)
    sigma: (2,)
    log_theta: (4,)
    log_lik: (300,)
Draws: 20000
1099.1187638611098
WBIC values: [1260.3819645213698, 1141.9540145360638, 1128.447539949412, 1127.2309779110658, 1246.8354052352738, 1128.0460159450765, 1102.0869903589153, 1102.1097299016808, 1245.8732933339513, 1126.6031659530333, 1099.9886816454798, 1098.8097110796136, 1245.8160538749798, 1126.5068149378512, 1099.8498891984248, 1099.1187638611098]
In [ ]:

In [ ]:
fit