diff --git a/src/stan/analyze/mcmc/check_chains.hpp b/src/stan/analyze/mcmc/check_chains.hpp new file mode 100644 index 00000000000..6f816982b3f --- /dev/null +++ b/src/stan/analyze/mcmc/check_chains.hpp @@ -0,0 +1,43 @@ +#ifndef STAN_ANALYZE_MCMC_CHECK_CHAINS_HPP +#define STAN_ANALYZE_MCMC_CHECK_CHAINS_HPP + +#include +#include +#include +#include +#include +#include + +namespace stan { +namespace analyze { + +/** + * Checks that values across all matrix columns finite and non-identical. + * + * @param chains matrix of draws, one column per chain + * @return bool true if OK, false otherwise + */ +inline bool is_finite_and_varies(const Eigen::MatrixXd chains) { + size_t num_chains = chains.cols(); + size_t num_samples = chains.rows(); + Eigen::VectorXd first_draws = Eigen::VectorXd::Zero(num_chains); + for (std::size_t i = 0; i < num_chains; ++i) { + first_draws(i) = chains.col(i)(0); + for (int j = 0; j < num_samples; ++j) { + if (!std::isfinite(chains.col(i)(j))) + return false; + } + if (chains.col(i).isApproxToConstant(first_draws(i))) { + return false; + } + } + if (num_chains > 1 && first_draws.isApproxToConstant(first_draws(0))) { + return false; + } + return true; +} + +} // namespace analyze +} // namespace stan + +#endif diff --git a/src/stan/analyze/mcmc/compute_potential_scale_reduction.hpp b/src/stan/analyze/mcmc/compute_potential_scale_reduction.hpp index f4fcb971bc7..e40253ebb49 100644 --- a/src/stan/analyze/mcmc/compute_potential_scale_reduction.hpp +++ b/src/stan/analyze/mcmc/compute_potential_scale_reduction.hpp @@ -17,156 +17,6 @@ namespace stan { namespace analyze { -/** - * Computes normalized average ranks for draws. Transforming them to normal - * scores using inverse normal transformation and a fractional offset. Based on - * paper https://arxiv.org/abs/1903.08008 - * @param chains stores chains in columns - * @return normal scores for average ranks of draws - */ -inline Eigen::MatrixXd rank_transform(const Eigen::MatrixXd& chains) { - const Eigen::Index rows = chains.rows(); - const Eigen::Index cols = chains.cols(); - const Eigen::Index size = rows * cols; - - std::vector> value_with_index(size); - - for (Eigen::Index i = 0; i < size; ++i) { - value_with_index[i] = {chains(i), i}; - } - - std::sort(value_with_index.begin(), value_with_index.end()); - - Eigen::MatrixXd rank_matrix = Eigen::MatrixXd::Zero(rows, cols); - - // Assigning average ranks - for (Eigen::Index i = 0; i < size; ++i) { - // Handle ties by averaging ranks - Eigen::Index j = i + 1; - double sum_ranks = j; - Eigen::Index count = 1; - - while (j < size && value_with_index[j].first == value_with_index[i].first) { - sum_ranks += j + 1; // Rank starts from 1 - ++j; - ++count; - } - double avg_rank = sum_ranks / count; - boost::math::normal_distribution dist; - for (std::size_t k = i; k < j; ++k) { - double p = (avg_rank - 3.0 / 8.0) / (size - 2.0 * 3.0 / 8.0 + 1.0); - const Eigen::Index index = value_with_index[k].second; - rank_matrix(index) = boost::math::quantile(dist, p); - } - i = j - 1; // Skip over tied elements - } - return rank_matrix; -} - -/** - * Computes square root of marginal posterior variance of the estimand by the - * weigted average of within-chain variance W and between-chain variance B. - * - * @param chains stores chains in columns - * @return square root of ((N-1)/N)W + B/N - */ -inline double rhat(const Eigen::MatrixXd& chains) { - const Eigen::Index num_chains = chains.cols(); - const Eigen::Index num_draws = chains.rows(); - - Eigen::RowVectorXd within_chain_means = chains.colwise().mean(); - double across_chain_mean = within_chain_means.mean(); - double between_variance - = num_draws - * (within_chain_means.array() - across_chain_mean).square().sum() - / (num_chains - 1); - double within_variance = - // Divide each row by chains and get sum of squares for each chain - // (getting a vector back) - ((chains.rowwise() - within_chain_means) - .array() - .square() - .colwise() - // divide each sum of square by num_draws, sum the sum of squares, - // and divide by num chains - .sum() - / (num_draws - 1.0)) - .sum() - / num_chains; - - return sqrt((between_variance / within_variance + num_draws - 1) / num_draws); -} - -/** - * Computes the potential scale reduction (Rhat) using rank based diagnostic for - * the specified parameter across all kept samples. Based on paper - * https://arxiv.org/abs/1903.08008 - * - * Current implementation assumes draws are stored in contiguous - * blocks of memory. Chains are trimmed from the back to match the - * length of the shortest chain. - * - * @param chain_begins stores pointers to arrays of chains - * @param chain_sizes stores sizes of chains - * @return potential scale reduction for the specified parameter - */ -inline std::pair compute_potential_scale_reduction_rank( - const std::vector& chain_begins, - const std::vector& chain_sizes) { - std::vector nonzero_chain_begins; - std::vector nonzero_chain_sizes; - nonzero_chain_begins.reserve(chain_begins.size()); - nonzero_chain_sizes.reserve(chain_sizes.size()); - for (size_t i = 0; i < chain_sizes.size(); ++i) { - if (chain_sizes[i]) { - nonzero_chain_begins.push_back(chain_begins[i]); - nonzero_chain_sizes.push_back(chain_sizes[i]); - } - } - if (!nonzero_chain_sizes.size()) { - return {std::numeric_limits::quiet_NaN(), - std::numeric_limits::quiet_NaN()}; - } - std::size_t num_nonzero_chains = nonzero_chain_sizes.size(); - std::size_t min_num_draws = nonzero_chain_sizes[0]; - for (std::size_t chain = 1; chain < num_nonzero_chains; ++chain) { - min_num_draws = std::min(min_num_draws, nonzero_chain_sizes[chain]); - } - - // check if chains are constant; all equal to first draw's value - bool are_all_const = false; - Eigen::VectorXd init_draw = Eigen::VectorXd::Zero(num_nonzero_chains); - Eigen::MatrixXd draws_matrix(min_num_draws, num_nonzero_chains); - - for (std::size_t chain = 0; chain < num_nonzero_chains; chain++) { - Eigen::Map> draws( - nonzero_chain_begins[chain], nonzero_chain_sizes[chain]); - - for (std::size_t n = 0; n < min_num_draws; n++) { - if (!std::isfinite(draws(n))) { - return {std::numeric_limits::quiet_NaN(), - std::numeric_limits::quiet_NaN()}; - } - draws_matrix(n, chain) = draws(n); - } - - init_draw(chain) = draws(0); - are_all_const |= !draws.isApproxToConstant(draws(0)); - } - // If all chains are constant then return NaN - if (are_all_const && init_draw.isApproxToConstant(init_draw(0))) { - return {std::numeric_limits::quiet_NaN(), - std::numeric_limits::quiet_NaN()}; - } - - double rhat_bulk = rhat(rank_transform(draws_matrix)); - double rhat_tail = rhat(rank_transform( - (draws_matrix.array() - math::quantile(draws_matrix.reshaped(), 0.5)) - .abs())); - - return std::make_pair(rhat_bulk, rhat_tail); -} - /** * Computes the potential scale reduction (Rhat) for the specified * parameter across all kept samples. @@ -248,33 +98,9 @@ inline double compute_potential_scale_reduction( * num_chains / (num_chains - 1); double var_within = chain_var.mean(); - // rewrote [(n-1)*W/n + B/n]/W as (n-1+ B/W)/n return sqrt((var_between / var_within + num_draws - 1) / num_draws); } -/** - * Computes the potential scale reduction (Rhat) using rank based diagnostic for - * the specified parameter across all kept samples. Based on paper - * https://arxiv.org/abs/1903.08008 - * - * See more details in Stan reference manual section "Potential - * Scale Reduction". http://mc-stan.org/users/documentation - * - * Current implementation assumes draws are stored in contiguous - * blocks of memory. Chains are trimmed from the back to match the - * length of the shortest chain. Argument size will be broadcast to - * same length as draws. - * - * @param chain_begins stores pointers to arrays of chains - * @param size stores sizes of chains - * @return potential scale reduction for the specified parameter - */ -inline std::pair compute_potential_scale_reduction_rank( - const std::vector& chain_begins, size_t size) { - std::vector sizes(chain_begins.size(), size); - return compute_potential_scale_reduction_rank(chain_begins, sizes); -} - /** * Computes the potential scale reduction (Rhat) for the specified * parameter across all kept samples. @@ -298,42 +124,6 @@ inline double compute_potential_scale_reduction( return compute_potential_scale_reduction(draws, sizes); } -/** - * Computes the potential scale reduction (Rhat) using rank based diagnostic for - * the specified parameter across all kept samples. Based on paper - * https://arxiv.org/abs/1903.08008 - * - * When the number of total draws N is odd, the (N+1)/2th draw is ignored. - * - * See more details in Stan reference manual section "Potential - * Scale Reduction". http://mc-stan.org/users/documentation - * - * Current implementation assumes draws are stored in contiguous - * blocks of memory. Chains are trimmed from the back to match the - * length of the shortest chain. - * - * @param chain_begins stores pointers to arrays of chains - * @param chain_sizes stores sizes of chains - * @return potential scale reduction for the specified parameter - */ -inline std::pair compute_split_potential_scale_reduction_rank( - const std::vector& chain_begins, - const std::vector& chain_sizes) { - size_t num_chains = chain_sizes.size(); - size_t num_draws = chain_sizes[0]; - for (size_t chain = 1; chain < num_chains; ++chain) { - num_draws = std::min(num_draws, chain_sizes[chain]); - } - - std::vector split_draws - = split_chains(chain_begins, chain_sizes); - - size_t half = std::floor(num_draws / 2.0); - std::vector half_sizes(2 * num_chains, half); - - return compute_potential_scale_reduction_rank(split_draws, half_sizes); -} - /** * Computes the split potential scale reduction (Rhat) for the * specified parameter across all kept samples. When the number of @@ -366,32 +156,6 @@ inline double compute_split_potential_scale_reduction( return compute_potential_scale_reduction(split_draws, half_sizes); } -/** - * Computes the potential scale reduction (Rhat) using rank based diagnostic for - * the specified parameter across all kept samples. Based on paper - * https://arxiv.org/abs/1903.08008 - * - * When the number of total draws N is odd, the (N+1)/2th draw is ignored. - * - * See more details in Stan reference manual section "Potential - * Scale Reduction". http://mc-stan.org/users/documentation - * - * Current implementation assumes draws are stored in contiguous - * blocks of memory. Chains are trimmed from the back to match the - * length of the shortest chain. Argument size will be broadcast to - * same length as draws. - * - * @param chain_begins stores pointers to arrays of chains - * @param size stores sizes of chains - * @return potential scale reduction for the specified parameter - */ -inline std::pair compute_split_potential_scale_reduction_rank( - const std::vector& chain_begins, size_t size) { - size_t num_chains = chain_begins.size(); - std::vector sizes(num_chains, size); - return compute_split_potential_scale_reduction_rank(chain_begins, sizes); -} - /** * Computes the split potential scale reduction (Rhat) for the * specified parameter across all kept samples. When the number of diff --git a/src/stan/analyze/mcmc/rank_normalization.hpp b/src/stan/analyze/mcmc/rank_normalization.hpp new file mode 100644 index 00000000000..d53a9acf56a --- /dev/null +++ b/src/stan/analyze/mcmc/rank_normalization.hpp @@ -0,0 +1,61 @@ +#ifndef STAN_ANALYZE_MCMC_RANK_NORMALIZATION_HPP +#define STAN_ANALYZE_MCMC_RANK_NORMALIZATION_HPP + +#include +#include +#include +#include +#include +#include + +namespace stan { +namespace analyze { + +/** + * Computes normalized average ranks for pooled draws. Normal scores computed + * using inverse normal transformation and a fractional offset. Based on paper + * https://arxiv.org/abs/1903.08008 + * + * @param chains matrix of draws, one column per chain + * @return normal scores for average ranks of draws + */ +inline Eigen::MatrixXd rank_transform(const Eigen::MatrixXd& chains) { + const Eigen::Index rows = chains.rows(); + const Eigen::Index cols = chains.cols(); + const Eigen::Index size = rows * cols; + + std::vector> value_with_index(size); + for (Eigen::Index i = 0; i < size; ++i) { + value_with_index[i] = {chains(i), i}; + } + + std::sort(value_with_index.begin(), value_with_index.end()); + Eigen::MatrixXd rank_matrix = Eigen::MatrixXd::Zero(rows, cols); + // Assigning average ranks + for (Eigen::Index i = 0; i < size; ++i) { + // Handle ties by averaging ranks + Eigen::Index j = i + 1; + double sum_ranks = j; + Eigen::Index count = 1; + + while (j < size && value_with_index[j].first == value_with_index[i].first) { + sum_ranks += j + 1; // Rank starts from 1 + ++j; + ++count; + } + double avg_rank = sum_ranks / count; + boost::math::normal_distribution dist; + for (std::size_t k = i; k < j; ++k) { + double p = (avg_rank - 0.375) / (size + 0.25); + const Eigen::Index index = value_with_index[k].second; + rank_matrix(index) = boost::math::quantile(dist, p); + } + i = j - 1; // Skip over tied elements + } + return rank_matrix; +} + +} // namespace analyze +} // namespace stan + +#endif diff --git a/src/stan/analyze/mcmc/split_chains.hpp b/src/stan/analyze/mcmc/split_chains.hpp index 24726291d62..a7fb1b8d616 100644 --- a/src/stan/analyze/mcmc/split_chains.hpp +++ b/src/stan/analyze/mcmc/split_chains.hpp @@ -1,6 +1,7 @@ #ifndef STAN_ANALYZE_MCMC_SPLIT_CHAINS_HPP #define STAN_ANALYZE_MCMC_SPLIT_CHAINS_HPP +#include #include #include #include @@ -8,6 +9,61 @@ namespace stan { namespace analyze { +/** + * Splits each chain into two chains of equal length. When the + * number of total draws N is odd, the (N+1)/2th draw is ignored. + * + * @param chains vector of per-chain sample matrices + * @param index matrix column for parameter of interest + * @return samples matrix, shape (num_iters/2, num_chains*2) + */ +inline Eigen::MatrixXd split_chains(const std::vector& chains, + const int index) { + size_t num_chains = chains.size(); + size_t num_samples = chains[0].rows(); + size_t half = std::floor(num_samples / 2.0); + + Eigen::MatrixXd split_draws_matrix(half, num_chains * 2); + int split_i = 0; + for (std::size_t i = 0; i < num_chains; ++i) { + Eigen::Map head_block(chains[i].col(index).data(), + half); + Eigen::Map tail_block( + chains[i].col(index).data() + half, half); + + split_draws_matrix.col(split_i) = head_block; + split_draws_matrix.col(split_i + 1) = tail_block; + split_i += 2; + } + return split_draws_matrix; +} + +/** + * Splits each chain into two chains of equal length. When the + * number of total draws N is odd, the (N+1)/2th draw is ignored. + * + * @param samples matrix of per-chain samples, shape (num_iters, num_chains) + * @return samples matrix reshaped as (num_iters/2, num_chains*2) + */ +inline Eigen::MatrixXd split_chains(const Eigen::MatrixXd& samples) { + size_t num_chains = samples.cols(); + size_t num_samples = samples.rows(); + size_t half = std::floor(num_samples / 2.0); + + Eigen::MatrixXd split_draws_matrix(half, num_chains * 2); + int split_i = 0; + for (std::size_t i = 0; i < num_chains; ++i) { + Eigen::Map head_block(samples.col(i).data(), half); + Eigen::Map tail_block(samples.col(i).data() + half, + half); + + split_draws_matrix.col(split_i) = head_block; + split_draws_matrix.col(split_i + 1) = tail_block; + split_i += 2; + } + return split_draws_matrix; +} + /** * Splits each chain into two chains of equal length. When the * number of total draws N is odd, the (N+1)/2th draw is ignored. diff --git a/src/stan/analyze/mcmc/split_rank_normalized_ess.hpp b/src/stan/analyze/mcmc/split_rank_normalized_ess.hpp new file mode 100644 index 00000000000..6a264901478 --- /dev/null +++ b/src/stan/analyze/mcmc/split_rank_normalized_ess.hpp @@ -0,0 +1,148 @@ +#ifndef STAN_ANALYZE_MCMC_SPLIT_RANK_NORMALIZED_ESS_HPP +#define STAN_ANALYZE_MCMC_SPLIT_RANK_NORMALIZED_ESS_HPP + +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include + +namespace stan { +namespace analyze { + +/** + * Computes the effective sample size (ESS) for the specified + * parameter across all chains. The number of draws per chain must be > 3, + * and the values across all draws must be finite and not constant. + * The value returned is the minimum of ESS and (sample_sz * log10(sample_sz). + * Sample autocovariance is computed using Stan math library implmentation. + * See https://arxiv.org/abs/1903.08008, section 3.2 for discussion. + * + * @param chains matrix of draws across all chains + * @return effective sample size for the specified parameter + */ +double ess(const Eigen::MatrixXd& chains) { + const Eigen::Index num_chains = chains.cols(); + const Eigen::Index num_draws = chains.rows(); + Eigen::MatrixXd acov(num_draws, num_chains); + Eigen::VectorXd chain_mean(num_chains); + Eigen::VectorXd chain_var(num_chains); + + // compute the per-chain autocovariance + for (size_t i = 0; i < num_chains; ++i) { + Eigen::Map chain_col(chains.col(i).data(), + num_draws); + Eigen::Map cov_col(acov.col(i).data(), num_draws); + stan::math::autocovariance(chain_col, cov_col); + chain_mean(i) = chain_col.mean(); + chain_var(i) = cov_col(0) * num_draws / (num_draws - 1); + } + + // compute var_plus, eqn (3) + double w_chain_var = math::mean(chain_var); // W (within chain var) + double var_plus = w_chain_var * (num_draws - 1) / num_draws; // \hat{var}^{+} + if (num_chains > 1) { + var_plus += math::variance(chain_mean); // B (between chain var) + } + + // Geyer's initial positive sequence, eqn (11) + Eigen::VectorXd rho_hat_t = Eigen::VectorXd::Zero(num_draws); + Eigen::VectorXd acov_t(num_chains); + double rho_hat_even = 1.0; + rho_hat_t(0) = rho_hat_even; // lag 0 + double rho_hat_odd = 1 - (w_chain_var - acov.row(1).mean()) / var_plus; + rho_hat_t(1) = rho_hat_odd; // lag 1 + + // compute autocorrelation at lag t for pair (t, t+1) + // paired autocorrelation is guaranteed to be positive, monotone and convex + size_t t = 1; + while (t < num_draws - 4 && (rho_hat_even + rho_hat_odd > 0) + && !std::isnan(rho_hat_even + rho_hat_odd)) { + for (size_t i = 0; i < num_chains; ++i) { + acov_t(i) = acov.col(i)(t + 1); + } + rho_hat_even = 1 - (w_chain_var - acov_t.mean()) / var_plus; + for (size_t i = 0; i < num_chains; ++i) { + acov_t(i) = acov.col(i)(t + 2); + } + rho_hat_odd = 1 - (w_chain_var - acov_t.mean()) / var_plus; + if ((rho_hat_even + rho_hat_odd) >= 0) { + rho_hat_t(t + 1) = rho_hat_even; + rho_hat_t(t + 2) = rho_hat_odd; + } + // convert initial positive sequence into an initial monotone sequence + if (rho_hat_t(t + 1) + rho_hat_t(t + 2) > rho_hat_t(t - 1) + rho_hat_t(t)) { + rho_hat_t(t + 1) = (rho_hat_t(t - 1) + rho_hat_t(t)) / 2; + rho_hat_t(t + 2) = rho_hat_t(t + 1); + } + t += 2; + } + + auto max_t = t; // max lag, used for truncation + // see discussion p. 8, par "In extreme antithetic cases, " + if (rho_hat_even > 0) { + rho_hat_t(max_t + 1) = rho_hat_even; + } + + double num_samples = num_chains * num_draws; + // eqn (13): Geyer's truncation rule, w/ modification + double tau_hat = -1 + 2 * rho_hat_t.head(max_t).sum() + rho_hat_t(max_t + 1); + // safety check for negative values and with max ess equal to ess*log10(ess) + tau_hat = std::max(tau_hat, 1 / std::log10(num_samples)); + return (num_samples / tau_hat); +} + +/** + * Computes the split effective sample size (split ESS) using rank based + * diagnostic for a set of per-chain draws. Based on paper + * https://arxiv.org/abs/1903.08008 + * + * When the number of total draws N is odd, the last draw is ignored. + * + * See more details in Stan reference manual section "Potential + * Scale Reduction". http://mc-stan.org/users/documentation + + * @param chains matrix of per-chain draws, num_iters X chain + * @return potential scale reduction + */ +inline std::pair split_rank_normalized_ess( + const Eigen::MatrixXd& chains) { + Eigen::MatrixXd split_draws_matrix = split_chains(chains); + if (!is_finite_and_varies(split_draws_matrix) + || split_draws_matrix.rows() < 4) { + return std::make_pair(std::numeric_limits::quiet_NaN(), + std::numeric_limits::quiet_NaN()); + } + double ess_bulk = ess(rank_transform(split_draws_matrix)); + Eigen::MatrixXd q05 = (split_draws_matrix.array() + <= math::quantile(split_draws_matrix.reshaped(), 0.05)) + .cast(); + double ess_tail_05 = ess(q05); + Eigen::MatrixXd q95 = (split_draws_matrix.array() + >= math::quantile(split_draws_matrix.reshaped(), 0.95)) + .cast(); + double ess_tail_95 = ess(q95); + + double ess_tail; + if (std::isnan(ess_tail_05)) { + ess_tail = ess_tail_95; + } else if (std::isnan(ess_tail_95)) { + ess_tail = ess_tail_05; + } else { + ess_tail = std::min(ess_tail_05, ess_tail_95); + } + return std::make_pair(ess_bulk, ess_tail); +} + +} // namespace analyze +} // namespace stan + +#endif diff --git a/src/stan/analyze/mcmc/split_rank_normalized_rhat.hpp b/src/stan/analyze/mcmc/split_rank_normalized_rhat.hpp new file mode 100644 index 00000000000..b0716688010 --- /dev/null +++ b/src/stan/analyze/mcmc/split_rank_normalized_rhat.hpp @@ -0,0 +1,86 @@ +#ifndef STAN_ANALYZE_MCMC_SPLIT_RANK_NORMALIZED_RHAT_HPP +#define STAN_ANALYZE_MCMC_SPLIT_RANK_NORMALIZED_RHAT_HPP + +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include + +namespace stan { +namespace analyze { + +/** + * Computes square root of marginal posterior variance of the estimand by the + * weighted average of within-chain variance W and between-chain variance B. + * + * @param chains stores chains in columns + * @return square root of ((N-1)/N)W + B/N + */ +inline double rhat(const Eigen::MatrixXd& chains) { + const Eigen::Index num_chains = chains.cols(); + const Eigen::Index num_draws = chains.rows(); + + Eigen::RowVectorXd within_chain_means = chains.colwise().mean(); + double across_chain_mean = within_chain_means.mean(); + double between_variance + = num_draws + * (within_chain_means.array() - across_chain_mean).square().sum() + / (num_chains - 1); + double within_variance = + // Divide each row by chains and get sum of squares for each chain + // (getting a vector back) + ((chains.rowwise() - within_chain_means) + .array() + .square() + .colwise() + // divide each sum of square by num_draws, sum the sum of squares, + // and divide by num chains + .sum() + / (num_draws - 1.0)) + .sum() + / num_chains; + + return sqrt((between_variance / within_variance + num_draws - 1) / num_draws); +} + +/** + * Computes the split potential scale reduction (split Rhat) using rank based + * diagnostic for a set of per-chain draws. Based on paper + * https://arxiv.org/abs/1903.08008 + * + * When the number of total draws N is odd, the last draw is ignored. + * + * See more details in Stan reference manual section "Potential + * Scale Reduction". http://mc-stan.org/users/documentation + + * @param chains matrix of per-chain samples, num_iters X chain + * @return potential scale reduction for the specified parameter + */ +inline std::pair split_rank_normalized_rhat( + const Eigen::MatrixXd& chains) { + Eigen::MatrixXd split_draws_matrix = split_chains(chains); + if (!is_finite_and_varies(split_draws_matrix)) { + return std::make_pair(std::numeric_limits::quiet_NaN(), + std::numeric_limits::quiet_NaN()); + } + double rhat_bulk = rhat(rank_transform(split_draws_matrix)); + // zero-center the draws at the median + double rhat_tail = rhat( + rank_transform((split_draws_matrix.array() + - math::quantile(split_draws_matrix.reshaped(), 0.5)) + .abs())); + return std::make_pair(rhat_bulk, rhat_tail); +} + +} // namespace analyze +} // namespace stan + +#endif diff --git a/src/stan/io/stan_csv_reader.hpp b/src/stan/io/stan_csv_reader.hpp index 5ded3d49c9d..6d8fa9490d4 100644 --- a/src/stan/io/stan_csv_reader.hpp +++ b/src/stan/io/stan_csv_reader.hpp @@ -29,8 +29,6 @@ inline void prettify_stan_csv_name(std::string& variable) { } } -// FIXME: should consolidate with the options from -// the command line in stan::lang struct stan_csv_metadata { int stan_version_major; int stan_version_minor; @@ -47,6 +45,7 @@ struct stan_csv_metadata { bool save_warmup; size_t thin; bool append_samples; + std::string method; std::string algorithm; std::string engine; int max_depth; @@ -64,8 +63,9 @@ struct stan_csv_metadata { num_samples(0), num_warmup(0), save_warmup(false), - thin(0), + thin(1), append_samples(false), + method(""), algorithm(""), engine(""), max_depth(10) {} @@ -101,13 +101,12 @@ class stan_csv_reader { stan_csv_reader() {} ~stan_csv_reader() {} - static bool read_metadata(std::istream& in, stan_csv_metadata& metadata, - std::ostream* out) { + static void read_metadata(std::istream& in, stan_csv_metadata& metadata) { std::stringstream ss; std::string line; if (in.peek() != '#') - return false; + return; while (in.peek() == '#') { std::getline(in, line); ss << line << '\n'; @@ -161,9 +160,15 @@ class stan_csv_reader { metadata.model = value; } else if (name.compare("num_samples") == 0) { std::stringstream(value) >> metadata.num_samples; + } else if (name.compare("output_samples") == 0) { // ADVI config name + std::stringstream(value) >> metadata.num_samples; } else if (name.compare("num_warmup") == 0) { std::stringstream(value) >> metadata.num_warmup; } else if (name.compare("save_warmup") == 0) { + // cmdstan args can be "true" and "false", was "1", "0" + if (value.compare("true") == 0) { + value = "1"; + } std::stringstream(value) >> metadata.save_warmup; } else if (name.compare("thin") == 0) { std::stringstream(value) >> metadata.thin; @@ -177,6 +182,8 @@ class stan_csv_reader { metadata.random_seed = false; } else if (name.compare("append_samples") == 0) { std::stringstream(value) >> metadata.append_samples; + } else if (name.compare("method") == 0) { + metadata.method = value; } else if (name.compare("algorithm") == 0) { metadata.algorithm = value; } else if (name.compare("engine") == 0) { @@ -185,14 +192,10 @@ class stan_csv_reader { std::stringstream(value) >> metadata.max_depth; } } - if (ss.good() == true) - return false; - - return true; } // read_metadata static bool read_header(std::istream& in, std::vector& header, - std::ostream* out, bool prettify_name = true) { + bool prettify_name = true) { std::string line; if (!std::isalpha(in.peek())) @@ -216,62 +219,53 @@ class stan_csv_reader { return true; } - static bool read_adaptation(std::istream& in, stan_csv_adaptation& adaptation, - std::ostream* out) { + static void read_adaptation(std::istream& in, + stan_csv_adaptation& adaptation) { std::stringstream ss; std::string line; int lines = 0; - if (in.peek() != '#' || in.good() == false) - return false; - + return; while (in.peek() == '#') { std::getline(in, line); ss << line << std::endl; lines++; } ss.seekg(std::ios_base::beg); + if (lines < 2) + return; - if (lines < 4) - return false; + std::getline(ss, line); // comment adaptation terminated - char comment; // Buffer for comment indicator, # - - // Skip first two lines - std::getline(ss, line); - - // Stepsize - std::getline(ss, line, '='); + // parse stepsize + std::getline(ss, line, '='); // stepsize boost::trim(line); ss >> adaptation.step_size; + if (lines == 2) // ADVI reports stepsize, no metric + return; - // Metric parameters - std::getline(ss, line); - std::getline(ss, line); - std::getline(ss, line); + std::getline(ss, line); // consume end of stepsize line + std::getline(ss, line); // comment elements of mass matrix + std::getline(ss, line); // diagonal metric or row 1 of dense metric int rows = lines - 3; int cols = std::count(line.begin(), line.end(), ',') + 1; adaptation.metric.resize(rows, cols); + char comment; // Buffer for comment indicator, # + // parse metric, row by row, element by element for (int row = 0; row < rows; row++) { std::stringstream line_ss; line_ss.str(line); line_ss >> comment; - for (int col = 0; col < cols; col++) { std::string token; std::getline(line_ss, token, ','); boost::trim(token); std::stringstream(token) >> adaptation.metric(row, col); } - std::getline(ss, line); // Read in next line + std::getline(ss, line); } - - if (ss.good()) - return false; - else - return true; } static bool read_samples(std::istream& in, Eigen::MatrixXd& samples, @@ -290,7 +284,6 @@ class stan_csv_reader { bool empty_line = (in.peek() == '\n'); std::getline(in, line); - if (empty_line) continue; if (!line.length()) @@ -316,11 +309,10 @@ class stan_csv_reader { if (cols == -1) { cols = current_cols; } else if (cols != current_cols) { - if (out) - *out << "Error: expected " << cols << " columns, but found " - << current_cols << " instead for row " << rows + 1 - << std::endl; - return false; + std::stringstream msg; + msg << "Error: expected " << cols << " columns, but found " + << current_cols << " instead for row " << rows + 1; + throw std::invalid_argument(msg.str()); } rows++; } @@ -348,36 +340,45 @@ class stan_csv_reader { /** * Parses the file. * + * Throws exception if contents can't be parsed into header + data rows. + * + * Emits warning message + * * @param[in] in input stream to parse * @param[out] out output stream to send messages */ static stan_csv parse(std::istream& in, std::ostream* out) { stan_csv data; + std::string line; - if (!read_metadata(in, data.metadata, out)) { - if (out) - *out << "Warning: non-fatal error reading metadata" << std::endl; + read_metadata(in, data.metadata); + if (!read_header(in, data.header)) { + throw std::invalid_argument("Error: no column names found in csv file"); } - if (!read_header(in, data.header, out)) { - if (out) - *out << "Error: error reading header" << std::endl; - throw std::invalid_argument("Error with header of input file in parse"); + // skip warmup draws, if any + if (data.metadata.algorithm != "fixed_param" && data.metadata.num_warmup > 0 + && data.metadata.save_warmup) { + while (in.peek() != '#') { + std::getline(in, line); + } } - if (!read_adaptation(in, data.adaptation, out)) { - if (out) - *out << "Warning: non-fatal error reading adaptation data" << std::endl; + if (data.metadata.algorithm != "fixed_param") { + read_adaptation(in, data.adaptation); } data.timing.warmup = 0; data.timing.sampling = 0; + if (data.metadata.method == "variational") { + std::getline(in, line); // discard variational estimate + } + if (!read_samples(in, data.samples, data.timing, out)) { if (out) *out << "Warning: non-fatal error reading samples" << std::endl; } - return data; } }; diff --git a/src/stan/mcmc/chains.hpp b/src/stan/mcmc/chains.hpp index a553fd36cdf..72996d7d7c1 100644 --- a/src/stan/mcmc/chains.hpp +++ b/src/stan/mcmc/chains.hpp @@ -117,7 +117,6 @@ class chains { using boost::accumulators::tag::tail; using boost::accumulators::tag::tail_quantile; double M = x.rows(); - // size_t cache_size = std::min(prob, 1-prob)*M + 2; size_t cache_size = M; if (prob < 0.5) { @@ -146,8 +145,7 @@ class chains { using boost::accumulators::tag::tail_quantile; double M = x.rows(); - // size_t cache_size = M/2 + 2; - size_t cache_size = M; // 2 + 2; + size_t cache_size = M; accumulator_set > > acc_left( tail::cache_size = cache_size); @@ -241,7 +239,6 @@ class chains { double var_between = n * variance(split_chain_mean); double var_within = mean(split_chain_var); - // rewrote [(n-1)*W/n + B/n]/W as (n-1+ B/W)/n return sqrt((var_between / var_within + n - 1) / n); } @@ -558,7 +555,6 @@ class chains { return autocovariance(chain, index(name)); } - // FIXME: reimplement using autocorrelation. double effective_sample_size(const int index) const { int n_chains = num_chains(); std::vector draws(n_chains); @@ -595,22 +591,6 @@ class chains { return split_effective_sample_size(index(name)); } - std::pair split_potential_scale_reduction_rank( - const int index) const { - int n_chains = num_chains(); - std::vector draws(n_chains); - std::vector sizes(n_chains); - int n_kept_samples = 0; - for (int chain = 0; chain < n_chains; ++chain) { - n_kept_samples = num_kept_samples(chain); - draws[chain] - = samples_(chain).col(index).bottomRows(n_kept_samples).data(); - sizes[chain] = n_kept_samples; - } - - return analyze::compute_split_potential_scale_reduction_rank(draws, sizes); - } - double split_potential_scale_reduction(const int index) const { int n_chains = num_chains(); std::vector draws(n_chains); @@ -626,11 +606,6 @@ class chains { return analyze::compute_split_potential_scale_reduction(draws, sizes); } - std::pair split_potential_scale_reduction_rank( - const std::string& name) const { - return split_potential_scale_reduction_rank(index(name)); - } - double split_potential_scale_reduction(const std::string& name) const { return split_potential_scale_reduction(index(name)); } diff --git a/src/stan/mcmc/chainset.hpp b/src/stan/mcmc/chainset.hpp new file mode 100644 index 00000000000..3846212e953 --- /dev/null +++ b/src/stan/mcmc/chainset.hpp @@ -0,0 +1,504 @@ +#ifndef STAN_MCMC_CHAINSET_HPP +#define STAN_MCMC_CHAINSET_HPP + +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include + +namespace stan { +namespace mcmc { +using Eigen::Dynamic; + +/** + * An mcmc::chainset object manages the post-warmup draws + * across a set of MCMC chains, which all have the same number of samples. + * + * @note samples are stored in column major, i.e., each column corresponds to + * an output variable (element). + * + */ +class chainset { + private: + size_t num_samples_; + std::vector param_names_; + std::vector chains_; + + public: + /* Construct a chainset from a single sample. + * Throws execption if sample is empty. + */ + explicit chainset(const stan::io::stan_csv& stan_csv) { + if (chains_.size() > 0) { + throw std::invalid_argument("Cannot re-initialize chains object"); + } + if (stan_csv.header.size() == 0 || stan_csv.samples.rows() == 0) { + throw std::invalid_argument("Error: empty sample"); + } + param_names_ = stan_csv.header; + num_samples_ = stan_csv.samples.rows(); + chains_.push_back(stan_csv.samples); + } + + /* Construct a chainset from a set of samples. + * Throws execption if sample column names and shapes don't match. + */ + explicit chainset(const std::vector& stan_csv) { + if (stan_csv.empty()) + return; + if (chains_.size() > 0) { + throw std::invalid_argument("Cannot re-initialize chains object"); + } + if (stan_csv[0].header.size() == 0 || stan_csv[0].samples.rows() == 0) { + throw std::invalid_argument("Error: empty sample"); + } + param_names_ = stan_csv[0].header; + num_samples_ = stan_csv[0].samples.rows(); + chains_.push_back(stan_csv[0].samples); + std::stringstream ss; + for (size_t i = 1; i < stan_csv.size(); ++i) { + if (stan_csv[i].header.size() != param_names_.size()) { + ss << "Error: chain " << (i + 1) << " missing or extra columns"; + throw std::invalid_argument(ss.str()); + } + for (int j = 0; j < param_names_.size(); j++) { + if (param_names_[j] != stan_csv[i].header[j]) { + ss << "Error: chain " << (i + 1) << " header column " << (j + 1) + << " doesn't match chain 1 header, found: " + << stan_csv[i].header[j] << " expecting: " << param_names_[j]; + throw std::invalid_argument(ss.str()); + } + } + if (stan_csv[i].samples.rows() != num_samples_) { + ss << "Error: chain " << (i + 1) << ", missing or extra rows."; + throw std::invalid_argument(ss.str()); + } + chains_.push_back(stan_csv[i].samples); + } + } + + /** + * Report number of chains in chainset. + * @return chainset size. + */ + inline int num_chains() const { return chains_.size(); } + + /** + * Report number of parameters per chain. + * @return size of parameter names vector. + */ + inline int num_params() const { return param_names_.size(); } + + /** + * Report number of samples (draws) per chain. + * @return rows per chain + */ + inline int num_samples() const { return num_samples_; } + + /** + * Get parameter names. + * @return vector of parameter names. + */ + const std::vector& param_names() const { return param_names_; } + + /** + * Get name of parameter at specified column index. + * Throws exception if index is out of bounds. + * + * @param index column index + * @return parameter name + */ + const std::string& param_name(int index) const { + if (index < 0 || index >= param_names_.size()) { + std::stringstream ss; + ss << "Bad index " << index << ", should be between 0 and " + << (param_names_.size() - 1); + throw std::invalid_argument(ss.str()); + } + return param_names_[index]; + } + + /** + * Get column index for specified parameter name. + * Throws exception if name not found. + * + * @param name parameter name + * @return column index + */ + int index(const std::string& name) const { + auto it = std::find(param_names_.begin(), param_names_.end(), name); + if (it == param_names_.end()) { + std::stringstream ss; + ss << "Unknown parameter name " << name; + throw std::invalid_argument(ss.str()); + } + return std::distance(param_names_.begin(), it); + } + + /** + * Assemble samples (draws) from specified column index across all chains + * into a matrix of samples X chain. + * Throws exception if column index is out of bounds. + * + * @param index column index + * @return matrix of draws across all chains + */ + Eigen::MatrixXd samples(const int index) const { + Eigen::MatrixXd result(num_samples(), chains_.size()); + if (index < 0 || index >= param_names_.size()) { + std::stringstream ss; + ss << "Bad index " << index << ", should be between 0 and " + << (param_names_.size() - 1); + throw std::invalid_argument(ss.str()); + } + for (int i = 0; i < chains_.size(); ++i) { + result.col(i) = chains_[i].col(index); + } + return result; + } + + /** + * Assemble samples (draws) from specified parameter name across all chains + * into a matrix of samples X chain. + * Throws exception if parameter name is not found. + * + * @param name parameter name + * @return matrix of draws across all chains + */ + Eigen::MatrixXd samples(const std::string& name) const { + return samples(index(name)); + } + + /** + * Compute mean value for specified parameter across all chains. + * + * @param index parameter index + * @return mean parameter value + */ + double mean(const int index) const { return samples(index).mean(); } + + /** + * Compute mean value for specified parameter across all chains. + * + * @param name parameter name + * @return mean parameter value + */ + double mean(const std::string& name) const { return mean(index(name)); } + + /** + * Compute sample variance for specified parameter across all chains. + * 1 / (N - 1) * sum((theta_n - mean(theta))^2) + * + * @param index parameter index + * @return sample variance + */ + double variance(const int index) const { + Eigen::MatrixXd draws = samples(index); + return (draws.array() - draws.mean()).square().sum() / (draws.size() - 1); + } + + /** + * Compute sample variance for specified parameter across all chains. + * 1 / (N - 1) * sum((theta_n - mean(theta))^2) + * + * @param name parameter name + * @return sample variance + */ + double variance(const std::string& name) const { + return variance(index(name)); + } + + /** + * Compute standard deviation for specified parameter across all chains. + * + * @param index parameter index + * @return sample sd + */ + double sd(const int index) const { return std::sqrt(variance(index)); } + + /** + * Compute standard deviation for specified parameter across all chains. + * + * @param name parameter name + * @return sample sd + */ + double sd(const std::string& name) const { return sd(index(name)); } + + /** + * Compute median value of specified parameter across all chains. + * + * @param index parameter index + * @return median + */ + double median(const int index) const { return (quantile(index, 0.5)); } + + /** + * Compute median value of specified parameter across all chains. + * + * @param name parameter name + * @return median + */ + double median(const std::string& name) const { return median(index(name)); } + + /** + * Compute maximum absolute deviation (mad) for specified parameter. + * + * Follows R implementation: constant * median(abs(x - center)) + * where the value of center is median(x) and the constant is 1.4826, + * a scale factor for asymptotically normal consistency: `1/qnorm(3/4)`. + * (R stats version 3.6.2) + * + * @param index parameter index + * @return sample mad + */ + double max_abs_deviation(const int index) const { + Eigen::MatrixXd draws = samples(index); + auto center = median(index); + Eigen::MatrixXd abs_dev = (draws.array() - center).abs(); + Eigen::Map map(abs_dev.data(), abs_dev.size()); + return 1.4826 * stan::math::quantile(map, 0.5); + } + + /** + * Compute maximum absolute deviation (mad) for specified parameter. + * + * Follows R implementation: constant * median(abs(x - center)) + * where the value of center is median(x) and the constant is 1.4826, + * a scale factor for asymptotically normal consistency: `1/qnorm(3/4)`. + * (R stats version 3.6.2) + * + * @param name parameter name + * @return sample mad + */ + double max_abs_deviation(const std::string& name) const { + return max_abs_deviation(index(name)); + } + + /** + * Compute the quantile value of the specified parameter + * at the specified probability. + * + * Throws exception if specified probability is not between 0 and 1. + * + * @param index parameter index + * @param prob probability + * @return parameter value at quantile + */ + double quantile(const int index, const double prob) const { + // Ensure the probability is within [0, 1] + if (prob <= 0.0 || prob >= 1.0) { + throw std::out_of_range("Probability must be between 0 and 1."); + } + Eigen::MatrixXd draws = samples(index); + Eigen::Map map(draws.data(), draws.size()); + return stan::math::quantile(map, prob); + } + + /** + * Compute the quantile value of the specified parameter + * at the specified probability. + * + * Throws exception if specified probability is not between 0 and 1. + * + * @param name parameter name + * @param prob probability + * @return parameter value at quantile + */ + double quantile(const std::string& name, const double prob) const { + return quantile(index(name), prob); + } + + /** + * Compute the quantile values of the specified parameter + * for a set of specified probabilities. + * + * Throws exception if any probability is not between 0 and 1. + * + * @param index parameter index + * @param probs vector of probabilities + * @return vector of parameter values for quantiles + */ + Eigen::VectorXd quantiles(const int index, + const Eigen::VectorXd& probs) const { + if (probs.size() == 0) + return Eigen::VectorXd::Zero(0); + if (probs.minCoeff() <= 0.0 || probs.maxCoeff() >= 1.0) { + throw std::out_of_range("Probabilities must be between 0 and 1."); + } + Eigen::MatrixXd draws = samples(index); + Eigen::Map map(draws.data(), draws.size()); + std::vector probs_vec(probs.data(), probs.data() + probs.size()); + std::vector quantiles = stan::math::quantile(map, probs_vec); + return Eigen::Map(quantiles.data(), quantiles.size()); + } + + /** + * Compute the quantile values of the specified parameter + * for a set of specified probabilities. + * + * Throws exception if any probability is not between 0 and 1. + * + * @param name parameter name + * @param probs vector of probabilities + * @return vector of parameter values for quantiles + */ + Eigen::VectorXd quantiles(const std::string& name, + const Eigen::VectorXd& probs) const { + return quantiles(index(name), probs); + } + + /** + * Computes the split potential scale reduction (split Rhat) using rank based + * diagnostic for a set of per-chain draws, for bulk and tail Rhat. + * Based on paper https://arxiv.org/abs/1903.08008 + * + * @param index parameter index + * @return pair (bulk_rhat, tail_rhat) + */ + std::pair split_rank_normalized_rhat(const int index) const { + return analyze::split_rank_normalized_rhat(samples(index)); + } + + /** + * Computes the split potential scale reduction (split Rhat) using rank based + * diagnostic for a set of per-chain draws, for bulk and tail Rhat. + * Based on paper https://arxiv.org/abs/1903.08008 + * + * @param name parameter name + * @return pair (bulk_rhat, tail_rhat) + */ + std::pair split_rank_normalized_rhat( + const std::string& name) const { + return split_rank_normalized_rhat(index(name)); + } + + /** + * Computes the effective sample size (ESS) for the specified + * parameter across all chains, according to the algorithm presented in + * https://arxiv.org/abs/1903.08008, section 3.2 for folded (split) + * rank-normalized ESS for both bulk and tail ESS. + * + * @param index parameter index + * @return pair (bulk_ess, tail_ess) + */ + std::pair split_rank_normalized_ess(const int index) const { + return analyze::split_rank_normalized_ess(samples(index)); + } + + /** + * Computes the effective sample size (ESS) for the specified + * parameter across all chains, according to the algorithm presented in + * https://arxiv.org/abs/1903.08008, section 3.2 for folded (split) + * rank-normalized ESS for both bulk and tail ESS. + * + * @param name parameter name + * @return pair (bulk_ess, tail_ess) + */ + std::pair split_rank_normalized_ess( + const std::string& name) const { + return split_rank_normalized_ess(index(name)); + } + + /** + * Computes the mean Monte Carlo error estimate for the central 90% interval. + * See https://arxiv.org/abs/1903.08008, section 4.4. + * Follows implementation in the R posterior package + * + * @param index parameter index + * @return pair (bulk_ess, tail_ess) + */ + double mcse_mean(const int index) const { + double ess_bulk = analyze::split_rank_normalized_ess(samples(index)).first; + return sd(index) / std::sqrt(ess_bulk); + } + + /** + * Computes the mean Monte Carlo error estimate for the central 90% interval. + * See https://arxiv.org/abs/1903.08008, section 4.4. + * Follows implementation in the R posterior package. + * + * @param name parameter name + * @return pair (bulk_ess, tail_ess) + */ + double mcse_mean(const std::string& name) const { + return mcse_mean(index(name)); + } + + /** + * Computes the standard deviation of the Monte Carlo error estimate + * https://arxiv.org/abs/1903.08008, section 4.4. + * Follows implementation in the R posterior package. + * + * @param index parameter index + * @return pair (bulk_ess, tail_ess) + */ + double mcse_sd(const int index) const { + Eigen::MatrixXd s = samples(index); + Eigen::MatrixXd s2 = s.array().square(); + double ess_s = analyze::split_rank_normalized_ess(s).first; + double ess_s2 = analyze::split_rank_normalized_ess(s2).first; + double ess_sd = std::min(ess_s, ess_s2); + return sd(index) + * std::sqrt(stan::math::e() * std::pow(1 - 1 / ess_sd, ess_sd - 1) + - 1); + } + + /** + * Computes the standard deviation of the Monte Carlo error estimate + * https://arxiv.org/abs/1903.08008, section 4.4. + * Follows implementation in the R posterior package + * + * @param name parameter name + * @return pair (bulk_ess, tail_ess) + */ + double mcse_sd(const std::string& name) const { return mcse_sd(index(name)); } + + /** + * Compute autocorrelation for one column of one chain. + * Throws exception if column index is out of bounds. + * Autocorrelation is computed using Stan math library implmentation. + * + * @param chain chain index + * @param index column index + * @return vector of chain autocorrelation at all lags + */ + Eigen::VectorXd autocorrelation(const int chain, const int index) const { + Eigen::MatrixXd s = samples(index); + Eigen::Map chain_col(samples(chain).data(), + num_samples()); + Eigen::VectorXd autocorr_col(num_samples()); + stan::math::autocorrelation(s.col(chain), autocorr_col); + return autocorr_col; + } + + /** + * Compute autocorrelation for one column of one chain. + * Throws exception if column index is out of bounds. + * Autocorrelation is computed using Stan math library implmentation. + * + * @param chain chain index + * @param name column name + * @return vector of chain autocorrelation at all lags + */ + Eigen::VectorXd autocorrelation(const int chain, + const std::string name) const { + return autocorrelation(chain, index(name)); + } +}; + +} // namespace mcmc +} // namespace stan + +#endif diff --git a/src/test/unit/analyze/mcmc/compute_potential_scale_reduction_test.cpp b/src/test/unit/analyze/mcmc/compute_potential_scale_reduction_test.cpp index 41a102e51df..65d5c15a819 100644 --- a/src/test/unit/analyze/mcmc/compute_potential_scale_reduction_test.cpp +++ b/src/test/unit/analyze/mcmc/compute_potential_scale_reduction_test.cpp @@ -58,64 +58,6 @@ TEST_F(ComputeRhat, compute_potential_scale_reduction) { << ", parameter: " << chains.param_name(index); } } -TEST_F(ComputeRhat, compute_potential_scale_reduction_rank) { - std::stringstream out; - stan::io::stan_csv blocker1 - = stan::io::stan_csv_reader::parse(blocker1_stream, &out); - stan::io::stan_csv blocker2 - = stan::io::stan_csv_reader::parse(blocker2_stream, &out); - EXPECT_EQ("", out.str()); - - stan::mcmc::chains<> chains(blocker1); - chains.add(blocker2); - - // Eigen::VectorXd rhat(48); - // rhat - // << 1.00067,1.00497,1.00918,1.00055,1.0015,1.00088,1.00776,1.00042,1.00201,0.99956,0.99984,1.00054,1.00403,1.00516,1.00591,1.00627,1.00134,1.00895,1.00079,1.00368,1.00092,1.00133,1.01005,1.00107,1.00151,1.00229,1.0,1.00008,1.00315,1.00277,1.00247,1.00003,1.001,1.01267,1.00011,1.00066,1.00091,1.00237,1.00019,1.00104,1.00341,0.99981,1.00033,0.99967,1.00306,1.00072,1.00191,1.00658; - - Eigen::VectorXd rhat_bulk(48); - rhat_bulk << 1.00067, 0.99979, 0.99966, 1.00055, 1.0011, 1.00088, 1.00032, - 0.99997, 1.00201, 0.99956, 0.99956, 0.9995, 1.00292, 1.00516, 1.00591, - 0.99975, 1.00088, 1.00895, 1.00079, 0.99953, 1.00092, 1.00044, 1.01005, - 0.9996, 1.00151, 0.99966, 0.99965, 0.99963, 1.00315, 1.00277, 1.00247, - 1.00003, 0.99994, 1.00116, 0.99952, 1.0005, 1.00091, 1.00213, 1.00019, - 0.99977, 1.0003, 0.99981, 1.00003, 0.99967, 1.00306, 1.00072, 0.9996, - 0.99979; - Eigen::VectorXd rhat_tail(48); - rhat_tail << 1.00063, 1.00497, 1.00918, 0.99965, 1.0015, 0.99962, 1.00776, - 1.00042, 0.99963, 0.99951, 0.99984, 1.00054, 1.00403, 1.00107, 1.00287, - 1.00627, 1.00134, 0.99957, 0.99997, 1.00368, 1.00053, 1.00133, 1.00589, - 1.00107, 1.00031, 1.00229, 1.0, 1.00008, 1.0001, 1.00116, 1.00219, - 0.99992, 1.001, 1.01267, 1.00011, 1.00066, 1.00065, 1.00237, 0.9995, - 1.00104, 1.00341, 0.99958, 1.00033, 0.9996, 0.99957, 1.00058, 1.00191, - 1.00658; - - // replicates calls to stan::analyze::compute_effective_sample_size - // for any interface *without* access to chains class - Eigen::Matrix samples( - chains.num_chains()); - std::vector draws(chains.num_chains()); - std::vector sizes(chains.num_chains()); - for (int index = 4; index < chains.num_params(); index++) { - for (int chain = 0; chain < chains.num_chains(); ++chain) { - samples(chain) = chains.samples(chain, index); - draws[chain] = &samples(chain)(0); - sizes[chain] = samples(chain).size(); - } - double computed_bulk_rhat, computed_tail_rhat; - std::tie(computed_bulk_rhat, computed_tail_rhat) - = stan::analyze::compute_potential_scale_reduction_rank(draws, sizes); - double expected_bulk_rhat = rhat_bulk(index - 4); - double expected_tail_rhat = rhat_tail(index - 4); - - ASSERT_NEAR(expected_bulk_rhat, computed_bulk_rhat, 1e-4) - << "Bulk Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - ASSERT_NEAR(expected_tail_rhat, computed_tail_rhat, 1e-4) - << "Tail Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - } -} TEST_F(ComputeRhat, compute_potential_scale_reduction_convenience) { std::stringstream out; @@ -156,60 +98,6 @@ TEST_F(ComputeRhat, compute_potential_scale_reduction_convenience) { } } -TEST_F(ComputeRhat, compute_potential_scale_reduction_rank_convenience) { - std::stringstream out; - stan::io::stan_csv blocker1 - = stan::io::stan_csv_reader::parse(blocker1_stream, &out); - stan::io::stan_csv blocker2 - = stan::io::stan_csv_reader::parse(blocker2_stream, &out); - EXPECT_EQ("", out.str()); - - stan::mcmc::chains<> chains(blocker1); - chains.add(blocker2); - - Eigen::VectorXd rhat_bulk(48); - rhat_bulk << 1.00067, 0.99979, 0.99966, 1.00055, 1.0011, 1.00088, 1.00032, - 0.99997, 1.00201, 0.99956, 0.99956, 0.9995, 1.00292, 1.00516, 1.00591, - 0.99975, 1.00088, 1.00895, 1.00079, 0.99953, 1.00092, 1.00044, 1.01005, - 0.9996, 1.00151, 0.99966, 0.99965, 0.99963, 1.00315, 1.00277, 1.00247, - 1.00003, 0.99994, 1.00116, 0.99952, 1.0005, 1.00091, 1.00213, 1.00019, - 0.99977, 1.0003, 0.99981, 1.00003, 0.99967, 1.00306, 1.00072, 0.9996, - 0.99979; - Eigen::VectorXd rhat_tail(48); - rhat_tail << 1.00063, 1.00497, 1.00918, 0.99965, 1.0015, 0.99962, 1.00776, - 1.00042, 0.99963, 0.99951, 0.99984, 1.00054, 1.00403, 1.00107, 1.00287, - 1.00627, 1.00134, 0.99957, 0.99997, 1.00368, 1.00053, 1.00133, 1.00589, - 1.00107, 1.00031, 1.00229, 1.0, 1.00008, 1.0001, 1.00116, 1.00219, - 0.99992, 1.001, 1.01267, 1.00011, 1.00066, 1.00065, 1.00237, 0.9995, - 1.00104, 1.00341, 0.99958, 1.00033, 0.9996, 0.99957, 1.00058, 1.00191, - 1.00658; - - Eigen::Matrix samples( - chains.num_chains()); - std::vector draws(chains.num_chains()); - std::vector sizes(chains.num_chains()); - for (int index = 4; index < chains.num_params(); index++) { - for (int chain = 0; chain < chains.num_chains(); ++chain) { - samples(chain) = chains.samples(chain, index); - draws[chain] = &samples(chain)(0); - } - size_t size = samples(0).size(); - - double computed_bulk_rhat, computed_tail_rhat; - std::tie(computed_bulk_rhat, computed_tail_rhat) - = stan::analyze::compute_potential_scale_reduction_rank(draws, size); - double expected_bulk_rhat = rhat_bulk(index - 4); - double expected_tail_rhat = rhat_tail(index - 4); - - ASSERT_NEAR(expected_bulk_rhat, computed_bulk_rhat, 1e-4) - << "Bulk Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - ASSERT_NEAR(expected_tail_rhat, computed_tail_rhat, 1e-4) - << "Tail Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - } -} - TEST_F(ComputeRhat, chains_compute_split_potential_scale_reduction) { std::stringstream out; stan::io::stan_csv blocker1 @@ -244,55 +132,6 @@ TEST_F(ComputeRhat, chains_compute_split_potential_scale_reduction) { } } -TEST_F(ComputeRhat, chains_compute_split_potential_scale_reduction_rank) { - std::stringstream out; - stan::io::stan_csv blocker1 - = stan::io::stan_csv_reader::parse(blocker1_stream, &out); - stan::io::stan_csv blocker2 - = stan::io::stan_csv_reader::parse(blocker2_stream, &out); - EXPECT_EQ("", out.str()); - - stan::mcmc::chains<> chains(blocker1); - chains.add(blocker2); - - Eigen::VectorXd rhat_bulk(48); - rhat_bulk << 1.0078, 1.0109, 0.99919, 1.001, 1.00401, 1.00992, 1.00182, - 1.00519, 1.00095, 1.00351, 1.00554, 1.00075, 1.00595, 1.00473, 1.00546, - 1.01304, 1.00166, 1.0074, 1.00178, 1.00588, 1.00406, 1.00129, 1.00976, - 1.0013, 1.00193, 1.00104, 0.99938, 1.00025, 1.01082, 1.0019, 1.00354, - 1.0043, 1.00111, 1.00281, 1.00436, 1.00515, 1.00325, 1.0089, 1.00222, - 1.00118, 1.00191, 1.00283, 1.0003, 1.00216, 1.00335, 1.00133, 1.00023, - 1.0109; - Eigen::VectorXd rhat_tail(48); - rhat_tail << 1.00097, 1.00422, 1.00731, 1.00333, 1.00337, 0.99917, 1.00734, - 1.00633, 1.00074, 1.00906, 1.01019, 1.00074, 1.00447, 1.00383, 1.00895, - 1.00389, 1.00052, 1.00188, 1.00236, 1.00284, 1.00414, 1.00303, 1.00327, - 1.00295, 1.00037, 1.0044, 1.00488, 1.00178, 1.00475, 1.00082, 1.00413, - 1.01303, 1.0024, 1.01148, 1.00098, 1.00078, 1.00712, 1.00595, 1.00124, - 1.00112, 1.00381, 1.0006, 1.00188, 1.00225, 1.0026, 1.0009, 1.00209, - 1.00464; - - for (int index = 4; index < chains.num_params(); index++) { - double computed_bulk_rhat, computed_tail_rhat; - std::tie(computed_bulk_rhat, computed_tail_rhat) - = chains.split_potential_scale_reduction_rank(index); - double expected_bulk_rhat = rhat_bulk(index - 4); - double expected_tail_rhat = rhat_tail(index - 4); - - ASSERT_NEAR(expected_bulk_rhat, computed_bulk_rhat, 1e-4) - << "Bulk Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - ASSERT_NEAR(expected_tail_rhat, computed_tail_rhat, 1e-4) - << "Tail Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - } - for (int index = 0; index < chains.num_params(); index++) { - std::string name = chains.param_name(index); - ASSERT_EQ(chains.split_potential_scale_reduction_rank(index), - chains.split_potential_scale_reduction_rank(name)); - } -} - TEST_F(ComputeRhat, compute_split_potential_scale_reduction) { std::stringstream out; stan::io::stan_csv blocker1 @@ -335,64 +174,6 @@ TEST_F(ComputeRhat, compute_split_potential_scale_reduction) { } } -TEST_F(ComputeRhat, compute_split_potential_scale_reduction_rank) { - std::stringstream out; - stan::io::stan_csv blocker1 - = stan::io::stan_csv_reader::parse(blocker1_stream, &out); - stan::io::stan_csv blocker2 - = stan::io::stan_csv_reader::parse(blocker2_stream, &out); - EXPECT_EQ("", out.str()); - - stan::mcmc::chains<> chains(blocker1); - - chains.add(blocker2); - - Eigen::VectorXd rhat_bulk(48); - rhat_bulk << 1.0078, 1.0109, 0.99919, 1.001, 1.00401, 1.00992, 1.00182, - 1.00519, 1.00095, 1.00351, 1.00554, 1.00075, 1.00595, 1.00473, 1.00546, - 1.01304, 1.00166, 1.0074, 1.00178, 1.00588, 1.00406, 1.00129, 1.00976, - 1.0013, 1.00193, 1.00104, 0.99938, 1.00025, 1.01082, 1.0019, 1.00354, - 1.0043, 1.00111, 1.00281, 1.00436, 1.00515, 1.00325, 1.0089, 1.00222, - 1.00118, 1.00191, 1.00283, 1.0003, 1.00216, 1.00335, 1.00133, 1.00023, - 1.0109; - Eigen::VectorXd rhat_tail(48); - rhat_tail << 1.00097, 1.00422, 1.00731, 1.00333, 1.00337, 0.99917, 1.00734, - 1.00633, 1.00074, 1.00906, 1.01019, 1.00074, 1.00447, 1.00383, 1.00895, - 1.00389, 1.00052, 1.00188, 1.00236, 1.00284, 1.00414, 1.00303, 1.00327, - 1.00295, 1.00037, 1.0044, 1.00488, 1.00178, 1.00475, 1.00082, 1.00413, - 1.01303, 1.0024, 1.01148, 1.00098, 1.00078, 1.00712, 1.00595, 1.00124, - 1.00112, 1.00381, 1.0006, 1.00188, 1.00225, 1.0026, 1.0009, 1.00209, - 1.00464; - - // replicates calls to stan::analyze::compute_effective_sample_size - // for any interface *without* access to chains class - Eigen::Matrix samples( - chains.num_chains()); - std::vector draws(chains.num_chains()); - std::vector sizes(chains.num_chains()); - for (int index = 4; index < chains.num_params(); index++) { - for (int chain = 0; chain < chains.num_chains(); ++chain) { - samples(chain) = chains.samples(chain, index); - draws[chain] = &samples(chain)(0); - sizes[chain] = samples(chain).size(); - } - - double computed_bulk_rhat, computed_tail_rhat; - std::tie(computed_bulk_rhat, computed_tail_rhat) - = stan::analyze::compute_split_potential_scale_reduction_rank(draws, - sizes); - double expected_bulk_rhat = rhat_bulk(index - 4); - double expected_tail_rhat = rhat_tail(index - 4); - - ASSERT_NEAR(expected_bulk_rhat, computed_bulk_rhat, 1e-4) - << "Bulk Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - ASSERT_NEAR(expected_tail_rhat, computed_tail_rhat, 1e-4) - << "Tail Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - } -} - TEST_F(ComputeRhat, compute_split_potential_scale_reduction_convenience) { std::stringstream out; stan::io::stan_csv blocker1 @@ -432,62 +213,6 @@ TEST_F(ComputeRhat, compute_split_potential_scale_reduction_convenience) { } } -TEST_F(ComputeRhat, compute_split_potential_scale_reduction_convenience_rank) { - std::stringstream out; - stan::io::stan_csv blocker1 - = stan::io::stan_csv_reader::parse(blocker1_stream, &out); - stan::io::stan_csv blocker2 - = stan::io::stan_csv_reader::parse(blocker2_stream, &out); - EXPECT_EQ("", out.str()); - - stan::mcmc::chains<> chains(blocker1); - chains.add(blocker2); - - Eigen::VectorXd rhat_bulk(48); - rhat_bulk << 1.0078, 1.0109, 0.99919, 1.001, 1.00401, 1.00992, 1.00182, - 1.00519, 1.00095, 1.00351, 1.00554, 1.00075, 1.00595, 1.00473, 1.00546, - 1.01304, 1.00166, 1.0074, 1.00178, 1.00588, 1.00406, 1.00129, 1.00976, - 1.0013, 1.00193, 1.00104, 0.99938, 1.00025, 1.01082, 1.0019, 1.00354, - 1.0043, 1.00111, 1.00281, 1.00436, 1.00515, 1.00325, 1.0089, 1.00222, - 1.00118, 1.00191, 1.00283, 1.0003, 1.00216, 1.00335, 1.00133, 1.00023, - 1.0109; - Eigen::VectorXd rhat_tail(48); - rhat_tail << 1.00097, 1.00422, 1.00731, 1.00333, 1.00337, 0.99917, 1.00734, - 1.00633, 1.00074, 1.00906, 1.01019, 1.00074, 1.00447, 1.00383, 1.00895, - 1.00389, 1.00052, 1.00188, 1.00236, 1.00284, 1.00414, 1.00303, 1.00327, - 1.00295, 1.00037, 1.0044, 1.00488, 1.00178, 1.00475, 1.00082, 1.00413, - 1.01303, 1.0024, 1.01148, 1.00098, 1.00078, 1.00712, 1.00595, 1.00124, - 1.00112, 1.00381, 1.0006, 1.00188, 1.00225, 1.0026, 1.0009, 1.00209, - 1.00464; - - Eigen::Matrix samples( - chains.num_chains()); - std::vector draws(chains.num_chains()); - std::vector sizes(chains.num_chains()); - - for (int index = 4; index < chains.num_params(); index++) { - for (int chain = 0; chain < chains.num_chains(); ++chain) { - samples(chain) = chains.samples(chain, index); - draws[chain] = &samples(chain)(0); - } - size_t size = samples(0).size(); - - double computed_bulk_rhat, computed_tail_rhat; - std::tie(computed_bulk_rhat, computed_tail_rhat) - = stan::analyze::compute_split_potential_scale_reduction_rank(draws, - size); - double expected_bulk_rhat = rhat_bulk(index - 4); - double expected_tail_rhat = rhat_tail(index - 4); - - ASSERT_NEAR(expected_bulk_rhat, computed_bulk_rhat, 1e-4) - << "Bulk Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - ASSERT_NEAR(expected_tail_rhat, computed_tail_rhat, 1e-4) - << "Tail Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - } -} - TEST_F(ComputeRhat, compute_potential_scale_reduction_constant) { std::vector param_names{"a"}; stan::mcmc::chains<> chains(param_names); @@ -499,23 +224,6 @@ TEST_F(ComputeRhat, compute_potential_scale_reduction_constant) { << "rhat for index: " << 1 << ", parameter: " << chains.param_name(1); } -TEST_F(ComputeRhat, compute_potential_scale_reduction_rank_constant) { - std::vector param_names{"a"}; - stan::mcmc::chains<> chains(param_names); - Eigen::Matrix draws; - draws << 1.0, 1.0; - chains.add(draws); - - double computed_bulk_rhat, computed_tail_rhat; - std::tie(computed_bulk_rhat, computed_tail_rhat) - = chains.split_potential_scale_reduction_rank(0); - - ASSERT_TRUE(std::isnan(computed_bulk_rhat)) - << "rhat for index: " << 1 << ", parameter: " << chains.param_name(1); - ASSERT_TRUE(std::isnan(computed_tail_rhat)) - << "rhat for index: " << 1 << ", parameter: " << chains.param_name(1); -} - TEST_F(ComputeRhat, compute_potential_scale_reduction_nan) { std::vector param_names{"a"}; stan::mcmc::chains<> chains(param_names); @@ -526,20 +234,3 @@ TEST_F(ComputeRhat, compute_potential_scale_reduction_nan) { ASSERT_TRUE(std::isnan(chains.split_potential_scale_reduction(0))) << "rhat for index: " << 1 << ", parameter: " << chains.param_name(1); } - -TEST_F(ComputeRhat, compute_potential_scale_reduction_rank_nan) { - std::vector param_names{"a"}; - stan::mcmc::chains<> chains(param_names); - Eigen::Matrix draws; - draws << 1.0, std::numeric_limits::quiet_NaN(); - chains.add(draws); - - double computed_bulk_rhat, computed_tail_rhat; - std::tie(computed_bulk_rhat, computed_tail_rhat) - = chains.split_potential_scale_reduction_rank(0); - - ASSERT_TRUE(std::isnan(computed_bulk_rhat)) - << "rhat for index: " << 1 << ", parameter: " << chains.param_name(1); - ASSERT_TRUE(std::isnan(computed_tail_rhat)) - << "rhat for index: " << 1 << ", parameter: " << chains.param_name(1); -} diff --git a/src/test/unit/io/stan_csv_reader_test.cpp b/src/test/unit/io/stan_csv_reader_test.cpp index 8ee33547d2d..43b8f68dfaa 100644 --- a/src/test/unit/io/stan_csv_reader_test.cpp +++ b/src/test/unit/io/stan_csv_reader_test.cpp @@ -1,5 +1,6 @@ #include #include +#include #include #include #include @@ -22,6 +23,13 @@ class StanIoStanCsvReader : public testing::Test { "src/test/unit/io/test_csv_files/blocker_nondiag.0.csv"); eight_schools_stream.open( "src/test/unit/io/test_csv_files/eight_schools.csv"); + + bernoulli_thin_stream.open( + "src/test/unit/io/test_csv_files/bernoulli_thin.csv"); + bernoulli_warmup_stream.open( + "src/test/unit/io/test_csv_files/bernoulli_warmup.csv"); + fixed_param_stream.open( + "src/test/unit/io/test_csv_files/fixed_param_output.csv"); } void TearDown() { @@ -33,10 +41,11 @@ class StanIoStanCsvReader : public testing::Test { header3_stream.close(); adaptation1_stream.close(); samples1_stream.close(); - epil0_stream.close(); - blocker_nondiag0_stream.close(); + bernoulli_thin_stream.close(); + bernoulli_warmup_stream.close(); + fixed_param_stream.close(); } std::ifstream blocker0_stream, epil0_stream; @@ -46,12 +55,14 @@ class StanIoStanCsvReader : public testing::Test { std::ifstream metadata3_stream, header2_stream; std::ifstream eight_schools_stream; std::ifstream header3_stream; + std::ifstream bernoulli_thin_stream; + std::ifstream bernoulli_warmup_stream; + std::ifstream fixed_param_stream; }; TEST_F(StanIoStanCsvReader, read_metadata1) { stan::io::stan_csv_metadata metadata; - EXPECT_TRUE( - stan::io::stan_csv_reader::read_metadata(metadata1_stream, metadata, 0)); + stan::io::stan_csv_reader::read_metadata(metadata1_stream, metadata); EXPECT_EQ(2, metadata.stan_version_major); EXPECT_EQ(9, metadata.stan_version_minor); @@ -77,8 +88,7 @@ TEST_F(StanIoStanCsvReader, read_metadata1) { TEST_F(StanIoStanCsvReader, read_metadata3) { stan::io::stan_csv_metadata metadata; - EXPECT_TRUE( - stan::io::stan_csv_reader::read_metadata(metadata3_stream, metadata, 0)); + stan::io::stan_csv_reader::read_metadata(metadata3_stream, metadata); EXPECT_EQ(2, metadata.stan_version_major); EXPECT_EQ(9, metadata.stan_version_minor); @@ -104,8 +114,7 @@ TEST_F(StanIoStanCsvReader, read_metadata3) { TEST_F(StanIoStanCsvReader, read_header1) { std::vector header; - EXPECT_TRUE( - stan::io::stan_csv_reader::read_header(header1_stream, header, 0)); + EXPECT_TRUE(stan::io::stan_csv_reader::read_header(header1_stream, header)); ASSERT_EQ(55, header.size()); EXPECT_EQ("lp__", header[0]); @@ -132,8 +141,7 @@ TEST_F(StanIoStanCsvReader, read_header1) { TEST_F(StanIoStanCsvReader, read_header2) { std::vector header; - EXPECT_TRUE( - stan::io::stan_csv_reader::read_header(header2_stream, header, 0)); + EXPECT_TRUE(stan::io::stan_csv_reader::read_header(header2_stream, header)); ASSERT_EQ(5, header.size()); EXPECT_EQ("d", header[0]); @@ -147,8 +155,7 @@ TEST_F(StanIoStanCsvReader, read_header2) { TEST_F(StanIoStanCsvReader, read_header_tuples) { std::vector header; - EXPECT_TRUE( - stan::io::stan_csv_reader::read_header(header3_stream, header, 0)); + EXPECT_TRUE(stan::io::stan_csv_reader::read_header(header3_stream, header)); ASSERT_EQ(46, header.size()); @@ -181,8 +188,7 @@ TEST_F(StanIoStanCsvReader, read_header_tuples) { TEST_F(StanIoStanCsvReader, read_adaptation1) { stan::io::stan_csv_adaptation adaptation; - EXPECT_TRUE(stan::io::stan_csv_reader::read_adaptation(adaptation1_stream, - adaptation, 0)); + stan::io::stan_csv_reader::read_adaptation(adaptation1_stream, adaptation); EXPECT_FLOAT_EQ(0.118745, adaptation.step_size); ASSERT_EQ(47, adaptation.metric.size()); @@ -537,3 +543,29 @@ TEST_F(StanIoStanCsvReader, ParseEightSchools) { EXPECT_EQ("", out.str()); } + +TEST_F(StanIoStanCsvReader, skip_warmup) { + stan::io::stan_csv bernoulli_warmup; + std::stringstream out; + bernoulli_warmup + = stan::io::stan_csv_reader::parse(bernoulli_warmup_stream, &out); + ASSERT_EQ(1000, bernoulli_warmup.samples.rows()); + ASSERT_EQ(1000, bernoulli_warmup.metadata.num_warmup); + ASSERT_EQ(1000, bernoulli_warmup.metadata.num_samples); + ASSERT_NE(0, bernoulli_warmup.adaptation.step_size); +} + +TEST_F(StanIoStanCsvReader, thinned_data) { + stan::io::stan_csv bernoulli_thin; + std::stringstream out; + bernoulli_thin + = stan::io::stan_csv_reader::parse(bernoulli_thin_stream, &out); + ASSERT_EQ(1000, bernoulli_thin.samples.rows()); +} + +TEST_F(StanIoStanCsvReader, fixed_param) { + stan::io::stan_csv fixed_param; + std::stringstream out; + fixed_param = stan::io::stan_csv_reader::parse(fixed_param_stream, &out); + ASSERT_EQ(10, fixed_param.samples.rows()); +} diff --git a/src/test/unit/io/test_csv_files/bernoulli_thin.csv b/src/test/unit/io/test_csv_files/bernoulli_thin.csv new file mode 100644 index 00000000000..b0874d8ead9 --- /dev/null +++ b/src/test/unit/io/test_csv_files/bernoulli_thin.csv @@ -0,0 +1,1057 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-23 15:13:19 UTC +# method = sample (Default) +# sample +# num_samples = 2000 +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 2 +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3880845880 (Default) +# output +# file = bernoulli_thin.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,theta +# Adaptation terminated +# Step size = 0.893542 +# Diagonal elements of inverse mass matrix: +# 0.483503 +-8.91945,1,0.893542,1,1,0,9.73374,0.0619604 +-8.90814,1,0.893542,1,1,0,9.95846,0.545008 +-7.21915,1,0.893542,1,1,0,7.56642,0.382112 +-6.99262,0.974315,0.893542,1,1,0,6.99262,0.170032 +-7.177,0.949564,0.893542,2,7,0,7.19028,0.147604 +-7.02071,0.934256,0.893542,2,3,0,7.30094,0.348894 +-6.75447,0.998729,0.893542,2,3,0,6.76944,0.264366 +-6.99389,0.954672,0.893542,1,3,0,7.04803,0.169846 +-8.10147,0.867196,0.893542,1,3,0,8.27154,0.0887819 +-7.83949,1,0.893542,1,1,0,8.36851,0.100831 +-7.20348,0.899977,0.893542,1,3,0,7.65125,0.379758 +-7.12214,0.820496,0.893542,1,3,0,8.08646,0.153481 +-6.75619,1,0.893542,2,3,0,7.17582,0.266194 +-6.80721,0.968917,0.893542,1,3,0,7.36674,0.294557 +-7.03198,1,0.893542,1,1,0,7.76254,0.351031 +-6.85284,0.960446,0.893542,1,3,0,7.15062,0.195876 +-6.77208,0.987924,0.893542,1,3,0,7.03182,0.278062 +-6.91359,1,0.893542,2,3,0,8.13328,0.18305 +-6.81561,0.956574,0.893542,2,7,0,7.45532,0.297719 +-6.76032,1,0.893542,2,7,0,6.80503,0.230743 +-6.76597,0.998846,0.893542,1,1,0,6.76725,0.22683 +-6.7594,0.993657,0.893542,1,3,0,6.82523,0.231466 +-7.25866,0.839089,0.893542,2,3,0,8.4433,0.139735 +-7.1134,0.971276,0.893542,1,1,0,7.1556,0.365446 +-7.52094,0.727841,0.893542,1,3,0,8.73414,0.11935 +-7.67112,0.993503,0.893542,1,1,0,7.78017,0.109972 +-6.75103,0.998383,0.893542,2,3,0,6.83417,0.259776 +-8.62702,0.934538,0.893542,2,3,0,9.21545,0.0701174 +-6.85649,0.909432,0.893542,1,3,0,8.95293,0.310994 +-6.87955,0.968041,0.893542,1,3,0,6.94534,0.317443 +-6.84001,0.965601,0.893542,1,3,0,7.07766,0.199102 +-7.88997,1,0.893542,2,3,0,8.09487,0.0983237 +-7.06055,0.900192,0.893542,1,3,0,8.68948,0.356282 +-6.74805,0.996745,0.893542,1,3,0,6.97881,0.250856 +-7.19725,1,0.893542,1,1,0,7.28556,0.145563 +-6.78602,0.995476,0.893542,1,1,0,6.78705,0.285469 +-6.79545,0.966991,0.893542,2,7,0,8.83762,0.289747 +-6.85701,0.986415,0.893542,2,3,0,6.9222,0.194874 +-8.13779,0.808085,0.893542,2,7,0,8.15821,0.0872819 +-6.77475,1,0.893542,2,3,0,6.80685,0.221869 +-6.755,1,0.893542,1,1,0,6.76348,0.235428 +-7.72282,0.995936,0.893542,2,3,0,7.81505,0.107027 +-6.85068,0.991723,0.893542,2,7,0,7.67011,0.309272 +-6.78351,0.96595,0.893542,1,3,0,7.29485,0.217724 +-7.01992,0.916257,0.893542,1,3,0,7.27688,0.166148 +-6.75058,0.983401,0.893542,1,3,0,7.38448,0.259018 +-8.06771,0.664252,0.893542,1,3,0,9.09338,0.0902102 +-6.82585,1,0.893542,2,3,0,7.7661,0.202972 +-7.00359,0.957838,0.893542,1,1,0,7.00467,0.345568 +-7.16065,0.965784,0.893542,2,7,0,7.16072,0.373134 +-6.74805,0.99626,0.893542,1,3,0,6.98927,0.24901 +-6.90231,1,0.893542,2,3,0,7.05968,0.185192 +-7.20636,0.93361,0.893542,1,3,0,9.402,0.144665 +-7.84106,1,0.893542,1,1,0,8.44831,0.456603 +-6.75385,0.986687,0.893542,1,3,0,7.15744,0.236668 +-7.73869,0.848859,0.893542,1,1,0,7.76537,0.446112 +-9.04616,0.923365,0.893542,2,3,0,9.28102,0.554505 +-7.16253,1,0.893542,1,1,0,7.26087,0.149103 +-6.75061,0.953379,0.893542,2,3,0,7.55278,0.241086 +-6.87201,0.983579,0.893542,2,3,0,6.89287,0.315394 +-8.37334,0.780237,0.893542,2,3,0,8.91045,0.504589 +-7.31022,1,0.893542,1,1,0,8.08813,0.39512 +-7.13369,0.836937,0.893542,1,3,0,7.87458,0.152199 +-7.55607,0.978527,0.893542,1,1,0,7.60506,0.117035 +-6.7799,0.995845,0.893542,2,3,0,6.81306,0.219357 +-6.87584,0.978011,0.893542,1,1,0,6.87584,0.316441 +-6.90665,1,0.893542,2,3,0,7.03415,0.184358 +-8.366,0.954237,0.893542,2,7,0,8.64308,0.503988 +-7.31371,1,0.893542,2,3,0,7.59964,0.395598 +-7.42729,1,0.893542,1,1,0,8.24438,0.410478 +-9.83769,0.367101,0.893542,1,3,0,12.9683,0.0429592 +-11.7092,0.971359,0.893542,1,1,0,11.7472,0.0215426 +-7.94546,0.93523,0.893542,2,7,0,11.9231,0.466816 +-7.74281,0.747755,0.893542,1,3,0,8.44191,0.105922 +-6.84047,0.920699,0.893542,2,3,0,7.68591,0.198981 +-8.60661,0.827904,0.893542,1,1,0,8.82479,0.522995 +-7.29777,1,0.893542,2,3,0,7.39398,0.136273 +-6.97269,1,0.893542,1,1,0,7.22693,0.339296 +-6.86249,1,0.893542,1,1,0,7.01724,0.312728 +-6.97125,0.913468,0.893542,1,3,0,7.58656,0.173264 +-7.8638,0.989915,0.893542,1,1,0,7.9762,0.0996114 +-6.86197,1,0.893542,2,3,0,7.63776,0.193713 +-7.22206,0.850919,0.893542,1,3,0,7.71338,0.143146 +-7.22681,0.99046,0.893542,1,1,0,7.27628,0.142693 +-7.09726,1,0.893542,1,1,0,7.36621,0.156335 +-9.96351,0.978531,0.893542,2,3,0,11.1987,0.0409345 +-7.34497,1,0.893542,2,3,0,10.5413,0.132321 +-6.81305,0.938689,0.893542,2,3,0,7.24819,0.206825 +-6.81323,0.996598,0.893542,1,1,0,6.81843,0.206767 +-6.83142,0.971003,0.893542,1,3,0,6.96602,0.201408 +-6.83125,1,0.893542,1,1,0,6.94813,0.30315 +-6.7882,0.950841,0.893542,2,3,0,7.15238,0.215732 +-9.17868,0.966705,0.893542,1,1,0,9.2473,0.0557102 +-10.1185,0.944434,0.893542,1,1,0,10.1239,0.0385895 +-7.53536,0.731681,0.893542,2,3,0,8.955,0.423587 +-7.17139,0.844452,0.893542,2,3,0,7.87684,0.148181 +-7.10769,0.986547,0.893542,1,1,0,7.17427,0.364485 +-6.94717,0.935748,0.893542,2,3,0,7.17961,0.17714 +-6.84534,0.989334,0.893542,1,1,0,6.84994,0.307647 +-6.8368,0.954327,0.893542,1,3,0,7.1096,0.304961 +-6.74879,0.996744,0.893542,1,3,0,6.85754,0.245111 +-6.99263,0.97013,0.893542,2,3,0,7.04979,0.170031 +-8.34668,1,0.893542,1,1,0,9.31823,0.502398 +-7.78992,0.97634,0.893542,1,1,0,7.8495,0.103392 +-6.96885,0.97489,0.893542,1,3,0,7.75062,0.173638 +-7.13219,0.920703,0.893542,1,3,0,7.2178,0.368554 +-6.74834,0.99754,0.893542,1,3,0,8.20523,0.246878 +-6.82781,0.98513,0.893542,1,3,0,6.83699,0.301999 +-8.51144,0.8241,0.893542,2,3,0,8.59822,0.0737269 +-6.8833,0.990012,0.893542,2,3,0,7.1302,0.189023 +-7.727,0.933842,0.893542,2,7,0,7.72929,0.444881 +-6.92808,1,0.893542,2,3,0,7.01247,0.180418 +-7.46481,0.853946,0.893542,1,3,0,7.74876,0.123222 +-7.52531,0.818528,0.893542,1,1,0,8.12529,0.422404 +-7.53784,1,0.893542,2,7,0,7.5663,0.118227 +-8.66406,0.93062,0.893542,1,1,0,8.66529,0.0690104 +-6.87277,0.98575,0.893542,1,3,0,7.37422,0.19128 +-6.74819,0.998319,0.893542,1,3,0,6.8526,0.247725 +-7.47646,0.972692,0.893542,2,3,0,7.5325,0.416555 +-6.82543,0.998174,0.893542,1,1,0,6.83612,0.203094 +-6.94406,0.988418,0.893542,1,1,0,6.95306,0.177661 +-7.50427,0.900985,0.893542,1,3,0,7.62359,0.120477 +-8.30957,0.959888,0.893542,1,1,0,8.34722,0.0806548 +-6.85627,0.480224,0.893542,2,3,0,11.4286,0.195052 +-7.8289,1,0.893542,1,1,0,8.32911,0.101369 +-6.82852,1,0.893542,1,1,0,6.94737,0.302239 +-6.94381,0.895885,0.893542,1,3,0,7.67155,0.177703 +-6.80431,0.871567,0.893542,2,3,0,8.18055,0.293417 +-7.84658,0.975609,0.893542,1,1,0,7.90755,0.100473 +-6.74811,1,0.893542,2,3,0,6.783,0.248387 +-7.37909,1,0.893542,1,1,0,7.56009,0.404317 +-7.36159,0.918547,0.893542,1,1,0,7.38981,0.402026 +-6.75283,0.999402,0.893542,1,3,0,6.79322,0.237882 +-6.97729,1,0.893542,2,7,0,6.98137,0.172332 +-6.91629,0.999631,0.893542,1,1,0,6.94684,0.182549 +-6.76816,0.999578,0.893542,2,7,0,6.917,0.275627 +-6.86094,0.941705,0.893542,2,3,0,8.84018,0.193952 +-7.25168,0.653707,0.893542,1,1,0,8.33062,0.38688 +-6.75039,0.96706,0.893542,2,3,0,6.98851,0.258663 +-6.77982,0.981375,0.893542,2,7,0,7.00643,0.28237 +-7.07903,0.897172,0.893542,1,3,0,7.42532,0.158511 +-10.6092,0.672748,0.893542,2,3,0,10.6214,0.0321139 +-6.83435,0.969853,0.893542,3,7,0,10.164,0.200606 +-6.95401,0.973201,0.893542,2,3,0,6.98236,0.176011 +-8.17193,0.985546,0.893542,2,3,0,8.19935,0.0859048 +-7.79192,1,0.893542,1,1,0,7.99394,0.103286 +-6.9427,0.999631,0.893542,2,3,0,6.97562,0.17789 +-7.30169,0.683894,0.893542,1,3,0,10.1795,0.135936 +-6.75912,0.99904,0.893542,1,1,0,6.75957,0.231693 +-6.84568,1,0.893542,2,3,0,7.73696,0.197646 +-7.3204,0.877816,0.893542,1,3,0,7.74699,0.396511 +-6.97797,0.950365,0.893542,2,3,0,7.16605,0.340394 +-7.11181,0.942572,0.893542,1,1,0,7.11617,0.365179 +-6.82789,0.978553,0.893542,1,3,0,6.87538,0.202392 +-7.12345,0.866388,0.893542,1,3,0,7.69739,0.153334 +-6.829,0.973881,0.893542,1,3,0,6.92137,0.202079 +-7.01343,0.888872,0.893542,2,3,0,7.92307,0.347493 +-6.83552,0.944714,0.893542,2,3,0,7.2674,0.200291 +-6.75229,1,0.893542,2,3,0,7.82173,0.238571 +-6.90581,0.939931,0.893542,1,3,0,7.83646,0.324177 +-7.3191,0.967991,0.893542,2,3,0,7.3193,0.396334 +-6.87495,0.933136,0.893542,1,3,0,7.38436,0.190804 +-6.83701,0.993074,0.893542,2,3,0,7.08813,0.199893 +-6.90181,0.937439,0.893542,1,3,0,7.90426,0.323187 +-7.50778,0.967637,0.893542,2,3,0,7.55018,0.420327 +-6.79785,0.95929,0.893542,1,3,0,7.32513,0.211991 +-6.76825,0.964756,0.893542,2,3,0,7.03183,0.225434 +-7.7663,0.813969,0.893542,1,3,0,8.14149,0.104648 +-8.28445,0.951373,0.893542,1,1,0,8.89219,0.0815789 +-6.798,1,0.893542,2,3,0,6.89971,0.290835 +-7.96471,0.624576,0.893542,1,3,0,10.1794,0.468651 +-6.84373,1,0.893542,1,1,0,7.0391,0.30715 +-6.88706,0.996501,0.893542,2,3,0,6.89105,0.188241 +-9.1298,0.958044,0.893542,1,1,0,9.17097,0.0568265 +-7.00325,0.956306,0.893542,1,3,0,8.44387,0.16849 +-6.7548,0.988382,0.893542,1,3,0,7.01503,0.235639 +-8.84044,0.809609,0.893542,1,3,0,9.23965,0.0640384 +-7.1499,0.984084,0.893542,2,3,0,10.9503,0.15044 +-7.36115,0.895032,0.893542,1,1,0,7.36506,0.401968 +-7.38921,0.997402,0.893542,2,3,0,7.54361,0.405629 +-6.91697,0.982646,0.893542,2,3,0,7.04653,0.182423 +-6.83026,1,0.893542,1,1,0,6.9702,0.30282 +-7.12517,0.852167,0.893542,2,3,0,7.99842,0.153142 +-7.22002,0.990319,0.893542,2,3,0,7.2282,0.143341 +-6.74851,0.999953,0.893542,2,3,0,6.74851,0.253933 +-7.87707,0.825783,0.893542,1,1,0,7.90574,0.460178 +-7.26136,0.729098,0.893542,1,1,0,8.07917,0.388273 +-6.81982,1,0.893542,1,1,0,6.93672,0.299233 +-6.83949,0.935179,0.893542,2,3,0,7.8525,0.30582 +-6.76306,0.982373,0.893542,1,3,0,7.06432,0.228751 +-7.51089,0.901172,0.893542,2,3,0,7.69551,0.420696 +-7.33103,0.965686,0.893542,1,1,0,7.59473,0.133464 +-6.77085,0.994129,0.893542,1,3,0,7.0468,0.223947 +-7.10471,1,0.893542,2,3,0,8.36342,0.155466 +-7.14708,0.852803,0.893542,2,3,0,9.73421,0.370969 +-7.35366,0.760265,0.893542,1,3,0,10.3121,0.131619 +-6.86726,0.984191,0.893542,2,3,0,6.88659,0.192506 +-6.84336,0.996219,0.893542,1,1,0,6.85278,0.198236 +-6.96117,0.97925,0.893542,1,1,0,6.96167,0.174854 +-6.88786,1,0.893542,2,3,0,6.96582,0.319635 +-6.77912,0.972048,0.893542,2,3,0,6.93624,0.219723 +-7.32871,0.886797,0.893542,1,3,0,7.42532,0.397639 +-7.42097,0.746871,0.893542,1,3,0,9.38528,0.12641 +-6.7719,0.997182,0.893542,2,3,0,6.87947,0.22337 +-8.08096,0.625553,0.893542,1,3,0,9.36703,0.0896459 +-8.40695,0.995314,0.893542,2,3,0,8.5388,0.077207 +-6.81602,1,0.893542,1,1,0,6.90342,0.205897 +-6.77417,0.989569,0.893542,1,3,0,6.91865,0.279283 +-6.7728,0.936876,0.893542,1,3,0,8.73462,0.27849 +-6.78713,0.95506,0.893542,2,3,0,7.09299,0.216174 +-6.8182,1,0.893542,1,1,0,6.84878,0.205228 +-6.93253,0.990489,0.893542,1,1,0,6.94376,0.179637 +-8.13445,0.925332,0.893542,2,3,0,8.1586,0.484232 +-8.04384,0.782521,0.893542,1,3,0,9.02872,0.476041 +-7.92031,0.949221,0.893542,1,1,0,8.44925,0.0968625 +-6.7646,0.953,0.893542,1,3,0,8.65462,0.273208 +-6.85695,0.934657,0.893542,1,3,0,7.49463,0.194889 +-6.79937,0.994631,0.893542,2,3,0,6.88504,0.211436 +-7.40222,0.635209,0.893542,1,3,0,10.5141,0.127821 +-6.79158,1,0.893542,2,3,0,7.28564,0.214371 +-6.75606,0.997124,0.893542,2,7,0,6.77186,0.266066 +-6.80144,0.954732,0.893542,1,3,0,8.03572,0.29226 +-6.84602,0.978431,0.893542,1,3,0,6.87719,0.19756 +-7.11836,0.881539,0.893542,2,3,0,7.76753,0.366272 +-6.86496,0.985804,0.893542,2,3,0,6.86533,0.193027 +-6.86828,0.96136,0.893542,2,7,0,7.20472,0.314361 +-7.53887,0.872829,0.893542,1,1,0,7.55208,0.423998 +-7.12425,0.94501,0.893542,1,3,0,7.17554,0.153245 +-8.27659,0.906837,0.893542,2,7,0,8.27726,0.496544 +-7.44597,0.988415,0.893542,2,3,0,8.53757,0.124574 +-6.99655,0.976035,0.893542,1,1,0,7.0165,0.344172 +-6.8392,1,0.893542,2,3,0,6.88655,0.199314 +-6.7546,0.990878,0.893542,2,3,0,6.88164,0.26452 +-6.77382,0.996327,0.893542,2,3,0,6.79403,0.222347 +-8.63218,1,0.893542,1,1,0,9.47983,0.069962 +-7.18774,0.943981,0.893542,1,3,0,8.8614,0.146514 +-7.06587,0.92559,0.893542,1,3,0,7.97096,0.357235 +-6.74806,0.999043,0.893542,1,3,0,8.19817,0.248862 +-6.79063,0.993948,0.893542,1,1,0,6.79094,0.287617 +-6.87918,0.919155,0.893542,1,3,0,7.7014,0.189894 +-6.75265,0.996916,0.893542,1,3,0,6.9244,0.238109 +-6.85385,0.986836,0.893542,1,1,0,6.85705,0.310215 +-6.74855,1,0.893542,2,3,0,7.20697,0.245955 +-6.7618,0.958406,0.893542,2,3,0,7.08051,0.271125 +-6.99502,1,0.893542,1,1,0,7.07013,0.343866 +-9.43658,0.876023,0.893542,2,3,0,9.52832,0.579686 +-9.28484,1,0.893542,2,7,0,9.2944,0.0533765 +-8.02321,0.95974,0.893542,1,1,0,8.05264,0.0921449 +-9.45372,0.9057,0.893542,2,3,0,9.89787,0.0499035 +-8.46252,1,0.893542,1,1,0,10.3979,0.511783 +-7.04689,1,0.893542,1,1,0,7.64587,0.353801 +-6.80889,0.994077,0.893542,1,1,0,6.8098,0.208166 +-6.7481,0.9982,0.893542,1,3,0,8.16179,0.248447 +-6.82272,0.989642,0.893542,2,3,0,6.83722,0.300254 +-6.79598,0.993073,0.893542,2,3,0,6.80704,0.289977 +-6.90826,1,0.893542,1,1,0,7.0259,0.324776 +-6.78732,0.996157,0.893542,2,3,0,6.78799,0.286083 +-6.7986,0.967615,0.893542,2,3,0,6.96113,0.211717 +-6.91191,1,0.893542,2,3,0,7.1293,0.325664 +-6.75031,0.99947,0.893542,2,3,0,6.75933,0.258512 +-8.18177,0.641915,0.893542,1,3,0,9.28973,0.0855138 +-6.82042,0.997665,0.893542,2,3,0,6.82485,0.299445 +-6.75572,0.992259,0.893542,1,3,0,6.92155,0.265721 +-6.75373,1,0.893542,1,1,0,6.75805,0.263508 +-6.85758,0.963908,0.893542,1,3,0,7.34118,0.311312 +-6.74802,0.999263,0.893542,1,3,0,6.78655,0.249988 +-6.75157,0.991344,0.893542,2,3,0,6.80921,0.239564 +-7.16221,0.966259,0.893542,2,3,0,7.40759,0.149136 +-7.24258,0.892908,0.893542,1,3,0,7.45016,0.385562 +-7.10664,0.945146,0.893542,1,1,0,7.31151,0.364308 +-6.80072,0.965216,0.893542,1,3,0,7.17102,0.210954 +-6.76875,0.851458,0.893542,1,3,0,7.67598,0.225141 +-6.9453,1,0.893542,2,3,0,8.16079,0.177453 +-6.91926,1,0.893542,1,1,0,6.98302,0.182005 +-7.35116,0.642892,0.893542,2,3,0,9.9814,0.13182 +-7.88205,1,0.893542,1,1,0,8.44908,0.0987105 +-7.11266,1,0.893542,1,1,0,7.40931,0.154553 +-6.76371,1,0.893542,1,3,0,7.21916,0.272567 +-6.90991,0.978864,0.893542,1,1,0,6.91453,0.325178 +-7.45634,0.98201,0.893542,1,1,0,7.50634,0.123827 +-6.90211,0.994983,0.893542,2,7,0,7.28155,0.323261 +-6.77947,0.962714,0.893542,2,3,0,7.08181,0.282188 +-6.75184,0.745155,0.893542,2,3,0,9.16661,0.239189 +-7.74147,0.947605,0.893542,1,1,0,7.74596,0.105996 +-6.87057,0.98642,0.893542,1,1,0,6.87654,0.314998 +-6.81201,1,0.893542,1,1,0,6.85755,0.296387 +-8.48038,0.929613,0.893542,1,1,0,8.48105,0.0747389 +-7.27352,0.903718,0.893542,1,1,0,7.27373,0.390004 +-6.86108,1,0.893542,1,1,0,6.90872,0.193919 +-6.86292,0.95982,0.893542,2,3,0,7.29784,0.31285 +-6.80992,0.965926,0.893542,2,3,0,7.33091,0.2956 +-6.79112,0.999876,0.893542,2,7,0,6.79116,0.28784 +-7.08836,0.942041,0.893542,2,3,0,7.43356,0.361185 +-6.88118,0.997365,0.893542,1,1,0,6.89963,0.18947 +-6.97256,0.982648,0.893542,2,7,0,6.97439,0.339268 +-7.27529,0.955698,0.893542,1,1,0,7.27532,0.138241 +-6.75145,0.983425,0.893542,2,3,0,6.87628,0.239743 +-6.94375,0.979415,0.893542,1,1,0,6.94384,0.177712 +-7.09367,0.887889,0.893542,2,7,0,7.49207,0.156758 +-7.89843,0.634589,0.893542,1,3,0,9.33682,0.0979129 +-7.81432,1,0.893542,1,1,0,8.42075,0.102118 +-7.57214,1,0.893542,1,1,0,8.15539,0.116002 +-6.878,0.93185,0.893542,2,3,0,7.1993,0.190146 +-6.75171,1,0.893542,2,3,0,6.77976,0.239369 +-6.78113,0.988946,0.893542,2,3,0,6.8319,0.21879 +-8.36477,1,0.893542,2,7,0,10.0364,0.078675 +-6.99272,0.984401,0.893542,2,7,0,7.67173,0.343404 +-6.75375,0.557799,0.893542,1,3,0,9.50201,0.263534 +-6.75413,0.809685,0.893542,2,3,0,8.35936,0.23636 +-6.86762,1,0.893542,1,1,0,6.92099,0.192425 +-6.83773,0.898375,0.893542,1,3,0,7.3829,0.30526 +-6.79931,1,0.893542,2,3,0,6.83336,0.291381 +-6.79902,0.998972,0.893542,2,7,0,6.9177,0.291261 +-6.95998,1,0.893542,2,3,0,7.00198,0.175044 +-7.17987,0.994049,0.893542,2,3,0,7.20337,0.147311 +-6.75535,0.975985,0.893542,1,3,0,8.19919,0.235075 +-6.74944,0.99847,0.893542,1,3,0,6.77479,0.24338 +-6.77564,0.99231,0.893542,1,3,0,6.79949,0.280116 +-7.75143,0.839023,0.893542,1,3,0,8.03776,0.105452 +-6.86844,1,0.893542,1,1,0,6.92052,0.314406 +-6.88032,0.83551,0.893542,2,3,0,9.32098,0.317648 +-6.75293,0.979421,0.893542,1,3,0,7.50434,0.262521 +-7.12738,0.997416,0.893542,2,3,0,8.35661,0.152896 +-8.84314,0.881472,0.893542,2,3,0,9.09551,0.063966 +-7.11276,0.765628,0.893542,1,1,0,7.81072,0.365337 +-9.46837,0.657186,0.893542,1,1,0,9.60993,0.581637 +-7.0764,0.964176,0.893542,2,3,0,7.19421,0.158831 +-8.49031,0.984236,0.893542,2,7,0,8.50354,0.513984 +-6.79304,1,0.893542,2,3,0,8.17491,0.213801 +-7.58137,0.995565,0.893542,2,7,0,7.62067,0.428906 +-6.75564,0.999575,0.893542,1,3,0,6.9606,0.265633 +-6.74894,0.999478,0.893542,1,3,0,6.75571,0.255388 +-7.29153,0.864424,0.893542,1,3,0,7.60725,0.136813 +-7.22414,0.9911,0.893542,1,1,0,7.33067,0.382853 +-6.80783,1,0.893542,2,7,0,6.97914,0.208515 +-7.80514,0.998119,0.893542,2,3,0,7.93082,0.102594 +-7.99254,0.735244,0.893542,2,7,0,8.82779,0.0935145 +-7.40497,1,0.893542,2,7,0,8.03465,0.127612 +-6.75591,1,0.893542,2,3,0,7.61009,0.234522 +-6.74827,0.992314,0.893542,1,3,0,7.08023,0.252773 +-6.89314,0.965703,0.893542,1,3,0,6.95528,0.320997 +-6.91042,0.975964,0.893542,1,3,0,6.92685,0.183642 +-6.89363,0.955246,0.893542,1,3,0,7.47727,0.321122 +-6.8912,1,0.893542,1,1,0,7.12263,0.320499 +-7.74459,0.875612,0.893542,2,3,0,7.78778,0.105825 +-7.01519,0.986086,0.893542,1,1,0,7.02849,0.166803 +-6.77371,0.997479,0.893542,2,3,0,6.93068,0.222405 +-6.90556,1,0.893542,1,1,0,6.94299,0.184565 +-7.04897,1,0.893542,1,1,0,7.13519,0.162276 +-7.00486,0.9046,0.893542,1,3,0,7.48598,0.168259 +-6.74844,0.994799,0.893542,1,3,0,6.95173,0.253614 +-8.28451,0.636553,0.893542,1,3,0,9.4636,0.0815767 +-7.70562,1,0.893542,1,1,0,7.90469,0.107992 +-6.99754,0.904112,0.893542,2,7,0,8.32984,0.34437 +-6.75476,0.996351,0.893542,1,3,0,6.79309,0.235681 +-6.76793,0.998723,0.893542,1,1,0,6.76994,0.275478 +-7.04686,0.967486,0.893542,2,7,0,8.24412,0.353795 +-6.74871,0.996331,0.893542,1,3,0,7.51065,0.254648 +-6.85681,0.987415,0.893542,1,1,0,6.86126,0.311086 +-6.75501,0.999328,0.893542,1,3,0,7.03588,0.264967 +-6.76255,1,0.893542,1,1,0,6.76578,0.229108 +-7.03963,0.941456,0.893542,1,3,0,7.12437,0.163494 +-6.76045,0.989536,0.893542,1,3,0,6.97861,0.270042 +-8.24567,0.636301,0.893542,2,7,0,9.5564,0.0830342 +-6.7695,0.982889,0.893542,1,3,0,8.70349,0.224711 +-6.80441,1,0.893542,1,1,0,6.85971,0.293456 +-6.9569,0.94763,0.893542,1,3,0,7.16463,0.335937 +-7.96674,0.865075,0.893542,1,1,0,8.07223,0.468843 +-7.07723,1,0.893542,2,3,0,7.22619,0.359246 +-6.86233,1,0.893542,2,3,0,6.89268,0.312683 +-6.92259,0.978676,0.893542,2,3,0,6.99573,0.1814 +-7.06071,0.972286,0.893542,1,1,0,7.09088,0.356311 +-6.76305,1,0.893542,2,3,0,7.057,0.228757 +-6.75928,0.995018,0.893542,1,3,0,6.80423,0.231561 +-6.75056,0.997648,0.893542,1,3,0,6.88611,0.241165 +-6.77377,0.997192,0.893542,1,1,0,6.77469,0.279055 +-6.88708,1,0.893542,1,1,0,7.03569,0.319432 +-7.03345,0.945507,0.893542,1,3,0,7.06905,0.351308 +-7.13459,0.848965,0.893542,2,3,0,8.3118,0.1521 +-9.70169,0.577917,0.893542,1,1,0,9.76496,0.595541 +-12.162,1,0.893542,1,1,0,12.6603,0.0183439 +-11.884,0.915672,0.893542,3,7,0,11.8859,0.0202423 +-11.1024,1,0.893542,1,1,0,12.0828,0.0268015 +-7.62519,1,0.893542,2,3,0,10.3134,0.112702 +-6.75409,0.999421,0.893542,1,3,0,6.79476,0.236399 +-6.78317,0.998359,0.893542,2,3,0,6.78344,0.284076 +-6.74925,0.995747,0.893542,1,3,0,6.87955,0.256235 +-7.11486,0.85724,0.893542,1,3,0,8.12899,0.154303 +-7.06062,0.910813,0.893542,1,3,0,7.29862,0.160789 +-6.84477,0.975241,0.893542,1,3,0,6.89426,0.197877 +-6.75078,0.992919,0.893542,2,3,0,6.79788,0.240788 +-7.10049,0.861908,0.893542,2,3,0,8.11541,0.155957 +-7.27713,0.932579,0.893542,2,3,0,7.38416,0.390515 +-7.36801,0.909021,0.893542,1,1,0,7.38609,0.402871 +-9.96712,0.760151,0.893542,1,3,0,10.7084,0.040878 +-6.77172,0.960459,0.893542,1,3,0,9.8645,0.223469 +-7.49083,0.924243,0.893542,2,3,0,7.57339,0.418295 +-7.41286,1,0.893542,1,1,0,8.27762,0.408656 +-6.75199,0.999971,0.893542,2,7,0,6.76174,0.261248 +-7.00309,0.689664,0.893542,1,3,0,8.84041,0.345471 +-6.89535,0.960323,0.893542,1,3,0,7.19016,0.32156 +-6.9776,0.879539,0.893542,1,3,0,7.77367,0.172285 +-6.75356,0.969982,0.893542,2,3,0,7.45002,0.263307 +-6.75126,0.988485,0.893542,2,3,0,6.84094,0.240032 +-6.76614,0.995264,0.893542,1,3,0,6.77583,0.226721 +-7.32114,0.958141,0.893542,2,3,0,7.33335,0.396611 +-6.89513,0.95682,0.893542,1,3,0,7.28053,0.321504 +-6.85419,0.930189,0.893542,2,3,0,7.89087,0.310316 +-6.7601,1,0.893542,2,3,0,7.03224,0.230914 +-7.00964,0.920915,0.893542,1,3,0,7.24297,0.167581 +-7.03245,0.889608,0.893542,2,7,0,7.5086,0.164448 +-7.88129,0.985932,0.893542,2,3,0,9.1198,0.0987477 +-6.75547,0.932937,0.893542,2,7,0,9.59677,0.234952 +-9.71787,0.981532,0.893542,1,1,0,9.8597,0.0449965 +-8.24704,1,0.893542,1,1,0,8.97084,0.0829825 +-8.45275,0.3072,0.893542,1,1,0,11.5949,0.511005 +-7.64205,0.990168,0.893542,2,3,0,8.97572,0.111687 +-7.06914,1,0.893542,1,1,0,7.24042,0.159725 +-7.25479,1,0.893542,2,7,0,8.19415,0.140087 +-6.7574,0.994406,0.893542,1,3,0,6.84551,0.267372 +-6.81942,0.98105,0.893542,1,3,0,6.86015,0.20486 +-6.99584,0.988209,0.893542,1,1,0,7.01084,0.16956 +-6.96395,0.946474,0.893542,1,3,0,7.33782,0.337451 +-6.7698,0.955675,0.893542,1,3,0,8.13848,0.276672 +-10.3624,0.999337,0.893542,2,3,0,10.6584,0.0352035 +-10.1644,0.947057,0.893542,1,1,0,10.1724,0.0379246 +-7.14963,0.933645,0.893542,1,3,0,9.51345,0.150469 +-7.28549,0.998403,0.893542,2,7,0,7.32436,0.39169 +-6.75483,1,0.893542,2,3,0,7.19038,0.264775 +-7.7652,0.803876,0.893542,1,3,0,8.05598,0.448878 +-7.01948,0.97881,0.893542,1,1,0,7.02291,0.166209 +-7.34297,0.931382,0.893542,1,3,0,7.40188,0.132484 +-6.75076,1,0.893542,2,3,0,7.1626,0.259333 +-6.77031,0.962803,0.893542,2,3,0,8.69741,0.224247 +-7.4592,0.852846,0.893542,1,3,0,7.80215,0.414444 +-6.75776,0.983389,0.893542,1,3,0,7.85554,0.232835 +-6.82804,0.980952,0.893542,1,3,0,6.86043,0.302076 +-6.75918,0.986538,0.893542,1,3,0,7.65035,0.231648 +-6.90429,0.998491,0.893542,2,3,0,6.92196,0.184809 +-6.76629,0.992922,0.893542,2,7,0,6.82205,0.274386 +-6.76466,0.996724,0.893542,2,3,0,6.79825,0.27325 +-7.36752,0.777891,0.893542,1,3,0,9.96554,0.130512 +-6.82028,1,0.893542,2,3,0,7.41596,0.204601 +-6.79702,1,0.893542,1,1,0,6.82605,0.212296 +-6.78727,0.985896,0.893542,1,3,0,6.91602,0.216116 +-6.75596,0.996972,0.893542,2,7,0,6.77539,0.265971 +-6.81085,0.993923,0.893542,1,1,0,6.8118,0.207529 +-7.89411,0.934237,0.893542,2,3,0,7.9135,0.46185 +-6.75231,0.997216,0.893542,1,3,0,6.79501,0.26169 +-8.78983,0.757752,0.893542,1,1,0,8.93818,0.536588 +-6.8495,0.858909,0.893542,1,3,0,7.64302,0.308917 +-7.16768,0.85654,0.893542,1,3,0,7.72511,0.148566 +-6.77385,0.99633,0.893542,1,1,0,6.77399,0.279101 +-9.27325,0.750085,0.893542,2,3,0,9.80726,0.569435 +-6.77718,1,0.893542,1,1,0,6.78438,0.280963 +-6.96174,0.997059,0.893542,2,3,0,6.97832,0.174762 +-6.82648,0.988643,0.893542,1,3,0,6.83246,0.202793 +-7.20825,1,0.893542,2,3,0,7.48866,0.14448 +-7.19776,1,0.893542,1,1,0,7.45566,0.378892 +-7.03861,0.889742,0.893542,1,3,0,7.64371,0.163629 +-6.78248,0.977119,0.893542,1,3,0,8.09464,0.218182 +-6.77452,0.996791,0.893542,2,3,0,6.77659,0.279486 +-7.22675,0.934431,0.893542,2,3,0,7.2279,0.142699 +-7.12753,0.873548,0.893542,2,3,0,9.07554,0.36779 +-6.92492,1,0.893542,1,1,0,7.03,0.328757 +-9.27743,0.872285,0.893542,2,3,0,9.38192,0.569703 +-8.93799,0.735248,0.893542,1,1,0,9.08599,0.547091 +-7.89761,0.862942,0.893542,1,1,0,7.98159,0.462193 +-8.26924,0.959606,0.893542,1,1,0,8.30529,0.0821452 +-9.69764,0.889658,0.893542,2,3,0,10.0493,0.0453516 +-6.77473,0.904585,0.893542,2,3,0,7.63132,0.279604 +-7.10456,0.957936,0.893542,1,3,0,8.33042,0.155484 +-7.634,0.938331,0.893542,1,1,0,7.76532,0.434823 +-7.66197,1,0.893542,1,1,0,8.99844,0.437899 +-6.93418,1,0.893542,2,3,0,7.07132,0.330893 +-7.0253,0.983173,0.893542,1,1,0,7.06402,0.349769 +-6.74802,0.774473,0.893542,1,3,0,7.96847,0.250278 +-6.74937,0.999988,0.893542,2,3,0,6.74958,0.243541 +-6.75221,1,0.893542,2,3,0,8.00855,0.261553 +-7.7963,0.962978,0.893542,1,1,0,7.82362,0.103056 +-6.88793,0.962184,0.893542,2,3,0,7.13982,0.319655 +-8.79515,0.999149,0.893542,2,3,0,9.01462,0.0652699 +-6.82066,0.988672,0.893542,2,7,0,8.03977,0.29953 +-7.26521,0.937608,0.893542,1,3,0,7.31682,0.139142 +-6.80124,0.999835,0.893542,2,7,0,6.80128,0.292178 +-7.3307,0.796511,0.893542,1,3,0,8.18101,0.133492 +-7.25921,0.98546,0.893542,2,3,0,7.25922,0.139685 +-6.75367,1,0.893542,2,3,0,7.06954,0.236868 +-7.27763,0.966213,0.893542,1,1,0,7.28368,0.138033 +-6.78897,0.998259,0.893542,2,7,0,7.10716,0.286854 +-7.38388,1,0.893542,1,1,0,7.57202,0.40494 +-7.19828,1,0.893542,1,1,0,7.46811,0.37897 +-6.78308,0.962502,0.893542,1,3,0,7.43531,0.217913 +-6.90393,0.998221,0.893542,1,1,0,6.93821,0.323712 +-7.10264,0.988971,0.893542,1,1,0,7.17218,0.363632 +-7.1463,0.884806,0.893542,2,3,0,8.62235,0.150826 +-6.77811,1,0.893542,1,1,0,6.80079,0.220204 +-6.81973,1,0.893542,1,1,0,6.84313,0.299201 +-7.09648,0.866786,0.893542,1,3,0,7.84853,0.156427 +-6.7487,0.994322,0.893542,1,3,0,7.11996,0.245426 +-7.20354,0.938578,0.893542,2,3,0,7.22393,0.144942 +-8.28102,0.945793,0.893542,2,7,0,8.43888,0.496919 +-7.00079,1,0.893542,2,3,0,7.06043,0.168843 +-8.31037,0.827102,0.893542,1,1,0,8.44743,0.499383 +-6.74809,0.97286,0.893542,2,3,0,7.04708,0.248522 +-7.84723,0.919234,0.893542,2,3,0,7.89835,0.457219 +-6.94864,1,0.893542,2,3,0,7.07359,0.334134 +-7.09511,0.726405,0.893542,1,3,0,10.157,0.156588 +-7.69435,0.917755,0.893542,2,3,0,7.86565,0.108632 +-7.6227,0.841363,0.893542,1,1,0,7.6244,0.433567 +-6.90388,0.992004,0.893542,1,1,0,6.91406,0.18489 +-9.01173,0.612419,0.893542,1,1,0,9.01523,0.552167 +-7.19,0.946856,0.893542,2,3,0,7.24767,0.146286 +-7.19517,0.977133,0.893542,1,1,0,7.26916,0.378497 +-7.91036,0.864506,0.893542,2,3,0,8.15791,0.463434 +-6.91814,1,0.893542,2,7,0,7.26427,0.182209 +-7.03319,0.980118,0.893542,1,1,0,7.03913,0.164348 +-7.44861,0.922691,0.893542,1,3,0,7.51616,0.124383 +-7.04902,1,0.893542,1,1,0,7.23086,0.16227 +-6.88083,0.994843,0.893542,2,3,0,7.41262,0.189543 +-6.92803,0.904079,0.893542,2,3,0,7.99236,0.180428 +-6.7499,0.99844,0.893542,1,3,0,6.9272,0.257704 +-8.50004,0.831237,0.893542,1,3,0,8.80634,0.0740961 +-6.8744,0.999199,0.893542,2,3,0,6.9,0.316051 +-6.76773,0.997706,0.893542,2,3,0,6.87983,0.225746 +-7.5917,0.992833,0.893542,2,3,0,7.6434,0.114767 +-9.11504,0.702585,0.893542,2,3,0,9.11572,0.0571691 +-8.53111,0.98624,0.893542,2,7,0,8.67576,0.517181 +-6.74905,0.985833,0.893542,2,3,0,7.3976,0.255709 +-7.26154,0.921447,0.893542,1,1,0,7.27192,0.388298 +-7.9014,0.947882,0.893542,1,1,0,8.12531,0.462562 +-9.51089,0.788191,0.893542,1,1,0,9.89938,0.584224 +-7.10478,1,0.893542,2,7,0,7.78298,0.155459 +-6.74916,0.974045,0.893542,2,3,0,6.93411,0.255994 +-6.84529,0.990083,0.893542,1,1,0,6.84596,0.197744 +-6.84122,0.96784,0.893542,1,3,0,6.98621,0.198786 +-6.75633,0.767931,0.893542,2,3,0,8.82708,0.23412 +-6.77814,0.877128,0.893542,1,3,0,7.4329,0.28148 +-6.86165,0.917524,0.893542,2,3,0,7.80688,0.312486 +-6.80486,0.99422,0.893542,2,3,0,6.89004,0.209515 +-9.1454,0.977445,0.893542,1,1,0,9.77837,0.561132 +-8.48933,1,0.893542,1,1,0,9.069,0.513907 +-6.76302,0.989133,0.893542,1,3,0,7.36265,0.228779 +-7.27007,0.88654,0.893542,1,3,0,7.5357,0.389515 +-6.83823,0.981783,0.893542,1,3,0,6.85989,0.199568 +-6.87479,0.964561,0.893542,1,3,0,6.96163,0.190839 +-7.02177,0.976272,0.893542,2,3,0,7.02958,0.349098 +-6.75672,0.978883,0.893542,2,3,0,6.91104,0.233758 +-6.84598,0.96544,0.893542,1,3,0,7.32987,0.307844 +-10.3709,0.591821,0.893542,2,7,0,10.4209,0.0350917 +-11.9315,0.965225,0.893542,1,1,0,11.9424,0.0199038 +-8.59499,0.907048,0.893542,3,7,0,11.4043,0.071094 +-10.1978,0.957745,0.893542,1,1,0,10.2262,0.0374494 +-6.75634,0.976621,0.893542,3,7,0,10.4651,0.234113 +-6.77791,0.992937,0.893542,1,3,0,6.78913,0.220301 +-7.69635,0.953407,0.893542,1,1,0,7.70522,0.108518 +-7.03621,0.999785,0.893542,1,1,0,7.08699,0.163947 +-7.61646,1,0.893542,2,7,0,7.66503,0.113234 +-7.09578,1,0.893542,1,1,0,7.29223,0.156509 +-6.84276,1,0.893542,2,3,0,6.88003,0.306848 +-6.83261,0.780933,0.893542,2,3,0,8.36156,0.201078 +-6.77696,0.954949,0.893542,2,3,0,7.10859,0.220761 +-6.80907,1,0.893542,1,1,0,6.82983,0.208106 +-6.97771,0.995645,0.893542,2,3,0,6.98818,0.172267 +-7.15318,0.900867,0.893542,1,3,0,7.36486,0.15009 +-6.81411,0.99824,0.893542,2,7,0,7.00992,0.297168 +-6.76667,0.992385,0.893542,2,3,0,6.90996,0.274643 +-6.891,0.976002,0.893542,1,3,0,6.91178,0.187435 +-7.67147,0.673351,0.893542,1,1,0,8.72389,0.438935 +-6.75544,0.984174,0.893542,1,3,0,7.24753,0.265425 +-6.85543,0.981929,0.893542,1,3,0,6.87018,0.195252 +-8.68825,1,0.893542,1,1,0,9.02023,0.0682997 +-10.3002,0.975713,0.893542,1,1,0,10.4014,0.036033 +-10.1524,1,0.893542,2,3,0,10.7075,0.0380976 +-6.75579,0.953157,0.893542,1,3,0,9.91194,0.234641 +-7.40503,0.750081,0.893542,1,3,0,8.94708,0.127608 +-7.54419,1,0.893542,1,1,0,7.9157,0.117809 +-7.54804,1,0.893542,1,1,0,7.73962,0.117557 +-7.63892,0.991006,0.893542,1,1,0,7.7352,0.111874 +-6.75294,0.987073,0.893542,1,3,0,7.21999,0.23774 +-6.76591,0.993895,0.893542,2,7,0,7.76004,0.274126 +-6.80772,0.981201,0.893542,1,3,0,7.0456,0.294754 +-6.86605,0.964344,0.893542,1,3,0,6.97044,0.192779 +-7.0157,0.974384,0.893542,1,1,0,7.01603,0.166732 +-6.7633,1,0.893542,1,1,0,6.77812,0.272265 +-7.52642,0.994605,0.893542,1,1,0,7.62445,0.118984 +-7.94448,0.62511,0.893542,2,7,0,9.50236,0.0957225 +-7.82429,1,0.893542,1,1,0,8.43156,0.101605 +-8.62635,0.949519,0.893542,1,1,0,8.64727,0.0701379 +-6.81512,0.963717,0.893542,1,3,0,7.1431,0.206176 +-6.85607,0.992454,0.893542,2,3,0,7.15585,0.195099 +-6.78478,0.987426,0.893542,1,3,0,6.84448,0.217173 +-6.93046,0.96955,0.893542,2,3,0,7.00447,0.33004 +-8.83794,0.875938,0.893542,2,3,0,8.94199,0.540045 +-7.54282,0.95619,0.893542,1,1,0,7.67827,0.424459 +-8.22271,0.775544,0.893542,1,1,0,8.26303,0.49195 +-7.8589,1,0.893542,2,3,0,8.35248,0.458381 +-6.95111,0.940377,0.893542,1,3,0,7.54648,0.334676 +-6.9784,0.997653,0.893542,2,3,0,7.02206,0.340483 +-7.0351,1,0.893542,1,1,0,7.13714,0.351617 +-7.41128,0.935339,0.893542,1,1,0,7.47617,0.408455 +-6.82044,0.979585,0.893542,1,3,0,6.93587,0.299453 +-6.90427,0.99184,0.893542,2,3,0,8.37955,0.184813 +-6.77021,0.990217,0.893542,1,3,0,6.9124,0.276928 +-6.78114,0.978468,0.893542,1,3,0,7.22751,0.28305 +-7.10992,0.979138,0.893542,2,3,0,7.11079,0.364861 +-6.82149,1,0.893542,1,1,0,6.84922,0.299825 +-6.94408,0.998736,0.893542,1,1,0,6.97678,0.177658 +-6.7781,0.989518,0.893542,1,3,0,6.89158,0.220209 +-9.16255,0.593199,0.893542,1,1,0,9.16714,0.562261 +-7.78084,1,0.893542,1,1,0,8.22956,0.450492 +-7.38587,0.955738,0.893542,1,1,0,7.47649,0.405197 +-6.99943,0.576743,0.893542,1,3,0,9.3436,0.344745 +-7.26806,0.872174,0.893542,2,3,0,7.75795,0.389229 +-6.84911,1,0.893542,2,3,0,7.54258,0.196788 +-7.28262,0.826643,0.893542,1,3,0,7.89461,0.137593 +-6.81228,0.963686,0.893542,1,3,0,7.15221,0.20707 +-7.10109,0.979002,0.893542,2,7,0,7.11233,0.363369 +-6.93568,0.928005,0.893542,2,3,0,7.56648,0.331234 +-7.8503,0.84918,0.893542,2,7,0,7.86288,0.100286 +-7.89618,1,0.893542,1,1,0,8.21196,0.462052 +-8.33624,0.880601,0.893542,1,1,0,8.56952,0.501535 +-8.57021,0.990647,0.893542,2,3,0,9.02886,0.520208 +-6.94485,0.926691,0.893542,2,7,0,7.25864,0.177528 +-6.77677,0.979375,0.893542,1,3,0,7.98376,0.220856 +-6.76036,0.980089,0.893542,2,3,0,7.15103,0.269966 +-6.79171,0.887418,0.893542,2,3,0,7.5698,0.214321 +-6.78602,0.984375,0.893542,1,3,0,6.8937,0.21664 +-6.76384,0.988043,0.893542,2,3,0,6.87371,0.228219 +-7.57391,0.792315,0.893542,1,3,0,8.11443,0.115889 +-10.4899,0.849165,0.893542,2,3,0,10.7302,0.0335673 +-7.15565,0.93317,0.893542,1,3,0,9.53461,0.149828 +-6.78663,0.985667,0.893542,1,3,0,7.43926,0.216384 +-7.11462,0.917627,0.893542,1,3,0,7.57004,0.365649 +-6.97076,1,0.893542,2,3,0,7.08546,0.338892 +-6.83667,0.961379,0.893542,2,7,0,7.26535,0.304921 +-6.87377,1,0.893542,1,1,0,6.94106,0.191062 +-7.50233,1,0.893542,1,1,0,7.63782,0.120609 +-7.02883,1,0.893542,2,3,0,8.11632,0.164934 +-8.17562,0.68016,0.893542,1,3,0,9.13707,0.0857578 +-6.81748,0.990579,0.893542,2,3,0,6.85324,0.205447 +-6.82329,0.961788,0.893542,1,3,0,10.5102,0.203714 +-7.80293,0.951123,0.893542,2,7,0,7.86236,0.452754 +-7.34351,0.966222,0.893542,2,3,0,7.34432,0.399627 +-7.05988,1,0.893542,1,1,0,7.14425,0.356161 +-6.81792,0.99057,0.893542,2,3,0,6.85572,0.205312 +-9.92437,0.908048,0.893542,2,7,0,10.35,0.608177 +-8.44095,1,0.893542,1,1,0,9.57837,0.510061 +-6.81172,0.998476,0.893542,2,3,0,6.81799,0.296279 +-7.04673,0.910845,0.893542,2,3,0,8.19125,0.353771 +-6.83782,0.995336,0.893542,1,1,0,6.84457,0.199678 +-6.84542,0.854434,0.893542,1,3,0,7.60991,0.307671 +-6.75174,0.999073,0.893542,1,3,0,6.75341,0.239322 +-7.05459,0.960812,0.893542,2,7,0,7.05521,0.161554 +-7.01357,1,0.893542,2,3,0,9.02084,0.167029 +-6.89215,1,0.893542,1,1,0,7.03196,0.187202 +-10.1185,1,0.893542,1,1,0,11.1643,0.0385897 +-6.9276,0.993916,0.893542,1,1,0,6.94527,0.180503 +-7.19672,0.97265,0.893542,2,7,0,7.20544,0.378733 +-6.87064,0.917391,0.893542,2,7,0,8.33936,0.315018 +-7.69122,0.589347,0.893542,1,3,0,9.81957,0.108811 +-6.92857,0.920063,0.893542,2,7,0,8.04444,0.329603 +-7.1012,1,0.893542,1,1,0,7.22484,0.363386 +-8.05846,0.812533,0.893542,1,1,0,8.11032,0.477382 +-6.74838,0.833086,0.893542,2,3,0,8.18868,0.246672 +-8.60253,0.75209,0.893542,2,3,0,8.60391,0.0708623 +-7.01141,0.935749,0.893542,1,3,0,9.76708,0.167332 +-7.50191,0.857684,0.893542,1,3,0,8.92516,0.419625 +-6.83485,1,0.893542,2,3,0,7.37018,0.200472 +-6.7966,0.94823,0.893542,1,3,0,8.12449,0.21245 +-6.75714,0.994852,0.893542,1,3,0,6.83489,0.267126 +-7.32383,0.994663,0.893542,1,1,0,7.39832,0.134063 +-6.75655,0.988431,0.893542,2,3,0,6.85434,0.233918 +-6.8346,1,0.893542,1,1,0,6.98102,0.304249 +-6.90563,1,0.893542,2,3,0,6.97224,0.184552 +-7.25743,1,0.893542,1,1,0,7.43218,0.387709 +-6.74924,0.964156,0.893542,3,7,0,9.54374,0.256216 +-6.96428,0.97917,0.893542,1,1,0,6.96487,0.174358 +-6.76864,1,0.893542,1,3,0,7.49997,0.275939 +-7.03377,0.979769,0.893542,1,1,0,7.03932,0.164271 +-7.07675,0.989457,0.893542,1,1,0,7.10477,0.158789 +-6.98645,0.915106,0.893542,2,7,0,7.32992,0.170947 +-7.38212,0.615363,0.893542,1,1,0,8.60694,0.404711 +-6.95854,1,0.893542,1,1,0,7.04715,0.336291 +-6.7508,0.999072,0.893542,1,3,0,6.87624,0.259389 +-6.77592,0.997232,0.893542,1,3,0,6.91911,0.221274 +-6.79303,0.980568,0.893542,2,3,0,7.083,0.288692 +-6.81311,0.99066,0.893542,1,1,0,6.81367,0.296799 +-6.93926,0.927597,0.893542,1,3,0,7.35988,0.178474 +-6.83139,1,0.893542,1,1,0,6.85332,0.201415 +-6.82883,0.685208,0.893542,2,3,0,9.21428,0.202126 +-7.36215,0.775143,0.893542,1,3,0,8.2297,0.130939 +-7.09564,1,0.893542,1,1,0,7.84254,0.362439 +-7.14343,1,0.893542,2,7,0,7.59016,0.151136 +-6.83573,1,0.893542,1,1,0,6.86892,0.304617 +-6.86139,0.987853,0.893542,2,3,0,6.963,0.193847 +-7.16699,0.902883,0.893542,2,3,0,7.52724,0.374133 +-7.47247,0.671449,0.893542,1,1,0,8.50035,0.416069 +-6.82289,0.945621,0.893542,2,3,0,7.70946,0.300312 +-6.88985,0.951437,0.893542,1,3,0,7.09162,0.187669 +-6.85422,0.888976,0.893542,2,3,0,7.6249,0.195542 +-6.74803,0.994868,0.893542,1,3,0,7.77254,0.249439 +-6.88339,1,0.893542,1,1,0,7.11009,0.318463 +-6.75913,0.983763,0.893542,2,3,0,7.04055,0.268933 +-7.16827,0.925431,0.893542,1,1,0,7.16883,0.374334 +-7.06615,1,0.893542,1,1,0,7.34574,0.357285 +-7.11094,0.919937,0.893542,1,3,0,7.62022,0.365032 +-7.14319,0.902825,0.893542,1,3,0,7.35137,0.151162 +-6.75349,0.976047,0.893542,2,3,0,7.14943,0.263223 +-7.569,0.844938,0.893542,1,3,0,7.695,0.42749 +-7.33587,0.989022,0.893542,1,1,0,7.46969,0.398604 +-7.10352,0.865095,0.893542,1,3,0,7.83405,0.155604 +-6.78975,0.978254,0.893542,1,3,0,7.23156,0.287214 +-6.79484,1,0.893542,1,1,0,6.81722,0.289484 +-6.74835,0.999897,0.893542,1,3,0,6.74905,0.246787 +-8.21726,0.717491,0.893542,2,3,0,9.07541,0.49148 +-6.79769,0.990292,0.893542,1,3,0,7.19916,0.212048 +-6.82711,0.974797,0.893542,1,3,0,7.06186,0.301764 +-6.74965,0.998881,0.893542,1,3,0,6.76635,0.257188 +-6.79743,0.973032,0.893542,2,3,0,7.03493,0.212145 +-7.63189,1,0.893542,1,1,0,7.98521,0.434589 +-6.76897,1,0.893542,2,3,0,6.77793,0.225015 +-6.79373,0.957867,0.893542,2,3,0,7.15594,0.288999 +-6.81114,0.972128,0.893542,1,3,0,7.00115,0.207435 +-6.74959,1,0.893542,1,1,0,6.75089,0.257052 +-7.10017,0.913201,0.893542,1,3,0,7.28317,0.155994 +-6.75159,0.988687,0.893542,1,3,0,7.38187,0.239538 +-7.7273,0.85674,0.893542,2,3,0,8.05937,0.444913 +-6.74893,0.985587,0.893542,2,3,0,7.85644,0.255366 +-6.95411,0.949027,0.893542,1,3,0,7.05467,0.175994 +-7.73178,0.744934,0.893542,1,3,0,8.45466,0.10653 +-7.3135,0.883075,0.893542,1,3,0,7.4736,0.395569 +-7.0887,0.953,0.893542,1,1,0,7.09914,0.361244 +-9.90789,0.493276,0.893542,1,1,0,9.90962,0.607262 +-6.90938,1,0.893542,2,3,0,6.95585,0.183839 +-7.15425,0.983141,0.893542,1,1,0,7.17717,0.149976 +-6.98329,1,0.893542,1,1,0,7.03062,0.17142 +-6.86378,0.97111,0.893542,1,3,0,6.93066,0.313094 +-6.75036,0.921868,0.893542,2,3,0,7.32095,0.241526 +-7.14161,0.946396,0.893542,2,3,0,7.14441,0.151334 +-6.90947,0.942899,0.893542,1,3,0,7.75047,0.325071 +-7.18366,0.987092,0.893542,2,3,0,7.22843,0.376731 +-7.75874,1,0.893542,1,1,0,8.31915,0.448207 +-7.51313,1,0.893542,2,7,0,8.20401,0.119876 +-6.77026,0.989154,0.893542,2,7,0,8.33786,0.276958 +-6.94043,0.921544,0.893542,1,3,0,7.31626,0.178275 +-6.74819,0.999876,0.893542,1,3,0,6.75002,0.252274 +-6.79789,1,0.893542,1,1,0,6.81157,0.211973 +-6.75331,1,0.893542,2,7,0,6.76546,0.237297 +-7.71003,0.891274,0.893542,2,3,0,7.88088,0.443082 +-8.54754,0.954579,0.893542,1,1,0,8.96942,0.518458 +-7.18567,1,0.893542,1,1,0,7.59237,0.37704 +-8.24221,0.783968,0.893542,1,1,0,8.29767,0.493622 +-7.07314,0.820854,0.893542,2,3,0,8.91068,0.358525 +-7.25379,1,0.893542,2,3,0,7.39282,0.140178 +-6.8448,0.983842,0.893542,1,3,0,7.434,0.197869 +-7.06036,1,0.893542,1,1,0,7.30734,0.356249 +-6.91919,0.974105,0.893542,1,1,0,6.92089,0.327408 +-7.25474,1,0.893542,1,1,0,7.54755,0.140092 +-7.7561,0.833786,0.893542,1,3,0,9.46022,0.447932 +-7.65705,1,0.893542,2,7,0,7.69934,0.110796 +-7.77692,0.968439,0.893542,1,1,0,7.815,0.10408 +-6.76783,0.965137,0.893542,1,3,0,8.79587,0.225687 +-6.9564,0.896249,0.893542,2,3,0,7.49084,0.175621 +-8.45413,0.848615,0.893542,2,3,0,8.58193,0.0756086 +-7.2217,0.969985,0.893542,2,7,0,7.23202,0.38249 +-6.77875,0.972311,0.893542,1,3,0,7.1642,0.219898 +-7.01865,0.941319,0.893542,1,3,0,7.09572,0.3485 +-8.76882,1,0.893542,1,1,0,9.65383,0.0659999 +-10.5334,0.941498,0.893542,1,1,0,10.5338,0.0330294 +-11.1091,0.964982,0.893542,1,1,0,11.1391,0.0267367 +-10.6324,0.993,0.893542,1,1,0,10.8746,0.0318388 +-8.28105,0.995216,0.893542,2,3,0,10.2984,0.0817049 +-6.78553,0.988216,0.893542,1,3,0,6.84026,0.216848 +-8.56603,0.966894,0.893542,1,1,0,8.62852,0.0719921 +-9.51213,0.732309,0.893542,1,1,0,9.79745,0.584299 +-9.78956,1,0.893542,2,7,0,9.93855,0.0437644 +-6.8626,0.957772,0.893542,1,3,0,7.09931,0.193569 +-7.1078,0.87978,0.893542,1,3,0,7.54941,0.155111 +-7.33884,0.981143,0.893542,1,1,0,7.52806,0.399002 +-6.88101,0.982907,0.893542,2,3,0,6.88299,0.189506 +-7.19094,0.968169,0.893542,1,1,0,7.19454,0.146192 +-7.52349,0.867009,0.893542,1,1,0,7.52926,0.42219 +-7.67752,1,0.893542,1,1,0,9.34744,0.43959 +-6.80364,0.953052,0.893542,1,3,0,7.4425,0.209932 +-6.90462,0.934191,0.893542,2,7,0,7.22018,0.184745 +-7.51051,0.882226,0.893542,1,3,0,7.68249,0.120053 +-8.28025,0.992075,0.893542,2,3,0,8.36561,0.0817348 +-6.75607,0.995905,0.893542,2,7,0,8.02875,0.266083 +-7.00286,1,0.893542,1,1,0,7.14237,0.345424 +-7.27697,0.992313,0.893542,2,3,0,7.37317,0.390492 +-8.40859,0.898781,0.893542,2,3,0,8.42763,0.507457 +-8.75879,0.967917,0.893542,2,3,0,9.15181,0.534335 +-7.22414,0.84046,0.893542,1,1,0,7.71002,0.382853 +-6.8529,0.947559,0.893542,1,3,0,7.23514,0.195861 +-7.12148,1,0.893542,1,1,0,7.47792,0.153555 +-6.94162,0.98788,0.893542,2,3,0,7.26372,0.178073 +-8.03763,0.988755,0.893542,2,7,0,8.04011,0.47547 +-9.28886,0.899027,0.893542,2,3,0,9.45707,0.570432 +-6.75869,0.957176,0.893542,2,3,0,8.30871,0.268549 +-6.7601,0.999206,0.893542,1,1,0,6.76125,0.269758 +-6.87367,0.960664,0.893542,1,3,0,7.25764,0.315851 +-6.74803,0.823037,0.893542,2,3,0,8.31941,0.249645 +-7.07178,0.947101,0.893542,2,3,0,9.78308,0.159399 +-7.07419,0.879406,0.893542,2,7,0,7.57606,0.159102 +-7.08305,0.897877,0.893542,1,3,0,8.68229,0.360263 +-8.88087,0.9488,0.893542,1,1,0,8.90153,0.0629641 +-6.94532,1,0.893542,2,3,0,7.17671,0.3334 +-6.81395,0.936564,0.893542,1,3,0,8.26763,0.20654 +-6.79206,0.998171,0.893542,1,1,0,6.79857,0.288258 +-6.75374,1,0.893542,1,1,0,6.75959,0.263526 +-7.83885,0.74952,0.893542,1,3,0,8.48334,0.100864 +-8.14782,0.956991,0.893542,1,1,0,8.17533,0.0868743 +-6.77015,1,0.893542,1,1,0,6.786,0.224338 +-7.26663,0.776222,0.893542,2,7,0,8.32087,0.139014 +-6.75038,0.999719,0.893542,1,3,0,6.7714,0.24149 +-6.79368,1,0.893542,1,1,0,6.81865,0.213555 +-7.91048,1,0.893542,2,3,0,8.21584,0.0973322 +-7.55512,1,0.893542,1,1,0,7.93949,0.117097 +-6.81043,0.974946,0.893542,2,3,0,7.04845,0.207662 +-6.93009,1,0.893542,1,1,0,7.10642,0.329955 +-6.94672,0.994348,0.893542,1,1,0,6.96831,0.177214 +-6.83557,0.958862,0.893542,1,3,0,7.55032,0.304566 +-6.75655,0.991688,0.893542,1,3,0,6.88023,0.233921 +-6.74888,0.996322,0.893542,1,3,0,7.21774,0.255194 +-6.79904,0.94668,0.893542,1,3,0,8.18517,0.211555 +-6.80716,0.978911,0.893542,1,3,0,6.92151,0.208738 +-6.75651,0.992159,0.893542,1,3,0,6.86927,0.233958 +-7.08698,0.922751,0.893542,1,3,0,7.25285,0.360946 +-7.29434,0.487347,0.893542,2,3,0,11.0485,0.13657 +-7.68817,0.985139,0.893542,1,1,0,7.76804,0.108986 +-7.8273,0.935324,0.893542,2,3,0,8.20529,0.101451 +-6.74902,1,0.893542,2,3,0,6.80752,0.255627 +-8.1087,0.79855,0.893542,2,3,0,9.9345,0.0884807 +-6.75571,0.999872,0.893542,2,3,0,6.7565,0.23472 +-6.96102,1,0.893542,1,1,0,7.02674,0.336824 +-6.92519,1,0.893542,1,1,0,6.99479,0.328819 +-6.86312,0.991273,0.893542,1,1,0,6.87457,0.312908 +-6.86312,0.957882,0.893542,1,1,0,6.99385,0.312908 +-6.82277,0.885321,0.893542,2,3,0,8.08602,0.300271 +-6.75832,0.988978,0.893542,1,3,0,7.43606,0.232356 +-6.75421,0.999448,0.893542,2,3,0,6.84171,0.236271 +-6.7802,0.962711,0.893542,1,3,0,7.51103,0.21922 +-7.19116,0.928613,0.893542,1,3,0,7.27488,0.146171 +-6.79023,0.980453,0.893542,2,3,0,6.95438,0.287434 +-7.10491,0.969998,0.893542,2,7,0,8.10814,0.364016 +-6.96849,0.708395,0.893542,1,3,0,8.67156,0.338413 +-7.00157,1,0.893542,1,1,0,7.10485,0.34517 +-6.83342,1,0.893542,1,1,0,6.96062,0.303864 +-6.7899,1,0.893542,1,1,0,6.86006,0.287284 +-6.76584,0.995209,0.893542,2,3,0,6.83156,0.274076 +-6.7481,0.999996,0.893542,1,3,0,6.7487,0.251594 +-7.69732,0.690304,0.893542,1,3,0,8.91128,0.108462 +-6.78666,0.768123,0.893542,1,3,0,8.29349,0.216368 +-6.8268,0.979145,0.893542,1,3,0,7.65751,0.2027 +-6.86763,0.948579,0.893542,1,3,0,7.15721,0.192424 +-6.78435,0.999599,0.893542,2,3,0,6.79025,0.284659 +-7.36262,0.825137,0.893542,1,3,0,7.89797,0.130901 +-6.94964,0.970875,0.893542,1,3,0,6.97002,0.176729 +-7.34661,0.974973,0.893542,2,7,0,7.3961,0.400041 +-8.25163,0.729915,0.893542,1,3,0,8.66381,0.494427 +-6.82345,1,0.893542,2,3,0,8.46039,0.203667 +-7.12807,0.875934,0.893542,1,3,0,7.56058,0.152819 +-6.87469,0.993329,0.893542,2,3,0,6.87516,0.31613 +-6.87026,0.941408,0.893542,1,3,0,7.2533,0.191835 +-6.9233,0.972337,0.893542,2,3,0,6.98259,0.328377 +-6.80795,1,0.893542,2,3,0,6.84327,0.294842 +-6.76557,1,0.893542,1,1,0,6.77939,0.273889 +-6.75773,0.95602,0.893542,2,3,0,7.07214,0.232855 +-6.76249,0.997445,0.893542,2,3,0,6.77302,0.271656 +-6.76281,0.986375,0.893542,2,3,0,6.86269,0.271897 +-6.76113,0.94439,0.893542,1,3,0,8.69857,0.270596 +-6.74805,1,0.893542,2,3,0,6.93295,0.250908 +-6.84782,0.893603,0.893542,1,3,0,7.41716,0.308405 +-6.77903,0.978878,0.893542,1,3,0,7.01391,0.219764 +-6.82158,0.979514,0.893542,2,3,0,7.02007,0.299854 +-6.91421,0.993684,0.893542,1,1,0,6.92934,0.182933 +-7.48992,0.864331,0.893542,1,3,0,7.56874,0.418185 +-6.81012,0.721139,0.893542,2,3,0,8.92433,0.207765 +-7.63103,0.878322,0.893542,2,7,0,7.63449,0.112349 +-6.77304,1,0.893542,2,3,0,7.67683,0.222757 +-6.78727,1,0.893542,1,1,0,6.79546,0.216114 +-6.74808,0.999236,0.893542,1,3,0,6.77739,0.251386 +-6.74974,0.999801,0.893542,2,3,0,6.74978,0.242718 +-7.38891,0.822956,0.893542,2,3,0,8.6674,0.12884 +-7.35687,1,0.893542,2,3,0,7.69302,0.131361 +-9.18298,0.902893,0.893542,1,1,0,9.69343,0.563599 +-8.05869,1,0.893542,1,1,0,10.1532,0.477404 +-6.96836,1,0.893542,1,1,0,7.10551,0.338386 +-6.9304,0.929449,0.893542,1,3,0,8.06547,0.330027 +-6.92115,0.891849,0.893542,1,3,0,7.51124,0.327871 +-8.02156,1,0.893542,2,3,0,8.24598,0.092218 +-6.75303,0.989588,0.893542,2,3,0,6.82494,0.262643 +-6.78272,0.990182,0.893542,1,3,0,6.81767,0.283853 +-6.85178,1,0.893542,1,1,0,6.90302,0.196133 +-6.77157,0.959899,0.893542,2,7,0,7.73313,0.277758 +-8.79178,0.746585,0.893542,2,7,0,8.79209,0.0653629 +-8.69829,1,0.893542,1,1,0,9.36877,0.0680073 +-6.84428,1,0.893542,1,1,0,6.88821,0.198 +-6.77692,1,0.893542,1,1,0,6.82237,0.28082 +-6.97366,0.966273,0.893542,1,1,0,6.97682,0.339498 +-7.88076,0.784993,0.893542,1,3,0,8.22929,0.460542 +-7.43284,0.950784,0.893542,1,1,0,7.52833,0.411174 +-6.76927,0.975413,0.893542,2,3,0,6.91779,0.224841 +-6.74956,0.997429,0.893542,1,3,0,6.90262,0.243101 +-6.8683,0.898813,0.893542,2,3,0,7.58552,0.192272 +-6.75019,0.998896,0.893542,2,3,0,6.81672,0.258297 +-7.21114,0.991312,0.893542,2,3,0,8.20783,0.144199 +-7.41832,0.991695,0.893542,2,3,0,7.44815,0.126608 +-6.77366,0.970497,0.893542,1,3,0,7.30196,0.222431 +-8.62779,0.777407,0.893542,1,3,0,9.15162,0.0700944 +-7.46165,0.997974,0.893542,2,3,0,9.16662,0.123447 +-7.61705,1,0.893542,1,1,0,7.78982,0.113198 +-6.94156,1,0.893542,1,1,0,7.0786,0.178083 +-7.21381,1,0.893542,1,1,0,7.32268,0.14394 +-7.7941,0.957178,0.893542,1,1,0,7.81119,0.103172 +-6.8825,0.968295,0.893542,1,3,0,8.06705,0.18919 +-6.89898,0.997095,0.893542,1,1,0,6.91975,0.185842 +-8.402,0.473448,0.893542,1,3,0,10.8502,0.0773773 +-6.90626,0.993071,0.893542,1,1,0,6.9189,0.184432 +-6.765,0.90538,0.893542,2,3,0,7.5821,0.27349 +-7.24796,0.90784,0.893542,1,3,0,7.29898,0.386343 +-6.76359,0.98534,0.893542,1,3,0,7.10915,0.272479 +-6.82288,0.987902,0.893542,1,3,0,6.83123,0.203833 +-6.79573,0.979377,0.893542,2,3,0,6.97307,0.289866 +-7.21368,0.925907,0.893542,2,3,0,7.71003,0.381294 +-10.7991,0.551071,0.893542,2,7,0,10.8421,0.652749 +-7.87546,1,0.893542,2,3,0,10.607,0.460019 +-7.92352,0.909597,0.893542,2,3,0,8.13781,0.0967101 +-6.93072,0.914194,0.893542,1,3,0,8.80891,0.330101 +-7.50376,0.94569,0.893542,2,3,0,7.50387,0.419846 +-7.01412,1,0.893542,1,1,0,7.28116,0.347627 +-7.00028,1,0.893542,1,1,0,7.05327,0.168916 +-7.73797,1,0.893542,2,7,0,7.73887,0.106188 +-7.42435,0.971265,0.893542,2,3,0,7.92836,0.126159 +-6.87293,0.921432,0.893542,2,3,0,8.33509,0.191245 +-7.03049,0.969451,0.893542,2,3,0,7.15523,0.16471 +-6.86372,0.984889,0.893542,2,3,0,6.9099,0.193311 +-7.44724,0.913212,0.893542,2,7,0,7.46305,0.124482 +-7.65473,1,0.893542,1,1,0,7.96582,0.110933 +-6.80383,0.970587,0.893542,2,3,0,6.94227,0.209867 +-7.00916,0.949675,0.893542,1,3,0,7.07523,0.167648 +-6.75061,0.850157,0.893542,1,3,0,7.49258,0.25906 +-7.18467,1,0.893542,1,1,0,7.5464,0.376886 +-6.75191,1,0.893542,1,1,0,6.75724,0.261132 +-6.85108,0.974373,0.893542,1,3,0,6.90736,0.30939 +-7.14776,0.926946,0.893542,1,1,0,7.1478,0.371079 +-7.06676,0.830396,0.893542,1,3,0,8.16796,0.160021 +-7.45,1,0.893542,1,1,0,8.49503,0.41331 +-6.7519,0.998251,0.893542,1,3,0,7.17837,0.26112 +-7.11035,0.951128,0.893542,2,3,0,7.12891,0.154817 +-7.39068,0.943243,0.893542,2,3,0,7.59531,0.128704 +-6.83562,0.923653,0.893542,2,7,0,8.32548,0.30458 +-7.07053,0.632118,0.893542,1,3,0,11.0542,0.159553 +-6.75061,0.910964,0.893542,2,3,0,7.46035,0.259059 +-6.75537,0.956651,0.893542,2,7,0,8.09543,0.265356 +-6.78308,0.98677,0.893542,1,3,0,7.39142,0.217913 +-7.38165,0.961921,0.893542,2,3,0,7.76363,0.129403 +-7.03142,0.898992,0.893542,1,3,0,8.98448,0.350926 +-7.04088,0.988893,0.893542,2,3,0,7.65163,0.16333 +-6.87095,0.915429,0.893542,2,3,0,7.45833,0.191681 +-7.15224,0.821483,0.893542,1,3,0,8.00485,0.150191 +-6.79186,0.972862,0.893542,1,3,0,7.43044,0.288168 +-6.99267,0.906552,0.893542,1,3,0,7.53875,0.170024 +-8.99067,0.95291,0.893542,1,1,0,9.01947,0.0601596 +-7.79631,0.994652,0.893542,2,3,0,7.8808,0.103056 +-6.82228,0.975544,0.893542,1,3,0,7.14406,0.300101 +-6.91394,0.90751,0.893542,2,3,0,7.60693,0.182984 +-6.87231,0.863358,0.893542,2,3,0,7.80616,0.191383 +-6.79566,0.972779,0.893542,2,3,0,7.03308,0.212802 +-6.90571,0.973746,0.893542,1,1,0,6.90591,0.32415 +-6.93631,0.927568,0.893542,1,3,0,7.4234,0.178981 +-6.75471,0.995231,0.893542,1,3,0,7.01688,0.235737 +-8.24271,0.656504,0.893542,2,7,0,9.44716,0.0831471 +-6.82097,1,0.893542,2,3,0,8.12546,0.204396 +-8.26863,0.91338,0.893542,1,1,0,8.5389,0.495871 +-6.74889,1,0.893542,2,3,0,8.03173,0.244801 +-6.76259,0.994378,0.893542,2,3,0,6.79049,0.229082 +-6.76152,1,0.893542,1,3,0,7.76237,0.270906 +-8.09911,0.825974,0.893542,2,3,0,8.12171,0.0888807 +-6.75364,0.997546,0.893542,1,3,0,6.88874,0.236906 +-6.85296,1,0.893542,2,7,0,7.20801,0.195847 +-6.74873,0.97661,0.893542,2,3,0,6.97191,0.245324 +-7.00005,0.941392,0.893542,1,3,0,7.11865,0.344869 +-7.15822,1,0.893542,1,1,0,7.29547,0.372747 +-7.02515,0.871237,0.893542,2,7,0,7.79766,0.165433 +-7.11869,0.861393,0.893542,1,3,0,7.82004,0.153869 +-6.82917,0.977344,0.893542,1,3,0,6.99035,0.302459 +-6.80347,0.973946,0.893542,1,3,0,7.00728,0.209993 +-6.75213,1,0.893542,2,3,0,6.78522,0.23878 +-6.79996,0.985858,0.893542,1,3,0,6.84375,0.291653 +-6.75831,0.997242,0.893542,1,3,0,6.76497,0.268206 +-6.75111,0.998343,0.893542,1,3,0,6.76907,0.24027 +-10.3308,0.549825,0.893542,2,7,0,10.5088,0.629819 +-10.5954,0.978406,0.893542,1,1,0,10.7078,0.0322776 +-9.03458,1,0.893542,1,1,0,10.0862,0.0590819 +-7.58478,0.886552,0.893542,1,3,0,7.73728,0.115201 +-9.91973,1,0.893542,1,1,0,10.5231,0.0416263 +-7.48944,1,0.893542,2,3,0,9.43402,0.121496 +-7.71315,0.865118,0.893542,2,7,0,7.71389,0.107568 +# +# Elapsed Time: 0.005 seconds (Warm-up) +# 0.015 seconds (Sampling) +# 0.02 seconds (Total) +# diff --git a/src/test/unit/io/test_csv_files/bernoulli_warmup.csv b/src/test/unit/io/test_csv_files/bernoulli_warmup.csv new file mode 100644 index 00000000000..799f5c8260f --- /dev/null +++ b/src/test/unit/io/test_csv_files/bernoulli_warmup.csv @@ -0,0 +1,2057 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-22 12:26:39 UTC +# method = sample (Default) +# sample +# num_samples = 1000 (Default) +# num_warmup = 1000 (Default) +# save_warmup = true +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3784445287 (Default) +# output +# file = output.csv (Default) +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,theta +-9.8506,1,0.5,1,1,0,11.6894,0.604056 +-9.8506,0,14.3855,0,1,1,9.9718,0.604056 +-9.8506,1.07054e-09,2.43117,1,1,0,10.1705,0.604056 +-8.24874,1,0.239791,2,3,0,9.78315,0.49418 +-8.54651,0.976787,0.324332,1,1,0,8.57154,0.518378 +-7.21218,0.977577,0.47329,2,3,0,8.85175,0.38107 +-6.74823,1,0.750786,1,3,0,7.08766,0.247464 +-6.74823,0.0568166,1.34037,1,1,0,7.21871,0.247464 +-6.88855,0.99524,0.127193,3,15,0,7.76928,0.319814 +-7.18954,0.980866,0.230706,3,9,0,7.91162,0.146333 +-7.00517,0.999406,0.406612,2,3,0,7.22475,0.168215 +-7.00517,0.908606,0.766132,1,3,0,7.56833,0.168215 +-6.75143,1,1.08692,1,1,0,6.86451,0.239771 +-6.87144,0.77589,2.05487,1,1,0,7.04035,0.191574 +-6.7634,0.633501,1.92269,1,3,0,6.7636,0.272338 +-6.76111,1,1.1598,1,3,0,6.76265,0.23015 +-6.80263,0.90372,2.17832,1,1,0,6.9112,0.210282 +-6.80263,0.0115697,3.02409,1,1,0,7.38493,0.210282 +-6.74812,0.999483,0.279874,2,7,0,6.83911,0.248267 +-6.79674,0.990221,0.524639,1,3,0,6.8362,0.2903 +-6.79674,0.70284,0.947731,1,1,0,7.09021,0.2903 +-6.79674,0.970796,0.725248,1,1,0,6.86262,0.2903 +-6.85069,0.950437,1.22339,1,1,0,6.91591,0.309273 +-6.85069,0.0172536,1.92853,1,1,0,7.04452,0.309273 +-8.64872,0.977805,0.204974,4,15,0,8.65035,0.0694662 +-6.76625,0.999785,0.352164,3,7,0,8.64791,0.226652 +-7.04444,0.971063,0.638147,2,3,0,7.06282,0.353351 +-9.92209,0.0721566,1.05618,2,3,0,10.5028,0.0415885 +-9.86371,1,0.141791,1,1,0,9.92203,0.0425312 +-7.89631,0.998185,0.255292,2,5,0,10.4841,0.0980156 +-8.58774,0.971383,0.452922,3,7,0,9.25298,0.0713172 +-8.34876,1,0.740085,1,1,0,8.76482,0.0792422 +-6.81748,1,1.29574,1,1,0,7.18455,0.298398 +-6.81748,2.00258e-21,2.24798,1,1,0,9.56968,0.298398 +-6.81248,0.991645,0.272988,2,7,0,7.15155,0.207006 +-6.85997,0.987319,0.46496,3,7,0,7.06891,0.312004 +-6.85997,0.220416,0.776452,1,3,0,9.96316,0.312004 +-7.79145,0.984064,0.176692,2,5,0,7.96719,0.451582 +-6.99048,0.972469,0.292427,1,3,0,8.47322,0.342953 +-7.06807,0.988568,0.466233,1,1,0,7.08132,0.357627 +-7.08394,0.993545,0.768751,1,1,0,7.20573,0.360419 +-7.26741,0.94431,1.27388,1,3,0,7.27623,0.138945 +-7.48585,0.77512,1.85318,1,1,0,8.38914,0.121745 +-7.48585,1.62756e-06,1.76397,1,1,0,7.58761,0.121745 +-7.10351,0.961717,0.250226,2,7,0,10.7736,0.363778 +-7.22772,0.995816,0.381071,2,3,0,7.23134,0.383382 +-7.22772,0.740624,0.626526,1,1,0,7.99246,0.383382 +-6.76514,0.9988,0.553652,3,7,0,7.23247,0.273593 +-7.24015,0.753856,0.908029,2,3,0,7.63644,0.141438 +-7.82255,0.843494,0.827165,2,3,0,8.8872,0.101695 +-8.86463,0.811428,0.931855,1,1,0,8.98534,0.063393 +-11.6045,0.716868,0.97225,1,1,0,11.627,0.0223639 +-12.6025,0.963255,0.813589,1,1,0,12.8485,0.015712 +-9.06531,1,1.20587,1,1,0,12.2187,0.0583422 +-9.06531,0.00836889,1.93475,1,3,0,9.22574,0.0583422 +-9.27905,0.996483,0.321074,1,1,0,9.28335,0.0535007 +-7.55918,1,0.512183,2,3,0,9.21965,0.116834 +-6.85233,1,0.818727,1,3,0,7.36428,0.196 +-6.85233,0.261701,1.30115,1,1,0,8.07242,0.196 +-6.75988,0.982676,0.397354,2,5,0,7.25685,0.269571 +-6.75307,0.870464,0.606899,2,3,0,7.74945,0.237579 +-6.83359,0.805991,0.720486,2,3,0,7.86816,0.200813 +-6.75042,0.994755,0.741288,2,3,0,6.86534,0.241401 +-8.55542,0.374605,1.14933,1,1,0,8.55542,0.0723249 +-8.22182,1,0.463832,1,1,0,8.55035,0.0839477 +-7.86203,1,0.72551,1,1,0,8.28083,0.0996991 +-7.86203,0.000595519,1.12906,1,1,0,11.1731,0.0996991 +-6.79482,0.998815,0.208853,3,11,0,7.93002,0.213117 +-9.08274,0.888926,0.3248,2,7,0,10.1982,0.556966 +-8.952,1,0.398939,2,3,0,9.27498,0.548062 +-9.18855,0.999125,0.616734,2,7,0,9.20778,0.0554879 +-7.24774,1,0.947222,1,1,0,8.69856,0.140734 +-7.24774,0.202087,1.45078,1,1,0,7.29856,0.140734 +-7.26566,0.998816,0.427919,1,1,0,7.29767,0.139102 +-6.91413,0.931556,0.65354,1,3,0,7.86673,0.3262 +-6.87128,1,0.86646,2,3,0,6.89856,0.19161 +-6.768,1,1.3159,1,1,0,6.78045,0.275525 +-6.768,8.67729e-08,1.98999,1,1,0,7.59461,0.275525 +-7.9148,0.904272,0.402673,2,5,0,8.38631,0.0971256 +-7.06381,0.980558,0.503805,2,3,0,8.46016,0.160389 +-7.39013,0.978768,0.731889,2,3,0,7.40663,0.128747 +-6.76543,1,1.05559,2,3,0,7.04327,0.273794 +-6.76543,0.159028,1.5818,1,1,0,7.09493,0.273794 +-6.91956,0.94612,0.454522,1,3,0,7.39536,0.181949 +-6.76739,0.950092,0.613207,2,3,0,7.38962,0.225951 +-6.85207,0.970879,0.831322,1,1,0,6.85346,0.196063 +-12.4758,0.00604068,1.16985,1,1,0,13.3062,0.721196 +-11.7387,1,0.2566,2,3,0,12.4659,0.693413 +-10.2243,1,0.382607,1,1,0,11.6102,0.624313 +-10.8714,0.865432,0.568409,1,1,0,11.5235,0.656119 +-8.28112,1,0.651815,2,7,0,10.3982,0.0817023 +-7.07017,1,0.962578,1,1,0,7.92797,0.159598 +-7.00702,1,1.41659,1,1,0,7.28115,0.167951 +-7.00702,0.0463564,2.07767,1,1,0,8.55227,0.167951 +-7.51448,0.811914,0.513168,2,5,0,9.45773,0.421124 +-6.80546,1,0.53134,3,7,0,7.47906,0.293871 +-6.75523,0.9975,0.778651,2,3,0,6.82148,0.2352 +-7.98668,0.510767,1.13214,1,1,0,7.99159,0.0937796 +-8.57516,0.940216,0.672299,1,1,0,8.61556,0.0717072 +-10.9654,0.756415,0.878176,1,1,0,10.9668,0.0281728 +-10.9654,2.39406e-53,3.2776,2,7,0,11.462,0.0281728 +-10.9654,0,7.65341,0,1,1,11.0171,0.0281728 +-11.2278,0.98842,0.754621,1,1,0,11.6163,0.0256105 +-9.18505,0.81209,0.762058,1,3,0,11.0807,0.0555666 +-7.31509,1,0.601188,2,3,0,9.13989,0.134796 +-7.37962,0.974851,0.917142,2,3,0,7.39422,0.404387 +-7.93864,0.71181,1.42246,2,3,0,7.93864,0.0959959 +-8.52121,0.863499,1.02619,2,3,0,8.52132,0.516409 +-8.72953,0.796954,1.21163,1,1,0,10.711,0.532192 +-8.45453,0.939049,1.18105,1,3,0,8.96188,0.0755954 +-8.45453,7.70205e-05,1.82485,1,1,0,8.45457,0.0755954 +-8.4329,1,0.146324,1,1,0,8.45775,0.0763223 +-7.88772,0.997901,0.279205,1,3,0,8.67514,0.0984334 +-7.99992,0.991886,0.530321,1,1,0,8.07295,0.0931822 +-7.99992,0.806095,0.986769,1,1,0,9.02499,0.0931822 +-7.07715,1,1.02804,2,3,0,7.56158,0.359232 +-7.07715,0.0190911,1.94843,1,1,0,7.0891,0.359232 +-7.03746,0.999725,0.183214,3,7,0,7.12685,0.352058 +-6.78668,0.989405,0.349377,1,3,0,7.2417,0.285783 +-6.78668,0.837206,0.640324,1,3,0,7.61899,0.285783 +-6.78668,0.696699,0.738967,1,3,0,8.10923,0.285783 +-6.79467,0.999661,0.562025,3,7,0,6.79516,0.213175 +-6.79467,0.825842,1.04443,1,1,0,7.01844,0.213175 +-7.04128,0.859579,1.1594,1,1,0,7.09141,0.163277 +-7.04128,0.00311898,1.41641,1,1,0,7.49714,0.163277 +-6.98948,0.999799,0.149292,1,3,0,7.07774,0.170496 +-6.77421,0.999153,0.275297,2,7,0,7.05016,0.222147 +-6.9597,0.96332,0.501603,3,7,0,7.28216,0.175088 +-6.76047,1,0.818903,1,3,0,6.89467,0.230627 +-7.86215,0.38986,1.46742,1,1,0,8.06479,0.0996932 +-6.89418,0.977312,0.489766,2,5,0,8.30684,0.186795 +-7.24801,0.905588,0.820767,1,1,0,7.25545,0.140709 +-7.24801,5.73273e-05,1.12424,1,1,0,11.1471,0.140709 +-6.77488,0.999486,0.1363,3,11,0,7.50969,0.221799 +-8.07343,0.966333,0.24168,2,5,0,8.46459,0.089966 +-8.50315,0.988445,0.389158,2,3,0,8.65588,0.073995 +-7.27865,0.952571,0.658812,1,3,0,8.40284,0.137943 +-6.78033,0.945742,1.00801,2,3,0,7.02599,0.282635 +-6.78033,0.170796,1.50545,1,1,0,7.14823,0.282635 +-6.87274,0.992034,0.30996,1,3,0,6.94809,0.315597 +-6.84201,0.944907,0.5218,1,3,0,7.37743,0.198582 +-6.79317,1,0.774259,2,3,0,6.82648,0.288752 +-6.79317,0.288506,1.31019,1,1,0,7.22034,0.288752 +-6.80905,0.998605,0.378264,2,3,0,6.82453,0.295267 +-6.79016,0.981791,0.636201,1,3,0,6.935,0.214934 +-6.79016,0.642352,1.01933,1,1,0,7.06832,0.214934 +-7.66864,0.46488,0.712906,2,3,0,10.856,0.110116 +-7.72237,0.991468,0.326922,2,3,0,8.1016,0.107052 +-7.79459,0.994268,0.533078,1,1,0,7.87047,0.103146 +-7.22594,1,0.869131,1,1,0,7.71076,0.142776 +-7.22594,0.0108391,1.42676,1,1,0,8.5702,0.142776 +-7.22594,0.00193366,3.39788,1,1,0,10.5016,0.142776 +-7.47969,0.996634,0.33853,3,7,0,7.5726,0.122174 +-8.38274,0.987808,0.350808,4,15,0,8.42442,0.078045 +-10.2384,0.96817,0.459075,2,7,0,10.2461,0.0368812 +-6.75251,0.966814,0.652699,3,7,0,11.0757,0.238289 +-7.1441,0.905508,1.0009,1,3,0,7.16579,0.151063 +-6.90412,0.995419,1.33008,2,3,0,6.9995,0.323759 +-6.90412,0.00671969,2.40241,1,1,0,7.12702,0.323759 +-6.86506,0.999986,0.194517,3,7,0,6.90964,0.313459 +-7.12146,0.97989,0.363933,1,3,0,7.29862,0.366788 +-6.91497,1,0.645063,1,1,0,7.0835,0.326401 +-7.48178,0.75299,1.22232,2,3,0,7.53647,0.417202 +-8.8953,0.452304,1.06633,1,1,0,9.34071,0.544107 +-8.87942,1,0.3658,1,1,0,9.02459,0.542988 +-8.41069,1,0.695663,1,1,0,9.0448,0.507627 +-6.75548,1,1.31445,1,1,0,7.29074,0.234945 +-6.75548,0.0112664,2.46428,1,1,0,6.83997,0.234945 +-6.99498,0.989316,0.228847,3,9,0,7.82244,0.343858 +-7.08385,0.993003,0.417936,1,1,0,7.08393,0.360404 +-6.78844,0.972642,0.764924,2,3,0,7.28196,0.286608 +-6.75421,1,1.30591,1,3,0,6.76671,0.236263 +-6.75421,3.36326e-16,2.39507,1,1,0,8.49247,0.236263 +-7.8723,0.978559,0.237722,3,11,0,8.63456,0.459708 +-7.93884,0.994433,0.411833,1,1,0,8.00271,0.466182 +-8.2301,0.923912,0.739826,1,1,0,8.47604,0.492585 +-6.85713,1,1.07778,1,1,0,7.56959,0.311181 +-6.92456,0.896758,1.93206,1,1,0,7.16373,0.328672 +-6.92456,0.0195762,2.57268,1,1,0,6.93496,0.328672 +-7.22529,0.980678,0.302429,1,3,0,7.51984,0.383023 +-7.48496,0.968117,0.512226,1,1,0,7.48771,0.417586 +-7.48496,0.344454,0.831192,1,1,0,9.59088,0.417586 +-7.46413,1,0.249391,1,1,0,7.49601,0.41505 +-6.91888,0.978553,0.439758,2,5,0,8.13601,0.182073 +-6.74818,0.992804,0.725899,1,3,0,6.98984,0.252246 +-6.82271,0.960237,1.23402,1,1,0,6.82272,0.203882 +-6.82271,2.19221e-09,1.91082,1,1,0,8.59472,0.203882 +-6.82147,1,0.24474,4,15,0,6.82365,0.204247 +-7.31223,0.982869,0.422064,2,7,0,7.35609,0.135038 +-7.11813,1,0.69094,1,1,0,7.29593,0.153933 +-6.78022,0.977587,1.17236,2,3,0,6.97914,0.21921 +-6.78022,0.168,1.86546,1,1,0,6.88787,0.21921 +-6.77574,0.988702,0.391851,3,7,0,7.20364,0.221368 +-6.75135,1,0.641567,2,3,0,6.77498,0.239892 +-7.23192,0.791731,1.07224,2,3,0,7.54791,0.384001 +-6.95922,1,1.07029,1,1,0,7.19665,0.336438 +-6.95922,8.40415e-07,1.76919,1,1,0,9.93139,0.336438 +-7.79887,0.985279,0.261998,3,11,0,7.86315,0.102922 +-7.93747,0.995638,0.419189,1,1,0,7.94158,0.0960509 +-7.65534,1,0.682935,2,3,0,7.93838,0.110897 +-7.30925,1,1.11668,1,1,0,7.69218,0.13529 +-7.30925,1.30105e-13,1.8139,1,1,0,12.3848,0.13529 +-8.64452,0.977531,0.285938,3,11,0,9.26445,0.0695915 +-6.74805,0.991255,0.442003,2,5,0,9.50712,0.250913 +-6.8988,0.964338,0.701126,1,3,0,7.00076,0.185877 +-6.99419,0.970382,1.03972,1,1,0,7.0327,0.169802 +-6.99419,0.0710815,1.55528,1,1,0,7.41411,0.169802 +-7.22893,0.990499,0.305007,1,3,0,7.4574,0.142492 +-7.286,0.998957,0.478424,2,3,0,7.29765,0.137296 +-7.26412,1,0.760476,1,1,0,7.36001,0.139241 +-6.82451,0.892055,1.2048,2,3,0,7.41198,0.300874 +-6.82451,0.298022,1.49695,1,1,0,7.29184,0.300874 +-8.52579,0.905464,0.505934,3,7,0,8.69389,0.0732656 +-8.45284,1,0.648743,1,1,0,8.64394,0.0756517 +-6.99536,0.990028,1.01753,1,3,0,8.12548,0.16963 +-6.99536,0.00203407,1.55404,1,1,0,8.05832,0.16963 +-6.88449,0.998629,0.285729,1,3,0,7.09267,0.188774 +-6.8913,0.998026,0.445412,3,7,0,7.00604,0.187375 +-7.15568,0.930495,0.690011,1,3,0,7.96102,0.372344 +-8.4228,0.592863,0.922939,1,1,0,8.51343,0.508604 +-8.21211,1,0.607291,1,1,0,8.57965,0.491035 +-6.83198,1,0.936263,1,1,0,7.6606,0.303392 +-6.83198,0.131297,1.43676,1,3,0,8.1814,0.303392 +-6.8276,1,0.36701,1,1,0,6.83437,0.30193 +-6.75121,0.98834,0.563355,1,3,0,6.96708,0.24011 +-7.31865,0.911872,0.840676,2,3,0,7.4022,0.134496 +-8.38848,0.783979,1.06993,2,3,0,9.32326,0.0778451 +-6.83081,1,1.04944,2,3,0,8.0055,0.303004 +-6.83081,0.340683,1.58828,1,1,0,7.14282,0.303004 +-6.91965,0.923001,0.641488,1,3,0,7.4917,0.181934 +-7.94709,0.873408,0.831625,2,3,0,8.21305,0.0956005 +-6.77631,0.94972,0.97487,1,3,0,7.73105,0.221082 +-6.96489,0.900023,1.32593,1,1,0,6.98827,0.174262 +-6.96489,0.854282,1.63124,1,1,0,7.25214,0.174262 +-7.14806,0.770181,1.83194,1,1,0,7.22608,0.371126 +-7.14806,0.0031644,1.74552,1,1,0,8.92904,0.371126 +-6.77142,0.999989,0.378044,2,7,0,7.17703,0.277665 +-6.81675,0.971998,0.564659,1,3,0,7.08832,0.205671 +-6.75356,0.904997,0.796431,2,3,0,7.64626,0.263304 +-7.2784,0.872578,0.985563,2,3,0,7.46481,0.137965 +-6.76248,0.781598,1.14462,2,3,0,7.99817,0.271645 +-7.23117,0.778639,1.11789,1,1,0,7.24522,0.383891 +-6.75808,1,1.08591,1,1,0,7.00082,0.268001 +-7.09085,0.695725,1.59698,1,1,0,7.23418,0.361615 +-6.81506,1,1.32727,1,1,0,6.91062,0.206194 +-6.81506,4.62622e-08,1.94365,1,1,0,8.02021,0.206194 +-7.03673,0.979539,0.446672,1,3,0,7.20857,0.163878 +-7.98963,0.919309,0.630735,3,7,0,8.65545,0.0936458 +-9.36533,0.903107,0.795204,2,3,0,9.95128,0.051686 +-7.40563,1,0.971428,2,3,0,8.63958,0.407736 +-7.29294,1,1.41292,2,3,0,7.35247,0.136691 +-7.29294,0,20.3256,0,1,1,7.31408,0.136691 +-7.29294,0.00102409,3.43506,2,3,0,7.63417,0.136691 +-6.86216,0.999987,0.339733,3,7,0,7.29744,0.19367 +-6.75147,0.986389,0.459583,2,5,0,7.43899,0.26047 +-6.74802,0.999724,0.690222,2,5,0,6.75478,0.249763 +-6.78879,0.810965,1.17273,2,3,0,7.33437,0.286771 +-6.9954,0.916271,1.16437,1,1,0,7.00411,0.343941 +-7.05383,0.949195,1.63802,1,1,0,7.28389,0.355067 +-6.84623,0.335649,2.59662,1,3,0,6.85431,0.197507 +-6.75487,0.984909,0.596575,1,3,0,7.13962,0.26482 +-6.81772,0.933489,1.0737,2,3,0,7.02443,0.298482 +-6.81772,0.186608,1.64748,1,3,0,7.97368,0.298482 +-7.51261,0.989408,0.243072,3,11,0,7.90681,0.119911 +-7.51261,0.97466,0.448653,1,3,0,8.5048,0.119911 +-6.91742,1,0.787738,2,3,0,7.51816,0.182341 +-7.23613,0.861756,1.48705,2,3,0,7.31041,0.141813 +-7.23613,0.581353,1.82589,1,1,0,8.14699,0.141813 +-6.75458,1,0.956324,2,3,0,7.19737,0.235873 +-6.75626,0.999527,1.78279,1,3,0,6.7563,0.26627 +-6.75626,1.00829e-16,3.28732,1,1,0,7.85025,0.26627 +-6.75073,0.99982,0.312566,3,9,0,6.77057,0.240877 +-6.78989,0.989386,0.579871,1,3,0,6.91501,0.287279 +-6.93801,0.95229,1.03322,1,1,0,6.94013,0.331763 +-6.93801,0.0100404,1.63865,1,1,0,8.75339,0.331763 +-6.8714,0.999959,0.174688,3,7,0,6.9535,0.315227 +-6.93435,0.990436,0.319542,3,11,0,7.40694,0.17932 +-6.76628,0.997749,0.563379,2,5,0,7.02159,0.27438 +-6.82214,0.993956,1.00416,2,3,0,6.82251,0.204049 +-7.17853,0.792371,1.75414,1,1,0,7.27203,0.147448 +-7.17853,7.5927e-05,1.74799,1,1,0,9.44342,0.147448 +-7.23242,0.999517,0.202535,1,3,0,7.25453,0.142162 +-7.79263,0.993788,0.358928,3,7,0,7.80564,0.103249 +-9.2434,0.945189,0.620605,2,3,0,9.26247,0.054273 +-10.3911,0.939688,0.935056,2,3,0,11.3288,0.0348271 +-6.7767,0.643589,1.3795,2,3,0,9.44039,0.220889 +-7.39925,0.927816,0.934249,2,3,0,7.5017,0.40692 +-7.90973,0.622518,1.32837,2,3,0,8.35126,0.463372 +-7.64748,1,0.857502,1,1,0,8.01047,0.436311 +-6.77137,1,1.45844,1,1,0,7.13795,0.277635 +-6.77137,0.588639,2.46058,1,1,0,6.89199,0.277635 +-6.87609,0.929517,1.46616,2,3,0,6.90175,0.31651 +-6.87609,0.325182,2.05878,1,1,0,7.0022,0.31651 +-6.7913,0.909849,0.644778,3,7,0,8.16085,0.214482 +-6.80475,0.985343,0.863434,1,3,0,6.95004,0.293591 +-7.11022,0.863001,1.38415,2,3,0,7.1539,0.154833 +-7.40786,0.81946,1.6388,1,3,0,7.41051,0.40802 +-6.74802,1,1.74314,1,1,0,6.92585,0.249856 +-6.74802,0.000866635,2.8514,1,1,0,6.983,0.249856 +-6.89065,0.996191,0.432741,3,7,0,6.90645,0.320358 +-6.76559,0.974566,0.703357,1,3,0,7.16614,0.227068 +-6.76559,0.600424,1.07968,1,3,0,8.20201,0.227068 +-6.96523,0.95123,0.690191,1,3,0,7.36175,0.337724 +-6.9768,0.99623,0.998219,1,1,0,7.04214,0.340151 +-6.9768,0.264,1.59321,1,1,0,7.74488,0.340151 +-6.77565,0.989801,0.475409,1,3,0,7.18711,0.280119 +-6.80826,0.994531,0.746758,2,3,0,6.83928,0.294961 +-7.15851,0.855497,1.17884,1,1,0,7.1747,0.372794 +-6.84362,1,1.35526,1,1,0,7.0448,0.307114 +-6.84362,0.0201974,2.14561,1,1,0,8.03985,0.307114 +-6.93172,0.992585,0.386302,2,7,0,7.16817,0.179778 +-6.85476,1,0.602788,3,7,0,6.92551,0.310483 +-7.13785,0.920392,0.950919,1,1,0,7.141,0.369477 +-7.60224,0.807161,1.25491,2,3,0,7.81935,0.431273 +-8.41928,0.804133,1.29225,2,3,0,8.5183,0.076785 +-7.37792,1,1.32154,2,3,0,8.22044,0.129694 +-7.02221,1,2.05369,1,1,0,7.023,0.349182 +-7.10486,0.322528,3.17571,2,3,0,7.40571,0.155449 +-7.10486,0.80407,1.16665,1,1,0,7.85445,0.155449 +-7.02644,1,1.19271,1,1,0,7.15699,0.165258 +-7.02644,0.752729,1.83645,1,1,0,7.06807,0.165258 +-7.07799,0.982021,1.68258,2,3,0,7.08188,0.158638 +-7.07799,0.0125229,2.47995,1,1,0,7.09086,0.158638 +-6.79012,0.988867,0.494628,1,3,0,7.45443,0.21495 +-6.81929,0.981187,0.740951,2,3,0,6.99712,0.204898 +-7.5239,0.697298,1.08812,2,3,0,8.64504,0.422238 +-7.04713,1,0.895125,1,1,0,7.40936,0.353845 +-6.78304,0.319808,1.35864,2,3,0,9.59313,0.217931 +-7.09158,0.963309,0.524274,1,3,0,7.4932,0.157005 +-7.00859,1,0.738335,1,1,0,7.09162,0.167729 +-7.33601,0.925761,1.11466,1,1,0,7.35526,0.133054 +-7.12807,1,1.4471,1,1,0,7.40865,0.152819 +-7.04855,0.458653,2.1688,1,3,0,7.07103,0.354104 +-7.75678,0.64961,1.12106,2,3,0,8.58485,0.105162 +-7.39311,1,0.846123,1,1,0,7.72512,0.128517 +-6.83023,1,1.2639,1,1,0,7.2051,0.201737 +-6.83023,0.27227,1.88088,1,1,0,7.90493,0.201737 +-6.85278,0.997511,0.688007,1,1,0,6.85595,0.195889 +-6.7616,0.991186,1.01803,1,3,0,6.88903,0.270969 +-7.18204,0.747124,1.48298,1,1,0,7.23241,0.376481 +-9.60511,0.202263,1.35496,1,1,0,10.1174,0.589871 +-9.75413,0.996584,0.442641,2,3,0,9.89446,0.59857 +-8.35333,1,0.650434,2,3,0,9.5437,0.502947 +-8.08554,1,0.958639,1,1,0,8.64873,0.479846 +-6.74818,1,1.4081,2,3,0,7.28297,0.247799 +-6.74818,0.0383244,2.06141,1,1,0,7.14754,0.247799 +-6.75791,0.998483,0.50837,1,3,0,6.77716,0.2327 +-6.83944,0.978142,0.742899,1,3,0,6.98845,0.305805 +-7.63491,0.722079,1.04253,2,3,0,8.43187,0.112115 +-7.18223,1,0.914081,1,1,0,7.57145,0.147071 +-7.26954,0.972699,1.32979,1,1,0,7.41898,0.138753 +-6.76771,1,1.83557,1,1,0,6.97848,0.225761 +-6.76771,0.0210355,2.65457,1,1,0,6.8501,0.225761 +-6.75606,0.994235,0.659516,1,3,0,6.8478,0.266065 +-6.77637,0.998256,0.945004,2,3,0,6.77643,0.280522 +-6.77637,0.242837,1.35989,2,3,0,10.186,0.280522 +-6.95681,0.983408,0.510448,2,7,0,7.10618,0.335918 +-7.10899,0.813387,0.715143,1,3,0,8.63469,0.154973 +-6.78582,0.954985,0.74067,1,3,0,7.75834,0.285369 +-6.92847,0.9585,0.983164,1,1,0,6.92878,0.329581 +-6.98233,0.989983,1.31022,2,3,0,7.01696,0.171565 +-6.75625,1,1.84042,1,1,0,6.84664,0.234193 +-6.75625,0.0121408,2.62374,1,1,0,6.89459,0.234193 +-6.76149,0.999374,0.676416,1,1,0,6.76151,0.229867 +-6.76229,0.999809,0.964252,1,1,0,6.7654,0.229293 +-7.8068,0.740596,1.37198,2,3,0,7.80921,0.453147 +-7.96957,0.911694,1.25003,1,1,0,8.54632,0.469111 +-7.63083,0.481645,1.52527,2,3,0,8.48927,0.434472 +-7.63083,0.731652,0.895654,1,1,0,8.48457,0.434472 +-6.80883,0.919732,0.805747,1,3,0,8.36552,0.208187 +-6.88641,0.982134,0.995923,1,1,0,6.88944,0.188376 +-7.10172,0.94622,1.36491,2,3,0,7.1462,0.155814 +-6.83147,1,1.75758,1,3,0,6.87856,0.303225 +-7.50567,0.409549,2.47118,1,1,0,7.73128,0.120382 +-8.25324,0.843034,1.2992,1,1,0,8.35498,0.0827475 +-6.84993,0.829984,1.4066,1,3,0,7.73522,0.196587 +-6.84993,0.103901,1.48958,1,1,0,7.94548,0.196587 +-6.80502,0.994552,0.477528,2,7,0,7.06874,0.293698 +-7.18808,0.843984,0.664448,1,3,0,8.49881,0.14648 +-6.89179,0.93084,0.721258,3,7,0,8.5122,0.320651 +-6.86539,1,0.901389,1,1,0,6.90806,0.313552 +-6.75536,1,1.25848,2,3,0,6.81594,0.265341 +-6.82578,0.93783,1.75317,1,1,0,6.8527,0.301309 +-6.82578,0.000567435,2.20449,2,3,0,9.73814,0.301309 +-7.59636,0.940935,0.613351,2,3,0,7.61689,0.43061 +-6.97402,1,0.776529,3,7,0,7.56934,0.172835 +-8.48721,0.697388,1.07875,1,3,0,8.94728,0.513739 +-7.59858,1,0.923596,1,1,0,8.33874,0.43086 +-7.5812,0.791208,1.27964,2,3,0,8.45732,0.115427 +-7.00623,1,1.27144,2,3,0,7.42922,0.346088 +-7.00623,0.41896,1.75618,2,3,0,7.36511,0.346088 +-7.12273,0.963863,0.970719,1,1,0,7.181,0.366998 +-7.24531,0.567376,1.26543,2,3,0,8.36931,0.140959 +-7.31564,0.990434,0.886145,1,1,0,7.37463,0.13475 +-6.74804,0.965218,1.20236,1,3,0,7.15969,0.250791 +-6.74804,0.00444574,1.56581,1,1,0,8.78306,0.250791 +-6.7483,0.999767,0.459591,3,7,0,6.75604,0.252976 +-6.8623,0.980171,0.632108,1,3,0,6.98863,0.312674 +-6.74814,0.997293,0.841927,1,3,0,6.88236,0.251957 +-7.06359,0.907847,1.1493,2,3,0,7.2361,0.160416 +-6.79178,0.985279,1.36559,2,3,0,6.95853,0.214293 +-6.79178,0.0003827,1.8243,1,1,0,8.24503,0.214293 +-7.0091,0.976692,0.543366,1,3,0,7.19593,0.167657 +-7.13497,0.995747,0.717164,2,3,0,7.13691,0.152057 +-6.77418,0.999428,0.972677,1,3,0,7.09313,0.222164 +-6.90281,0.947363,1.32425,1,1,0,6.90913,0.185095 +-7.10074,0.956428,1.6641,1,3,0,7.10074,0.363308 +-7.10074,0.08889,2.11705,1,1,0,7.33968,0.363308 +-6.81927,0.933017,0.734337,1,3,0,7.81515,0.204905 +-9.38168,0.55864,0.902955,1,3,0,10.8663,0.0513506 +-8.6742,0.993343,0.635296,3,7,0,10.3794,0.0687113 +-8.66486,1,0.853666,1,1,0,8.87915,0.0689868 +-8.40672,1,1.15656,1,1,0,8.8946,0.077215 +-7.1083,1,1.5643,1,1,0,8.0077,0.155053 +-7.1083,0.120689,2.11231,1,1,0,7.17524,0.155053 +-7.25922,0.982997,0.783209,1,1,0,7.26877,0.139683 +-7.34636,0.902176,1.0318,1,3,0,8.20679,0.400007 +-7.34636,0.306863,1.20618,2,3,0,9.3049,0.400007 +-6.76479,0.969951,0.592025,1,3,0,7.80469,0.273344 +-6.79324,0.954961,0.764141,2,3,0,7.17529,0.288782 +-6.89325,0.953593,0.963799,1,3,0,7.06735,0.186982 +-6.96817,0.976452,1.21173,1,1,0,7.00773,0.173745 +-6.79572,1,1.57258,2,3,0,6.85317,0.289863 +-6.74857,1,2.10828,1,1,0,6.76126,0.254158 +-6.74857,0.00195078,2.82219,1,1,0,8.27534,0.254158 +-7.1726,0.904406,0.905111,2,3,0,7.40294,0.148056 +-7.1766,0.999174,1.05782,1,1,0,7.27751,0.147645 +-7.23154,0.975042,1.41364,2,3,0,7.26916,0.383946 +-6.77855,1,1.82284,1,1,0,6.85604,0.219995 +-6.77855,0.00467261,2.43189,1,1,0,6.97473,0.219995 +-6.76921,0.990259,0.794411,1,3,0,6.87423,0.276301 +-7.41382,0.817284,1.04603,1,3,0,7.71976,0.126945 +-7.55796,0.974034,1.07864,1,1,0,7.67174,0.116913 +-7.38693,1,1.38539,1,1,0,7.72173,0.128994 +-10.3026,0.0504464,1.84288,1,1,0,10.8325,0.62837 +-8.99362,1,0.650921,2,3,0,10.1587,0.550929 +-8.30891,1,0.866235,2,3,0,9.08706,0.499261 +-6.83246,1,1.15117,1,3,0,7.92225,0.20112 +-6.83246,0.676659,1.52772,1,1,0,7.03695,0.20112 +-6.75126,0.908432,1.29519,2,3,0,7.04082,0.240031 +-6.75126,0.791472,1.51253,1,1,0,6.95569,0.240031 +-7.32341,0.673809,1.5028,1,1,0,7.34884,0.396921 +-6.78874,1,1.27058,1,3,0,7.10961,0.21551 +-6.78874,0.00336911,1.68009,1,1,0,8.29813,0.21551 +-6.80829,0.975863,0.568918,1,3,0,7.26111,0.294973 +-6.7772,1,0.72834,1,1,0,6.80337,0.280974 +-6.79558,0.979485,0.962419,2,3,0,6.90214,0.212832 +-6.83201,0.922293,1.23524,2,3,0,7.05216,0.303402 +-6.83201,0.868144,1.46564,1,1,0,6.97974,0.303402 +-8.46362,0.358122,1.61517,1,3,0,8.50996,0.0752926 +-8.46362,3.17802e-09,3.58046,2,3,0,8.72355,0.0752926 +-8.46362,1.57826e-169,8.3606,1,3,1,8.46972,0.0752926 +-8.23152,1,0.82435,1,1,0,8.50166,0.0835747 +-7.92495,1,0.858563,1,1,0,8.23828,0.0966421 +-6.74904,0.932659,1.16126,1,3,0,7.9964,0.255658 +-6.75259,0.998234,1.48569,1,1,0,6.75308,0.262072 +-6.75259,0.0408279,2.50175,1,1,0,7.09842,0.262072 +-6.82166,0.998536,0.225331,3,9,0,6.9988,0.299882 +-6.80838,0.990418,0.400446,3,7,0,7.30519,0.295008 +-6.83477,0.996683,0.714919,1,1,0,6.83587,0.304304 +-9.37957,0.290329,1.32438,1,1,0,9.41221,0.576151 +-9.25373,1,0.265748,1,1,0,9.38546,0.568184 +-10.0362,0.98145,0.506307,2,3,0,10.0403,0.614308 +-8.13931,1,0.911292,1,1,0,9.63,0.484663 +-7.79536,1,1.73477,2,3,0,7.88779,0.451981 +-7.79536,3.53082e-05,3.28589,1,1,0,7.85212,0.451981 +-6.9254,0.992879,0.285006,2,5,0,8.36817,0.328869 +-7.19441,0.98182,0.532381,2,5,0,7.42469,0.145845 +-6.87232,0.934972,0.954328,2,3,0,8.00286,0.191381 +-7.28382,0.891326,1.47416,2,3,0,7.35038,0.137488 +-6.86745,1,1.98693,1,1,0,7.15081,0.192463 +-6.86745,0.0092308,3.67688,1,1,0,8.2262,0.192463 +-7.19474,0.993498,0.369042,3,7,0,7.29931,0.145813 +-7.19397,1,0.673343,3,7,0,7.22904,0.145889 +-7.33357,0.970096,1.23958,1,1,0,7.41683,0.133255 +-6.77223,1,2.07401,1,1,0,6.89138,0.278152 +-6.76787,1,3.74462,1,1,0,6.834,0.27544 +-6.76787,2.93684e-08,6.6942,1,2,1,6.76806,0.27544 +-9.41182,0.730201,0.731548,2,5,0,10.1304,0.050739 +-6.84383,0.971126,0.623322,2,7,0,10.9914,0.307181 +-6.88287,0.989591,1.03015,1,1,0,6.89981,0.318325 +-6.88287,0.0460608,1.77527,2,3,0,8.53179,0.318325 +-6.78205,0.998282,0.238745,4,15,0,7.22623,0.218373 +-6.82863,0.997411,0.422346,1,3,0,6.87152,0.202184 +-6.76982,0.997827,0.738561,3,7,0,6.8853,0.276682 +-6.92953,0.967409,1.2814,2,3,0,6.93199,0.329826 +-8.12911,0.57814,2.03573,2,3,0,8.13129,0.0876369 +-6.85189,1,1.17221,1,3,0,7.98763,0.196107 +-6.87087,0.99523,2.0115,1,3,0,6.87094,0.315082 +-6.76399,1,3.3818,1,1,0,6.83837,0.272769 +-6.76399,6.66143e-11,5.70936,1,1,0,8.26727,0.272769 +-6.86714,0.989108,0.776408,3,7,0,6.91389,0.192534 +-7.09998,0.936658,1.27944,1,1,0,7.10897,0.156016 +-7.09998,0.180132,1.83815,1,1,0,7.65682,0.156016 +-6.86292,0.985963,0.409502,2,7,0,8.31199,0.31285 +-7.26014,0.921651,0.665312,2,3,0,7.86286,0.388097 +-7.53749,0.935905,0.918593,1,1,0,7.59603,0.423836 +-7.53749,0.819071,1.30652,2,3,0,8.20936,0.423836 +-9.1137,0.61434,1.39874,2,3,0,9.19922,0.0572002 +-10.957,0.940694,0.920305,2,3,0,11.3642,0.0282595 +-9.64341,1,1.31395,1,1,0,10.97,0.0463196 +-8.21599,1,2.14505,1,3,0,8.2555,0.49137 +-8.21599,3.81996e-11,3.47911,1,3,0,9.70706,0.49137 +-7.8375,1,0.555942,1,1,0,8.18666,0.456246 +-7.2451,1,0.903725,2,3,0,7.71771,0.385928 +-7.2451,0.0540314,1.4599,1,1,0,9.70113,0.385928 +-7.42862,0.996899,0.274368,2,3,0,7.42893,0.410645 +-7.47023,0.997699,0.440659,1,1,0,7.48973,0.415796 +-7.61826,0.957171,0.704812,2,3,0,8.17467,0.433072 +-7.61826,0.362439,1.02409,1,1,0,9.94805,0.433072 +-7.09233,0.988218,0.397179,1,3,0,8.02377,0.36187 +-7.07137,1,0.617111,1,1,0,7.11399,0.358213 +-7.07137,0.844883,0.97868,1,3,0,8.12573,0.358213 +-8.06652,0.711355,1.10169,1,1,0,8.09202,0.478118 +-6.78855,0.976265,0.927813,2,3,0,8.26813,0.286661 +-6.86873,0.742535,1.3836,2,3,0,7.6628,0.314488 +-6.76259,1,1.24613,1,1,0,6.82977,0.271729 +-6.76259,0.520631,1.94226,1,1,0,6.98724,0.271729 +-6.871,0.962993,1.09321,1,3,0,6.96032,0.191672 +-7.29352,0.86433,1.56959,2,3,0,7.32657,0.136641 +-7.11885,1,1.82606,1,1,0,7.42382,0.153851 +-7.11885,4.70968e-11,2.81254,1,1,0,7.81976,0.153851 +-7.14124,0.998991,0.544337,1,1,0,7.15183,0.151373 +-7.237,0.875666,0.838039,3,7,0,9.52947,0.141732 +-6.82525,0.952794,0.997663,1,3,0,7.72784,0.301128 +-6.88964,0.969306,1.38722,1,1,0,6.92431,0.320098 +-6.88964,0.170269,1.98776,1,3,0,7.86435,0.320098 +-7.86655,0.893497,0.566194,1,3,0,8.60822,0.459139 +-8.19645,0.954078,0.697285,1,1,0,8.25675,0.489679 +-6.91012,0.873736,0.96711,1,3,0,9.22966,0.183699 +-6.83724,1,1.13964,1,1,0,6.9023,0.199832 +-6.83724,0.0886807,1.72109,1,1,0,7.80781,0.199832 +-6.74839,0.998643,0.430501,2,7,0,6.93218,0.253381 +-7.23708,0.919343,0.648776,1,3,0,7.92881,0.384758 +-7.23708,0.89849,0.834344,1,1,0,7.67782,0.384758 +-8.00203,0.931235,1.02793,2,3,0,8.0476,0.472166 +-6.85405,1,1.34645,2,3,0,7.48148,0.310275 +-6.85405,0.467701,2.00794,1,1,0,7.21483,0.310275 +-6.78219,1,1.0768,2,3,0,6.83519,0.283584 +-6.78679,0.999044,1.60144,2,3,0,6.79297,0.285836 +-6.78679,0.0035304,2.36885,1,1,0,7.6308,0.285836 +-6.79576,0.999388,0.532524,1,1,0,6.79598,0.289883 +-6.92925,0.918663,0.789219,3,7,0,7.68998,0.32976 +-9.25331,0.649996,1.00206,2,7,0,9.34956,0.0540569 +-7.68633,0.979161,0.769331,2,5,0,9.20022,0.440542 +-7.43334,1,1.09066,1,1,0,7.78298,0.411236 +-6.83891,1,1.60207,1,1,0,7.15505,0.305635 +-7.37371,0.573191,2.34556,1,1,0,7.4255,0.130024 +-7.57757,0.935579,1.56531,2,3,0,7.58945,0.428473 +-7.16589,0.405655,2.03102,2,3,0,7.79815,0.37396 +-8.66253,0.649969,1.00331,1,1,0,8.66385,0.527219 +-7.24741,0.967448,0.775825,2,3,0,9.07593,0.386263 +-6.9917,1,1.06569,1,1,0,7.2042,0.343199 +-6.76997,1,1.54796,1,1,0,6.88375,0.276777 +-6.76997,0.195576,2.24172,1,1,0,7.10589,0.276777 +-6.74946,1,0.771847,2,3,0,6.76793,0.25675 +-6.74862,0.998889,1.11746,2,3,0,6.75596,0.245696 +-7.07558,0.815812,1.60994,1,1,0,7.08297,0.358955 +-6.76324,1,1.67531,1,1,0,6.8746,0.228625 +-6.76324,9.3106e-07,2.40762,1,1,0,8.12061,0.228625 +-8.10251,0.927194,0.600778,2,5,0,8.46554,0.0887387 +-8.18157,0.998573,0.761373,2,3,0,8.25593,0.0855218 +-6.84575,0.879332,1.0901,1,3,0,8.94167,0.307773 +-6.86391,0.992693,1.26663,1,1,0,6.90005,0.313131 +-7.32979,0.670999,1.78695,1,1,0,7.54808,0.397783 +-6.74889,0.726193,1.44793,2,3,0,7.88495,0.255233 +-6.78423,0.805101,1.29125,2,3,0,7.57207,0.284597 +-7.05099,0.927472,1.31822,2,3,0,7.14464,0.162015 +-7.05099,0.199756,1.6561,2,3,0,8.85894,0.162015 +-7.11269,0.994807,0.606666,3,7,0,7.35976,0.154549 +-6.79082,0.951595,0.854647,1,3,0,7.71614,0.287703 +-6.88368,0.906461,1.11697,2,3,0,7.24901,0.318541 +-7.38439,0.778207,1.35103,2,3,0,7.66072,0.12919 +-7.36649,1,1.31766,1,1,0,7.55021,0.130594 +-6.90168,1,1.8582,1,1,0,7.2283,0.185314 +-6.90168,0.423763,2.61424,1,1,0,7.45179,0.185314 +-7.5548,0.814737,1.41734,1,1,0,7.5598,0.117117 +-7.18956,0.811902,1.468,2,3,0,8.81046,0.146331 +-6.92067,0.979848,1.51301,2,3,0,7.17692,0.181747 +-6.92067,0.00771912,2.05142,1,1,0,7.66621,0.181747 +-7.21318,0.987284,0.569776,2,3,0,7.21429,0.144001 +-7.94718,0.909539,0.782802,2,3,0,8.64425,0.0955962 +-8.9338,0.956384,0.946334,3,7,0,8.96613,0.0615921 +-7.17155,1,1.23226,1,3,0,8.67584,0.148164 +-7.47954,0.923028,1.71814,2,3,0,7.50815,0.41693 +-7.47954,0.724364,2.11302,1,3,0,7.67004,0.41693 +-6.93859,1,1.88944,1,1,0,7.06328,0.178588 +-6.93859,0.0086327,2.62233,1,1,0,7.03052,0.178588 +-7.09826,0.893194,0.752759,1,3,0,8.58431,0.362886 +-7.75441,0.866713,0.882955,1,1,0,7.75456,0.447756 +-6.78007,1,0.992274,2,3,0,7.65702,0.219277 +-6.76133,0.667884,1.37416,2,3,0,7.84563,0.270752 +-6.75595,0.996766,1.12826,2,3,0,6.78414,0.234485 +-7.79085,0.737677,1.55081,2,3,0,7.79087,0.45152 +-8.54186,0.550146,1.4207,2,3,0,9.18126,0.518017 +-7.26968,1,0.973018,1,1,0,8.20273,0.389459 +-7.26968,0.875567,1.34078,1,1,0,7.64661,0.389459 +-6.77485,1,1.52154,2,3,0,7.01342,0.279671 +-6.77485,0.656001,2.08976,1,1,0,6.92825,0.279671 +-6.95197,0.881722,1.68927,1,1,0,6.99489,0.334866 +-7.16334,0.808949,1.93155,1,1,0,7.44962,0.373558 +-6.75138,1,1.9748,1,1,0,6.87793,0.260339 +-6.80426,0.92301,2.69999,1,1,0,6.83343,0.20972 +-6.80426,0.0452595,3.27842,1,1,0,6.8068,0.20972 +-7.02863,0.98235,1.05336,2,3,0,7.03097,0.350401 +-6.7481,0.67373,1.40098,2,3,0,7.97755,0.251554 +-7.0119,0.932224,1.16918,1,3,0,7.06962,0.167262 +-7.09371,0.992009,1.43955,2,3,0,7.31345,0.156753 +-7.47992,0.815121,1.936,1,1,0,7.71866,0.122158 +-7.08338,1,1.99628,1,3,0,7.12576,0.360322 +-7.83003,0.136707,2.70983,2,3,0,7.99001,0.101312 +-6.97094,0.995523,1.01981,2,3,0,7.91283,0.173312 +-7.96137,0.809058,1.37535,1,3,0,8.10647,0.468333 +-7.61534,1,1.40626,2,3,0,8.14742,0.113303 +-7.51732,1,1.90422,1,1,0,8.00168,0.119593 +-7.19157,1,2.57427,1,1,0,7.8504,0.146129 +-6.797,0.333333,3.4744,2,3,0,6.80502,0.29041 +-7.26098,0.684127,1.76861,1,1,0,7.39742,0.388218 +-7.191,1,1.50591,2,3,0,7.25073,0.146186 +-6.93246,1,2.03042,1,1,0,7.19908,0.179649 +-6.93246,0.0186402,2.73326,1,1,0,6.96838,0.179649 +-6.90408,0.9488,0.889743,1,3,0,7.57381,0.32375 +-7.38725,0.851478,1.11316,1,1,0,7.39743,0.405375 +-7.14792,1,1.20942,1,1,0,7.42239,0.371103 +-7.56096,0.735569,1.62514,1,1,0,7.92258,0.426564 +-6.7579,1,1.49382,2,3,0,7.12673,0.267835 +-6.7579,0.262032,2.00311,1,1,0,7.46367,0.267835 +-6.90246,0.978537,0.938483,2,3,0,6.95241,0.323346 +-9.97826,0.27634,1.22026,1,1,0,9.98302,0.611148 +-10.103,0.988125,0.58633,1,1,0,10.3714,0.617901 +-7.82849,1,0.772626,3,7,0,9.92641,0.10139 +-7.02567,0.974342,1.03385,1,3,0,7.74381,0.165362 +-6.94463,0.986985,1.33246,2,3,0,7.3844,0.177564 +-6.76073,0.997523,1.74581,1,3,0,6.8258,0.270273 +-6.75233,1,2.31824,1,1,0,6.76108,0.261726 +-6.75233,8.24592e-09,3.08472,1,1,0,7.61433,0.261726 +-6.82264,0.990869,1.01925,2,3,0,6.82365,0.203902 +-7.07326,0.858546,1.33992,2,3,0,7.56639,0.159217 +-6.88895,0.998821,1.46457,2,3,0,7.07988,0.319917 +-7.51219,0.324027,1.94232,2,3,0,7.90751,0.420851 +-7.34123,0.688073,1.01482,1,3,0,9.35197,0.132626 +-6.85842,0.994071,0.877393,3,7,0,7.32152,0.311557 +-7.37137,0.834098,1.15507,1,1,0,7.37749,0.40331 +-7.45896,0.987873,1.22001,2,3,0,7.6994,0.414415 +-7.76196,0.819365,1.58926,2,3,0,8.04508,0.104882 +-7.07717,0.953368,1.64357,2,3,0,7.72155,0.359236 +-6.76278,1,2.03895,1,1,0,6.81941,0.228942 +-6.76278,0.32532,2.69186,1,1,0,7.05414,0.228942 +-7.46584,0.809539,1.42462,1,3,0,7.47869,0.123149 +-7.46584,0.516789,1.4537,1,3,0,9.84413,0.123149 +-7.99756,0.939868,0.99992,1,1,0,8.00176,0.0932884 +-8.2749,0.962038,1.21646,1,1,0,8.4439,0.081934 +-8.93233,0.8868,1.52318,1,1,0,9.21844,0.0616297 +-6.75394,0.705825,1.72284,1,3,0,7.91684,0.236567 +-7.45415,0.801121,1.52962,2,3,0,7.45749,0.413823 +-6.86921,1,1.54264,1,1,0,7.20551,0.314622 +-6.76297,1,2.02631,1,1,0,6.81736,0.272015 +-7.55518,0.38294,2.65841,1,1,0,7.8038,0.117093 +-7.17626,1,1.5397,2,3,0,7.55399,0.14768 +-6.90303,1,2.01876,1,1,0,7.15262,0.185053 +-6.90303,2.82972e-06,2.64374,1,1,0,7.37654,0.185053 +-8.50684,0.770239,0.928835,2,3,0,9.20791,0.0738755 +-8.17674,0.935617,0.900309,2,3,0,10.3609,0.0857134 +-6.79355,1,1.08369,2,3,0,8.02191,0.213604 +-7.08318,0.773107,1.41772,2,3,0,7.66733,0.158009 +-7.46498,0.967026,1.3783,2,3,0,7.51662,0.123211 +-6.92783,0.861845,1.72455,1,3,0,7.13547,0.329433 +-9.13508,0.230605,1.88064,1,3,0,9.22254,0.0567046 +-8.19645,0.993503,0.905132,2,3,0,9.52626,0.0849351 +-7.7866,1,1.17127,1,1,0,8.23108,0.103567 +-7.21421,1,1.52676,1,1,0,7.715,0.143902 +-8.44697,0.571638,1.98794,1,1,0,8.70962,0.0758482 +-7.61349,1,1.49143,2,3,0,8.87705,0.432539 +-6.75298,1,1.93987,1,1,0,6.96177,0.237695 +-7.98777,0.299207,2.5204,1,1,0,8.29234,0.0937302 +-9.19704,0.834617,1.33711,1,1,0,9.2415,0.0552977 +-9.02199,1,1.40674,2,3,0,9.61969,0.0593886 +-7.06951,1,1.82594,1,1,0,8.3229,0.159679 +-6.78608,1,2.36755,1,1,0,6.80331,0.285497 +-6.78608,0.0919026,3.06658,1,1,0,6.88382,0.285497 +-6.79692,0.611755,1.25931,2,3,0,8.3687,0.290378 +-7.60172,0.88035,0.999779,2,7,0,7.60333,0.114142 +-6.74918,1,1.11405,2,3,0,7.45279,0.256053 +-6.74918,0.216805,1.44211,1,1,0,8.01429,0.256053 +-7.09127,0.944691,0.698496,1,3,0,7.44976,0.361687 +-7.53094,0.634699,0.843615,1,3,0,10.1851,0.118683 +-6.87559,0.985757,0.691279,1,3,0,7.92128,0.190666 +-7.47966,0.948858,0.878098,3,7,0,7.55501,0.416944 +-7.20551,1,1.06436,1,1,0,7.48757,0.380065 +-6.78678,1,1.37367,1,1,0,7.01846,0.285831 +-6.78678,0.350839,1.77113,1,3,0,7.55914,0.285831 +-6.74924,0.998981,1.02199,2,3,0,6.79405,0.25621 +-6.76597,0.682916,1.31547,2,3,0,7.80937,0.274164 +-8.08708,0.71241,1.14589,1,3,0,8.11963,0.479985 +-6.76212,0.993056,1.03557,1,3,0,8.14807,0.229414 +-6.77402,0.995731,1.32131,1,1,0,6.77791,0.222242 +-7.60086,0.669055,1.68987,1,1,0,7.60691,0.114196 +-9.07788,0.914183,1.44803,2,3,0,9.10437,0.0580428 +-8.71416,1,1.67459,2,3,0,8.95024,0.0675487 +-8.71416,0.768617,2.14889,1,1,0,10.2658,0.0675487 +-7.70675,1,2.07919,1,1,0,8.83737,0.107928 +-7.70675,0.0282609,2.66451,1,1,0,7.70789,0.107928 +-7.73998,0.995883,1.05085,1,1,0,7.88512,0.106078 +-7.49746,1,1.34042,1,1,0,7.83873,0.120943 +-6.98003,1,1.71676,1,1,0,7.37284,0.171914 +-6.7602,1,2.19677,1,1,0,6.85098,0.230836 +-6.7602,0.086185,2.80846,1,1,0,7.40909,0.230836 +-7.26941,0.780963,1.19727,2,3,0,8.08605,0.138765 +-6.76541,0.932801,1.17742,2,3,0,7.59281,0.273776 +-6.77198,0.999085,1.38865,2,3,0,6.7735,0.223325 +-6.77198,0.000309869,1.77166,1,1,0,9.73135,0.223325 +-6.77075,1,0.686461,1,1,0,6.77365,0.224002 +-7.48795,0.92341,0.877066,2,3,0,7.49436,0.121599 +-6.92649,0.748531,1.02223,3,7,0,12.3107,0.329122 +-6.86758,1,0.967727,1,1,0,6.92758,0.314166 +-6.86758,0.414583,1.23405,1,1,0,8.08214,0.314166 +-6.92722,0.996861,0.787157,2,3,0,6.93162,0.329291 +-7.12708,0.948339,0.999566,1,1,0,7.14178,0.367715 +-6.83472,1,1.19778,2,3,0,7.12491,0.200505 +-6.83472,0.288917,1.52422,1,1,0,7.80871,0.200505 +-6.77017,0.999926,0.841191,3,7,0,6.82527,0.276901 +-6.96407,0.959758,1.07009,1,3,0,6.96682,0.337476 +-6.77685,0.99486,1.29772,1,3,0,6.94465,0.220813 +-6.77685,0.537667,1.63853,1,1,0,7.12446,0.220813 +-6.84005,0.940515,1.21316,2,3,0,7.10915,0.305997 +-6.84005,0.0659272,1.43689,1,1,0,9.00809,0.305997 +-6.75452,0.990623,0.615747,3,7,0,7.0994,0.264432 +-6.78292,0.988157,0.773366,1,3,0,6.87635,0.217986 +-6.79717,0.997349,0.967812,1,1,0,6.80046,0.21224 +-6.777,1,1.22316,2,3,0,6.79698,0.220743 +-6.74843,0.845926,1.54938,2,3,0,7.01123,0.246432 +-6.90788,0.916458,1.6421,1,1,0,6.90892,0.184123 +-6.79943,1,1.88706,1,1,0,6.88735,0.211415 +-6.79943,0.0462437,2.38578,1,1,0,7.0017,0.211415 +-6.83115,0.993769,1.00991,1,1,0,6.83504,0.20148 +-6.74857,0.992043,1.26804,2,3,0,6.84421,0.254149 +-6.79414,0.973844,1.58783,1,1,0,6.79568,0.28918 +-6.79414,0.189659,1.94596,1,1,0,7.33704,0.28918 +-6.79705,0.990541,0.975622,2,3,0,6.88613,0.290433 +-6.75386,1,1.21873,1,1,0,6.78213,0.263663 +-6.75386,0.0287953,1.53774,1,1,0,8.95019,0.263663 +-6.98766,0.9808,0.644828,2,5,0,7.06282,0.170766 +-6.87616,0.997879,0.796331,3,7,0,7.04197,0.190543 +-7.57399,0.953323,1.00191,2,3,0,7.5791,0.428063 +-7.32533,0.763108,1.19787,1,3,0,8.57341,0.133937 +-7.55165,0.961542,1.15533,1,1,0,7.61883,0.117322 +-7.81486,0.942878,1.393,1,1,0,7.99189,0.102091 +-6.87294,1,1.64376,1,1,0,7.45,0.191243 +-6.87294,0.36075,2.06682,1,1,0,7.80223,0.191243 +-7.6178,0.883712,1.26981,1,3,0,7.62538,0.113152 +-6.79792,0.92215,1.40161,2,3,0,7.41993,0.290802 +-7.15025,0.724509,1.61438,2,3,0,7.38057,0.150403 +-7.15025,0.704481,1.49132,1,1,0,8.09192,0.150403 +-7.0734,1,1.34761,1,1,0,7.21888,0.1592 +-7.0734,0.0261695,1.6913,1,1,0,8.81565,0.1592 +-7.10242,0.99765,0.720457,1,1,0,7.12187,0.155732 +-6.8395,0.958321,0.902073,2,3,0,7.64369,0.199236 +-7.44768,0.902975,1.08067,1,3,0,7.49812,0.12445 +-6.77949,0.997102,1.21722,1,3,0,7.315,0.219547 +-6.77949,0.167586,1.52033,1,1,0,8.04246,0.219547 +-6.82266,0.975427,0.761688,1,3,0,7.09744,0.300234 +-7.18529,0.847897,0.928991,2,7,0,7.91857,0.146761 +-7.11956,1,0.984507,1,1,0,7.21857,0.153771 +-7.21292,0.979065,1.23228,1,1,0,7.28934,0.144026 +-8.25767,0.818296,1.50647,2,3,0,8.29812,0.08258 +-7.32219,0.990016,1.54416,2,3,0,8.08342,0.134199 +-7.32219,5.24525e-05,1.90861,1,1,0,10.1038,0.134199 +-7.68428,0.968255,0.802207,3,7,0,8.36698,0.440321 +-7.34117,1,0.968678,1,1,0,7.67831,0.399314 +-7.76758,0.836083,1.21003,1,1,0,7.96972,0.449124 +-6.84807,1,1.26458,1,1,0,7.38824,0.308483 +-6.86336,0.916861,1.57799,2,3,0,6.98778,0.193394 +-6.75364,1,1.79865,1,1,0,6.80417,0.236909 +-6.75364,0.0990549,2.24178,1,1,0,8.09162,0.236909 +-6.93719,0.968692,1.05737,2,3,0,7.01083,0.331577 +-6.91732,1,1.27436,1,1,0,6.9952,0.326963 +-8.09419,0.435308,1.58757,2,3,0,8.35869,0.480628 +-6.7737,0.956388,1.07822,2,3,0,8.45124,0.222411 +-6.81433,0.995006,1.28137,2,3,0,6.82517,0.297248 +-7.14705,0.874306,1.58625,2,3,0,7.1576,0.370964 +-8.55344,0.220432,1.72499,2,3,0,9.69143,0.0723872 +-7.02196,0.980525,0.933422,2,7,0,8.44237,0.349133 +-6.97674,0.911947,1.13728,1,3,0,7.47333,0.172415 +-7.20864,0.946862,1.28741,2,3,0,7.4607,0.380537 +-10.5995,0.107851,1.51191,1,1,0,11.2004,0.643217 +-8.80758,1,0.728639,1,1,0,10.3338,0.537869 +-7.73903,1,0.90556,2,3,0,8.60542,0.446148 +-7.73903,0.88095,1.12475,1,1,0,8.2587,0.446148 +-7.36408,1,1.23111,1,1,0,7.80347,0.402355 +-6.97283,1,1.5275,1,1,0,7.2893,0.339326 +-6.97283,0.04167,1.89409,1,1,0,8.24786,0.339326 +-6.79121,1,0.856321,3,7,0,6.95687,0.214516 +-6.90709,0.990557,1.06204,2,3,0,6.90712,0.324491 +-6.81854,1,1.30341,1,1,0,6.89295,0.298777 +-6.92902,0.929707,1.61463,1,1,0,6.98732,0.329708 +-6.83569,0.832566,1.85721,2,3,0,6.95123,0.304603 +-6.88862,0.951463,1.92928,1,1,0,6.98872,0.319833 +-6.74807,1,2.26865,1,1,0,6.77602,0.248788 +-6.74936,0.997739,2.80489,1,1,0,6.75039,0.256507 +-6.74936,0.00141296,3.45772,1,1,0,7.74218,0.256507 +-6.79615,0.975529,1.51249,1,1,0,6.79735,0.290048 +-6.79615,0.903322,1.82249,1,1,0,6.88728,0.290048 +-6.79615,0.00293215,2.03665,1,1,0,8.18723,0.290048 +-6.91199,0.935992,0.895874,1,3,0,7.26723,0.183347 +-8.06368,0.840001,1.0362,1,3,0,8.26525,0.0903831 +-7.95942,1,1.08499,1,1,0,8.21361,0.0950275 +-7.59628,1,1.33967,2,3,0,8.02873,0.114481 +-6.8158,1,1.6532,1,1,0,7.26343,0.205964 +-6.8158,0.563029,2.03896,1,1,0,7.25243,0.205964 +-6.74857,1,1.60458,1,1,0,6.78044,0.24588 +-9.716,0.364064,1.97795,1,3,0,9.71673,0.0450292 +-8.44877,1,1.27042,1,1,0,9.61484,0.0757881 +-7.88507,1,1.56565,1,1,0,8.58628,0.0985628 +-7.88507,0.363801,1.92842,1,1,0,8.36748,0.0985628 +-7.5181,1,1.24044,1,1,0,7.91125,0.11954 +-6.81305,0.950021,1.52747,2,3,0,7.23377,0.296777 +-6.78679,0.994223,1.78668,1,3,0,6.79856,0.216315 +-7.88986,0.446129,2.18501,1,1,0,8.05022,0.0983289 +-8.49936,0.875348,1.53119,1,1,0,8.73696,0.0741181 +-7.19182,1,1.65943,2,3,0,7.80623,0.377985 +-7.1728,0.999269,2.03987,1,1,0,7.19255,0.148036 +-7.1728,0.0122563,2.50434,1,1,0,7.26057,0.148036 +-6.75653,0.908989,1.13422,2,3,0,8.27084,0.233937 +-7.42982,0.850121,1.27157,1,3,0,7.49175,0.125754 +-7.75509,0.931608,1.34309,1,1,0,7.87574,0.105253 +-7.33516,1,1.53959,2,3,0,7.65651,0.398508 +-7.11673,1,1.88971,1,3,0,7.2009,0.15409 +-7.37947,0.700313,2.31826,1,1,0,7.47548,0.404367 +-6.81983,1,2.10507,1,1,0,6.89114,0.204736 +-6.75064,1,2.58075,1,1,0,6.77414,0.241036 +-6.75064,0.00950019,3.1623,1,1,0,6.87185,0.241036 +-7.65369,0.733861,1.44061,2,3,0,7.69363,0.110995 +-8.15417,0.90768,1.35406,1,1,0,8.28258,0.0866175 +-8.09871,1,1.51348,1,1,0,8.54627,0.0888976 +-7.47653,1,1.85386,1,3,0,7.63023,0.416564 +-7.7025,0.809183,2.26964,1,1,0,7.70322,0.108169 +-7.7025,0.000395313,2.2982,1,1,0,8.25892,0.108169 +-8.18509,0.982171,1.04399,2,3,0,8.21516,0.0853823 +-8.31434,0.725951,1.25571,2,3,0,12.7671,0.0804812 +-7.45889,1,1.17185,1,1,0,8.18731,0.123644 +-6.91275,1,1.43367,1,1,0,7.29659,0.183206 +-6.91275,0.42861,1.75311,1,1,0,7.27567,0.183206 +-6.78601,0.827798,1.22045,2,3,0,7.97382,0.285459 +-7.23752,0.511238,1.25943,2,3,0,9.19441,0.141683 +-7.60244,0.956169,0.952131,2,3,0,7.94956,0.114098 +-6.88852,0.961414,1.1147,2,3,0,8.10974,0.319808 +-6.8979,0.995876,1.31126,1,1,0,6.95649,0.322206 +-6.97331,0.951304,1.59478,1,1,0,7.07814,0.339425 +-7.37639,0.68344,1.85599,1,1,0,7.72528,0.403965 +-6.96036,1,1.66213,2,3,0,7.07149,0.336682 +-8.50842,0.163465,2.02764,1,1,0,9.54402,0.515408 +-8.50842,0.681823,1.09418,1,1,0,9.68349,0.515408 +-8.50842,0.450338,0.979333,1,3,0,13.441,0.515408 +-7.85295,1,0.700084,1,1,0,8.42888,0.45779 +-6.84296,0.899599,0.854091,2,3,0,9.11017,0.198338 +-6.94853,0.983042,0.944851,1,1,0,6.94876,0.176914 +-6.77905,0.989781,1.13298,2,3,0,7.03633,0.219754 +-6.78982,0.990629,1.36687,2,3,0,6.84136,0.215072 +-6.78982,0.404073,1.64966,1,1,0,7.26769,0.215072 +-8.07665,0.678368,1.1297,2,3,0,9.10376,0.47904 +-7.65007,1,1.00873,1,1,0,8.12835,0.436597 +-6.88985,0.74724,1.22808,2,3,0,8.72709,0.187669 +-6.88545,1,1.17186,1,1,0,6.92424,0.188575 +-6.80052,0.995121,1.42578,2,3,0,6.9106,0.211025 +-6.77061,1,1.72581,1,1,0,6.79918,0.224078 +-7.23425,0.699302,2.09785,1,1,0,7.32559,0.141991 +-7.23653,1,1.91122,1,3,0,7.24683,0.384677 +-7.23653,0.144318,2.3219,1,1,0,7.3518,0.384677 +-7.22264,1,1.24493,1,1,0,7.422,0.382629 +-6.74825,0.440398,1.5125,2,3,0,8.84505,0.252651 +-6.74804,1,1.07744,2,3,0,6.74821,0.249212 +-6.76258,0.995968,1.30863,1,3,0,6.76309,0.229089 +-7.25301,0.74868,1.58264,1,1,0,7.25448,0.387072 +-7.16935,1,1.51265,2,3,0,7.17106,0.148392 +-8.41652,0.608183,1.83529,1,1,0,8.56848,0.0768789 +-7.00114,0.815009,1.5353,2,3,0,8.08046,0.168792 +-6.84217,0.990977,1.56278,2,3,0,6.95892,0.198541 +-6.84217,0.404509,1.8787,1,1,0,7.82787,0.198541 +-6.94039,0.97058,1.29727,1,1,0,6.95774,0.178282 +-6.80878,0.958518,1.52946,2,3,0,7.01161,0.295163 +-8.66864,0.194504,1.78217,2,3,0,9.14873,0.527677 +-8.47087,1,1.01113,2,7,0,8.54032,0.0750524 +-8.41918,1,1.2252,1,1,0,8.76327,0.0767882 +-9.13498,0.827514,1.48397,2,3,0,9.38133,0.560444 +-12.1798,0.213718,1.52813,2,3,0,12.2185,0.018229 +-9.85181,1,0.885095,2,3,0,12.3842,0.0427264 +-9.53931,1,1.07172,1,1,0,10.0414,0.048247 +-6.75662,1,1.29715,2,3,0,8.87189,0.266622 +-6.75662,0.756034,1.56933,1,1,0,6.95586,0.266622 +-6.75662,0.44368,1.51138,2,3,0,7.65145,0.266622 +-6.77517,0.994904,1.08792,1,1,0,6.77546,0.279852 +-6.74805,1,1.3094,1,3,0,6.76586,0.249003 +-6.74805,0.113424,1.5828,1,1,0,7.97284,0.249003 +-7.16234,0.908305,0.839088,1,3,0,7.56325,0.149123 +-6.98451,1,0.93159,2,3,0,7.14011,0.171237 +-6.8722,1,1.12582,1,1,0,6.96933,0.191405 +-7.88344,0.811767,1.35998,1,3,0,7.89223,0.0986425 +-7.88344,0.816532,1.37969,1,1,0,8.9546,0.0986425 +-6.98315,1,1.40581,1,1,0,7.63125,0.171442 +-6.98315,0.550567,1.69677,1,1,0,8.00839,0.171442 +-7.67226,0.854391,1.35244,2,3,0,7.96121,0.439019 +-7.07249,1,1.4269,1,1,0,7.53185,0.358411 +-7.02832,1,1.72114,2,3,0,7.04016,0.350341 +-7.3588,0.675412,2.07523,1,1,0,7.87279,0.401658 +-6.88154,1,1.85642,1,1,0,7.19177,0.317974 +-6.88154,0.0655637,2.23726,1,1,0,7.62901,0.317974 +-6.7523,0.996864,1.14461,2,3,0,6.90418,0.238552 +-7.05926,0.918029,1.37562,1,3,0,7.06522,0.160962 +-6.78121,1,1.53766,1,1,0,6.94552,0.218754 +-8.29802,0.262734,1.852,1,1,0,8.50027,0.498349 +-7.00606,0.9098,1.1377,1,3,0,8.78363,0.168088 +-7.00606,0.873138,1.262,1,1,0,7.45042,0.168088 +-6.80354,1,1.35361,1,1,0,6.9424,0.209966 +-6.80354,0.515728,1.62927,1,3,0,7.80727,0.209966 +-7.20639,0.899272,1.26232,1,3,0,7.30351,0.380198 +-7.20639,0.397036,1.38615,1,1,0,8.2386,0.380198 +-7.19904,1,0.965008,1,1,0,7.31224,0.379085 +-6.93482,1,1.16103,1,1,0,7.14118,0.331039 +-6.78088,0.913092,1.39634,2,3,0,7.12696,0.282916 +-6.78162,1,1.55182,2,3,0,6.78261,0.21857 +-6.79632,0.990314,1.86506,1,3,0,6.79727,0.290121 +-6.84741,0.939725,2.22118,1,1,0,6.93733,0.308282 +-6.84741,0.535216,2.52647,1,1,0,7.13543,0.308282 +-6.80939,1,1.99582,1,1,0,6.81525,0.208003 +-6.76756,1,2.39625,1,1,0,6.80888,0.225851 +-6.76756,3.89157e-13,2.87596,1,1,0,8.4026,0.225851 +-6.76756,0.674256,1.40587,1,3,0,7.49116,0.225851 +-7.00934,0.761852,1.26002,2,3,0,7.82836,0.346697 +-6.80258,1,1.22178,1,1,0,6.93833,0.292721 +-6.80258,0.312425,1.46626,1,1,0,7.71506,0.292721 +-7.43459,0.775743,0.951136,1,3,0,8.3252,0.125403 +-6.96646,0.93852,0.934121,2,3,0,8.35991,0.174013 +-6.83063,1,1.06089,1,1,0,6.93907,0.201625 +-6.83063,0.508254,1.27241,1,3,0,8.67003,0.201625 +-6.74803,0.974972,0.984492,2,3,0,7.04448,0.249489 +-6.80755,0.984642,1.15444,1,3,0,6.81755,0.208607 +-7.7744,0.776023,1.36499,1,3,0,7.81929,0.449829 +-7.41117,1,1.34054,2,3,0,7.60025,0.127144 +-7.38908,0.536659,1.60599,2,3,0,9.4095,0.128827 +-7.89648,0.937493,1.27556,2,3,0,7.9149,0.462082 +-6.82848,0.86259,1.44542,2,3,0,8.07509,0.202226 +-6.92294,0.960261,1.5325,1,1,0,6.9554,0.181337 +-9.08089,0.420377,1.7711,1,1,0,9.08844,0.0579714 +-7.7972,1,1.27047,1,1,0,8.90103,0.103009 +-7.7972,0.582598,1.52048,1,3,0,10.5353,0.103009 +-9.22259,0.924955,1.25927,2,3,0,9.59913,0.566176 +-6.74921,1,1.41026,1,1,0,7.95113,0.243933 +-6.74921,0.044649,1.68672,1,1,0,8.07699,0.243933 +-6.75097,0.998963,0.871184,1,3,0,6.75836,0.259679 +-7.01139,0.961927,1.04114,2,3,0,7.02404,0.167334 +-7.01139,9.77232e-07,2.40814,1,1,0,7.27917,0.167334 +-7.01139,1.49439e-44,5.62316,3,7,0,7.77784,0.167334 +-6.75156,0.982944,0.55444,1,3,0,7.40547,0.239578 +-6.77728,0.991861,0.551794,1,3,0,6.88507,0.281016 +-6.74817,0.996958,0.726791,2,3,0,6.8114,0.24785 +-6.8036,0.786576,1.1228,2,3,0,7.44621,0.293132 +-6.79074,1,0.992049,1,1,0,6.81063,0.287666 +-7.3233,0.64901,1.75356,1,1,0,7.3318,0.134107 +-6.77341,0.946885,1.06379,2,3,0,7.38085,0.278844 +-6.77341,0.778125,1.66629,1,1,0,6.85511,0.278844 +-6.77341,0.285244,1.54917,1,3,0,7.76999,0.278844 +-7.00742,0.994722,0.305709,3,7,0,7.07776,0.346321 +-7.61178,0.905011,0.571915,2,5,0,8.38445,0.113521 +-7.88789,0.973185,0.808161,1,1,0,7.92185,0.098425 +-6.74802,0.839133,1.4129,1,3,0,7.34186,0.249735 +-6.74802,0.019038,1.62381,1,1,0,7.83785,0.249735 +-7.04733,0.99819,0.149643,4,17,0,7.28015,0.353881 +-6.97379,0.999392,0.284619,2,3,0,7.09005,0.339526 +-6.75817,0.958154,0.539063,3,7,0,7.91443,0.268085 +-7.84966,0.706258,0.894043,1,3,0,8.63394,0.100318 +-7.54416,1,0.694606,2,3,0,7.83114,0.117811 +-6.83714,0.923919,1.29244,2,3,0,7.33778,0.199858 +-6.76497,1,1.90508,1,1,0,6.7702,0.273467 +-6.76497,0.00990637,3.48137,1,1,0,6.82882,0.273467 +-6.75593,0.999896,0.363157,3,7,0,6.77347,0.265939 +-6.77034,0.991252,0.666331,1,3,0,6.84747,0.224229 +-6.89854,0.954395,1.18103,1,1,0,6.90001,0.185928 +-6.90408,0.993342,1.86945,1,1,0,6.90553,0.32375 +-6.90408,3.2414e-07,3.27297,1,1,0,8.81351,0.32375 +-6.78267,0.992059,0.365369,2,7,0,7.28203,0.218096 +-7.02553,0.934992,0.6402,1,3,0,7.67211,0.349814 +-7.34736,0.751705,0.951835,1,3,0,8.24653,0.132127 +-6.76578,0.97643,0.85813,1,3,0,7.70366,0.274034 +-6.74904,1,1.41262,1,1,0,6.7571,0.25567 +-6.74904,0.179609,2.45545,1,1,0,6.97005,0.25567 +-6.83527,0.997192,0.489298,3,7,0,6.83872,0.304467 +-6.76437,0.987046,0.843889,1,3,0,6.9229,0.227866 +-6.76063,1,1.40562,2,3,0,6.7628,0.270187 +-6.76063,0.0373894,2.40133,1,1,0,7.34929,0.270187 +-7.17198,0.973793,0.349823,2,7,0,7.96248,0.14812 +-9.3482,0.917021,0.560538,2,7,0,9.34831,0.574187 +-6.80829,0.985496,0.773305,2,3,0,9.51249,0.294975 +-8.54523,0.363664,1.25927,1,1,0,8.64001,0.518278 +-6.92636,0.960794,0.437023,2,7,0,10.1493,0.180724 +-6.94618,0.924621,0.667654,1,3,0,7.99729,0.333591 +-6.98445,0.988443,0.928133,1,1,0,7.03448,0.341727 +-6.98445,0.179842,1.49883,1,1,0,7.94419,0.341727 +-6.9788,1,0.343737,1,1,0,6.99099,0.340566 +-7.21715,0.945161,0.570638,3,7,0,8.05234,0.381813 +-7.21715,0.677044,0.825931,1,1,0,8.31299,0.381813 +# Adaptation terminated +# Step size = 0.83124 +# Diagonal elements of inverse mass matrix: +# 0.525769 +-6.77384,0.964073,0.83124,1,3,0,7.46753,0.222338 +-6.863,0.968947,0.83124,1,3,0,7.01137,0.312874 +-6.83479,0.964185,0.83124,1,3,0,7.16339,0.200486 +-6.80509,0.978314,0.83124,1,3,0,7.03713,0.293726 +-6.79148,0.786013,0.83124,2,3,0,8.42285,0.214411 +-6.79943,0.998548,0.83124,1,1,0,6.80547,0.211417 +-6.85456,0.967137,0.83124,2,3,0,7.15794,0.310427 +-7.11014,0.963078,0.83124,2,7,0,7.14083,0.154842 +-6.75222,0.990723,0.83124,1,3,0,7.18664,0.238666 +-7.40454,0.858025,0.83124,1,3,0,7.7421,0.127645 +-7.17574,0.883441,0.83124,1,3,0,8.96348,0.375502 +-7.6387,0.88609,0.83124,1,1,0,7.67194,0.435344 +-7.41421,0.638614,0.83124,1,3,0,10.1123,0.126916 +-7.80019,0.957369,0.83124,1,1,0,7.80975,0.102852 +-7.88627,0.991536,0.83124,1,1,0,7.99586,0.0985041 +-6.75872,1,0.83124,2,3,0,7.70683,0.232017 +-7.11378,0.930982,0.83124,1,3,0,7.23357,0.154425 +-7.78231,0.833848,0.83124,1,3,0,9.34305,0.450644 +-10.8458,0.737345,0.83124,2,3,0,10.8484,0.654932 +-8.70316,1,0.83124,1,1,0,10.4622,0.530246 +-8.46077,0.999442,0.83124,2,7,0,8.60336,0.0753873 +-6.75196,0.930715,0.83124,1,3,0,9.34507,0.239023 +-8.00242,0.761929,0.83124,2,7,0,8.83251,0.09307 +-6.83863,0.988684,0.83124,2,3,0,8.2073,0.199463 +-6.95273,0.980951,0.83124,1,1,0,6.95283,0.17622 +-7.02868,0.996107,0.83124,2,3,0,7.04407,0.164954 +-6.96996,1,0.83124,1,1,0,7.04111,0.173465 +-6.8514,1,0.83124,1,1,0,6.95057,0.196226 +-6.8514,0.833873,0.83124,1,3,0,8.14037,0.196226 +-6.78249,0.983889,0.83124,1,3,0,7.01443,0.283736 +-6.78375,0.999722,0.83124,1,1,0,6.79085,0.284361 +-6.80289,0.525311,0.83124,2,3,0,10.9828,0.210191 +-8.20043,0.750952,0.83124,1,3,0,8.99683,0.490024 +-7.53287,1,0.83124,1,1,0,8.10917,0.423294 +-7.36791,1,0.83124,1,1,0,7.6078,0.402857 +-6.9395,1,0.83124,1,1,0,7.26203,0.332098 +-6.95192,0.996996,0.83124,1,1,0,6.9929,0.334853 +-7.3959,0.894674,0.83124,1,1,0,7.39743,0.40649 +-7.11496,0.78561,0.83124,1,3,0,8.82366,0.154291 +-6.83712,0.958426,0.83124,1,3,0,7.62792,0.305062 +-6.8801,0.941281,0.83124,1,3,0,7.22037,0.189698 +-6.92991,0.991833,0.83124,1,1,0,6.94072,0.180096 +-8.34814,0.819711,0.83124,1,3,0,8.78677,0.0792645 +-6.84984,0.968149,0.83124,2,3,0,9.08518,0.196609 +-6.86277,0.999425,0.83124,2,7,0,6.86278,0.312809 +-6.94153,0.993821,0.83124,2,3,0,6.95258,0.332554 +-6.87269,0.932025,0.83124,1,3,0,7.39662,0.191298 +-6.7648,0.998233,0.83124,1,3,0,6.86398,0.227579 +-8.11991,0.757565,0.83124,1,3,0,8.69431,0.482936 +-8.1387,0.9983,0.83124,2,3,0,8.48925,0.484608 +-7.56635,1,0.83124,2,3,0,8.09196,0.427186 +-7.56635,0.557179,0.83124,1,3,0,10.7721,0.427186 +-7.56635,0.576829,0.83124,1,1,0,9.06079,0.427186 +-6.83021,0.947852,0.83124,2,3,0,7.96475,0.302806 +-7.30326,0.932308,0.83124,2,7,0,7.32215,0.135802 +-7.02293,1,0.83124,1,1,0,7.26355,0.165736 +-7.04935,0.93183,0.83124,1,3,0,7.9051,0.354252 +-7.04935,0.863194,0.83124,1,1,0,7.4807,0.354252 +-7.58697,0.871021,0.83124,1,1,0,7.59464,0.429545 +-7.13387,0.767791,0.83124,1,3,0,9.1847,0.152178 +-7.24792,0.88435,0.83124,2,3,0,8.88901,0.386338 +-8.00733,0.664207,0.83124,2,3,0,9.81879,0.47266 +-8.00733,0.699938,0.83124,1,1,0,9.09012,0.47266 +-7.7664,1,0.83124,2,3,0,8.15156,0.449002 +-7.28614,1,0.83124,2,7,0,7.82793,0.137284 +-7.28448,1,0.83124,2,3,0,7.36818,0.13743 +-6.86252,0.996117,0.83124,2,7,0,7.22775,0.312738 +-6.83745,0.963073,0.83124,1,3,0,7.16908,0.199775 +-6.87095,0.875028,0.83124,2,3,0,8.20001,0.315103 +-6.7494,0.994244,0.83124,1,3,0,6.91147,0.243467 +-6.75696,0.997363,0.83124,1,3,0,6.7673,0.266958 +-6.76021,0.999306,0.83124,1,1,0,6.76133,0.269844 +-7.33075,0.848267,0.83124,2,7,0,7.86167,0.133488 +-6.75574,0.966952,0.83124,2,7,0,7.6808,0.265745 +-6.76149,0.994652,0.83124,2,7,0,6.79199,0.229867 +-6.80994,0.992363,0.83124,2,3,0,6.8348,0.207822 +-6.8699,0.960605,0.83124,2,3,0,7.24602,0.314812 +-6.82221,1,0.83124,1,1,0,6.866,0.300076 +-6.82221,0.47126,0.83124,1,3,0,10.5373,0.300076 +-7.5445,0.733885,0.83124,1,3,0,8.6065,0.117789 +-6.78499,0.950683,0.83124,1,3,0,8.20955,0.28497 +-6.74822,0.999282,0.83124,1,3,0,6.78836,0.252517 +-6.75123,0.989824,0.83124,2,3,0,6.82353,0.260105 +-7.23127,0.870957,0.83124,1,3,0,7.59816,0.142271 +-7.76332,0.943719,0.83124,2,3,0,8.09691,0.104809 +-11.7433,0.652563,0.83124,1,3,0,13.6757,0.0212821 +-12.0315,0.993772,0.83124,1,1,0,12.2501,0.0192103 +-11.1836,1,0.83124,1,1,0,12.0617,0.0260228 +-8.21825,0.994196,0.83124,2,3,0,11.7239,0.0840855 +-7.66942,1,0.83124,2,3,0,8.16999,0.11007 +-6.91984,0.999109,0.83124,2,3,0,7.69374,0.181898 +-6.78687,0.978684,0.83124,1,3,0,7.14461,0.28587 +-6.78346,1,0.83124,1,1,0,6.79287,0.284218 +-7.27811,0.831927,0.83124,1,3,0,7.88547,0.137991 +-7.23536,1,0.83124,2,3,0,7.33423,0.141886 +-7.37743,0.981922,0.83124,1,1,0,7.41202,0.129733 +-6.81382,0.945983,0.83124,2,3,0,8.10266,0.206581 +-6.8553,0.976565,0.83124,1,3,0,7.09389,0.310644 +-6.92544,0.928885,0.83124,1,3,0,7.36104,0.180889 +-6.82435,1,0.83124,2,3,0,6.90815,0.203404 +-6.86948,0.973652,0.83124,1,3,0,7.14311,0.314697 +-6.90771,0.925607,0.83124,1,3,0,7.34968,0.184155 +-6.74802,0.994844,0.83124,1,3,0,6.95766,0.250139 +-6.75042,0.999458,0.83124,1,3,0,6.75137,0.25872 +-6.75028,1,0.83124,2,7,0,6.75039,0.241671 +-6.768,0.960202,0.83124,2,3,0,7.07186,0.275525 +-6.74936,0.998122,0.83124,1,3,0,6.78133,0.243572 +-6.85341,0.986672,0.83124,2,3,0,6.86337,0.195738 +-7.42954,0.865673,0.83124,1,3,0,8.10763,0.41076 +-6.76667,0.98275,0.83124,2,3,0,7.56304,0.274643 +-6.74976,0.999609,0.83124,2,3,0,6.77005,0.257422 +-6.85345,0.958802,0.83124,2,3,0,7.03239,0.195727 +-6.74802,1,0.83124,2,3,0,6.83724,0.250057 +-6.75667,0.957558,0.83124,2,3,0,7.07779,0.266674 +-6.75417,0.786511,0.83124,2,3,0,8.50589,0.236311 +-6.83211,0.986441,0.83124,1,3,0,6.8457,0.201216 +-6.92529,0.984261,0.83124,1,1,0,6.92579,0.180915 +-7.0946,0.991361,0.83124,2,3,0,7.09586,0.156647 +-6.76822,0.991666,0.83124,1,3,0,7.11608,0.225457 +-6.75063,0.985668,0.83124,2,3,0,6.88296,0.241038 +-6.75063,0.913898,0.83124,1,3,0,7.24494,0.241038 +-6.74919,0.999353,0.83124,2,7,0,6.75543,0.256082 +-6.74806,0.999186,0.83124,2,3,0,6.75537,0.248847 +-6.91536,0.963629,0.83124,1,3,0,6.97837,0.326496 +-6.91536,0.966256,0.83124,1,1,0,7.03575,0.326496 +-6.8701,0.814489,0.83124,2,3,0,8.28314,0.191871 +-7.34587,0.880152,0.83124,1,3,0,8.03065,0.399942 +-7.13938,1,0.83124,1,1,0,7.34728,0.369726 +-6.87923,0.91688,0.83124,1,3,0,7.73026,0.189883 +-7.28722,0.961855,0.83124,2,7,0,7.29556,0.391933 +-6.97949,1,0.83124,1,1,0,7.22073,0.340708 +-7.29622,0.923533,0.83124,1,1,0,7.30638,0.393187 +-7.18376,0.860064,0.83124,2,3,0,8.41749,0.376745 +-6.90516,0.945139,0.83124,2,3,0,7.64572,0.324015 +-6.75024,0.992254,0.83124,1,3,0,6.95933,0.241742 +-6.79811,0.993726,0.83124,2,3,0,6.80685,0.211895 +-6.87454,0.986471,0.83124,2,3,0,6.94309,0.190893 +-6.87066,1,0.83124,2,3,0,6.89482,0.191745 +-7.04939,0.889911,0.83124,2,3,0,7.88737,0.162222 +-7.10248,0.980136,0.83124,2,3,0,7.38285,0.155726 +-6.75701,0.959748,0.83124,2,3,0,7.5595,0.233497 +-6.7774,0.909653,0.83124,2,3,0,7.53683,0.281081 +-7.48854,0.775847,0.83124,1,3,0,8.28076,0.121558 +-6.9938,0.9085,0.83124,1,3,0,8.74034,0.343621 +-6.84898,1,0.83124,2,3,0,6.9622,0.308758 +-6.80491,1,0.83124,1,1,0,6.84326,0.293653 +-6.76831,0.963487,0.83124,2,3,0,7.08812,0.225403 +-7.1262,0.968645,0.83124,2,3,0,7.13483,0.367571 +-7.13882,0.996805,0.83124,1,1,0,7.22615,0.369634 +-6.9585,0.937061,0.83124,2,3,0,7.69631,0.336284 +-6.76349,0.99334,0.83124,2,3,0,7.01074,0.272405 +-7.3077,0.913449,0.83124,2,3,0,7.52301,0.394774 +-7.31914,1,0.83124,2,7,0,7.32605,0.134455 +-7.63764,0.962657,0.83124,1,1,0,7.64931,0.111951 +-6.81705,1,0.83124,2,3,0,7.57168,0.20558 +-6.83357,0.999029,0.83124,2,3,0,6.8419,0.200818 +-6.76289,0.989624,0.83124,1,3,0,6.93017,0.271959 +-6.76249,0.997774,0.83124,2,3,0,6.78677,0.271656 +-6.88637,0.955711,0.83124,1,3,0,7.04548,0.188384 +-7.05585,0.991078,0.83124,2,3,0,7.0559,0.161393 +-7.48388,0.863007,0.83124,1,3,0,8.72515,0.417456 +-7.57991,1,0.83124,2,7,0,7.58089,0.115509 +-7.22688,0.873432,0.83124,1,3,0,9.44486,0.383258 +-7.22688,0.792043,0.83124,1,3,0,8.71736,0.383258 +-7.75844,0.869436,0.83124,1,1,0,7.79558,0.448176 +-7.68603,1,0.83124,2,3,0,7.96018,0.44051 +-7.28797,1,0.83124,1,1,0,7.64492,0.392037 +-8.04273,0.818251,0.83124,1,1,0,8.07371,0.475939 +-8.82221,0.808887,0.83124,1,1,0,9.01829,0.538919 +-7.07998,1,0.83124,3,7,0,8.36851,0.359728 +-7.38081,0.825492,0.83124,2,3,0,8.40446,0.404541 +-6.76721,0.96623,0.83124,1,3,0,7.63037,0.226061 +-6.7649,0.775322,0.83124,2,3,0,8.94489,0.273422 +-7.01197,0.923279,0.83124,2,7,0,7.28761,0.167254 +-7.17433,0.900558,0.83124,1,3,0,8.10545,0.375282 +-7.1308,1,0.83124,2,7,0,7.15669,0.152517 +-7.31673,0.967825,0.83124,2,3,0,7.63974,0.134657 +-7.08262,1,0.83124,1,1,0,7.28998,0.158077 +-6.95789,0.989292,0.83124,2,3,0,7.27081,0.175381 +-7.15382,0.970885,0.83124,1,1,0,7.15518,0.150022 +-7.16743,0.998118,0.83124,1,1,0,7.228,0.148591 +-7.78568,0.950049,0.83124,2,7,0,7.86488,0.450991 +-6.79441,0.94168,0.83124,1,3,0,8.25052,0.213275 +-6.78609,0.987816,0.83124,1,3,0,6.91885,0.2855 +-7.03885,0.902658,0.83124,1,3,0,7.41969,0.163597 +-6.75408,1,0.83124,2,3,0,7.008,0.23641 +-6.92626,0.982871,0.83124,2,3,0,6.93174,0.329068 +-6.85272,1,0.83124,1,1,0,6.91861,0.30988 +-7.06749,0.931131,0.83124,2,3,0,7.40822,0.357524 +-6.75899,0.999194,0.83124,1,3,0,7.0446,0.268813 +-7.43537,0.907282,0.83124,2,3,0,7.43537,0.125346 +-7.12273,1,0.83124,1,1,0,7.39553,0.153414 +-8.80058,0.855819,0.83124,2,3,0,8.93794,0.0651208 +-6.79441,0.988156,0.83124,2,7,0,8.46303,0.289299 +-7.12951,0.954892,0.83124,2,7,0,7.13648,0.15266 +-7.04909,0.909301,0.83124,2,7,0,8.12986,0.354204 +-7.03487,1,0.83124,1,1,0,7.10954,0.351573 +-7.18092,0.987963,0.83124,2,3,0,7.21997,0.376307 +-6.7582,0.977551,0.83124,1,3,0,7.3415,0.232454 +-7.06299,0.928991,0.83124,1,3,0,7.25372,0.356721 +-6.81925,0.973163,0.83124,2,3,0,7.27878,0.299032 +-6.86807,0.952759,0.83124,1,3,0,7.15596,0.192324 +-6.77283,0.99799,0.83124,2,3,0,6.89196,0.222871 +-7.53588,0.930234,0.83124,2,3,0,7.58322,0.423647 +-7.10576,1,0.83124,2,7,0,7.53605,0.155346 +-6.75998,0.990989,0.83124,1,3,0,7.14958,0.231009 +-6.8546,0.985018,0.83124,1,3,0,6.86663,0.195449 +-6.86412,0.820813,0.83124,2,3,0,8.89141,0.313192 +-8.07684,0.733933,0.83124,2,3,0,9.01202,0.479057 +-8.79165,0.43458,0.83124,3,7,0,12.3811,0.53672 +-10.168,0.693618,0.83124,1,1,0,10.4608,0.621355 +-6.75099,1,0.83124,2,3,0,10.2624,0.240445 +-6.76743,0.994377,0.83124,1,3,0,6.78956,0.275152 +-6.74802,1,0.83124,2,3,0,6.76526,0.249906 +-7.26292,0.93715,0.83124,2,3,0,7.35514,0.388496 +-6.9598,1,0.83124,1,1,0,7.19535,0.336562 +-7.03347,0.881388,0.83124,1,3,0,7.83067,0.164311 +-7.12372,0.986908,0.83124,1,1,0,7.14639,0.153304 +-7.11126,1,0.83124,1,1,0,7.17697,0.154714 +-6.74882,0.967722,0.83124,2,3,0,7.49087,0.245016 +-9.87289,0.667865,0.83124,3,7,0,9.91668,0.0423813 +-7.37053,1,0.83124,2,3,0,9.71975,0.130274 +-7.51509,0.994287,0.83124,2,3,0,7.56352,0.119743 +-8.07113,0.942998,0.83124,1,1,0,8.07242,0.0900643 +-8.30409,0.980274,0.83124,1,1,0,8.39063,0.0808552 +-8.64005,0.974654,0.83124,1,1,0,8.71465,0.0697256 +-7.94544,1,0.83124,1,1,0,8.58389,0.0956776 +-7.56343,1,0.83124,1,1,0,7.92373,0.11656 +-7.53226,1,0.83124,1,1,0,7.66116,0.118596 +-7.7185,0.979788,0.83124,1,1,0,7.77244,0.107267 +-6.93088,0.991557,0.83124,2,7,0,7.61746,0.330137 +-6.84558,1,0.83124,1,1,0,6.91779,0.307721 +-6.78054,1,0.83124,1,1,0,6.831,0.282743 +-7.21002,0.941592,0.83124,2,7,0,7.21287,0.144308 +-7.07476,0.900529,0.83124,2,7,0,8.34915,0.358811 +-7.04526,1,0.83124,1,1,0,7.13043,0.353501 +-6.99076,1,0.83124,1,1,0,7.07607,0.343009 +-6.94969,1,0.83124,1,1,0,7.01782,0.334365 +-7.60817,0.899713,0.83124,2,7,0,7.68059,0.113743 +-7.2221,1,0.83124,1,1,0,7.56145,0.143142 +-7.47904,0.967914,0.83124,1,1,0,7.49182,0.12222 +-6.82308,0.943186,0.83124,1,3,0,8.24455,0.300378 +-7.6281,0.83076,0.83124,2,3,0,8.19849,0.434168 +-7.13111,1,0.83124,1,1,0,7.52116,0.368378 +-7.44047,0.804811,0.83124,2,3,0,8.61146,0.412127 +-7.42694,1,0.83124,1,1,0,7.60205,0.410434 +-6.82628,0.926955,0.83124,1,3,0,7.95012,0.20285 +-8.25298,0.747758,0.83124,1,3,0,9.16428,0.494542 +-6.76356,0.968814,0.83124,2,3,0,8.50658,0.272455 +-6.78746,0.985816,0.83124,1,3,0,6.86197,0.216038 +-8.00108,0.777665,0.83124,1,3,0,8.57395,0.0931302 +-8.43027,0.963892,0.83124,1,1,0,8.4665,0.0764114 +-6.92384,0.951086,0.83124,1,3,0,8.69294,0.181174 +-6.76339,0.996632,0.83124,1,3,0,6.92114,0.228523 +-6.78255,0.886053,0.83124,2,3,0,7.78492,0.283766 +-6.84807,0.963408,0.83124,1,3,0,7.03001,0.197046 +-6.94545,0.983824,0.83124,1,1,0,6.94662,0.177427 +-7.10754,0.991839,0.83124,2,3,0,7.11043,0.15514 +-6.75206,0.990792,0.83124,1,3,0,7.18406,0.23888 +-6.75206,0.749219,0.83124,1,3,0,8.35235,0.23888 +-8.79153,0.574896,0.83124,1,3,0,10.4533,0.0653696 +-6.76249,0.92029,0.83124,1,3,0,9.82805,0.229152 +-6.77931,0.996801,0.83124,1,1,0,6.7795,0.219631 +-6.78542,0.998865,0.83124,1,1,0,6.78975,0.216896 +-6.83156,0.976459,0.83124,2,3,0,7.03651,0.303253 +-6.84555,0.996772,0.83124,1,1,0,6.86066,0.30771 +-6.84555,0.728082,0.83124,1,3,0,8.40725,0.30771 +-7.01186,0.896194,0.83124,2,7,0,7.53061,0.167269 +-7.48511,0.958872,0.83124,2,7,0,7.52605,0.417605 +-7.48511,0.626343,0.83124,1,1,0,8.76138,0.417605 +-7.3994,0.655782,0.83124,1,3,0,9.79743,0.128036 +-7.62624,0.963981,0.83124,2,3,0,8.09082,0.112638 +-7.19593,1,0.83124,1,1,0,7.57189,0.145694 +-6.75175,0.97848,0.83124,2,3,0,7.50004,0.260893 +-6.77329,0.991969,0.83124,1,3,0,6.80402,0.222627 +-6.76699,0.751692,0.83124,2,3,0,9.24945,0.274858 +-7.44326,0.910622,0.83124,2,7,0,7.44387,0.124771 +-6.86973,0.938481,0.83124,2,3,0,8.30612,0.191954 +-6.74858,1,0.83124,2,3,0,6.85438,0.245841 +-6.76175,0.95756,0.83124,2,3,0,7.08443,0.271083 +-7.30166,0.915479,0.83124,2,3,0,7.50717,0.393941 +-7.46467,0.958138,0.83124,1,1,0,7.56648,0.415116 +-7.10025,1,0.83124,1,1,0,7.39828,0.363225 +-6.96184,1,0.83124,1,1,0,7.08981,0.336999 +-6.84422,0.972875,0.83124,2,3,0,7.19726,0.307302 +-7.008,0.987279,0.83124,2,3,0,7.00943,0.346435 +-6.9106,1,0.83124,1,1,0,7.00278,0.325347 +-7.09334,0.855476,0.83124,2,7,0,7.86711,0.156796 +-6.75359,0.991174,0.83124,1,3,0,7.15683,0.236964 +-8.06068,0.765804,0.83124,1,3,0,8.52946,0.477586 +-7.26799,1,0.83124,2,7,0,8.00849,0.138892 +-7.20104,1,0.83124,2,7,0,7.26635,0.37939 +-7.58599,0.904256,0.83124,1,1,0,7.63215,0.429432 +-6.97993,1,0.83124,1,1,0,7.43258,0.3408 +-6.95606,0.947196,0.83124,2,3,0,7.44203,0.335756 +-7.16938,0.810824,0.83124,1,3,0,8.14873,0.148389 +-6.80224,0.998185,0.83124,2,7,0,7.10378,0.292583 +-6.78255,1,0.83124,1,1,0,6.80126,0.283766 +-8.23019,0.807995,0.83124,2,7,0,8.24486,0.0836257 +-7.0982,0.983298,0.83124,2,7,0,8.14583,0.362876 +-7.08647,1,0.83124,1,1,0,7.17275,0.360858 +-6.75258,0.99775,0.83124,2,3,0,7.11018,0.262061 +-6.77851,0.990656,0.83124,2,3,0,6.81968,0.220013 +-8.41876,0.848758,0.83124,2,3,0,8.6108,0.508278 +-8.41876,0.911633,0.83124,1,1,0,9.03193,0.508278 +-7.22102,1,0.83124,2,3,0,8.10431,0.382389 +-7.38417,0.958484,0.83124,1,1,0,7.46554,0.404977 +-6.75199,0.996359,0.83124,2,3,0,7.42889,0.261251 +-6.75104,0.998738,0.83124,1,3,0,6.76224,0.240367 +-7.71922,0.892545,0.83124,2,3,0,7.87548,0.444057 +-6.86778,0.917679,0.83124,2,3,0,8.48586,0.192389 +-6.95126,0.956628,0.83124,2,3,0,7.40808,0.334709 +-8.96304,0.736422,0.83124,2,7,0,9.03682,0.548826 +-8.35895,1,0.83124,1,1,0,9.10177,0.503409 +-8.47509,0.96886,0.83124,1,1,0,8.86946,0.512781 +-7.32948,1,0.83124,1,1,0,8.18422,0.397743 +-7.30027,1,0.83124,1,1,0,7.45019,0.393749 +-7.59187,0.926039,0.83124,1,1,0,7.67276,0.430101 +-7.26753,0.998524,0.83124,2,7,0,7.70223,0.138934 +-6.76899,0.970545,0.83124,1,3,0,7.6577,0.27616 +-6.75171,0.999175,0.83124,2,3,0,6.77632,0.260835 +-6.81331,0.992529,0.83124,2,3,0,6.81333,0.206741 +-6.74809,0.998276,0.83124,1,3,0,6.82834,0.248545 +-6.81438,0.99156,0.83124,2,3,0,6.81864,0.206406 +-6.81163,0.982,0.83124,1,3,0,7.01108,0.296243 +-7.02836,0.945327,0.83124,2,3,0,7.26202,0.35035 +-6.94533,0.854683,0.83124,2,3,0,8.15538,0.177447 +-6.82795,0.95801,0.83124,2,7,0,7.2953,0.302047 +-6.84041,0.999043,0.83124,2,3,0,6.85504,0.306112 +-6.82322,0.984625,0.83124,2,3,0,6.98844,0.300428 +-6.76785,0.98604,0.83124,1,3,0,6.92197,0.225672 +-7.23958,0.912753,0.83124,1,3,0,7.39269,0.141491 +-7.61645,0.954382,0.83124,1,1,0,7.61899,0.113235 +-7.42711,1,0.83124,1,1,0,7.63783,0.125955 +-7.19589,0.907037,0.83124,2,3,0,8.81518,0.145698 +-7.01047,1,0.83124,1,1,0,7.17423,0.167464 +-6.74815,1,0.83124,2,3,0,6.9691,0.248011 +-6.75882,0.949563,0.83124,2,3,0,7.14567,0.26866 +-6.83891,0.970866,0.83124,1,3,0,6.94556,0.19939 +-6.77329,0.987181,0.83124,1,3,0,6.96876,0.278779 +-6.75123,0.996837,0.83124,1,3,0,6.79586,0.240082 +-6.80947,0.994089,0.83124,2,3,0,6.81015,0.295427 +-6.77308,0.983807,0.83124,2,3,0,6.95378,0.222737 +-6.78554,0.99767,0.83124,1,1,0,6.78752,0.216843 +-6.78568,0.98879,0.83124,1,3,0,6.90055,0.285303 +-6.88538,0.950348,0.83124,1,3,0,7.11342,0.188589 +-6.82178,1,0.83124,1,1,0,6.87608,0.204156 +-6.82736,0.999016,0.83124,1,1,0,6.83939,0.202541 +-6.89157,0.989011,0.83124,1,1,0,6.89373,0.18732 +-6.75901,0.989762,0.83124,2,3,0,7.01753,0.268825 +-6.80996,0.980821,0.83124,1,3,0,6.89298,0.207816 +-7.62764,0.868165,0.83124,1,3,0,7.87879,0.112554 +-6.83386,0.976113,0.83124,1,3,0,7.69414,0.200737 +-6.80187,1,0.83124,1,1,0,6.83123,0.21055 +-7.57988,0.871515,0.83124,1,3,0,7.82369,0.115511 +-6.77056,0.950889,0.83124,1,3,0,8.19634,0.277143 +-7.2632,0.589267,0.83124,3,7,0,9.8991,0.388535 +-6.76222,0.988918,0.83124,2,3,0,7.35072,0.27145 +-6.75441,0.828645,0.83124,2,3,0,8.11217,0.236052 +-6.75137,0.998602,0.83124,1,3,0,6.76732,0.26032 +-6.75119,1,0.83124,2,7,0,6.75134,0.240144 +-6.83777,0.977697,0.83124,1,3,0,6.89795,0.305273 +-7.05198,0.880242,0.83124,1,3,0,7.59803,0.161888 +-7.08906,0.909811,0.83124,1,3,0,8.04163,0.361307 +-6.9797,0.902237,0.83124,1,3,0,7.93237,0.171964 +-7.4862,0.944018,0.83124,2,3,0,7.68429,0.12172 +-6.82465,0.942357,0.83124,1,3,0,8.26316,0.300924 +-7.44841,0.760383,0.83124,1,3,0,8.40745,0.124397 +-8.00497,0.94107,0.83124,1,1,0,8.0053,0.092956 +-7.68538,1,0.83124,1,1,0,8.00992,0.109146 +-6.88754,0.97576,0.83124,1,3,0,7.70824,0.188142 +-7.04979,0.974365,0.83124,1,1,0,7.04997,0.16217 +-7.0781,0.995853,0.83124,1,1,0,7.11922,0.158625 +-6.98826,1,0.83124,1,1,0,7.0817,0.170676 +-6.89059,1,0.83124,2,3,0,6.97718,0.187519 +-6.91078,0.996679,0.83124,1,1,0,6.93017,0.183574 +-6.81655,1,0.83124,1,1,0,6.89449,0.205734 +-6.82246,0.971638,0.83124,2,7,0,7.03718,0.300165 +-6.77932,1,0.83124,1,1,0,6.81346,0.282107 +-6.75549,0.932426,0.83124,2,3,0,7.27781,0.234935 +-6.80928,0.992354,0.83124,2,3,0,6.82663,0.208039 +-6.74813,1,0.83124,2,3,0,6.79927,0.251869 +-6.8938,0.969146,0.83124,1,3,0,6.94097,0.321165 +-6.9363,0.910686,0.83124,1,3,0,7.46543,0.178982 +-6.75128,1,0.83124,2,3,0,6.90075,0.260184 +-6.75043,0.998985,0.83124,1,3,0,6.75953,0.241385 +-6.82389,0.981096,0.83124,1,3,0,6.87385,0.30066 +-6.79243,0.977277,0.83124,1,3,0,6.98931,0.214036 +-6.8333,0.918046,0.83124,2,3,0,7.59156,0.303827 +-6.76828,0.985022,0.83124,1,3,0,6.93845,0.225421 +-8.23007,0.858441,0.83124,2,3,0,8.41622,0.492582 +-8.07369,1,0.83124,1,1,0,8.49603,0.478771 +-6.91369,0.871004,0.83124,1,3,0,9.11615,0.18303 +-7.02274,0.982911,0.83124,1,1,0,7.02831,0.165762 +-8.57829,0.823075,0.83124,1,3,0,9.00592,0.0716101 +-9.18916,0.960411,0.83124,1,1,0,9.22074,0.0554741 +-6.93579,1,0.83124,2,3,0,8.91903,0.17907 +-6.84418,1,0.83124,1,1,0,6.92167,0.198025 +-7.36544,0.874983,0.83124,1,3,0,7.98564,0.402533 +-7.25144,1,0.83124,1,1,0,7.43375,0.386846 +-7.61039,0.910001,0.83124,1,1,0,7.67077,0.432191 +-7.68539,0.980101,0.83124,1,1,0,7.88577,0.44044 +-7.68539,0.740829,0.83124,1,1,0,8.56959,0.44044 +-7.61459,1,0.83124,2,3,0,7.86881,0.432662 +-7.61459,0.325198,0.83124,1,3,0,12.6633,0.432662 +-7.61459,0.824283,0.83124,1,1,0,8.23778,0.432662 +-7.28184,0.998587,0.83124,2,7,0,7.72852,0.137662 +-7.6469,0.954747,0.83124,2,3,0,8.03061,0.111398 +-7.33059,1,0.83124,2,3,0,7.62198,0.133501 +-6.81394,0.985851,0.83124,1,3,0,7.34163,0.206545 +-7.42402,0.863665,0.83124,1,3,0,7.976,0.410067 +-7.31989,1,0.83124,1,1,0,7.51429,0.396442 +-7.42367,0.973158,0.83124,1,1,0,7.54131,0.410023 +-6.74871,0.993336,0.83124,1,3,0,7.46265,0.25465 +-6.75426,0.998114,0.83124,1,3,0,6.76092,0.23621 +-6.82593,0.979598,0.83124,1,3,0,6.89302,0.30136 +-6.97612,0.909384,0.83124,1,3,0,7.40497,0.172511 +-6.9844,0.999099,0.83124,2,7,0,6.98905,0.341716 +-7.42223,0.670474,0.83124,3,7,0,9.28371,0.126316 +-7.10461,1,0.83124,2,3,0,7.38047,0.155478 +-7.10461,0.782705,0.83124,1,3,0,9.54674,0.155478 +-7.00188,1,0.83124,2,3,0,7.10561,0.168685 +-6.74806,0.992249,0.83124,1,3,0,7.08259,0.248939 +-7.08924,0.929186,0.83124,1,3,0,7.20661,0.361337 +-7.53961,0.96344,0.83124,2,3,0,7.55811,0.424084 +-7.53961,0.679531,0.83124,1,3,0,9.47386,0.424084 +-7.53961,0.761592,0.83124,1,1,0,8.33328,0.424084 +-7.4718,1,0.83124,1,1,0,7.68659,0.415988 +-6.97014,1,0.83124,2,3,0,7.34665,0.33876 +-6.97014,0.886425,0.83124,1,1,0,7.32969,0.33876 +-6.92333,1,0.83124,1,1,0,6.98846,0.328384 +-7.63824,0.666417,0.83124,1,3,0,9.16967,0.111915 +-6.77002,0.95385,0.83124,1,3,0,8.29479,0.276808 +-7.22734,0.864583,0.83124,2,7,0,7.72141,0.142643 +-7.00117,0.923013,0.83124,1,3,0,8.23168,0.34509 +-6.7669,0.975969,0.83124,1,3,0,7.164,0.226252 +-7.72183,0.908054,0.83124,2,3,0,7.81059,0.444334 +-6.99984,0.8392,0.83124,1,3,0,8.95765,0.16898 +-7.1022,0.984878,0.83124,1,1,0,7.1183,0.155758 +-7.12996,0.996062,0.83124,1,1,0,7.17868,0.15261 +-6.76356,0.979592,0.83124,1,3,0,7.40583,0.272452 +-8.38279,0.792121,0.83124,2,7,0,8.39169,0.0780431 +-6.97677,0.867392,0.83124,1,3,0,10.5448,0.340147 +-7.75945,0.615469,0.83124,1,3,0,9.62428,0.105017 +-7.80602,0.99843,0.83124,2,3,0,7.92568,0.102549 +-6.78105,0.971315,0.83124,1,3,0,8.06178,0.218825 +-6.98351,0.942457,0.83124,1,3,0,7.22232,0.341535 +-6.83545,1,0.83124,1,1,0,6.94979,0.304526 +-7.14087,0.851289,0.83124,1,3,0,7.7826,0.151413 +-7.60352,0.83851,0.83124,2,3,0,9.00236,0.114031 +-6.77286,0.940714,0.83124,2,7,0,8.25075,0.278522 +-6.77286,0.890756,0.83124,1,3,0,7.40339,0.278522 +-7.36896,0.826012,0.83124,2,7,0,8.01466,0.130398 +-8.1207,0.932646,0.83124,2,3,0,8.48115,0.0879831 +-8.93285,0.938257,0.83124,1,1,0,8.93377,0.0616164 +-8.02501,0.995976,0.83124,3,7,0,8.87805,0.0920654 +-6.74911,0.967012,0.83124,1,3,0,8.63806,0.244197 +-7.07113,0.930894,0.83124,1,3,0,7.204,0.35817 +-7.89567,0.807429,0.83124,1,1,0,7.897,0.462003 +-6.76236,1,0.83124,2,3,0,7.79892,0.229242 +-6.86448,0.937159,0.83124,2,3,0,7.23906,0.193138 +-7.13268,0.915204,0.83124,1,3,0,7.68429,0.368633 +-6.84688,0.930274,0.83124,1,3,0,7.62131,0.197344 +-6.79357,1,0.83124,1,1,0,6.83764,0.213594 +-7.08623,0.957889,0.83124,1,3,0,7.12656,0.157643 +-6.96553,1,0.83124,1,1,0,7.07713,0.17416 +-7.39033,0.843844,0.83124,2,3,0,8.525,0.128731 +-6.75045,0.983714,0.83124,1,3,0,7.60027,0.241349 +-7.4906,0.904785,0.83124,2,3,0,7.50392,0.121415 +-7.396,0.999851,0.83124,2,7,0,7.49189,0.406503 +-6.85681,1,0.83124,2,7,0,7.28796,0.194923 +-9.59079,0.548716,0.83124,1,3,0,11.3888,0.0472823 +-8.75304,0.98309,0.83124,3,7,0,9.60441,0.533915 +-7.84544,1,0.83124,1,1,0,8.63919,0.457041 +-6.75123,1,0.83124,2,3,0,7.80373,0.240084 +-6.76828,0.998145,0.83124,2,7,0,6.76839,0.275703 +-6.76889,0.996695,0.83124,2,3,0,6.8031,0.276096 +-11.4294,0.461439,0.83124,2,3,0,13.0472,0.680737 +-9.35255,1,0.83124,2,3,0,11.2183,0.574461 +-7.56067,1,0.83124,1,1,0,8.88487,0.426531 +-8.73551,0.727767,0.83124,1,1,0,8.78484,0.532631 +-7.28928,1,0.83124,1,1,0,8.35196,0.392221 +-7.28928,0.694436,0.83124,1,1,0,8.29393,0.392221 +-7.28928,0.802851,0.83124,1,3,0,8.48832,0.392221 +-7.06629,1,0.83124,1,1,0,7.26816,0.35731 +-7.17237,0.881171,0.83124,2,3,0,7.99775,0.374976 +-7.23357,0.984417,0.83124,1,1,0,7.32185,0.384243 +-7.08509,1,0.83124,1,1,0,7.24628,0.360618 +-6.78702,0.960694,0.83124,1,3,0,7.35343,0.216221 +-7.04316,0.968417,0.83124,2,3,0,7.1048,0.163032 +-7.13107,0.891141,0.83124,2,3,0,8.64503,0.36837 +-7.17285,1,0.83124,2,7,0,7.17311,0.148031 +-7.08326,0.985531,0.83124,2,3,0,7.45992,0.158 +-6.94166,1,0.83124,1,1,0,7.06592,0.178066 +-7.01249,0.928967,0.83124,1,3,0,7.66115,0.347309 +-7.04724,0.848178,0.83124,2,7,0,7.96848,0.162499 +-6.76062,0.979628,0.83124,1,3,0,7.25952,0.270185 +-6.7605,0.995253,0.83124,1,3,0,6.79978,0.230606 +-6.85203,0.985753,0.83124,1,3,0,6.86283,0.196071 +-6.75015,1,0.83124,2,3,0,6.83247,0.258223 +-6.82857,0.977493,0.83124,1,3,0,6.89113,0.202199 +-6.77998,1,0.83124,1,1,0,6.81968,0.219319 +-6.96696,0.973228,0.83124,1,3,0,6.98763,0.173935 +-6.97047,0.999285,0.83124,2,7,0,6.97664,0.33883 +-6.75603,0.984747,0.83124,1,3,0,7.0746,0.234404 +-7.09603,0.966221,0.83124,2,3,0,7.11519,0.362504 +-6.93133,0.618286,0.83124,3,7,0,9.46164,0.33024 +-6.85305,0.950931,0.83124,2,3,0,7.36418,0.195824 +-6.83247,1,0.83124,1,1,0,6.85938,0.201118 +-6.75124,1,0.83124,2,3,0,6.82916,0.240062 +-6.77024,0.946217,0.83124,2,3,0,7.19198,0.276946 +-7.95778,0.665628,0.83124,1,3,0,9.21451,0.0951035 +-8.07206,0.980713,0.83124,2,7,0,8.09834,0.478622 +-7.22031,1,0.83124,2,3,0,7.86168,0.382283 +-7.0186,1,0.83124,1,1,0,7.19746,0.34849 +-6.74803,1,0.83124,2,3,0,7.00358,0.250403 +-6.75627,0.962266,0.83124,2,3,0,7.03973,0.266281 +-7.11069,0.946682,0.83124,2,3,0,7.22869,0.364991 +-6.88617,1,0.83124,1,1,0,7.05917,0.319193 +-6.97035,0.979993,0.83124,1,1,0,6.98544,0.338805 +-6.86667,1,0.83124,2,3,0,6.95447,0.31391 +-6.86376,0.945028,0.83124,2,7,0,7.24053,0.193301 +-6.94577,0.957185,0.83124,2,3,0,7.39636,0.333499 +-7.34218,0.770921,0.83124,1,3,0,8.53308,0.132548 +-7.09224,1,0.83124,1,1,0,7.31269,0.156927 +-7.34785,0.875454,0.83124,1,3,0,8.58804,0.400206 +-7.34785,0.862311,0.83124,1,1,0,7.81582,0.400206 +-7.30385,0.769611,0.83124,1,3,0,9.27718,0.135751 +-7.42651,0.859869,0.83124,1,3,0,9.21224,0.41038 +-7.06748,1,0.83124,1,1,0,7.35632,0.357521 +-7.06748,0.807273,0.83124,1,1,0,7.68027,0.357521 +-7.76394,0.835162,0.83124,1,1,0,7.76777,0.448746 +-7.99916,0.938322,0.83124,1,1,0,8.209,0.471897 +-6.77872,1,0.83124,2,3,0,7.85984,0.21991 +-6.78562,0.998717,0.83124,1,1,0,6.78966,0.21681 +-6.77028,0.991468,0.83124,1,3,0,6.86769,0.276972 +-6.785,0.984903,0.83124,2,7,0,6.87204,0.217078 +-6.77969,1,0.83124,2,3,0,6.78861,0.219455 +-6.75449,0.996474,0.83124,1,3,0,6.81765,0.264395 +-6.95531,0.940138,0.83124,1,3,0,7.13377,0.175799 +-6.80022,0.972447,0.83124,1,3,0,7.243,0.29176 +-6.79534,1,0.83124,1,1,0,6.80816,0.289701 +-6.82896,0.99747,0.83124,2,3,0,6.83287,0.302387 +-6.83834,0.958323,0.83124,1,3,0,7.10873,0.199539 +-7.74959,0.937426,0.83124,2,3,0,7.76225,0.447253 +-7.16155,1,0.83124,1,1,0,7.61679,0.373275 +-7.06736,0.783818,0.83124,2,3,0,8.86614,0.159946 +-7.95082,0.821786,0.83124,1,3,0,9.47994,0.467328 +-6.7621,1,0.83124,2,7,0,7.88542,0.271359 +-6.74867,0.963377,0.83124,2,3,0,7.03305,0.245517 +-7.61253,0.798665,0.83124,1,3,0,8.16834,0.113475 +-8.13793,0.948335,0.83124,1,1,0,8.1434,0.0872762 +-8.12909,0.899391,0.83124,2,3,0,10.4073,0.0876381 +-8.29851,0.986636,0.83124,2,7,0,8.32014,0.49839 +-7.65135,1,0.83124,2,7,0,8.47551,0.111133 +-6.74805,0.968712,0.83124,2,7,0,8.08015,0.251015 +-7.35872,0.924625,0.83124,2,3,0,7.47891,0.401648 +-6.90838,0.740972,0.83124,3,7,0,8.80384,0.324807 +-7.1062,0.952787,0.83124,1,1,0,7.11379,0.364234 +-7.04657,0.838625,0.83124,1,3,0,8.14052,0.162587 +-6.95071,0.932467,0.83124,1,3,0,7.76085,0.334588 +-6.75722,0.999342,0.83124,1,3,0,6.93446,0.267202 +-7.33157,0.893368,0.83124,1,3,0,7.43378,0.398024 +-6.75394,0.994608,0.83124,2,3,0,7.3846,0.263755 +-6.75254,0.780504,0.83124,2,3,0,8.5811,0.238239 +-7.5464,0.826699,0.83124,1,3,0,7.98409,0.117665 +-6.88542,0.989494,0.83124,2,7,0,7.45093,0.318996 +-6.97985,0.947323,0.83124,2,3,0,7.32585,0.340783 +-7.47906,0.817247,0.83124,2,3,0,8.36651,0.416872 +-6.79989,1,0.83124,2,3,0,7.35448,0.211252 +-6.81061,0.979865,0.83124,1,3,0,6.97954,0.29586 +-7.09211,0.878605,0.83124,1,3,0,7.60631,0.156942 +-7.13247,0.994264,0.83124,1,1,0,7.1759,0.152332 +-9.21876,0.78164,0.83124,1,3,0,9.90391,0.0548146 +-9.29925,0.995532,0.83124,1,1,0,9.51404,0.053069 +-8.67842,1,0.83124,1,1,0,9.29343,0.0685871 +-6.99979,0.961642,0.83124,2,7,0,8.47008,0.344817 +-6.75547,1,0.83124,2,3,0,6.95919,0.234958 +-7.35044,0.877021,0.83124,1,3,0,7.62815,0.400551 +-7.35044,0.811523,0.83124,1,1,0,7.96359,0.400551 +-6.76757,1,0.83124,2,3,0,7.2615,0.225845 +-6.98987,0.962784,0.83124,1,3,0,7.03308,0.170437 +-6.76835,0.976692,0.83124,2,7,0,7.20115,0.275752 +-7.73534,0.722431,0.83124,1,3,0,8.72967,0.106333 +-6.78963,0.972833,0.83124,1,3,0,7.93075,0.215147 +-7.47849,0.882089,0.83124,1,3,0,7.69716,0.122258 +-9.97026,0.821727,0.83124,3,7,0,10.0986,0.0408291 +-10.0175,0.987818,0.83124,3,7,0,10.0487,0.0400998 +-12.7499,0.937823,0.83124,2,3,0,13.1189,0.0149227 +-7.94543,1,0.83124,2,3,0,12.4102,0.095678 +-7.63894,0.983286,0.83124,2,3,0,8.46491,0.111873 +-7.85792,0.96497,0.83124,2,3,0,8.43244,0.0999041 +-7.1518,0.871984,0.83124,1,3,0,9.88087,0.371725 +-6.74968,1,0.83124,2,3,0,7.11397,0.242839 +-6.75396,0.998179,0.83124,2,3,0,6.7648,0.263781 +-7.4993,0.796919,0.83124,1,3,0,8.12961,0.120816 +-7.75778,0.971947,0.83124,1,1,0,7.7925,0.105107 +-7.42799,1,0.83124,1,1,0,7.7378,0.12589 +-7.45318,0.977534,0.83124,2,3,0,7.96662,0.124054 +-6.83835,0.940137,0.83124,1,3,0,8.24865,0.305458 +-6.82157,0.766904,0.83124,2,3,0,8.58042,0.20422 +-6.81426,1,0.83124,1,1,0,6.83048,0.206444 +-6.75251,0.991602,0.83124,2,3,0,6.89959,0.261959 +-6.75888,0.996402,0.83124,1,3,0,6.7795,0.231887 +-6.78754,0.953952,0.83124,2,3,0,7.15557,0.28619 +-6.74802,0.999015,0.83124,1,3,0,6.79472,0.250144 +-6.76389,0.996244,0.83124,1,3,0,6.77126,0.228186 +-6.77363,0.993116,0.83124,1,3,0,6.83196,0.278972 +-7.17418,0.869724,0.83124,1,3,0,7.63572,0.147894 +-6.82074,0.940134,0.83124,2,3,0,7.88732,0.204466 +-6.79954,1,0.83124,1,1,0,6.82144,0.211377 +-6.84283,0.979552,0.83124,1,3,0,7.03936,0.306868 +-6.92713,0.922063,0.83124,2,7,0,7.33785,0.180587 +-6.76995,0.982303,0.83124,1,3,0,7.10509,0.276763 +-6.76995,0.771125,0.83124,2,7,0,8.24394,0.276763 +-6.88071,0.957005,0.83124,2,7,0,7.05959,0.189569 +-6.77031,0.999645,0.83124,2,7,0,6.86103,0.276991 +-7.28721,0.931056,0.83124,2,7,0,7.28806,0.13719 +-7.77884,0.942976,0.83124,1,1,0,7.77886,0.103978 +-8.47531,0.937876,0.83124,1,1,0,8.47596,0.0749059 +-6.84292,1,0.83124,2,3,0,8.26846,0.198349 +-6.75017,1,0.83124,2,3,0,6.82502,0.258255 +-6.96592,0.957215,0.83124,1,3,0,7.01598,0.337869 +-7.47073,0.960169,0.83124,2,3,0,7.47185,0.415858 +-7.52326,0.986161,0.83124,1,1,0,7.69125,0.422162 +-7.4362,0.721172,0.83124,1,3,0,9.97273,0.125285 +-7.18987,1,0.83124,1,1,0,7.41609,0.1463 +-6.94911,1,0.83124,1,1,0,7.15352,0.176816 +-6.84972,1,0.83124,2,3,0,6.93365,0.196638 +-6.75885,0.999353,0.83124,2,3,0,6.85668,0.231914 +-7.83083,0.763248,0.83124,3,7,0,8.86514,0.101271 +-6.84999,1,0.83124,2,3,0,7.75737,0.196572 +-7.5117,0.958354,0.83124,2,3,0,7.51226,0.420792 +-6.85261,0.910999,0.83124,1,3,0,8.15977,0.19593 +-6.88227,0.994982,0.83124,1,1,0,6.89327,0.18924 +-7.0631,0.926215,0.83124,1,3,0,7.61414,0.35674 +-6.80819,0.976188,0.83124,2,3,0,7.25217,0.294935 +-6.82499,0.966276,0.83124,2,7,0,7.03734,0.203218 +-6.8568,0.998159,0.83124,2,3,0,6.86317,0.194925 +-6.79677,0.980863,0.83124,1,3,0,7.05911,0.290314 +-6.84877,0.958249,0.83124,2,7,0,7.06491,0.196874 +-6.81614,1,0.83124,1,1,0,6.84798,0.205858 +-7.39174,0.936097,0.83124,2,3,0,7.47236,0.128623 +-6.7763,0.982848,0.83124,1,3,0,7.48359,0.221085 +-6.782,0.988793,0.83124,1,3,0,6.87443,0.28349 +-7.04337,0.903209,0.83124,1,3,0,7.41439,0.163003 +-7.06217,0.997224,0.83124,1,1,0,7.10535,0.160594 +-7.45079,0.866041,0.83124,1,3,0,8.68702,0.413408 +-7.72485,0.92952,0.83124,1,1,0,7.846,0.444654 +-6.75454,1,0.83124,2,3,0,7.65792,0.235912 +-7.33767,0.877162,0.83124,1,3,0,7.61019,0.132917 +-7.71528,0.956598,0.83124,1,1,0,7.72184,0.107448 +-7.51636,1,0.83124,1,1,0,7.74268,0.119657 +-6.74804,1,0.83124,2,3,0,7.38144,0.249241 +-6.79922,0.993505,0.83124,2,3,0,6.8024,0.211491 +-7.25447,0.930246,0.83124,1,3,0,7.34668,0.140117 +-7.30335,0.873825,0.83124,1,3,0,8.87988,0.394174 +-8.18192,0.791258,0.83124,1,1,0,8.20746,0.488413 +-9.4614,0.707113,0.83124,1,1,0,9.62793,0.58121 +-7.50685,1,0.83124,2,3,0,8.94062,0.420216 +-7.80349,0.923636,0.83124,1,1,0,7.93533,0.452811 +-7.06735,0.850334,0.83124,2,3,0,9.29779,0.159947 +-6.7585,0.992047,0.83124,1,3,0,7.10465,0.232203 +-7.43229,0.931952,0.83124,2,3,0,7.49373,0.411106 +-6.9972,1,0.83124,2,7,0,7.38847,0.169362 +-7.37383,0.966663,0.83124,2,7,0,7.42046,0.403632 +-6.95584,1,0.83124,1,1,0,7.27155,0.335708 +-6.9089,0.914492,0.83124,1,3,0,7.51473,0.183929 +-7.19728,0.973224,0.83124,2,7,0,7.22332,0.378818 +-7.18664,1,0.83124,2,7,0,7.19708,0.146625 +-6.82274,0.997532,0.83124,2,7,0,7.12798,0.300262 +-6.77496,1,0.83124,1,1,0,6.81222,0.279732 +-7.02746,0.911517,0.83124,1,3,0,7.35767,0.165119 +-7.03272,0.999211,0.83124,1,1,0,7.07802,0.164411 +-6.96591,0.930577,0.83124,1,3,0,7.76388,0.337868 +-7.44388,0.962192,0.83124,2,3,0,7.44556,0.412551 +-7.44388,0.584066,0.83124,1,1,0,8.90281,0.412551 +-6.77241,0.961055,0.83124,1,3,0,7.73354,0.223092 +-7.62061,0.921655,0.83124,2,3,0,7.68079,0.433335 +-7.09883,1,0.83124,1,1,0,7.50084,0.362983 +-7.00947,0.855858,0.83124,1,3,0,8.02898,0.167604 +-6.75096,0.993351,0.83124,1,3,0,7.05949,0.240498 +-8.32625,0.646282,0.83124,1,3,0,9.49443,0.0800494 +-8.40732,0.938118,0.83124,3,7,0,9.6866,0.0771942 +-6.9833,0.968064,0.83124,2,7,0,8.22593,0.341493 +-6.93729,1,0.83124,2,3,0,7.00523,0.3316 +-7.12342,0.985051,0.83124,2,3,0,7.1369,0.367112 +-6.86814,1,0.83124,1,1,0,7.06227,0.314323 +-7.07136,0.952222,0.83124,1,1,0,7.07345,0.35821 +-7.02361,0.860951,0.83124,2,7,0,8.01757,0.165643 +-7.31835,0.958896,0.83124,1,1,0,7.31841,0.134522 +-7.26371,1,0.83124,1,1,0,7.37285,0.139277 +-8.31056,0.921219,0.83124,2,7,0,8.37609,0.499399 +-8.09228,1,0.83124,2,7,0,8.2179,0.0891676 +-7.76792,1,0.83124,1,1,0,8.10286,0.104561 +-6.8205,0.971419,0.83124,1,3,0,7.90692,0.204536 +-6.86053,0.967509,0.83124,2,7,0,7.11817,0.312165 +-6.86053,0.839294,0.83124,1,3,0,7.7602,0.312165 +-7.07867,0.948921,0.83124,1,1,0,7.07961,0.359498 +-7.00135,0.859115,0.83124,2,7,0,7.97205,0.168761 +-7.10981,0.984021,0.83124,1,1,0,7.12497,0.154879 +-7.10981,0.799781,0.83124,1,3,0,9.27125,0.154879 +-7.20755,0.890858,0.83124,1,3,0,8.38441,0.380374 +-8.05737,0.798946,0.83124,1,1,0,8.07069,0.477283 +-6.78149,1,0.83124,2,3,0,7.91138,0.218625 +-7.00867,0.937334,0.83124,1,3,0,7.26203,0.346567 +-7.13676,0.96848,0.83124,1,1,0,7.17248,0.3693 +-7.56545,0.773819,0.83124,2,3,0,8.84473,0.427081 +-7.01862,1,0.83124,1,1,0,7.4298,0.348493 +-6.78407,1,0.83124,2,7,0,6.97067,0.217481 +-7.77478,0.882325,0.83124,2,3,0,7.81349,0.104194 +-6.74839,1,0.83124,2,3,0,7.59559,0.246611 +-6.74839,0.726857,0.83124,1,3,0,8.54148,0.246611 +-6.80284,0.986991,0.83124,1,3,0,6.83049,0.292828 +-6.79592,0.977392,0.83124,2,7,0,6.96043,0.212703 +-7.78115,0.828678,0.83124,1,3,0,8.16462,0.103855 +-6.87998,0.971912,0.83124,1,3,0,7.83885,0.189723 +-7.01664,0.976632,0.83124,2,3,0,7.16303,0.166601 +-6.94752,1,0.83124,1,1,0,7.02198,0.177081 +-6.94102,1,0.83124,1,1,0,6.97806,0.178174 +-6.77464,0.976443,0.83124,2,7,0,7.14348,0.279555 +-7.35069,0.816251,0.83124,1,3,0,7.98794,0.131858 +-7.05067,0.989381,0.83124,2,3,0,7.56562,0.162057 +-7.18936,0.98036,0.83124,1,1,0,7.20466,0.146351 +-7.32049,0.99428,0.83124,2,3,0,7.35251,0.134341 +-6.85082,0.939647,0.83124,1,3,0,8.04245,0.309312 +-6.86251,0.999855,0.83124,2,7,0,6.86251,0.193588 +-6.82918,0.975519,0.83124,1,3,0,7.14221,0.302461 +-6.86712,0.947414,0.83124,1,3,0,7.17472,0.192537 +-6.78356,0.999382,0.83124,2,7,0,6.85802,0.284269 +-6.79441,0.997586,0.83124,1,1,0,6.79954,0.289297 +-7.74251,0.697212,0.83124,1,3,0,8.9077,0.105939 +-7.81618,0.997515,0.83124,2,3,0,7.92448,0.102022 +-8.04743,0.992718,0.83124,2,3,0,8.11458,0.0910846 +-7.47052,1,0.83124,1,1,0,7.98547,0.122818 +-6.75093,0.967506,0.83124,1,3,0,7.8585,0.25961 +-7.17786,0.892908,0.83124,2,3,0,7.49873,0.147516 +-6.83257,0.997205,0.83124,2,3,0,7.22011,0.201091 +-8.45978,0.732752,0.83124,1,3,0,9.22622,0.0754204 +-7.77472,1,0.83124,2,3,0,8.39743,0.104197 +-6.97089,0.981411,0.83124,2,7,0,7.68748,0.338918 +-6.89245,0.920504,0.83124,1,3,0,7.49844,0.187143 +-6.77637,0.999491,0.83124,2,7,0,6.8732,0.280523 +-6.80294,0.978849,0.83124,1,3,0,6.92288,0.210174 +-6.78857,0.723063,0.83124,2,3,0,9.77278,0.286669 +-7.10029,0.958158,0.83124,2,7,0,7.10567,0.155981 +-6.88194,0.950123,0.83124,1,3,0,7.71381,0.31808 +-6.82045,0.929997,0.83124,2,3,0,7.42623,0.20455 +-6.82297,0.979869,0.83124,1,3,0,7.04615,0.30034 +-7.4118,0.918783,0.83124,2,7,0,7.43508,0.408521 +-6.74848,1,0.83124,2,3,0,7.41976,0.253791 +-6.75298,0.968355,0.83124,2,3,0,6.98876,0.262583 +-6.75298,0.694815,0.83124,1,3,0,8.62863,0.262583 +-8.19757,0.624714,0.83124,1,3,0,9.53347,0.0848908 +-8.03339,1,0.83124,1,1,0,8.28745,0.0916972 +-7.92155,1,0.83124,1,1,0,8.13494,0.0968037 +-8.29745,0.966992,0.83124,1,1,0,8.33907,0.0810988 +-8.53927,0.983302,0.83124,2,7,0,8.55352,0.517816 +-10.174,0.646003,0.83124,1,1,0,10.3778,0.621676 +-12.1144,0.810818,0.83124,3,7,0,13.039,0.0186551 +-7.07292,0.964563,0.83124,3,7,0,11.0927,0.358487 +-7.87087,0.873612,0.83124,2,7,0,8.00892,0.0992609 +-6.75866,0.972023,0.83124,1,3,0,8.26993,0.232066 +-6.99244,0.94289,0.83124,1,3,0,7.15606,0.343347 +-6.82029,0.951094,0.83124,1,3,0,7.33313,0.204598 +-6.79306,1,0.83124,1,1,0,6.81796,0.213791 +-6.93839,0.979303,0.83124,2,3,0,7.00466,0.178623 +-7.01481,0.912717,0.83124,2,3,0,8.13529,0.34776 +-6.74884,0.996134,0.83124,1,3,0,7.03237,0.25508 +-8.66191,0.774419,0.83124,3,7,0,8.66326,0.0690741 +-8.07898,1,0.83124,2,3,0,8.63117,0.0897297 +-8.72682,0.948904,0.83124,1,1,0,8.73669,0.0671859 +-7.03893,0.942942,0.83124,1,3,0,8.97917,0.163586 +-6.79153,0.965131,0.83124,2,7,0,7.36216,0.288022 +-6.78617,0.993208,0.83124,2,3,0,6.86016,0.285539 +-6.8071,0.995321,0.83124,1,1,0,6.81103,0.294512 +-6.80154,0.740376,0.83124,2,3,0,8.79928,0.210664 +-6.80946,0.998572,0.83124,1,1,0,6.81728,0.207979 +-6.78481,1,0.83124,1,1,0,6.80681,0.217159 +-7.0432,0.888958,0.83124,2,3,0,7.66922,0.163026 +-7.22803,0.973996,0.83124,1,1,0,7.23597,0.142578 +-7.5135,0.964663,0.83124,1,1,0,7.52318,0.119851 +-6.75175,0.964523,0.83124,2,7,0,7.93896,0.26089 +-6.75951,0.999109,0.83124,2,7,0,6.76029,0.231382 +-6.76189,0.999539,0.83124,1,1,0,6.76351,0.229577 +-6.78564,0.997277,0.83124,2,7,0,6.78845,0.285286 +-6.79213,0.992347,0.83124,2,3,0,6.86148,0.28829 +-6.77159,0.987572,0.83124,2,7,0,6.88243,0.223538 +-6.77159,0.970605,0.83124,1,3,0,6.983,0.223538 +-6.80634,0.982915,0.83124,2,3,0,6.94091,0.294219 +-6.75946,0.990818,0.83124,1,3,0,6.87112,0.23142 +-6.78335,0.917796,0.83124,2,3,0,7.4738,0.284165 +-6.78933,0.983866,0.83124,1,3,0,6.90817,0.215271 +-6.81092,0.996076,0.83124,1,1,0,6.81384,0.207504 +-7.1809,0.929503,0.83124,2,3,0,7.61169,0.376304 +-6.80722,1,0.83124,2,3,0,7.10483,0.208718 +-7.74538,0.780327,0.83124,2,3,0,8.6578,0.105782 +-7.46218,1,0.83124,1,1,0,7.74085,0.12341 +-7.20688,1,0.83124,1,1,0,7.44136,0.144614 +-7.44059,0.97043,0.83124,1,1,0,7.45542,0.124965 +-6.82406,0.982347,0.83124,1,3,0,7.46608,0.20349 +-7.07013,0.967894,0.83124,2,3,0,7.167,0.159602 +-7.4025,0.955293,0.83124,1,1,0,7.40256,0.1278 +-7.22459,0.872027,0.83124,2,7,0,9.05636,0.382919 +-7.11268,0.790561,0.83124,2,3,0,8.92476,0.154551 +-9.17948,0.781581,0.83124,1,3,0,9.86888,0.055692 +-9.2665,0.995104,0.83124,1,1,0,9.47647,0.053771 +-9.84074,0.967571,0.83124,2,7,0,9.85361,0.6035 +-7.60363,1,0.83124,2,3,0,9.24351,0.43143 +-6.8368,0.917004,0.83124,1,3,0,8.21727,0.199948 +-7.17099,0.907058,0.83124,1,3,0,7.67115,0.37476 +-6.80781,0.94595,0.83124,1,3,0,7.54445,0.208524 +-6.83785,0.879025,0.83124,2,3,0,8.03833,0.305298 +-6.75334,0.998324,0.83124,2,3,0,6.8517,0.263036 +-7.37368,0.848036,0.83124,2,7,0,7.88407,0.130027 +-6.79509,1,0.83124,2,3,0,7.33649,0.213017 +-7.16328,0.944717,0.83124,1,3,0,7.2271,0.149025 +-7.11417,0.886172,0.83124,3,7,0,8.41438,0.154382 +-6.95416,1,0.83124,1,1,0,7.0935,0.175987 +-6.76152,0.987523,0.83124,1,3,0,7.11694,0.270902 +-6.75,0.990996,0.83124,2,3,0,6.83039,0.242187 +-6.77672,0.997279,0.83124,2,3,0,6.77682,0.280713 +-6.75763,1,0.83124,1,1,0,6.7726,0.267585 +-7.35659,0.834836,0.83124,1,3,0,7.89133,0.131383 +-6.80053,0.952879,0.83124,1,3,0,7.94338,0.291887 +-6.98303,0.915992,0.83124,1,3,0,7.35216,0.17146 +-6.89083,0.925284,0.83124,2,3,0,7.79098,0.18747 +-6.88966,0.964241,0.83124,1,3,0,7.32194,0.320103 +-7.48835,0.733642,0.83124,2,7,0,8.71588,0.121571 +-6.87631,0.982988,0.83124,1,3,0,7.47694,0.19051 +-6.97848,0.983469,0.83124,1,1,0,6.98138,0.172149 +-7.07083,0.913498,0.83124,2,3,0,8.1609,0.358117 +-6.79558,0.956979,0.83124,1,3,0,7.36528,0.212832 +-6.91837,0.955744,0.83124,1,3,0,7.15979,0.327213 +-7.02487,0.974408,0.83124,1,1,0,7.04367,0.349688 +-6.84162,1,0.83124,1,1,0,6.98194,0.306492 +-7.1903,0.839686,0.83124,1,3,0,7.9069,0.146256 +-7.2047,0.99935,0.83124,2,3,0,7.26996,0.144828 +-7.49285,0.963893,0.83124,1,1,0,7.50077,0.12126 +-7.544,0.994932,0.83124,2,7,0,7.56004,0.424596 +-6.75436,0.980075,0.83124,1,3,0,7.72538,0.236101 +-7.04678,0.970576,0.83124,2,3,0,7.06325,0.35378 +-6.99502,1,0.83124,1,1,0,7.07984,0.343865 +-6.82382,1,0.83124,1,1,0,6.95483,0.300636 +-6.78357,0.985313,0.83124,1,3,0,6.96639,0.217696 +-7.2575,0.890842,0.83124,1,3,0,7.6326,0.38772 +-7.48017,0.943393,0.83124,1,1,0,7.5609,0.417006 +-6.90613,0.887572,0.83124,1,3,0,8.30596,0.184456 +-6.90613,0.870141,0.83124,1,3,0,8.24338,0.184456 +-6.76904,0.99968,0.83124,2,7,0,6.88027,0.27619 +-6.77656,0.998354,0.83124,1,1,0,6.77931,0.280626 +-7.28609,0.909846,0.83124,2,3,0,7.54284,0.391774 +-6.75187,0.984197,0.83124,1,3,0,7.41445,0.239149 +-7.12785,0.959934,0.83124,2,3,0,7.16083,0.367842 +-6.86855,1,0.83124,2,3,0,7.06565,0.314439 +-6.99134,0.971035,0.83124,1,1,0,6.99866,0.343127 +-7.34994,0.913492,0.83124,1,1,0,7.35921,0.400485 +-7.73719,0.902339,0.83124,1,1,0,7.81694,0.445955 +-8.17357,0.888476,0.83124,1,1,0,8.34249,0.487683 +-7.54992,1,0.83124,2,3,0,8.10298,0.425286 +-7.49625,1,0.83124,2,7,0,7.52846,0.121026 +-7.16931,0.987608,0.83124,2,3,0,7.77775,0.148397 +-7.09573,1,0.83124,1,1,0,7.19356,0.156515 +-6.89368,0.937414,0.83124,2,7,0,7.73271,0.321134 +-6.8188,1,0.83124,1,1,0,6.87987,0.298871 +-6.7771,0.983079,0.83124,1,3,0,6.94098,0.220694 +-6.96757,0.945957,0.83124,1,3,0,7.18569,0.338219 +-6.90748,1,0.83124,1,1,0,6.97661,0.324586 +-7.43703,0.745713,0.83124,1,3,0,8.65086,0.125224 +-6.76291,0.999948,0.83124,2,7,0,7.3071,0.271971 +-6.76164,0.994302,0.83124,1,3,0,6.80668,0.229761 +-6.7553,1,0.83124,2,3,0,6.76067,0.23513 +-6.77564,0.98544,0.83124,2,3,0,6.87926,0.280113 +-7.89026,0.668715,0.83124,1,3,0,9.11055,0.0983094 +-8.40043,0.95557,0.83124,1,1,0,8.41848,0.0774314 +-6.92864,0.951996,0.83124,1,3,0,8.64117,0.18032 +-6.80745,0.967917,0.83124,2,7,0,7.21467,0.294648 +-6.8125,0.970932,0.83124,1,3,0,7.00755,0.207001 +-7.27803,0.932836,0.83124,1,3,0,7.3605,0.137998 +-7.11244,0.872885,0.83124,3,7,0,8.59103,0.365284 +-6.77647,0.984971,0.83124,2,3,0,7.22712,0.280577 +-6.76764,0.990981,0.83124,1,3,0,6.84549,0.225801 +-6.98546,0.963687,0.83124,1,3,0,7.027,0.171095 +-6.75248,0.986453,0.83124,1,3,0,7.11882,0.261928 +-7.00721,0.96671,0.83124,2,3,0,7.00821,0.167924 +-6.77372,0.999672,0.83124,2,3,0,7.0112,0.222402 +-6.76803,0.971778,0.83124,2,3,0,7.00664,0.225565 +-7.27656,0.905319,0.83124,1,3,0,7.44861,0.138128 +-7.32837,0.887249,0.83124,1,3,0,8.97474,0.397592 +-6.97834,1,0.83124,1,1,0,7.24831,0.340471 +-6.85367,0.999899,0.83124,2,7,0,6.97919,0.195674 +-8.5941,0.701615,0.83124,2,3,0,9.62207,0.0711213 +-9.26932,0.956878,0.83124,1,1,0,9.29205,0.0537101 +-13.9248,0.83665,0.83124,2,3,0,13.9651,0.00993544 +-14.2366,0.996822,0.83124,1,1,0,14.4764,0.00892753 +-10.0466,1,0.83124,2,3,0,14.2137,0.0396581 +-10.0406,1,0.83124,1,1,0,10.3327,0.0397483 +-9.35124,1,0.83124,1,1,0,10.0503,0.0519773 +-10.0943,0.988232,0.83124,2,3,0,10.1286,0.038945 +-10.9778,0.968473,0.83124,1,1,0,11.0065,0.0280451 +-7.34479,1,0.83124,2,3,0,10.6346,0.132336 +-6.75637,0.968725,0.83124,1,3,0,7.7084,0.266382 +-7.4561,0.870982,0.83124,1,3,0,7.58688,0.414063 +-7.2022,1,0.83124,1,1,0,7.45269,0.379565 +-6.75588,0.998092,0.83124,1,3,0,7.1857,0.265886 +-6.75908,0.999318,0.83124,1,1,0,6.76,0.26889 +-6.89345,0.954925,0.83124,1,3,0,7.04542,0.186942 +-6.92397,0.948177,0.83124,1,3,0,7.39337,0.328533 +-6.88537,0.928021,0.83124,1,3,0,7.39835,0.188592 +-6.7886,0.999261,0.83124,2,7,0,6.87479,0.286684 +-6.8666,0.955599,0.83124,1,3,0,7.08277,0.192655 +-6.85166,0.964934,0.83124,1,3,0,7.19693,0.309565 +-6.95173,0.976564,0.83124,1,1,0,6.95832,0.334811 +-7.36767,0.967028,0.83124,2,3,0,7.36991,0.402826 +-7.53083,0.985944,0.83124,2,3,0,7.64959,0.423054 +-7.45387,1,0.83124,1,1,0,7.66871,0.413788 +-7.02225,1,0.83124,1,1,0,7.35336,0.34919 +-7.03738,0.996255,0.83124,1,1,0,7.09801,0.352041 +-7.75081,0.832258,0.83124,1,1,0,7.75217,0.44738 +-7.0847,1,0.83124,1,1,0,7.58462,0.36055 +-7.36635,0.930396,0.83124,1,1,0,7.39907,0.402653 +-7.30022,0.705985,0.83124,1,3,0,9.30071,0.136062 +-7.45316,0.969196,0.83124,2,3,0,7.87841,0.124055 +-7.46965,0.998056,0.83124,1,1,0,7.5672,0.122879 +-7.31408,1,0.83124,1,1,0,7.49037,0.134881 +-9.69549,0.86634,0.83124,2,7,0,9.69854,0.59518 +-11.3431,0.659407,0.83124,1,1,0,11.7996,0.677081 +-7.25606,1,0.83124,2,7,0,10.3442,0.387512 +-6.81282,0.939796,0.83124,1,3,0,7.67612,0.206899 +-6.81282,0.897486,0.83124,1,3,0,7.52703,0.206899 +-6.79345,0.683157,0.83124,2,3,0,10.3368,0.288875 +-6.90385,0.943246,0.83124,1,3,0,7.17124,0.184894 +-7.34743,0.959342,0.83124,2,7,0,7.35928,0.40015 +-6.99915,1,0.83124,1,1,0,7.2705,0.344689 +-8.45138,0.785349,0.83124,2,7,0,8.58478,0.0757005 +-9.71208,0.934067,0.83124,2,3,0,10.2656,0.0450978 +-6.80914,0.985533,0.83124,3,7,0,9.15788,0.295302 +-6.79341,0.792474,0.83124,2,3,0,8.37029,0.213657 +-6.75271,0.995332,0.83124,1,3,0,6.83329,0.262233 +-6.90784,0.970518,0.83124,1,3,0,6.93453,0.324675 +-7.12855,0.947402,0.83124,1,1,0,7.13449,0.367957 +-7.33571,0.758451,0.83124,1,3,0,8.93561,0.133078 +-7.43423,0.987969,0.83124,1,1,0,7.49126,0.12543 +-6.75288,0.965312,0.83124,2,7,0,7.8226,0.262459 +-7.15439,0.923116,0.83124,1,3,0,7.2363,0.372139 +-7.22444,0.758874,0.83124,1,3,0,8.69823,0.142919 +-7.36705,0.993916,0.83124,2,3,0,7.40034,0.13055 +-7.55388,0.859677,0.83124,2,3,0,9.81129,0.425745 +-8.17005,0.846915,0.83124,1,1,0,8.26941,0.487374 +-7.40868,1,0.83124,1,1,0,8.01893,0.408124 +-7.10702,1,0.83124,1,1,0,7.36627,0.364373 +-6.82314,0.970014,0.83124,2,3,0,7.34594,0.300399 +-6.93401,0.974417,0.83124,1,1,0,6.93572,0.330855 +-7.01947,0.979356,0.83124,1,1,0,7.0448,0.348656 +-6.87749,0.999868,0.83124,2,7,0,7.02398,0.190256 +-6.86677,0.960811,0.83124,1,3,0,7.24932,0.313938 +-6.76204,0.995345,0.83124,2,3,0,6.90455,0.271308 +-8.44141,0.570044,0.83124,1,3,0,10.1997,0.0760353 +-7.16128,0.999952,0.83124,2,3,0,8.4761,0.149235 +-6.76895,0.98964,0.83124,1,3,0,7.19817,0.225027 +-7.62677,0.792418,0.83124,2,3,0,8.40538,0.112606 +-8.66946,0.922448,0.83124,2,7,0,8.87914,0.527738 +-6.79039,0.946193,0.83124,2,7,0,9.22648,0.214843 +-6.82196,0.894113,0.83124,2,3,0,7.8172,0.299987 +-6.77883,0.971119,0.83124,2,3,0,7.06215,0.219861 +-7.59494,0.835256,0.83124,1,3,0,8.07914,0.430449 +-7.07867,0.876524,0.83124,2,3,0,8.65391,0.359498 +-7.05615,1,0.83124,1,1,0,7.14038,0.355488 +-6.74917,0.991113,0.83124,1,3,0,7.1252,0.24403 +-7.21295,0.940256,0.83124,2,3,0,7.22647,0.144023 +-7.76346,0.830358,0.83124,2,3,0,9.25552,0.104801 +-7.31789,1,0.83124,1,1,0,7.71239,0.13456 +-6.81238,0.986233,0.83124,1,3,0,7.32787,0.207037 +-6.95591,0.985919,0.83124,2,7,0,6.96476,0.335723 +-6.83467,1,0.83124,1,1,0,6.92981,0.304271 +-6.75378,0.991915,0.83124,1,3,0,6.89004,0.236752 +-6.77103,0.988181,0.83124,2,3,0,6.8529,0.277428 +-7.06634,0.906759,0.83124,2,7,0,7.41652,0.160073 +-6.94269,1,0.83124,1,1,0,7.05382,0.177892 +-6.97994,0.994153,0.83124,1,1,0,7.00279,0.171927 +-7.56881,0.937966,0.83124,2,3,0,7.75966,0.116215 +-8.10987,0.945818,0.83124,1,1,0,8.11305,0.0884317 +-7.95695,1,0.83124,1,1,0,8.19751,0.0951421 +-6.8685,0.965638,0.83124,1,3,0,8.09171,0.192228 +-6.76029,0.988392,0.83124,1,3,0,6.97736,0.269915 +-6.74891,0.911224,0.83124,2,3,0,7.43307,0.244756 +-7.42023,0.912902,0.83124,2,3,0,7.43121,0.126465 +-7.34223,0.999701,0.83124,2,7,0,7.4227,0.399457 +-6.75652,0.992019,0.83124,2,3,0,7.41195,0.266528 +-6.76283,0.994113,0.83124,2,7,0,6.7964,0.228913 +-6.80605,0.983335,0.83124,1,3,0,6.88718,0.294104 +-6.97427,0.917773,0.83124,1,3,0,7.34947,0.172796 +-6.78479,0.97611,0.83124,1,3,0,7.23119,0.284872 +-6.7651,1,0.83124,1,1,0,6.78103,0.273564 +-6.74958,1,0.83124,2,3,0,6.76193,0.243075 +-7.02863,0.969077,0.83124,2,3,0,7.05541,0.3504 +-6.91736,0.953693,0.83124,2,3,0,7.44255,0.326972 +-6.918,0.618501,0.83124,2,3,0,9.85086,0.182235 +-6.84677,1,0.83124,1,1,0,6.90933,0.197372 +-6.96252,0.980836,0.83124,1,1,0,6.96279,0.174638 +# +# Elapsed Time: 0.01 seconds (Warm-up) +# 0.008 seconds (Sampling) +# 0.018 seconds (Total) +# diff --git a/src/test/unit/io/test_csv_files/fixed_param_output.csv b/src/test/unit/io/test_csv_files/fixed_param_output.csv new file mode 100644 index 00000000000..f18f70b8223 --- /dev/null +++ b/src/test/unit/io/test_csv_files/fixed_param_output.csv @@ -0,0 +1,55 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = linear_model_dgp_model +# start_datetime = 2024-07-23 18:24:49 UTC +# method = sample (Default) +# sample +# num_samples = 10 +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = fixed_param +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = linear_data.json +# init = 2 (Default) +# random +# seed = 3892335730 (Default) +# output +# file = output.csv (Default) +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0 +# stancflags = --filename-in-msg=linear_model_dgp.stan +lp__,accept_stat__,alpha_sim,beta_sim,sigma_sim,x_sim.1,x_sim.2,x_sim.3,x_sim.4,x_sim.5,x_sim.6,x_sim.7,x_sim.8,x_sim.9,x_sim.10,x_sim.11,x_sim.12,x_sim.13,x_sim.14,x_sim.15,x_sim.16,x_sim.17,x_sim.18,x_sim.19,x_sim.20,x_sim.21,x_sim.22,x_sim.23,x_sim.24,x_sim.25,x_sim.26,x_sim.27,x_sim.28,x_sim.29,x_sim.30,x_sim.31,x_sim.32,x_sim.33,x_sim.34,x_sim.35,x_sim.36,x_sim.37,x_sim.38,x_sim.39,x_sim.40,x_sim.41,x_sim.42,x_sim.43,x_sim.44,x_sim.45,x_sim.46,x_sim.47,x_sim.48,x_sim.49,x_sim.50,x_sim.51,x_sim.52,x_sim.53,x_sim.54,x_sim.55,x_sim.56,x_sim.57,x_sim.58,x_sim.59,x_sim.60,x_sim.61,x_sim.62,x_sim.63,x_sim.64,x_sim.65,x_sim.66,x_sim.67,x_sim.68,x_sim.69,x_sim.70,x_sim.71,x_sim.72,x_sim.73,x_sim.74,x_sim.75,x_sim.76,x_sim.77,x_sim.78,x_sim.79,x_sim.80,x_sim.81,x_sim.82,x_sim.83,x_sim.84,x_sim.85,x_sim.86,x_sim.87,x_sim.88,x_sim.89,x_sim.90,x_sim.91,x_sim.92,x_sim.93,x_sim.94,x_sim.95,x_sim.96,x_sim.97,x_sim.98,x_sim.99,x_sim.100,y_sim.1,y_sim.2,y_sim.3,y_sim.4,y_sim.5,y_sim.6,y_sim.7,y_sim.8,y_sim.9,y_sim.10,y_sim.11,y_sim.12,y_sim.13,y_sim.14,y_sim.15,y_sim.16,y_sim.17,y_sim.18,y_sim.19,y_sim.20,y_sim.21,y_sim.22,y_sim.23,y_sim.24,y_sim.25,y_sim.26,y_sim.27,y_sim.28,y_sim.29,y_sim.30,y_sim.31,y_sim.32,y_sim.33,y_sim.34,y_sim.35,y_sim.36,y_sim.37,y_sim.38,y_sim.39,y_sim.40,y_sim.41,y_sim.42,y_sim.43,y_sim.44,y_sim.45,y_sim.46,y_sim.47,y_sim.48,y_sim.49,y_sim.50,y_sim.51,y_sim.52,y_sim.53,y_sim.54,y_sim.55,y_sim.56,y_sim.57,y_sim.58,y_sim.59,y_sim.60,y_sim.61,y_sim.62,y_sim.63,y_sim.64,y_sim.65,y_sim.66,y_sim.67,y_sim.68,y_sim.69,y_sim.70,y_sim.71,y_sim.72,y_sim.73,y_sim.74,y_sim.75,y_sim.76,y_sim.77,y_sim.78,y_sim.79,y_sim.80,y_sim.81,y_sim.82,y_sim.83,y_sim.84,y_sim.85,y_sim.86,y_sim.87,y_sim.88,y_sim.89,y_sim.90,y_sim.91,y_sim.92,y_sim.93,y_sim.94,y_sim.95,y_sim.96,y_sim.97,y_sim.98,y_sim.99,y_sim.100,y_sim_x.1,y_sim_x.2,y_sim_x.3,y_sim_x.4,y_sim_x.5,y_sim_x.6,y_sim_x.7,y_sim_x.8,y_sim_x.9,y_sim_x.10,y_sim_x.11,y_sim_x.12,y_sim_x.13,y_sim_x.14,y_sim_x.15,y_sim_x.16,y_sim_x.17,y_sim_x.18,y_sim_x.19,y_sim_x.20,y_sim_x.21,y_sim_x.22,y_sim_x.23,y_sim_x.24,y_sim_x.25,y_sim_x.26,y_sim_x.27,y_sim_x.28,y_sim_x.29,y_sim_x.30,y_sim_x.31,y_sim_x.32,y_sim_x.33,y_sim_x.34,y_sim_x.35,y_sim_x.36,y_sim_x.37,y_sim_x.38,y_sim_x.39,y_sim_x.40,y_sim_x.41,y_sim_x.42,y_sim_x.43,y_sim_x.44,y_sim_x.45,y_sim_x.46,y_sim_x.47,y_sim_x.48,y_sim_x.49,y_sim_x.50,y_sim_x.51,y_sim_x.52,y_sim_x.53,y_sim_x.54,y_sim_x.55,y_sim_x.56,y_sim_x.57,y_sim_x.58,y_sim_x.59,y_sim_x.60,y_sim_x.61,y_sim_x.62,y_sim_x.63,y_sim_x.64,y_sim_x.65,y_sim_x.66,y_sim_x.67,y_sim_x.68,y_sim_x.69,y_sim_x.70,y_sim_x.71,y_sim_x.72,y_sim_x.73,y_sim_x.74,y_sim_x.75,y_sim_x.76,y_sim_x.77,y_sim_x.78,y_sim_x.79,y_sim_x.80,y_sim_x.81,y_sim_x.82,y_sim_x.83,y_sim_x.84,y_sim_x.85,y_sim_x.86,y_sim_x.87,y_sim_x.88,y_sim_x.89,y_sim_x.90,y_sim_x.91,y_sim_x.92,y_sim_x.93,y_sim_x.94,y_sim_x.95,y_sim_x.96,y_sim_x.97,y_sim_x.98,y_sim_x.99,y_sim_x.100 +0,0,1.64343,-0.18914,0.242949,-2.03453,3.12434,-4.42793,-2.3122,-2.3243,2.53618,2.28161,-0.467901,4.98055,-4.43706,-0.607378,-3.36958,3.32577,-0.270776,-3.01892,1.95256,4.29577,2.83344,-1.46675,-3.47825,2.4114,0.345259,1.86837,-4.64038,-2.38955,4.42554,-2.01829,-1.90322,-1.26354,-3.73488,-4.64535,2.4728,3.24564,1.76468,-0.840486,-2.8966,2.00015,1.41436,2.63577,-3.5491,3.91204,-3.62434,4.45073,3.13855,-3.74669,4.79829,-1.64576,0.225872,1.69654,0.560749,-3.43322,1.92496,1.4374,0.142976,-1.63499,-1.65451,3.42313,4.02368,-4.97807,2.92308,-4.10882,-2.96725,4.05736,3.92584,-0.469738,-3.91619,-3.99915,2.35499,-1.78715,-3.62335,-2.65268,0.310008,3.78105,-2.60154,4.00581,-0.537444,3.60069,-1.25154,-0.108122,-1.60442,-3.2302,-3.55104,-1.46593,-1.51132,3.10687,0.97305,-3.28736,-1.5947,-1.72843,1.36111,-0.758306,3.75515,-1.86988,-2.3009,-1.90892,-4.81897,3.71072,0.0668072,2.42292,-3.02777,2.07112,1.17592,2.74462,1.99392,1.96944,0.655856,1.30186,1.99353,1.486,2.23842,1.70492,2.4376,0.786826,1.66926,2.49542,1.2936,0.883512,0.912335,1.96888,1.96084,1.26823,1.6429,1.57346,2.25415,2.53576,1.05381,2.09015,1.98455,2.08454,2.23745,2.02916,1.10557,1.08536,1.08201,1.97624,2.12881,1.70375,1.42872,1.01246,2.19735,0.712365,2.5233,0.745684,1.49396,2.28358,0.523366,2.0716,1.7236,1.22784,1.29874,2.3004,1.03649,1.37889,1.64698,1.82254,1.99991,0.91754,1.0128,3.20663,1.58946,2.49841,2.28991,0.753806,0.819025,1.76987,2.21168,1.92822,1.26918,2.49469,2.47543,2.04391,1.87319,1.08505,2.44026,0.616909,1.60326,0.993814,1.83242,1.91147,1.57612,2.23156,2.33639,2.03767,2.03669,1.0453,2.15518,1.91417,1.84545,2.06637,1.4562,1.30459,0.830051,1.71328,2.2358,1.89543,2.89503,0.915974,2.01883,1.36138,1.99935,1.08641,1.53186,2.04249,2.62232,1.30541,2.60359,1.06088,1.34961,1.41202,2.61516,2.43446,0.98108,0.860614,2.17848,2.20697,0.820912,1.64123,0.675196,1.48238,1.10537,2.6106,1.31554,0.730823,1.49119,0.959091,0.425627,1.7896,1.11497,1.99717,2.03157,2.17744,0.476715,0.799672,2.09368,1.87396,2.15931,1.73776,0.582291,1.81183,0.979198,2.83502,1.31229,1.28717,1.68746,2.00395,0.735276,1.31597,1.44794,1.98138,1.92566,0.957184,2.2401,2.60792,2.11488,2.73271,2.49081,1.77644,2.64548,1.29913,2.05255,1.60232,2.34679,2.03555,1.92188,1.58625,2.42101,1.90782,2.21192,1.37466,2.40035,1.9356,0.7973,0.796027,0.880932,1.36258,1.25995,2.80237,1.11637,0.214225,2.25087,1.6627,2.54055,1.60901,1.41925,0.598937,2.34025,2.5524,1.68581,1.19633,0.252331,2.36061,1.63511,0.700336,2.39949,1.61246,2.50096,2.1899,1.67513,1.55897,0.99148 +0,0,-0.0319181,-1.37934,0.168155,1.62661,3.21533,1.4708,3.66298,-4.14294,-0.860471,4.6643,-3.83596,-0.00196636,-2.36785,-4.1463,3.8191,4.78639,-0.707164,-2.84539,-3.48486,-1.2353,-2.2358,-3.30056,-4.03945,-3.41379,4.09383,-4.69303,-0.673722,4.74141,2.75781,3.50925,0.267842,3.64795,-4.75752,2.57756,-3.55354,2.74989,-1.331,-3.92264,3.82557,4.84173,3.46285,-2.9587,-2.32674,2.77562,-0.151785,0.674466,0.8843,-2.06809,2.91588,-1.21201,1.77985,1.8696,-1.49345,2.52973,-4.42034,4.70165,0.270356,0.82512,3.57438,4.25372,-4.52387,-0.823568,-1.20684,-0.256387,1.6156,-0.797397,-3.31759,3.5269,0.975608,-4.2572,-2.11513,-3.80731,-1.34996,-2.96694,-2.00047,1.37242,1.52216,4.17058,0.133426,1.26752,4.40344,-1.43019,-2.47565,4.67892,-3.72672,4.59943,-2.46577,-3.53534,2.95304,3.56951,-4.53902,-2.95386,-0.449148,-2.25652,4.35111,1.03171,-4.77023,-2.8331,3.71768,-3.4386,-4.14712,-2.4425,2.01923,-2.10888,-4.37662,-1.66428,-5.16394,5.75312,1.15197,-6.39659,5.22861,-0.0378101,3.28314,5.47832,-5.131,-6.5738,1.07356,3.87299,4.57045,1.57515,2.98857,4.24144,5.76268,4.39835,-5.55153,6.41676,0.677922,-6.65273,-3.65294,-4.95107,-0.707508,-5.13574,6.61097,-3.67625,4.95342,-3.61757,1.99227,5.31098,-4.90088,-6.75394,-4.67991,4.05102,3.10493,-3.87333,0.0770568,-1.18213,-1.31723,2.74088,-3.94159,1.82028,-2.5473,-2.72986,1.99383,-3.50579,6.03159,-6.99038,-0.440935,-1.44585,-4.63185,-5.76934,6.34335,1.02926,1.51238,0.196869,-2.43315,1.17505,4.45047,-4.64713,-1.44951,5.89335,2.98782,4.96373,1.81996,4.17266,2.56117,-1.83172,-2.31228,-5.83749,-0.411792,-1.56239,-5.83488,1.87909,3.46082,-6.49631,4.80055,-6.04701,3.04903,4.89703,-4.01639,-5.06185,6.37135,3.86013,0.776682,3.1851,-6.24297,-1.74618,6.756,3.88352,-5.01757,4.5533,5.51976,3.66275,-3.05526,2.00701,1.58367,1.69682,4.71852,-3.44145,5.81103,-3.0869,-0.00904936,-2.28607,6.13361,5.41515,-5.51006,-5.34372,0.280305,4.09167,-3.88009,0.870098,-6.13109,0.900697,-1.26367,6.35961,1.07367,-5.93351,-1.5315,-5.21041,-6.12152,0.342371,-4.0163,2.26087,5.49081,3.4026,-6.91152,-4.45131,3.11454,0.14174,4.04657,-3.61819,-5.4304,2.04765,-2.48107,5.56315,-2.54611,-2.57348,0.466258,2.86505,-4.86534,-3.43223,-2.21673,4.50719,4.8677,-5.1764,4.6698,6.26213,-0.0467476,6.62754,6.27711,0.64314,6.2798,-3.78406,0.138897,-1.05535,3.83593,2.57801,2.39716,1.67117,6.20676,5.58889,5.35852,-2.00375,4.61405,2.0136,-4.48732,-4.44352,-3.02053,-0.741807,-2.12632,6.62426,-5.3662,-5.96868,4.35684,-1.64706,5.72343,-0.873976,-3.56539,-6.66983,6.69165,4.73961,2.30121,-1.10826,-5.03532,4.38253,2.58679,-5.54529,3.58235,0.605605,4.86939,5.20802,-0.53406,-3.02945,-6.39834 +0,0,1.39824,-1.68282,0.083391,3.80641,2.82209,1.70852,-4.63701,-0.124879,4.13264,1.35926,0.925094,-2.61767,-2.91107,2.19839,1.80775,1.85771,0.166256,1.04949,1.7701,1.00879,1.8327,-2.60828,-0.962116,-3.61966,-2.70613,-3.92913,1.0127,4.29499,4.29215,1.67998,-4.06322,4.21655,3.46205,-0.854324,-1.24365,-3.71309,-2.32367,-2.85571,0.360382,-1.43081,4.43527,4.23916,4.31195,-0.951248,-1.22226,0.430047,-4.01251,0.929945,-3.68063,1.72818,-4.1883,-0.512482,-0.279295,3.24364,3.61486,1.23572,-0.884472,4.00594,-4.97923,4.44908,-0.710644,-0.148733,3.6406,-1.68302,4.02791,4.93248,-2.49579,2.06674,2.38567,2.24442,4.89033,-3.99476,0.416613,-2.56106,2.75829,-3.36011,-2.74146,0.646465,-4.88531,-4.44443,1.62246,0.935826,-1.11654,2.61986,-1.53766,4.00067,1.78866,-1.94903,4.73,0.736464,0.155488,-1.08187,4.66983,-2.53591,-4.5243,0.903292,-1.36575,1.00821,2.71796,3.57691,-1.15079,-1.36273,3.50581,-4.98401,-3.20352,-1.43821,9.1997,1.64353,-5.47579,-0.976252,-0.109535,5.94837,6.25825,-2.09987,-1.69567,-1.68539,1.01546,-0.395121,-1.48655,-0.392443,-1.66488,6.03196,2.93201,7.5348,5.88836,8.08258,-0.268967,-5.84109,-6.00812,-1.51458,8.36999,-5.70453,-4.46185,2.68593,3.32271,7.69306,5.29932,6.23318,0.778268,3.92221,-6.02032,-5.65102,-5.85448,3.00181,3.2525,0.785531,8.11909,-0.0794842,7.60004,-1.59914,8.41385,2.14439,1.79221,-4.12918,-4.68539,-0.59318,2.89712,-5.25633,9.64659,-6.09741,2.56418,1.7685,-4.82965,4.2107,-5.31478,-6.75221,5.69924,-2.14389,-2.54309,-2.3467,-6.92463,8.26691,0.718716,5.6571,-3.27378,6.90078,6.00518,0.284264,9.47498,8.72535,-1.3682,-0.0410941,3.47848,-3.1097,4.06292,-5.47908,-1.6287,4.72776,-6.68909,0.191294,0.975736,3.10626,-6.53937,5.59241,8.93071,-0.0483055,3.57429,-0.305622,-3.19719,-4.61592,3.19956,3.75471,-4.50905,3.64772,3.46858,3.85354,7.00947,-3.04869,8.9558,-2.20254,1.81838,-1.55998,8.90093,7.89334,-5.43492,-5.10522,1.8645,6.44251,-3.45511,2.56304,-6.26853,2.88088,-0.0160337,9.36769,2.64877,-5.49781,-0.266735,-5.31683,-5.99498,2.4696,-3.78115,4.35917,8.13959,5.95549,-6.95866,-4.24288,5.20253,1.72266,6.49386,-2.85226,-5.28736,3.77254,-1.5218,8.41581,-1.72133,-1.85182,1.92659,4.97997,-4.39881,-3.22112,-1.29308,6.66432,6.93984,-4.81735,7.02886,9.39805,1.47664,9.64943,9.19288,2.75869,8.98157,-2.8098,1.34908,0.102621,5.99659,4.74549,4.23497,3.62299,9.49584,8.28985,7.73081,-0.941563,7.26317,4.02785,-4.24618,-3.8084,-1.86583,0.369497,-1.06339,9.21433,-5.2066,-5.60319,6.75533,-0.253375,8.78692,0.319249,-2.76384,-6.51594,9.48559,6.9018,4.01428,-0.235189,-5.00547,6.40385,4.59508,-5.44941,5.86841,2.54341,7.37158,7.6345,0.583264,-2.05192,-6.41757 +0,0,0.903018,-0.624176,0.921949,0.5526,3.87125,1.58468,-3.23237,-4.45139,3.94079,1.38874,3.27501,3.44323,-3.75511,0.202504,-1.40318,1.04736,3.87586,2.39178,-3.70926,2.02471,-1.15572,3.10611,-1.85932,3.54346,-2.56793,1.23716,3.67318,-1.90992,-4.42901,-3.64775,0.374564,-2.61431,-4.29626,2.22046,-3.2642,-0.00694637,0.612329,-2.76207,-3.39016,1.0882,1.16231,4.31473,-2.2486,-1.65805,-3.64767,3.8581,-4.16999,4.45723,1.95542,4.54892,0.921229,-1.40986,-0.605052,-4.31941,-4.77656,-1.21407,-1.9899,1.45509,0.453848,1.26704,3.91804,-2.51248,-0.685208,-4.23003,-2.63156,3.47987,0.550869,0.131911,-0.643093,-0.14266,2.21918,2.25928,-2.08456,4.88531,-2.37146,-2.55008,1.0771,0.00223741,1.12615,-2.17631,-3.33187,2.12497,-0.645592,1.13809,1.82667,0.239425,-0.452297,-1.65461,1.04826,1.83034,-4.36451,-4.66868,1.35553,3.53308,2.4933,3.73643,1.38156,1.2014,-2.46758,-4.53959,1.70464,3.72814,-3.48862,-0.295492,-3.20848,0.430909,3.57207,4.06097,-1.43429,-0.0497551,-1.07718,-1.68689,4.36718,0.814164,1.73559,1.14988,-2.71756,-0.344321,3.36813,0.671252,0.110015,-1.43561,0.420842,-1.86696,1.15991,-0.817126,-0.645476,2.83102,2.28276,3.00242,-0.0749242,1.64922,4.82465,-0.655476,1.06967,0.562675,0.395683,4.21486,3.94873,0.150169,1.08056,-1.38203,1.61355,0.775627,3.31084,0.05367,3.96832,-1.82675,0.985733,-3.02919,0.234438,0.82414,-0.0963753,2.22681,3.98843,2.32295,1.19875,1.00093,1.13902,0.944381,-2.86299,1.68122,2.49111,3.84959,4.07346,-2.96245,0.681547,2.38691,1.5103,1.21466,0.0704,-0.917237,3.20298,-3.03916,3.92778,1.45962,-0.171149,2.88637,0.0666377,3.35788,2.55124,-1.91515,0.600623,0.175921,-1.18241,-0.374581,1.4804,1.61072,-0.360745,-1.34231,4.23958,2.63185,0.563214,-0.0337186,0.884234,-1.85407,-0.875173,0.734353,1.49321,4.96073,-1.37039,-1.72655,2.98058,2.07628,1.69325,1.43745,2.65257,-1.1708,3.30086,-0.796143,1.77867,-1.41474,3.20341,2.73191,-0.236609,-2.26938,0.316485,3.57213,-0.68366,2.3828,-0.625447,2.59401,1.34214,3.54856,1.5337,-0.135576,0.938325,-1.31505,-1.38277,0.539837,-1.12092,1.55691,4.09826,1.75947,-1.38491,-2.07709,2.54037,-0.494858,4.56346,0.25417,-1.89039,0.115427,-0.319584,2.77695,-0.142228,-0.340035,2.07015,1.46458,-0.920394,-1.19006,-0.0649689,4.76336,1.34618,-2.38929,3.16526,3.05089,0.394989,4.52092,4.90357,1.58613,2.6581,-0.637015,1.17752,-0.343065,1.93657,2.99309,1.92071,1.37448,2.57223,3.52136,3.29986,0.158743,4.31425,1.48567,-0.00806365,-2.37424,0.50922,0.123631,0.0113873,5.13254,-0.515083,-1.97927,3.55962,0.282559,2.4458,0.853012,-2.54002,-0.0431388,3.85726,2.84818,0.63908,-0.0303663,-1.83591,2.92918,1.84031,-3.2036,1.57522,1.74981,2.5493,3.38439,2.33827,0.228703,-3.56308 +0,0,-1.4256,-0.343663,0.930169,4.65012,3.38792,-3.65951,1.26304,3.10393,3.97424,0.488308,4.38967,-1.47856,2.40706,4.03381,-1.6015,-2.89174,2.33462,-4.6148,2.70588,-0.632178,-2.30734,-1.81556,-4.38718,-3.99973,-1.38173,-2.89565,-1.03112,1.98722,3.82454,2.43802,4.32851,-2.39171,4.38977,4.93802,-0.0331257,0.545849,-0.689825,-4.65741,0.947056,0.223623,-3.23677,2.26988,-4.94428,2.27476,1.34832,-3.87779,3.25492,1.31502,-1.33878,-1.47376,-3.29359,4.62202,-0.990714,3.25534,-3.36346,-0.430151,2.40229,2.42454,-2.26614,-1.98217,-3.88514,-1.35324,0.28294,-1.9986,2.75816,2.38077,-3.39994,2.1447,-3.46502,4.5644,-2.86005,-0.752875,4.12569,-0.833051,3.37347,-2.85759,4.25844,4.95765,0.780441,-2.59092,-2.97589,1.1667,-2.95279,-3.35487,0.346569,3.45046,0.924748,-3.86994,2.17567,-1.21088,1.19441,-3.82853,-4.96711,3.13602,4.02824,-1.57518,4.71659,-0.15996,1.31808,2.7725,1.42084,-3.93168,-3.14665,-5.04254,-2.85166,0.600894,-3.4992,-1.2683,-3.43646,-1.7436,-3.40986,-2.28266,-3.37992,-2.81284,-1.72467,-1.0733,-2.53165,-1.66796,-5.32832,-0.996237,-1.41004,-1.19937,0.542832,1.36482,-0.364301,0.393736,-0.536569,-0.830418,-3.56475,-2.16434,-3.09967,-1.26151,-4.2798,-3.91367,-0.284602,-3.13931,-2.62976,-0.946981,-0.341306,-1.81983,0.0931721,-3.0736,-0.102283,-3.07934,-0.654289,0.70407,-1.42965,-0.950284,-1.22957,-2.98043,-1.00527,-2.53063,-1.31533,-2.40545,-0.17887,-1.72837,-1.46571,-2.43078,-1.76995,0.24984,-0.688816,-0.187702,-2.22731,-0.00217089,-3.96059,-2.98384,-0.35915,-0.825181,0.891984,-1.83218,-0.611638,-2.11536,-3.78172,-1.20783,-2.35489,0.155262,-2.22202,-2.9459,-1.76,0.561445,-0.31162,-1.05566,0.454827,0.326529,-1.04344,-2.74625,-1.99598,-1.02407,-1.80345,-2.14016,-0.295264,0.185214,1.51027,-2.06517,-3.80001,-1.98626,-3.22387,0.124595,-0.468995,-1.33439,-2.97379,-0.741465,1.59296,-0.800906,-0.264251,-1.63739,-1.0475,-1.26068,-1.47634,-2.45291,-2.69303,-1.08499,-0.241205,0.775975,-1.78745,-2.19745,-1.22472,-0.344476,-2.88148,-0.990189,-2.59238,-0.347466,-0.585771,-0.584769,-0.407652,-3.80464,-2.2135,-4.04763,-3.94727,-1.14421,-2.23687,1.26418,0.306368,-0.297188,-5.0992,-2.77347,-1.40089,-0.637992,-0.594298,-2.18891,-2.77804,-1.19761,-3.1947,0.999287,-2.95922,-2.47074,0.769629,-1.81996,-2.20227,-2.54978,-2.09569,-0.256355,-0.0823811,-2.49604,-0.405691,-0.864266,-1.70097,-0.698796,1.6014,-1.24532,-0.0731898,-2.49724,-2.26806,-2.22785,-1.0956,0.323591,-0.948869,-1.01967,0.13132,1.63866,-1.2751,-1.50783,0.153912,0.347209,0.324454,-2.15289,-2.30405,-2.05116,-1.77737,0.647488,-4.18983,-1.21528,0.533503,-0.550523,0.17682,-1.18122,-3.40454,-3.14583,1.46336,-0.80994,0.323084,-0.933194,-4.25316,-0.355959,0.368774,-2.51788,0.453767,-0.650162,0.0588056,-0.129855,-2.67309,-2.68741,-3.16731 +0,0,0.279776,0.475272,0.0860103,-3.21245,-3.72829,-3.63896,-2.12155,4.73459,4.51824,2.66148,-0.295282,-4.0821,-2.20268,-1.34029,1.60032,1.11034,2.43565,4.27558,3.48691,3.66035,-1.27284,2.93349,-3.91465,3.3779,0.517961,-2.89681,3.10975,0.0725653,-1.60648,-4.56269,-0.39706,3.73605,-3.59442,-1.6168,0.636807,0.967781,2.16,1.04284,3.91327,3.02583,-4.12363,-2.36001,0.986495,0.285194,-4.91287,-1.40727,0.548702,-0.397659,1.49666,-4.71487,4.93398,-1.35379,3.14436,4.99268,0.870199,-0.641176,3.8016,1.1943,4.3726,0.344307,2.50807,-0.153728,3.57462,-4.01862,0.451662,2.19795,-4.54982,0.704537,-4.30868,-4.50428,-1.96331,4.17022,0.161758,2.43415,-2.19309,0.104544,-4.21048,2.15753,2.18385,-0.491935,-0.858137,-4.04284,0.760392,3.05733,0.242445,2.44536,-0.956564,-2.7588,-2.6754,2.81791,-0.247152,-1.3987,4.1902,3.00719,-3.18154,-3.83027,1.58875,0.642622,-0.22562,1.2007,-2.21525,1.44919,-4.31496,-1.45227,-1.62598,-1.17339,-0.752228,2.54585,2.39673,1.42609,0.158003,-1.85309,-0.829895,-0.358356,1.05964,0.825633,1.37935,2.32511,1.83278,2.02967,-0.45859,1.60325,-1.58932,1.90652,0.447941,-1.2143,1.70125,0.283439,-0.410837,-1.91472,0.213748,2.05156,-1.47838,-0.369481,0.582644,0.772834,1.21252,0.735969,2.22444,1.67971,-1.58698,-0.952822,0.626709,0.383051,-2.07011,-0.444108,0.57355,-0.0445467,0.890471,-2.00659,2.74882,-0.428097,1.76138,2.69126,0.557435,0.0730865,2.05855,0.862047,2.33672,0.375016,1.40153,0.238083,2.05348,-1.70483,0.41504,1.25999,-1.85979,0.596654,-1.7505,-1.8914,-0.686754,2.15917,0.324887,1.46238,-0.580439,0.264827,-1.78816,1.37844,1.3216,0.0741827,-0.152476,-1.58675,0.589576,1.86613,0.273852,1.38971,-0.303113,-1.09113,-1.04369,1.69011,0.135216,-0.294429,2.25675,1.71432,-1.21433,-1.56207,0.908435,0.522334,0.0940542,0.871883,-0.692078,0.905519,-1.79278,-0.470085,-0.225335,-0.461791,-1.45161,1.50355,-1.94557,1.33264,0.215797,0.980719,-1.76012,-1.42903,2.04965,2.18045,0.1629,-1.07495,1.63426,-0.0505172,2.4394,-0.021683,0.774669,-2.05935,-0.0549158,2.22115,0.545513,2.1431,2.343,-0.0411869,1.56406,-0.534006,-1.66681,-1.07644,2.67926,1.79462,-0.737297,0.203133,-1.33079,1.43827,2.27835,-0.312006,1.26509,-1.83247,1.1287,1.2097,0.133835,-0.789431,1.82241,1.51003,1.10498,-1.17055,-1.31058,2.14276,-1.24562,-1.81598,0.320774,-2.16875,-1.89411,-0.182102,-1.86586,1.39194,0.263102,0.696766,-0.935818,-0.547707,-0.625131,-0.49907,-1.91414,-1.65136,-1.6191,0.971997,-1.34963,-0.41439,1.86933,1.83923,1.25449,0.575471,1.03531,-1.93007,2.10321,2.40535,-1.25555,0.79361,-1.85966,0.493457,1.54786,2.45233,-2.01884,-1.35377,-0.544828,0.769991,1.96767,-1.22096,-0.684548,2.29719,-1.06429,0.0089131,-1.23604,-1.51574,0.56971,1.30835,2.55629 +0,0,3.84856,0.46628,0.713027,-2.93131,-3.34542,4.21671,0.255676,-2.70149,0.799515,1.75429,2.26744,4.68199,-4.88632,1.98142,0.69427,-4.30879,-3.87417,-3.8701,-3.30225,-2.44303,-4.18644,-2.50771,-1.00369,0.416983,-4.01643,3.33564,-4.69467,3.1149,-4.92989,3.19478,-4.13582,0.28331,2.82537,0.431408,1.2864,4.06492,4.7869,3.76945,4.29624,-2.43506,-1.45677,2.27878,-4.6577,-0.920836,-3.27072,-4.40255,-0.80265,1.79914,4.65775,3.63024,-4.92789,0.673743,4.18069,0.0408262,-2.03644,-2.93655,1.18093,3.5668,3.63314,-4.57695,-3.95358,-3.83908,-1.39585,1.84129,-3.12607,1.71835,-0.59119,-4.24149,-2.85824,0.820321,2.46582,4.2696,-1.74097,-1.44776,1.08956,-1.88232,-1.15083,-4.99013,0.357395,-2.98608,-2.79161,-1.19688,4.35878,2.81263,1.66219,-2.22054,3.06268,-1.31854,2.84071,1.60506,-0.91371,2.76106,-2.85749,2.83898,-1.69996,-4.69117,2.14836,4.14785,-2.04146,4.44461,2.36271,2.61862,3.31296,1.58532,2.00774,5.73019,3.9,1.58777,4.9303,4.58673,5.553,6.17119,0.302017,4.54405,4.08085,0.483387,1.62521,2.7648,2.23783,2.34053,1.90061,1.58609,3.16538,3.12654,1.12594,4.00927,1.71971,6.21734,2.61349,6.29154,0.699673,3.32417,5.10228,4.78757,4.10489,4.566,5.10207,4.04659,5.72332,2.15238,1.9135,5.03672,1.21368,4.00667,2.58076,1.22615,2.86793,2.75789,5.17267,4.73309,1.35781,5.16664,5.21219,3.05483,2.17681,2.67151,4.11731,5.88182,5.13704,1.28989,2.20135,2.08356,2.55609,3.96739,1.47005,5.34272,2.8358,0.511149,2.55871,3.12956,4.73518,5.32586,3.33493,3.15564,3.79359,3.14769,2.34335,1.39075,4.58835,2.15723,3.00113,2.97085,6.90988,5.16956,3.36577,2.71562,5.50207,2.43261,5.7957,5.80466,4.38775,4.82383,3.54955,6.07234,3.04309,0.751985,4.86362,6.51753,3.03755,3.86669,2.76117,5.95566,5.22893,3.29059,3.9933,2.75178,2.5733,5.32102,-0.62241,5.65709,4.16751,3.64676,1.81492,3.10931,5.93795,5.44037,3.66995,1.5743,4.80242,3.47897,5.33025,2.44511,3.45745,1.79671,3.19463,5.62553,4.27189,4.65269,4.63975,3.86312,5.49082,3.81156,1.67207,3.73983,6.34632,5.39662,1.55996,3.63819,0.839548,5.21902,5.13306,3.5992,3.93296,1.66054,5.1341,5.23666,3.93621,1.7278,5.7696,5.58072,4.22617,2.51443,1.67966,6.31824,2.69074,0.716627,3.73044,0.468132,2.06997,2.8832,2.39568,4.84765,2.21359,3.94128,2.72197,2.53276,2.87221,4.34132,1.99402,1.07419,2.19636,4.08012,2.0191,2.23442,5.90231,5.71021,5.31886,3.94585,4.10464,3.12923,5.1293,5.90027,1.76121,3.72907,0.677551,4.48625,4.30394,4.8435,0.782583,2.66244,3.56636,3.16296,6.10159,1.5314,2.71794,4.44105,2.83998,3.90443,2.69788,2.12086,4.52193,5.40011,7.5128 +0,0,-0.105743,0.151148,0.628678,-3.37985,-0.183305,-3.5027,-3.53276,-3.24164,-1.377,-2.91108,2.97052,-2.25373,3.85935,-3.77321,1.584,3.56398,1.17333,3.23993,0.0800141,0.889931,-1.91434,-1.20711,-4.23518,2.31099,-1.27177,-2.99741,-3.70581,-0.0987194,4.37058,-4.79069,4.08458,4.26889,-2.23761,-2.48173,1.20558,-1.18648,3.01026,0.0538163,1.85665,4.18817,3.85388,0.398283,2.4075,2.77558,-4.79555,-1.45375,-4.90983,3.64464,-2.50422,3.25363,3.28238,-2.72775,-1.12564,-3.78093,-4.37255,-4.98864,-0.430804,-0.839643,1.95526,-0.715117,-3.68023,2.28224,4.66855,4.39121,-4.57799,-4.28942,2.9259,-3.74137,1.14006,-0.480227,-4.37506,4.66137,-4.25401,0.044082,-2.54172,2.95499,-3.75475,-4.71317,-0.491949,-2.91347,0.988738,-1.33091,4.5098,-3.70363,3.34308,4.31127,-2.61901,3.24254,-2.86129,-0.160601,-2.7788,1.96496,-2.60394,1.57755,-3.8501,4.11393,1.88916,-4.058,-4.59561,-4.69867,-2.72295,3.98148,-3.51931,-0.429355,-0.371814,-1.76332,-1.2236,-1.19264,-1.38074,-0.403295,0.328566,-0.833788,-0.262214,-0.176327,0.0265316,0.365177,-0.408337,0.321108,-0.046988,-0.115358,0.185419,0.293636,-0.302828,1.01922,-0.407875,-0.427201,-0.483925,0.447592,0.336466,-1.08074,0.549826,0.250324,-0.536584,-0.163513,-1.13471,-0.427605,0.701117,0.245452,0.680642,0.686807,1.86001,-0.415946,0.233123,0.91781,-1.18714,-0.0441216,-0.726647,0.00903789,0.205178,0.0723023,1.41949,-1.17601,-0.668501,-1.14441,-0.469087,-1.20722,0.371229,-0.940192,-0.03945,0.624994,-1.26762,0.437399,0.490572,0.644749,-0.438952,0.314227,0.439575,-0.582694,1.08186,0.505716,-0.749498,-0.0107502,-1.13665,0.793963,-0.745645,0.258343,-0.826037,-0.582816,-0.480319,-1.11626,0.240286,-0.192489,2.12227,-1.43281,0.0369159,0.844331,-0.304138,1.75381,-1.71084,-0.69343,-1.14119,0.931882,-1.27985,-0.128842,-0.271043,0.0464071,0.887073,-1.29692,0.257559,0.398241,-1.0347,0.528728,-0.872644,-1.19504,-0.910149,-0.437041,-1.6373,0.804006,-0.794641,-0.293467,0.206463,-0.10411,-1.21956,-0.511017,0.994807,-0.564377,-0.868673,-2.45529,-0.696292,0.23072,0.281706,-0.409341,-0.131851,-0.86678,-0.223679,-0.163579,0.0983529,1.22348,1.48085,-0.0738056,0.224046,0.240312,-0.815429,-0.802435,-0.327363,-0.533491,0.609224,0.553518,-0.23229,-0.296563,0.457647,-0.370196,-0.240615,-2.21205,0.27663,-0.563499,0.0799222,-0.809496,0.0713705,1.22949,-0.0167199,-1.13784,-0.424486,-0.894458,-1.9928,-0.143877,0.3633,-1.00376,-0.357211,-0.178172,-0.968551,0.543967,0.584276,-0.434882,-1.03547,-0.56468,-0.860744,0.134128,-0.893262,-0.46068,-0.685326,0.583704,-0.704369,-0.732758,-0.92746,0.132801,0.330643,-0.303336,-0.532312,-1.51974,0.876444,-0.322961,-1.02893,1.32983,-1.002,0.271892,0.71883,0.0936048,-1.2225,-0.70166,0.529509,0.176176,0.274342,-0.539246,-0.486203,-0.551801,-0.214633,0.86132,-0.475204,-0.091628,0.14587,-0.179226,0.604613 +0,0,-2.47681,-1.07318,0.849392,3.9442,-3.69524,-2.12115,-0.861324,4.39654,0.402852,-4.56959,1.06336,3.62151,0.559545,1.54013,4.63581,1.71467,-1.21826,4.40139,-4.97505,0.525676,3.14306,-4.87051,-2.88597,3.76959,3.08114,1.54468,-1.81216,-1.43836,3.26704,-2.69942,-3.44042,0.784954,2.3344,-2.48125,3.28254,3.446,-3.71802,3.64896,-4.59002,-2.74809,0.779002,-0.413306,2.60717,-0.918166,-0.885236,1.77587,2.89747,-4.28383,-3.37945,3.34918,2.79439,-4.40185,0.694978,2.53718,-0.766304,-4.5168,0.810902,-1.12054,-1.24279,-3.63591,-4.82636,-4.15295,-4.69394,-0.322308,-1.96588,3.72229,-4.9095,0.418966,3.93049,2.09556,-3.82927,-2.65671,-1.19254,-3.43008,-1.95456,-4.42501,-0.731013,-4.21352,-1.50306,-3.14828,-4.34441,3.58936,0.277697,-3.98208,4.69387,-3.02642,4.42673,-1.51438,-4.03611,1.98983,-3.9126,3.65959,-2.96257,-2.99326,2.04281,1.98612,-0.828791,0.519467,-2.02916,2.8761,-1.12078,-2.22237,0.186772,-6.88384,2.15439,0.107758,-0.861554,-7.92689,-3.69498,2.04318,-3.62105,-6.05415,-3.03809,-3.76412,-7.7241,-4.33717,-0.117606,-7.97528,1.44205,-2.50846,-7.23855,3.16586,0.96977,-4.66664,-5.31678,-3.76727,0.417672,0.341551,-5.69195,0.503506,1.21666,-3.57424,-5.72797,0.223752,-7.39251,-5.20759,3.12685,-5.73546,3.39825,-0.941188,-4.95281,-2.79491,-4.73342,-1.36729,-2.72458,-4.16099,-4.64392,2.24125,-0.224786,-7.10833,-5.73808,1.19096,-1.95753,-5.07654,-0.703087,2.45567,-2.54009,-2.24899,-1.50372,1.15461,2.61647,2.32881,4.03223,-1.93496,-0.881312,-5.74056,2.31751,-4.28166,-7.18194,-6.02678,1.9956,0.492943,-1.14508,1.44619,-1.35809,2.58806,-3.54414,2.75682,-0.614969,1.93003,2.15435,-7.93859,-3.49455,1.63893,-7.0792,1.52814,-6.97607,-0.175768,2.51546,-5.00933,1.58895,-6.43938,2.49875,0.289686,-3.41407,-4.59716,-2.95397,-2.12901,-0.181127,-4.62384,-2.43021,-0.809702,-2.83906,-0.725906,-1.28018,-0.558633,1.13792,-5.3225,2.98661,-5.04927,-2.12173,-3.78443,1.72072,1.82894,-6.12817,-5.76037,-2.57352,2.15222,-4.30667,-1.23563,-7.53228,-1.30443,-2.70549,0.797559,-2.25903,-6.38518,-3.57957,-7.02878,-6.88401,-1.17115,-4.1823,-0.501875,2.09703,1.92061,-8.92052,-6.37022,0.577536,-3.13863,0.094854,-4.15294,-6.95482,-0.757761,-4.2129,2.89378,-4.50236,-4.46712,-2.52874,0.919808,-5.08531,-4.41418,-4.62467,2.10177,0.241059,-7.8086,1.08403,2.33692,-2.6664,3.77987,2.52959,-0.229194,2.54985,-5.07785,-2.18139,-3.37488,2.02636,0.368314,-1.63651,-0.586659,1.83624,1.46716,2.96297,-4.1632,0.508798,-1.93425,-5.89809,-5.8208,-4.99144,-3.05062,-4.65206,3.92974,-6.0883,-5.80845,2.21438,-2.99128,-0.102203,-3.55094,-5.51499,-6.95714,1.92961,1.92606,-1.49691,-4.26352,-6.44345,1.55111,0.872488,-7.24446,1.37614,-1.59969,1.83514,2.90847,-3.82178,-4.68445,-5.61419 +0,0,2.16688,1.00246,2.27896,0.743996,-0.16908,0.13458,3.69531,-4.09244,-3.49043,3.63997,-4.36301,3.63133,1.92312,-4.01098,-3.78137,-1.43159,-3.51274,0.746124,-3.4802,1.64007,4.38178,-4.16052,1.82136,3.01101,2.62187,-3.18942,-1.19707,-2.16667,0.953114,-0.102096,0.209371,2.34656,3.98092,-0.928446,1.34851,2.25699,3.68108,3.50659,3.69574,1.33902,-3.14618,-0.149411,-3.48096,3.1559,-1.35019,4.05948,-1.03616,-0.998098,3.06475,-0.682624,4.68684,4.78604,-0.580801,3.21568,-1.39362,4.1753,-3.22294,2.95831,2.38804,-0.0832154,-3.66672,3.52309,-0.0220239,-4.74886,-3.2428,-2.03294,-2.84026,3.36003,-2.27312,3.55293,-2.51682,1.67323,-0.626863,-1.54264,-1.60445,0.705696,1.71421,-1.73889,1.06419,-1.39209,1.72464,2.2323,4.83561,0.454122,0.568943,3.16473,-0.651694,-2.71683,-3.74971,1.34788,1.41214,3.71992,-0.915375,4.73896,0.657372,2.67891,0.926435,1.67939,1.99819,3.14232,-4.22287,-1.69149,-1.51227,1.56731,3.65818,5.3843,4.70679,-1.1614,-0.929386,7.87357,-3.70142,10.9401,4.68055,-1.48027,-2.49131,-0.585607,-3.32428,2.91705,1.05188,2.5636,8.83619,-0.168163,3.29918,8.34053,6.39538,0.102576,2.88582,-2.02452,6.4301,-1.41537,1.92134,3.13873,7.81141,1.33214,5.05937,0.123734,8.49953,8.74976,5.497,-1.07,0.0636706,1.65928,-3.4739,-0.220581,1.21448,5.3877,-0.728789,3.84596,4.54926,0.131356,5.28203,6.01873,0.765109,6.4122,-1.50945,7.71403,-2.50177,9.00609,2.60397,5.14768,-3.52651,4.21685,3.75585,-2.78622,-0.163627,-0.351389,-6.6668,7.1314,0.217923,8.17104,5.15599,7.22865,6.37716,-3.94154,0.571423,1.11355,-0.401699,-2.51595,0.80142,4.24563,3.42915,5.69429,4.21343,5.21441,2.17873,4.17184,5.58217,1.24014,-0.978059,1.05244,4.28203,3.10184,3.16887,7.17402,6.26154,7.27225,0.528085,0.223226,3.71259,5.506,0.146146,-1.14546,4.10031,1.03205,1.04147,0.358797,-3.07163,3.22095,-2.64515,3.86344,3.67379,6.75946,-5.57524,-2.17711,7.30356,8.92805,4.43935,0.543634,2.8041,0.238873,8.16135,3.91157,5.16159,-5.03415,-0.560293,8.51455,0.593143,7.5198,6.10462,8.78929,5.67966,2.97556,-3.34201,-2.66197,5.50002,8.23002,-1.51002,3.11798,2.007,6.16431,5.64432,3.2459,4.36004,-2.07562,6.10269,4.89687,3.23867,-1.19048,5.418,2.25686,4.85135,1.30667,-3.84863,7.77169,-2.79351,0.0620864,2.44981,-6.6843,-1.39913,2.10481,2.28939,5.7613,-2.37938,3.47757,-2.36857,-0.868493,2.71856,-5.38579,-1.5262,-2.10924,-5.00793,4.40985,-2.45452,-0.26921,6.37479,5.97523,2.4885,8.68956,4.75742,-3.51152,6.88891,1.62467,-0.96775,0.641194,-0.103685,6.05584,3.20053,6.45596,-2.92023,-2.04204,-0.885351,7.58329,1.69532,-1.7772,-0.134711,8.62033,-1.22535,-0.0872991,-3.43072,-1.66173,1.95925,3.63079,2.93192 +# +# Elapsed Time: 0 seconds (Warm-up) +# 0.001 seconds (Sampling) +# 0.001 seconds (Total) +# diff --git a/src/test/unit/mcmc/chains_test.cpp b/src/test/unit/mcmc/chains_test.cpp index f2d90aaf0d6..f55ea251dfe 100644 --- a/src/test/unit/mcmc/chains_test.cpp +++ b/src/test/unit/mcmc/chains_test.cpp @@ -840,101 +840,3 @@ TEST_F(McmcChains, blocker_effective_sample_size) { EXPECT_NO_THROW(chains.effective_sample_size(chains.param_name(1))) << "calling chains.effective_sample_size(chains.param_name(index = 1))"; } - -TEST_F(McmcChains, blocker_split_potential_scale_reduction) { - std::stringstream out; - stan::io::stan_csv blocker1 - = stan::io::stan_csv_reader::parse(blocker1_stream, &out); - stan::io::stan_csv blocker2 - = stan::io::stan_csv_reader::parse(blocker2_stream, &out); - EXPECT_EQ("", out.str()); - - stan::mcmc::chains<> chains(blocker1); - chains.add(blocker2); - - Eigen::VectorXd rhat(48); - rhat << 1.00718, 1.00473, 0.999203, 1.00061, 1.00378, 1.01031, 1.00173, - 1.0045, 1.00111, 1.00337, 1.00546, 1.00105, 1.00558, 1.00463, 1.00534, - 1.01244, 1.00174, 1.00718, 1.00186, 1.00554, 1.00436, 1.00147, 1.01017, - 1.00162, 1.00143, 1.00058, 0.999221, 1.00012, 1.01028, 1.001, 1.00305, - 1.00435, 1.00055, 1.00246, 1.00447, 1.0048, 1.00209, 1.01159, 1.00202, - 1.00077, 1.0021, 1.00262, 1.00308, 1.00197, 1.00246, 1.00085, 1.00047, - 1.00735; - - for (int index = 4; index < chains.num_params(); index++) { - ASSERT_NEAR(rhat(index - 4), chains.split_potential_scale_reduction(index), - 1e-4) - << "rhat for index: " << index - << ", parameter: " << chains.param_name(index); - } - - for (int index = 0; index < chains.num_params(); index++) { - std::string name = chains.param_name(index); - ASSERT_EQ(chains.split_potential_scale_reduction(index), - chains.split_potential_scale_reduction(name)); - } -} - -TEST_F(McmcChains, blocker_split_potential_scale_reduction_rank) { - std::stringstream out; - stan::io::stan_csv blocker1 - = stan::io::stan_csv_reader::parse(blocker1_stream, &out); - stan::io::stan_csv blocker2 - = stan::io::stan_csv_reader::parse(blocker2_stream, &out); - EXPECT_EQ("", out.str()); - - stan::mcmc::chains<> chains(blocker1); - chains.add(blocker2); - - // Eigen::VectorXd rhat(48); - // rhat - // << 1.0078, 1.0109, 1.00731, 1.00333, 1.00401, 1.00992, 1.00734, 1.00633, - // 1.00095, 1.00906, 1.01019, 1.00075, 1.00595, 1.00473, 1.00895, 1.01304, - // 1.00166, 1.0074, 1.00236, 1.00588, 1.00414, 1.00303, 1.00976, 1.00295, - // 1.00193, 1.0044, 1.00488, 1.00178, 1.01082, 1.0019, 1.00413, 1.01303, - // 1.0024, 1.01148, 1.00436, 1.00515, 1.00712, 1.0089, 1.00222, 1.00118, - // 1.00381, 1.00283, 1.00188, 1.00225, 1.00335, 1.00133, 1.00209, 1.0109; - - Eigen::VectorXd rhat_bulk(48); - rhat_bulk << 1.0078, 1.0109, 0.99919, 1.001, 1.00401, 1.00992, 1.00182, - 1.00519, 1.00095, 1.00351, 1.00554, 1.00075, 1.00595, 1.00473, 1.00546, - 1.01304, 1.00166, 1.0074, 1.00178, 1.00588, 1.00406, 1.00129, 1.00976, - 1.0013, 1.00193, 1.00104, 0.99938, 1.00025, 1.01082, 1.0019, 1.00354, - 1.0043, 1.00111, 1.00281, 1.00436, 1.00515, 1.00325, 1.0089, 1.00222, - 1.00118, 1.00191, 1.00283, 1.0003, 1.00216, 1.00335, 1.00133, 1.00023, - 1.0109; - Eigen::VectorXd rhat_tail(48); - rhat_tail << 1.00097, 1.00422, 1.00731, 1.00333, 1.00337, 0.99917, 1.00734, - 1.00633, 1.00074, 1.00906, 1.01019, 1.00074, 1.00447, 1.00383, 1.00895, - 1.00389, 1.00052, 1.00188, 1.00236, 1.00284, 1.00414, 1.00303, 1.00327, - 1.00295, 1.00037, 1.0044, 1.00488, 1.00178, 1.00475, 1.00082, 1.00413, - 1.01303, 1.0024, 1.01148, 1.00098, 1.00078, 1.00712, 1.00595, 1.00124, - 1.00112, 1.00381, 1.0006, 1.00188, 1.00225, 1.0026, 1.0009, 1.00209, - 1.00464; - - for (int index = 4; index < chains.num_params(); index++) { - double computed_bulk_rhat, computed_tail_rhat; - std::tie(computed_bulk_rhat, computed_tail_rhat) - = chains.split_potential_scale_reduction_rank(index); - double expected_bulk_rhat = rhat_bulk(index - 4); - double expected_tail_rhat = rhat_tail(index - 4); - - ASSERT_NEAR(expected_bulk_rhat, computed_bulk_rhat, 1e-4) - << "Bulk Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - ASSERT_NEAR(expected_tail_rhat, computed_tail_rhat, 1e-4) - << "Tail Rhat mismatch for index: " << index - << ", parameter: " << chains.param_name(index); - - // ASSERT_NEAR(rhat(index - 4), - // chains.split_potential_scale_reduction_rank(index), 1e-4) - // << "rhat for index: " << index - // << ", parameter: " << chains.param_name(index); - } - - for (int index = 0; index < chains.num_params(); index++) { - std::string name = chains.param_name(index); - ASSERT_EQ(chains.split_potential_scale_reduction_rank(index), - chains.split_potential_scale_reduction_rank(name)); - } -} diff --git a/src/test/unit/mcmc/chainset_test.cpp b/src/test/unit/mcmc/chainset_test.cpp new file mode 100644 index 00000000000..9662c3159cc --- /dev/null +++ b/src/test/unit/mcmc/chainset_test.cpp @@ -0,0 +1,334 @@ +#include +#include +#include +#include +#include +#include +#include +#include +#include +#include + +class McmcChains : public testing::Test { + public: + void SetUp() override { + bernoulli_500_stream.open( + "src/test/unit/mcmc/test_csv_files/bernoulli_500.csv", + std::ifstream::in); + bernoulli_default_stream.open( + "src/test/unit/mcmc/test_csv_files/bernoulli_default.csv", + std::ifstream::in); + bernoulli_thin_stream.open( + "src/test/unit/mcmc/test_csv_files/bernoulli_thin.csv", + std::ifstream::in); + bernoulli_warmup_stream.open( + "src/test/unit/mcmc/test_csv_files/bernoulli_warmup.csv", + std::ifstream::in); + bernoulli_zeta_stream.open( + "src/test/unit/mcmc/test_csv_files/bernoulli_zeta.csv", + std::ifstream::in); + eight_schools_1_stream.open( + "src/test/unit/mcmc/test_csv_files/eight_schools_1.csv", + std::ifstream::in); + eight_schools_2_stream.open( + "src/test/unit/mcmc/test_csv_files/eight_schools_2.csv", + std::ifstream::in); + eight_schools_5iters_1_stream.open( + "src/test/unit/mcmc/test_csv_files/eight_schools_5iters_1.csv", + std::ifstream::in); + eight_schools_5iters_2_stream.open( + "src/test/unit/mcmc/test_csv_files/eight_schools_5iters_2.csv", + std::ifstream::in); + + if (!bernoulli_500_stream || !bernoulli_default_stream + || !bernoulli_thin_stream || !bernoulli_warmup_stream + || !bernoulli_zeta_stream || !eight_schools_1_stream + || !eight_schools_2_stream || !eight_schools_5iters_1_stream + || !eight_schools_5iters_2_stream) { + FAIL() << "Failed to open one or more test files"; + } + bernoulli_500_stream.seekg(0, std::ios::beg); + bernoulli_default_stream.seekg(0, std::ios::beg); + bernoulli_thin_stream.seekg(0, std::ios::beg); + bernoulli_warmup_stream.seekg(0, std::ios::beg); + bernoulli_zeta_stream.seekg(0, std::ios::beg); + eight_schools_1_stream.seekg(0, std::ios::beg); + eight_schools_2_stream.seekg(0, std::ios::beg); + eight_schools_5iters_1_stream.seekg(0, std::ios::beg); + eight_schools_5iters_2_stream.seekg(0, std::ios::beg); + + bernoulli_500 + = stan::io::stan_csv_reader::parse(bernoulli_500_stream, &out); + bernoulli_default + = stan::io::stan_csv_reader::parse(bernoulli_default_stream, &out); + bernoulli_thin + = stan::io::stan_csv_reader::parse(bernoulli_thin_stream, &out); + bernoulli_warmup + = stan::io::stan_csv_reader::parse(bernoulli_warmup_stream, &out); + bernoulli_zeta + = stan::io::stan_csv_reader::parse(bernoulli_zeta_stream, &out); + eight_schools_1 + = stan::io::stan_csv_reader::parse(eight_schools_1_stream, &out); + eight_schools_2 + = stan::io::stan_csv_reader::parse(eight_schools_2_stream, &out); + eight_schools_5iters_1 + = stan::io::stan_csv_reader::parse(eight_schools_5iters_1_stream, &out); + eight_schools_5iters_2 + = stan::io::stan_csv_reader::parse(eight_schools_5iters_2_stream, &out); + } + + void TearDown() override { + bernoulli_500_stream.close(); + bernoulli_default_stream.close(); + bernoulli_thin_stream.close(); + bernoulli_warmup_stream.close(); + bernoulli_zeta_stream.close(); + eight_schools_1_stream.close(); + eight_schools_2_stream.close(); + eight_schools_5iters_1_stream.close(); + eight_schools_5iters_2_stream.close(); + } + + std::stringstream out; + + std::ifstream bernoulli_500_stream, bernoulli_default_stream, + bernoulli_thin_stream, bernoulli_warmup_stream, bernoulli_zeta_stream, + eight_schools_1_stream, eight_schools_2_stream, + eight_schools_5iters_1_stream, eight_schools_5iters_2_stream; + + stan::io::stan_csv bernoulli_500, bernoulli_default, bernoulli_thin, + bernoulli_warmup, bernoulli_zeta, eight_schools_1, eight_schools_2, + eight_schools_5iters_1, eight_schools_5iters_2; +}; + +TEST_F(McmcChains, constructor) { + stan::mcmc::chainset chain_1(eight_schools_1); + EXPECT_EQ(1, chain_1.num_chains()); + EXPECT_EQ(eight_schools_1.header.size(), chain_1.num_params()); + EXPECT_EQ( + eight_schools_1.metadata.num_samples / eight_schools_1.metadata.thin, + chain_1.num_samples()); + + std::vector eight_schools; + eight_schools.push_back(eight_schools_1); + eight_schools.push_back(eight_schools_2); + stan::mcmc::chainset chain_2(eight_schools); + EXPECT_EQ(2, chain_2.num_chains()); + EXPECT_EQ(eight_schools_1.header.size(), chain_2.num_params()); + EXPECT_EQ( + eight_schools_1.metadata.num_samples / eight_schools_1.metadata.thin, + chain_2.num_samples()); + + std::vector bernoulli; + bernoulli.push_back(bernoulli_default); + bernoulli.push_back(bernoulli_thin); + bernoulli.push_back(bernoulli_warmup); + stan::mcmc::chainset chain_3(bernoulli); + EXPECT_EQ(3, chain_3.num_chains()); + EXPECT_EQ(bernoulli_default.header.size(), chain_3.num_params()); + EXPECT_EQ(bernoulli_default.metadata.num_samples, chain_3.num_samples()); +} + +TEST_F(McmcChains, addFail) { + std::vector bad; + bad.push_back(bernoulli_default); + bad.push_back(bernoulli_500); + EXPECT_THROW(stan::mcmc::chainset fail(bad), std::invalid_argument); + + bad.clear(); + bad.push_back(bernoulli_default); + bad.push_back(eight_schools_1); + EXPECT_THROW(stan::mcmc::chainset fail(bad), std::invalid_argument); + + bad.clear(); + bad.push_back(bernoulli_default); + bad.push_back(bernoulli_zeta); + EXPECT_THROW(stan::mcmc::chainset fail(bad), std::invalid_argument); +} + +TEST_F(McmcChains, paramNameIndex) { + stan::mcmc::chainset chains_csv(eight_schools_1); + EXPECT_EQ(1, chains_csv.num_chains()); + for (int i = 0; i < eight_schools_1.header.size(); i++) { + EXPECT_EQ(eight_schools_1.header[i], chains_csv.param_name(i)); + EXPECT_EQ(i, chains_csv.index(eight_schools_1.header[i])); + } + EXPECT_THROW(chains_csv.param_name(-5000), std::invalid_argument); + EXPECT_THROW(chains_csv.param_name(5000), std::invalid_argument); + EXPECT_THROW(chains_csv.index("foo"), std::invalid_argument); +} + +TEST_F(McmcChains, eight_schools_samples) { + std::vector eight_schools; + eight_schools.push_back(eight_schools_1); + eight_schools.push_back(eight_schools_2); + stan::mcmc::chainset chain_2(eight_schools); + Eigen::MatrixXd mu_all = chain_2.samples("mu"); + EXPECT_EQ(chain_2.num_chains() * chain_2.num_samples(), mu_all.size()); + mu_all = chain_2.samples(7); + EXPECT_EQ(chain_2.num_chains() * chain_2.num_samples(), mu_all.size()); + + EXPECT_THROW(chain_2.samples(5000), std::invalid_argument); + EXPECT_THROW(chain_2.samples("foo"), std::invalid_argument); +} + +TEST_F(McmcChains, split_rank_normalized_rhat) { + stan::mcmc::chainset chain_1(eight_schools_1); + EXPECT_EQ(1, chain_1.num_chains()); + + // test against R implementation in pkg posterior + Eigen::VectorXd rhat_8_schools_1_bulk(10); + rhat_8_schools_1_bulk << 1.0012958313, 1.0046136496, 1.0085723580, + 1.0248629375, 1.0111456620, 1.0004458336, 0.9987162973, 1.0339773469, + 0.9985612618, 1.0281667351; + + Eigen::VectorXd rhat_8_schools_1_tail(10); + rhat_8_schools_1_tail << 1.005676523, 1.009670999, 1.00184184, 1.002222679, + 1.004148161, 1.003218528, 1.009195353, 1.001426744, 1.003984381, + 1.025817745; + + for (size_t i = 0; i < 10; ++i) { + auto rhats = chain_1.split_rank_normalized_rhat(i + 7); + EXPECT_NEAR(rhats.first, rhat_8_schools_1_bulk(i), 0.05); + EXPECT_NEAR(rhats.second, rhat_8_schools_1_tail(i), 0.05); + } +} + +TEST_F(McmcChains, split_rank_normalized_ess) { + std::vector eight_schools; + eight_schools.push_back(eight_schools_1); + eight_schools.push_back(eight_schools_2); + stan::mcmc::chainset chain_2(eight_schools); + EXPECT_EQ(2, chain_2.num_chains()); + + // test against R implementation in pkg posterior (via cmdstanr) + Eigen::VectorXd ess_8_schools_bulk(10); + ess_8_schools_bulk << 348, 370, 600, 638, 765, 608, 629, 274, 517, 112; + Eigen::VectorXd ess_8_schools_tail(10); + ess_8_schools_tail << 845, 858, 874, 726, 620, 753, 826, 628, 587, 108; + + for (size_t i = 0; i < 10; ++i) { + auto ess = chain_2.split_rank_normalized_ess(i + 7); + EXPECT_NEAR(ess.first, ess_8_schools_bulk(i), 5); + EXPECT_NEAR(ess.second, ess_8_schools_tail(i), 5); + } +} + +TEST_F(McmcChains, ess_short_chains) { + std::vector eight_schools_5iters; + eight_schools_5iters.push_back(eight_schools_5iters_1); + eight_schools_5iters.push_back(eight_schools_5iters_2); + stan::mcmc::chainset chain_2(eight_schools_5iters); + EXPECT_EQ(2, chain_2.num_chains()); + + for (size_t i = 0; i < 10; ++i) { + auto ess = chain_2.split_rank_normalized_ess(i + 7); + EXPECT_TRUE(std::isnan(ess.first)); + EXPECT_TRUE(std::isnan(ess.second)); + } +} + +TEST_F(McmcChains, summary_stats) { + std::vector eight_schools; + eight_schools.push_back(eight_schools_1); + eight_schools.push_back(eight_schools_2); + stan::mcmc::chainset chain_2(eight_schools); + EXPECT_EQ(2, chain_2.num_chains()); + + // test against R implementation in pkg posterior (via cmdstanr) + Eigen::VectorXd s8_mean(10), s8_median(10), s8_sd(10), s8_mad(10), s8_q5(10), + s8_q95(10); + s8_mean << 7.95, 12.54, 7.82, 5.33, 7.09, 4.12, 5.72, 11.65, 8.80, 8.26; + s8_median << 8.00, 11.27, 7.39, 5.44, 6.64, 4.54, 5.93, 11.38, 8.28, 7.05; + s8_sd << 5.48, 9.57, 6.85, 8.39, 6.91, 6.57, 6.85, 7.76, 8.40, 5.53; + s8_mad << 5.49, 8.79, 6.39, 7.38, 5.98, 6.25, 6.59, 7.79, 7.59, 4.66; + s8_q5 << -0.46, -0.39, -3.04, -8.90, -3.31, -7.58, -5.84, 0.10, -4.15, 2.08; + s8_q95 << 17.01, 30.47, 19.25, 19.02, 18.72, 14.49, 16.04, 25.77, 22.71, + 18.74; + Eigen::VectorXd probs(3); + probs << 0.05, 0.5, 0.95; + + for (size_t i = 0; i < 10; ++i) { + auto mean = chain_2.mean(i + 7); + EXPECT_NEAR(mean, s8_mean(i), 0.05); + auto median = chain_2.median(i + 7); + EXPECT_NEAR(median, s8_median(i), 0.05); + auto sd = chain_2.sd(i + 7); + EXPECT_NEAR(sd, s8_sd(i), 0.05); + auto mad = chain_2.max_abs_deviation(i + 7); + EXPECT_NEAR(mad, s8_mad(i), 0.05); + auto q_5 = chain_2.quantile(i + 7, 0.05); + EXPECT_NEAR(q_5, s8_q5(i), 0.5); + auto q_95 = chain_2.quantile(i + 7, 0.95); + EXPECT_NEAR(q_95, s8_q95(i), 0.5); + auto qs_5_50_95 = chain_2.quantiles(i + 7, probs); + EXPECT_EQ(3, qs_5_50_95.size()); + EXPECT_NEAR(qs_5_50_95(0), s8_q5(i), 0.5); + EXPECT_NEAR(qs_5_50_95(1), s8_median(i), 0.05); + EXPECT_NEAR(qs_5_50_95(2), s8_q95(i), 0.5); + } +} + +TEST_F(McmcChains, mcse) { + std::vector eight_schools; + eight_schools.push_back(eight_schools_1); + eight_schools.push_back(eight_schools_2); + stan::mcmc::chainset chain_2(eight_schools); + EXPECT_EQ(2, chain_2.num_chains()); + + // test against R implementation in pkg posterior + Eigen::VectorXd s8_mcse_mean(10), s8_mcse_sd(10); + s8_mcse_mean << 0.288379, 0.4741815, 0.2741001, 0.3294614, 0.2473758, + 0.2665048, 0.2701363, 0.4740092, 0.3621771, 0.3832464; + s8_mcse_sd << 0.1841825, 0.2854258, 0.192332, 0.2919369, 0.2478025, 0.2207478, + 0.2308452, 0.2522107, 0.2946896, 0.3184745; + + for (size_t i = 0; i < 10; ++i) { + auto mcse_mean = chain_2.mcse_mean(i + 7); + EXPECT_NEAR(mcse_mean, s8_mcse_mean(i), 0.5); + auto mcse_sd = chain_2.mcse_sd(i + 7); + EXPECT_NEAR(mcse_sd, s8_mcse_sd(i), 0.7); + } +} + +TEST_F(McmcChains, const_fail) { + std::ifstream bernoulli_const_1_stream, bernoulli_const_2_stream; + stan::io::stan_csv bernoulli_const_1, bernoulli_const_2; + bernoulli_const_1_stream.open( + "src/test/unit/mcmc/test_csv_files/bernoulli_const_1.csv", + std::ifstream::in); + bernoulli_const_1 + = stan::io::stan_csv_reader::parse(bernoulli_const_1_stream, &out); + bernoulli_const_1_stream.close(); + bernoulli_const_2_stream.open( + "src/test/unit/mcmc/test_csv_files/bernoulli_const_2.csv", + std::ifstream::in); + bernoulli_const_2 + = stan::io::stan_csv_reader::parse(bernoulli_const_2_stream, &out); + bernoulli_const_2_stream.close(); + std::vector bernoulli_const; + bernoulli_const.push_back(bernoulli_const_1); + bernoulli_const.push_back(bernoulli_const_2); + stan::mcmc::chainset chain_2(bernoulli_const); + EXPECT_EQ(2, chain_2.num_chains()); + auto rhat = chain_2.split_rank_normalized_rhat("zeta"); + EXPECT_TRUE(std::isnan(rhat.first)); + EXPECT_TRUE(std::isnan(rhat.second)); + auto ess = chain_2.split_rank_normalized_ess("zeta"); + EXPECT_TRUE(std::isnan(ess.first)); + EXPECT_TRUE(std::isnan(ess.second)); +} + +TEST_F(McmcChains, autocorrelation) { + stan::mcmc::chainset chain_1(eight_schools_1); + EXPECT_EQ(1, chain_1.num_chains()); + + Eigen::VectorXd mu_ac_posterior(10); + mu_ac_posterior << 1.00000000000, 0.19487668999, 0.05412049365, 0.07834048575, + 0.04145609855, 0.04353962161, -0.00977255885, 0.00005175308, + 0.01791577080, 0.01245035817; + auto mu_ac = chain_1.autocorrelation(0, "mu"); + for (size_t i = 0; i < 10; ++i) { + EXPECT_NEAR(mu_ac_posterior(i), mu_ac(i), 0.05); + } +} diff --git a/src/test/unit/mcmc/test_csv_files/bernoulli_500.csv b/src/test/unit/mcmc/test_csv_files/bernoulli_500.csv new file mode 100644 index 00000000000..f7c479a86ee --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/bernoulli_500.csv @@ -0,0 +1,557 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-20 18:55:04 UTC +# method = sample (Default) +# sample +# num_samples = 500 +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3634950897 (Default) +# output +# file = bernoulli_1.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,theta +# Adaptation terminated +# Step size = 0.908714 +# Diagonal elements of inverse mass matrix: +# 0.533354 +-6.77412,0.987824,0.908714,2,3,0,6.8785,0.279254 +-6.89323,0.977402,0.908714,1,3,0,6.89338,0.321021 +-6.78182,1,0.908714,2,3,0,6.8661,0.218479 +-6.78182,0.773777,0.908714,1,3,0,7.98348,0.218479 +-7.21517,0.892133,0.908714,1,3,0,7.43887,0.381517 +-9.70031,0.447016,0.908714,1,1,0,9.70243,0.59546 +-7.64929,1,0.908714,2,3,0,9.25311,0.111255 +-7.80318,0.993575,0.908714,2,3,0,7.9051,0.102697 +-6.75708,0.98594,0.908714,1,3,0,7.94373,0.233437 +-6.74807,1,0.908714,2,3,0,6.75624,0.251184 +-6.76508,0.961627,0.908714,2,3,0,6.97493,0.227399 +-6.76508,0.694403,0.908714,1,3,0,8.48868,0.227399 +-7.46,0.856941,0.908714,1,3,0,7.64341,0.123565 +-6.84767,0.988752,0.908714,1,3,0,7.39531,0.197147 +-6.76112,0.937435,0.908714,2,3,0,7.4025,0.270583 +-6.76723,0.993298,0.908714,2,3,0,6.80703,0.226049 +-6.75849,1,0.908714,1,1,0,6.7661,0.232214 +-6.75856,0.916923,0.908714,2,3,0,7.37221,0.232155 +-6.76412,0.905032,0.908714,2,3,0,7.46252,0.228033 +-6.75246,0.98558,0.908714,2,3,0,6.86086,0.261903 +-7.14063,0.806926,0.908714,2,3,0,7.89708,0.15144 +-7.65515,0.922931,0.908714,1,1,0,7.65525,0.110908 +-6.85804,0.996431,0.908714,2,3,0,7.69222,0.194631 +-6.7956,0.992136,0.908714,2,3,0,6.94247,0.212823 +-6.75011,0.941177,0.908714,2,3,0,7.20539,0.241987 +-6.83571,0.977386,0.908714,1,3,0,6.86933,0.304611 +-7.04002,0.894555,0.908714,1,3,0,7.42018,0.163442 +-6.91021,0.955935,0.908714,1,3,0,7.47326,0.325253 +-6.75575,1,0.908714,2,3,0,6.89311,0.234677 +-6.74979,0.982019,0.908714,2,3,0,6.87707,0.25749 +-6.75266,0.999273,0.908714,1,1,0,6.75273,0.262168 +-6.75854,0.989314,0.908714,2,3,0,6.81651,0.232168 +-7.35696,0.872376,0.908714,1,3,0,7.52038,0.131354 +-7.17209,1,0.908714,1,1,0,7.3618,0.148109 +-6.76514,0.974208,0.908714,1,3,0,7.33856,0.273592 +-6.81293,0.933943,0.908714,2,3,0,7.16788,0.206861 +-6.78344,0.990552,0.908714,2,3,0,6.90852,0.284208 +-6.75189,1,0.908714,1,3,0,6.77606,0.261105 +-6.91381,0.79852,0.908714,2,3,0,8.08135,0.183007 +-7.36903,0.965086,0.908714,2,3,0,7.37005,0.403004 +-7.24594,1,0.908714,1,1,0,7.45634,0.38605 +-7.10956,1,0.908714,1,1,0,7.2858,0.3648 +-7.1841,0.701565,0.908714,2,3,0,8.86758,0.376798 +-6.75487,0.962329,0.908714,2,3,0,7.41982,0.264819 +-6.91264,0.952408,0.908714,1,3,0,7.01286,0.183226 +-6.74841,0.935239,0.908714,2,3,0,7.4253,0.253501 +-7.01744,0.836819,0.908714,2,3,0,7.72885,0.166491 +-6.76439,0.998239,0.908714,1,3,0,6.993,0.227849 +-6.77316,0.99526,0.908714,2,3,0,6.8081,0.222694 +-7.23311,0.91075,0.908714,1,3,0,7.31151,0.142098 +-6.93024,1,0.908714,2,3,0,7.17757,0.180038 +-7.0312,0.98107,0.908714,1,1,0,7.04685,0.164616 +-6.76558,0.997454,0.908714,2,3,0,7.04984,0.22708 +-8.32852,0.675198,0.908714,1,3,0,8.99917,0.0799677 +-7.54902,1,0.908714,1,1,0,8.23363,0.117493 +-7.19487,1,0.908714,1,1,0,7.50636,0.1458 +-8.13201,0.809671,0.908714,1,3,0,9.46989,0.484014 +-7.47984,1,0.908714,1,1,0,8.05615,0.416966 +-7.85717,0.884683,0.908714,1,1,0,8.02328,0.45821 +-6.76221,0.977312,0.908714,2,3,0,8.06601,0.229347 +-6.8572,0.99033,0.908714,2,3,0,6.86077,0.311201 +-6.82348,1,0.908714,1,1,0,6.86184,0.300519 +-7.97359,0.617908,0.908714,1,3,0,9.12086,0.0943758 +-7.45034,1,0.908714,1,1,0,7.91667,0.124258 +-6.93542,0.985719,0.908714,1,3,0,7.36867,0.179135 +-7.60792,0.840752,0.908714,1,3,0,8.27659,0.431913 +-7.5992,1,0.908714,1,1,0,7.86308,0.43093 +-7.5992,0.252049,0.908714,1,1,0,10.4877,0.43093 +-7.35221,1,0.908714,1,1,0,7.66226,0.400786 +-7.82219,0.85935,0.908714,1,1,0,7.93875,0.454706 +-8.08711,0.972194,0.908714,2,3,0,8.37798,0.479988 +-7.0257,1,0.908714,2,3,0,7.75859,0.349846 +-7.2537,0.977501,0.908714,2,3,0,7.30002,0.387173 +-6.93473,0.786102,0.908714,2,3,0,8.43393,0.331018 +-6.77979,1,0.908714,1,3,0,6.89224,0.282354 +-6.74895,0.998922,0.908714,1,3,0,6.78592,0.244633 +-6.93759,0.731848,0.908714,2,3,0,8.66514,0.17876 +-7.61391,0.908155,0.908714,1,3,0,7.64703,0.113391 +-7.36814,1,0.908714,1,1,0,7.62491,0.130463 +-8.28709,0.92711,0.908714,2,7,0,8.30461,0.49743 +-7.35295,1,0.908714,2,3,0,8.06187,0.400884 +-7.54375,0.940763,0.908714,1,1,0,7.69381,0.424567 +-6.75119,0.974925,0.908714,2,3,0,7.73022,0.240141 +-6.75836,0.95575,0.908714,2,3,0,7.0279,0.23232 +-6.75759,1,0.908714,1,1,0,6.76028,0.232976 +-7.84043,0.766398,0.908714,1,3,0,8.25276,0.100783 +-7.36878,1,0.908714,1,1,0,7.78742,0.130413 +-6.92704,0.987905,0.908714,1,3,0,7.29386,0.180603 +-6.87173,1,0.908714,1,1,0,6.93002,0.19151 +-6.87173,0.792653,0.908714,1,3,0,8.27612,0.19151 +-6.76869,0.995507,0.908714,2,3,0,6.91339,0.22518 +-6.76869,0.717822,0.908714,1,3,0,8.35048,0.22518 +-7.02303,0.821164,0.908714,2,3,0,7.978,0.165721 +-6.88921,1,0.908714,1,1,0,7.00276,0.1878 +-7.03623,0.937861,0.908714,1,3,0,7.42379,0.351828 +-10.0552,0.518188,0.908714,2,7,0,10.1628,0.0395289 +-7.03905,1,0.908714,2,3,0,9.71561,0.16357 +-7.06047,0.973981,0.908714,2,3,0,7.42468,0.160808 +-7.12565,0.996219,0.908714,2,3,0,7.17004,0.153088 +-7.31585,0.989771,0.908714,2,3,0,7.34328,0.134732 +-6.95355,0.922218,0.908714,1,3,0,7.97785,0.33521 +-7.348,0.886923,0.908714,1,1,0,7.36349,0.400227 +-6.77188,1,0.908714,1,3,0,7.21394,0.277942 +-6.76938,1,0.908714,1,1,0,6.77619,0.276409 +-6.82464,0.974309,0.908714,2,3,0,6.93407,0.300918 +-6.82568,0.970555,0.908714,1,3,0,7.00774,0.20302 +-6.79962,1,0.908714,1,1,0,6.82614,0.211349 +-6.75759,0.877431,0.908714,2,3,0,7.82851,0.232976 +-6.75086,0.998853,0.908714,1,3,0,6.76664,0.259492 +-7.33482,0.846044,0.908714,1,3,0,7.63709,0.133151 +-7.16299,1,0.908714,1,1,0,7.34291,0.149055 +-8.75594,0.821593,0.908714,1,3,0,8.95305,0.0663607 +-8.15624,1,0.908714,1,1,0,8.74352,0.0865339 +-7.81872,1,0.908714,1,1,0,8.18978,0.101892 +-6.80465,0.995317,0.908714,2,3,0,7.84167,0.209584 +-6.75107,0.961176,0.908714,2,3,0,7.07814,0.259841 +-6.75107,0.667664,0.908714,1,3,0,8.23261,0.259841 +-7.18165,0.905003,0.908714,1,3,0,7.23074,0.376419 +-7.40419,0.932419,0.908714,1,1,0,7.49683,0.407552 +-7.4394,0.988812,0.908714,1,1,0,7.62997,0.411994 +-6.75917,0.993332,0.908714,1,3,0,7.47631,0.231653 +-7.77958,0.781858,0.908714,1,3,0,8.14744,0.103939 +-7.62945,1,0.908714,1,1,0,7.86107,0.112444 +-7.32531,0.874756,0.908714,1,3,0,9.12726,0.397178 +-7.58534,0.973387,0.908714,2,3,0,7.7175,0.429359 +-7.3058,1,0.908714,1,1,0,7.61966,0.394511 +-6.86476,0.950946,0.908714,2,3,0,7.68758,0.193074 +-6.75907,0.999201,0.908714,1,3,0,6.848,0.231736 +-6.81488,0.981992,0.908714,1,3,0,6.86672,0.297452 +-7.12749,0.877474,0.908714,1,3,0,7.53085,0.152884 +-6.93162,0.939572,0.908714,1,3,0,7.6458,0.330306 +-6.93162,0.579221,0.908714,1,3,0,9.27146,0.330306 +-6.83618,1,0.908714,1,1,0,6.91448,0.30476 +-6.91338,0.917038,0.908714,2,3,0,7.31475,0.32602 +-7.47192,0.764242,0.908714,1,3,0,8.40039,0.122719 +-7.14254,1,0.908714,1,1,0,7.42972,0.151233 +-7.19146,0.991848,0.908714,1,1,0,7.25374,0.14614 +-7.69363,0.975593,0.908714,2,3,0,7.69497,0.108673 +-6.94366,0.980252,0.908714,1,3,0,7.6055,0.177727 +-7.011,0.987352,0.908714,1,1,0,7.03516,0.16739 +-6.97478,0.979684,0.908714,2,3,0,7.30686,0.172717 +-6.74912,0.999884,0.908714,1,3,0,6.98098,0.24416 +-6.74847,0.999843,0.908714,1,3,0,6.75042,0.253766 +-6.77517,0.93181,0.908714,2,3,0,7.18521,0.221652 +-6.76821,0.996145,0.908714,2,3,0,6.81418,0.225463 +-7.23433,0.907078,0.908714,1,3,0,7.32294,0.141983 +-6.93527,0.913967,0.908714,2,3,0,8.04455,0.331141 +-6.93527,0.944334,0.908714,1,1,0,7.09508,0.331141 +-7.63421,0.917304,0.908714,2,3,0,7.63678,0.434847 +-8.03923,0.875841,0.908714,1,1,0,8.25081,0.475618 +-8.05107,0.998702,0.908714,2,3,0,8.4526,0.476706 +-6.96517,1,0.908714,1,1,0,7.7138,0.337711 +-6.94063,0.913554,0.908714,1,3,0,7.44295,0.17824 +-6.75536,0.999264,0.908714,1,3,0,6.92615,0.235069 +-7.19254,0.905078,0.908714,1,3,0,7.30265,0.146032 +-8.26893,0.92568,0.908714,2,3,0,8.26977,0.495896 +-6.74879,1,0.908714,1,3,0,8.1113,0.245114 +-6.80386,0.985605,0.908714,1,3,0,6.8233,0.293235 +-6.75302,1,0.908714,1,3,0,6.79229,0.262636 +-6.74803,0.999968,0.908714,2,3,0,6.75324,0.250358 +-6.79121,0.935958,0.908714,2,3,0,7.12846,0.214516 +-6.79849,0.998388,0.908714,1,1,0,6.80662,0.211756 +-7.04329,0.961,0.908714,1,3,0,7.05285,0.163013 +-8.53646,0.734634,0.908714,1,3,0,9.67005,0.517597 +-7.18561,0.795245,0.908714,1,3,0,9.94139,0.146728 +-7.2002,0.997601,0.908714,1,1,0,7.27996,0.145271 +-7.4789,0.957777,0.908714,1,1,0,7.50062,0.12223 +-6.75687,0.919771,0.908714,2,3,0,8.39363,0.233623 +-6.80427,0.984738,0.908714,1,3,0,6.84715,0.2934 +-6.75364,0.996023,0.908714,1,3,0,6.82815,0.236907 +-6.75483,0.999906,0.908714,2,3,0,6.75591,0.235608 +-6.75222,0.960645,0.908714,2,3,0,7.00681,0.238665 +-6.75222,0.927459,0.908714,1,3,0,7.07132,0.238665 +-7.17217,0.901262,0.908714,1,3,0,7.28755,0.374946 +-6.80147,0.963964,0.908714,1,3,0,7.36707,0.21069 +-6.81478,0.997101,0.908714,1,1,0,6.82373,0.206282 +-6.8825,0.968009,0.908714,1,3,0,7.06895,0.318227 +-6.75428,1,0.908714,1,3,0,6.85643,0.26415 +-6.8299,0.978999,0.908714,2,3,0,6.89631,0.302702 +-6.8299,0.914015,0.908714,1,1,0,7.0507,0.302702 +-7.42933,0.770589,0.908714,1,3,0,8.11299,0.12579 +-7.35642,1,0.908714,1,1,0,7.50639,0.131397 +-6.74851,0.988929,0.908714,1,3,0,7.43821,0.246095 +-6.74851,0.742452,0.908714,1,3,0,7.91223,0.246095 +-6.74851,0.799271,0.908714,1,3,0,7.62641,0.246095 +-6.74851,0.905637,0.908714,1,3,0,7.14193,0.246095 +-6.76219,0.93724,0.908714,2,3,0,7.16486,0.229364 +-7.30761,0.886668,0.908714,1,3,0,7.43817,0.13543 +-7.30761,0.839285,0.908714,1,3,0,8.62316,0.13543 +-7.97789,0.910498,0.908714,1,1,0,7.97789,0.0941795 +-7.35198,1,0.908714,1,1,0,7.89337,0.131754 +-7.10926,1,0.908714,2,3,0,7.32943,0.154942 +-6.76513,0.998525,0.908714,2,3,0,7.1151,0.227364 +-6.99908,0.954565,0.908714,1,3,0,7.02636,0.169089 +-6.75185,0.916544,0.908714,2,3,0,7.71399,0.239174 +-6.97382,0.944543,0.908714,1,3,0,7.04778,0.339532 +-6.74846,0.997272,0.908714,2,3,0,6.9973,0.246315 +-6.74816,0.997686,0.908714,2,3,0,6.76266,0.252077 +-6.74847,0.997492,0.908714,2,3,0,6.76317,0.246277 +-6.81636,0.988966,0.908714,2,3,0,6.83226,0.205792 +-6.76063,0.993324,0.908714,1,3,0,6.86519,0.270193 +-7.64821,0.860891,0.908714,2,3,0,7.66465,0.11132 +-7.16955,1,0.908714,1,1,0,7.57615,0.148372 +-7.3481,0.954576,0.908714,2,3,0,7.82003,0.132067 +-6.84136,0.93905,0.908714,1,3,0,7.79554,0.30641 +-6.75169,1,0.908714,1,3,0,6.82458,0.260807 +-6.76669,0.994348,0.908714,1,3,0,6.78433,0.226382 +-6.78509,0.86006,0.908714,2,3,0,7.86098,0.217038 +-6.75205,0.903072,0.908714,2,3,0,7.55551,0.238888 +-6.99765,0.962386,0.908714,2,3,0,7.04726,0.169297 +-6.80545,0.97104,0.908714,1,3,0,7.21146,0.293868 +-6.91207,0.946132,0.908714,1,3,0,7.13294,0.183333 +-6.81282,0.990502,0.908714,2,3,0,7.0188,0.206898 +-6.77557,0.837862,0.908714,2,3,0,8.25793,0.221451 +-6.76692,1,0.908714,1,1,0,6.77619,0.22624 +-6.81167,0.989913,0.908714,1,1,0,6.81168,0.207263 +-6.81167,0.602724,0.908714,1,3,0,9.29224,0.207263 +-7.05008,0.814323,0.908714,2,3,0,8.19071,0.162132 +-7.73132,0.843442,0.908714,1,3,0,8.66471,0.445337 +-8.86572,0.688422,0.908714,1,1,0,9.03283,0.542019 +-6.92478,0.928578,0.908714,1,3,0,9.46452,0.181007 +-7.66429,0.903992,0.908714,2,3,0,7.92134,0.11037 +-6.81386,1,0.908714,2,3,0,7.46033,0.297077 +-6.75612,1,0.908714,2,3,0,6.80175,0.234321 +-6.92743,0.854724,0.908714,2,3,0,7.69256,0.180534 +-7.07593,0.929538,0.908714,1,3,0,7.54827,0.359018 +-7.11069,0.989449,0.908714,1,1,0,7.19844,0.364991 +-7.49852,0.585154,0.908714,2,3,0,9.68386,0.41922 +-8.34668,0.919281,0.908714,2,3,0,8.47136,0.502398 +-6.91187,1,0.908714,2,3,0,8.23578,0.183371 +-6.84993,1,0.908714,1,1,0,6.90846,0.196586 +-6.82957,1,0.908714,1,1,0,6.85881,0.20192 +-7.39847,0.949098,0.908714,2,3,0,7.44012,0.406821 +-7.6596,0.919352,0.908714,1,1,0,7.81457,0.437641 +-6.75521,1,0.908714,1,3,0,7.49746,0.265181 +-7.24941,0.862522,0.908714,1,3,0,7.53565,0.14058 +-6.7484,1,0.908714,2,3,0,7.16709,0.253448 +-6.7484,0.559047,0.908714,2,3,0,9.55547,0.253448 +-6.80652,0.98444,0.908714,1,3,0,6.82956,0.208953 +-7.20137,0.896714,0.908714,1,3,0,7.4821,0.379439 +-6.85505,1,0.908714,1,1,0,7.10114,0.310569 +-6.79088,1,0.908714,1,1,0,6.84032,0.287728 +-8.31401,0.709229,0.908714,1,3,0,8.38238,0.499687 +-6.78169,0.977372,0.908714,2,3,0,8.57978,0.218538 +-6.82582,0.986866,0.908714,2,3,0,6.90008,0.20298 +-6.85125,0.994642,0.908714,1,1,0,6.86259,0.196263 +-7.55097,0.892351,0.908714,1,3,0,7.62612,0.117367 +-6.77223,0.99997,0.908714,1,3,0,7.57572,0.223189 +-7.14234,0.928858,0.908714,1,3,0,7.19564,0.151255 +-7.4983,0.938509,0.908714,2,3,0,7.94043,0.120885 +-7.62386,0.994334,0.908714,2,3,0,7.71546,0.112783 +-6.88775,0.98425,0.908714,1,3,0,7.55004,0.188099 +-7.06536,0.966334,0.908714,1,1,0,7.06745,0.160195 +-6.74918,0.920068,0.908714,2,3,0,7.78042,0.244006 +-6.91549,0.958767,0.908714,1,3,0,6.96304,0.326525 +-6.74821,0.999858,0.908714,1,3,0,6.90203,0.25246 +-6.86485,0.977653,0.908714,2,3,0,6.91354,0.313398 +-6.8315,1,0.908714,1,1,0,6.87177,0.303233 +-6.75095,0.994806,0.908714,2,3,0,6.86494,0.259645 +-7.30921,0.878546,0.908714,1,3,0,7.37367,0.394981 +-7.30921,0.655901,0.908714,1,3,0,8.84541,0.394981 +-7.13948,1,0.908714,2,3,0,7.34292,0.369741 +-6.75655,1,0.908714,1,3,0,7.06659,0.266556 +-7.06682,0.915516,0.908714,2,3,0,7.31939,0.357405 +-7.90705,0.636339,0.908714,1,3,0,9.64058,0.0974971 +-6.74957,0.951094,0.908714,1,3,0,8.23858,0.257005 +-6.83116,0.977039,0.908714,1,3,0,6.87097,0.201479 +-6.83116,0.791887,0.908714,1,3,0,8.08968,0.201479 +-6.94595,0.976719,0.908714,1,1,0,6.94731,0.177344 +-7.57988,0.953045,0.908714,2,3,0,7.58586,0.428736 +-7.37923,1,0.908714,2,3,0,7.6725,0.404335 +-6.81679,1,0.908714,2,3,0,7.29686,0.20566 +-6.84825,0.993328,0.908714,1,1,0,6.85668,0.197004 +-6.76645,0.995787,0.908714,2,3,0,6.88708,0.226531 +-7.2684,0.880815,0.908714,1,3,0,7.45887,0.389277 +-7.99183,0.792266,0.908714,1,1,0,8.06249,0.47121 +-6.85081,0.940553,0.908714,1,3,0,8.35779,0.196369 +-7.27106,0.887527,0.908714,1,3,0,7.66804,0.389655 +-7.16114,1,0.908714,2,3,0,7.33854,0.373211 +-6.80237,0.963743,0.908714,1,3,0,7.35785,0.210373 +-7.13147,0.97024,0.908714,2,3,0,7.14699,0.368437 +-6.87269,1,0.908714,2,7,0,7.06819,0.191298 +-7.58441,0.896355,0.908714,1,3,0,7.65019,0.115225 +-7.69276,0.985851,0.908714,1,1,0,7.8004,0.108723 +-8.32633,0.976407,0.908714,2,3,0,8.34038,0.0800467 +-6.90494,0.864111,0.908714,1,3,0,9.49568,0.323962 +-6.90848,0.998976,0.908714,1,1,0,6.95111,0.324831 +-6.90848,0.32177,0.908714,1,3,0,11.0628,0.324831 +-7.58354,0.707243,0.908714,2,7,0,8.60866,0.11528 +-6.74809,0.97428,0.908714,1,3,0,7.75813,0.251467 +-6.85981,0.982857,0.908714,2,3,0,6.87494,0.194216 +-7.9178,0.833211,0.908714,1,3,0,8.1031,0.0969825 +-7.81594,1,0.908714,1,1,0,8.04318,0.102035 +-6.91105,0.989095,0.908714,2,7,0,7.59875,0.325457 +-7.43773,0.738257,0.908714,1,3,0,8.32822,0.125174 +-7.1226,1,0.908714,1,1,0,7.39692,0.15343 +-6.92882,0.937975,0.908714,2,3,0,7.66082,0.329662 +-6.77654,1,0.908714,2,3,0,6.89558,0.22097 +-6.77795,0.999678,0.908714,1,1,0,6.78426,0.220279 +-6.8047,0.994038,0.908714,1,1,0,6.80683,0.20957 +-6.96924,0.97475,0.908714,1,3,0,6.97033,0.173576 +-7.09012,0.978088,0.908714,1,1,0,7.10826,0.157179 +-8.02052,0.934383,0.908714,2,3,0,8.02402,0.473888 +-8.02052,0.598122,0.908714,1,1,0,9.28419,0.473888 +-6.99397,0.869143,0.908714,1,3,0,8.82627,0.169833 +-7.02538,0.994224,0.908714,1,1,0,7.06714,0.165401 +-6.778,0.95656,0.908714,2,3,0,7.42706,0.281404 +-6.75006,1,0.908714,1,3,0,6.77229,0.258039 +-7.22674,0.87445,0.908714,1,3,0,7.46003,0.1427 +-6.94689,0.942196,0.908714,1,3,0,7.82695,0.333746 +-6.74814,0.999227,0.908714,1,3,0,6.94141,0.24805 +-6.89367,0.782885,0.908714,2,3,0,8.25831,0.186897 +-6.75923,0.999039,0.908714,1,3,0,6.87521,0.2316 +-6.87657,0.966593,0.908714,1,3,0,6.94978,0.31664 +-6.76737,0.987823,0.908714,1,3,0,6.94763,0.225964 +-7.17051,0.900793,0.908714,1,3,0,7.34282,0.374685 +-6.88676,1,0.908714,2,7,0,7.10122,0.188304 +-7.68147,0.820702,0.908714,1,3,0,8.26649,0.440018 +-6.75178,1,0.908714,1,3,0,7.53182,0.260938 +-6.90883,0.965136,0.908714,1,3,0,6.92304,0.324916 +-6.98197,0.992929,0.908714,2,3,0,7.01388,0.341219 +-7.30649,0.812328,0.908714,1,3,0,8.211,0.135525 +-7.36624,0.990929,0.908714,1,1,0,7.4508,0.130614 +-6.81583,0.99202,0.908714,1,3,0,7.31404,0.205955 +-6.75621,0.994675,0.908714,1,3,0,6.8535,0.266221 +-7.13381,0.942594,0.908714,2,3,0,7.14829,0.152185 +-7.65037,0.922343,0.908714,1,1,0,7.65041,0.111191 +-7.49005,1,0.908714,1,1,0,7.70942,0.121453 +-6.77268,1,0.908714,2,3,0,7.32882,0.278418 +-6.77842,0.998472,0.908714,1,1,0,6.78362,0.281632 +-6.79256,0.98633,0.908714,1,3,0,6.87502,0.213988 +-6.76053,0.994638,0.908714,1,3,0,6.83367,0.270106 +-6.80113,0.989305,0.908714,1,1,0,6.80113,0.292131 +-6.75125,0.997222,0.908714,1,3,0,6.81724,0.240039 +-6.7523,0.999076,0.908714,2,3,0,6.75956,0.23856 +-6.97393,0.951209,0.908714,1,3,0,7.01985,0.172847 +-6.84669,0.972542,0.908714,1,3,0,7.25942,0.308061 +-7.24597,0.889437,0.908714,1,1,0,7.2462,0.386054 +-7.24597,0.490451,0.908714,1,1,0,8.73758,0.386054 +-8.44478,0.678847,0.908714,1,1,0,8.48264,0.510368 +-7.1973,1,0.908714,2,3,0,8.06937,0.378821 +-7.06249,1,0.908714,2,3,0,7.22405,0.35663 +-6.74912,0.99824,0.908714,1,3,0,7.06146,0.244171 +-6.86268,0.804464,0.908714,2,3,0,8.12593,0.193549 +-7.04836,0.961132,0.908714,2,3,0,7.24841,0.162354 +-6.99656,0.978929,0.908714,2,3,0,7.36365,0.169456 +-7.47928,0.956698,0.908714,2,7,0,7.48047,0.416898 +-7.18272,1,0.908714,1,1,0,7.47002,0.376585 +-7.71626,0.843994,0.908714,1,1,0,7.77836,0.443744 +-6.93061,1,0.908714,1,1,0,7.47656,0.330074 +-6.75287,1,0.908714,1,3,0,6.89865,0.262439 +-6.95222,0.955965,0.908714,1,3,0,6.96937,0.33492 +-6.94197,1,0.908714,1,1,0,7.0013,0.332653 +-6.87242,0.944841,0.908714,1,3,0,7.26765,0.191358 +-8.16288,0.798114,0.908714,1,3,0,8.43127,0.0862668 +-7.85211,1,0.908714,1,1,0,8.20928,0.100195 +-7.58781,1,0.908714,1,1,0,7.88452,0.115011 +-8.64279,0.899118,0.908714,2,3,0,9.22174,0.0696434 +-6.89814,0.964739,0.908714,2,7,0,8.23257,0.322266 +-6.76345,0.988855,0.908714,1,3,0,6.96055,0.228481 +-6.76345,0.60166,0.908714,1,3,0,9.12762,0.228481 +-6.84407,0.986038,0.908714,1,3,0,6.8463,0.198055 +-8.20745,0.771965,0.908714,1,3,0,8.54693,0.0845048 +-7.30362,0.842843,0.908714,1,3,0,10.1088,0.394212 +-7.19523,0.775857,0.908714,1,3,0,8.47836,0.145764 +-6.84902,0.992622,0.908714,1,3,0,7.1356,0.19681 +-6.80565,1,0.908714,1,1,0,6.84432,0.209246 +-6.88808,0.98265,0.908714,1,1,0,6.88912,0.188032 +-6.81184,1,0.908714,1,1,0,6.87405,0.207211 +-6.74853,0.998494,0.908714,1,3,0,6.8217,0.254007 +-7.23176,0.876868,0.908714,1,3,0,7.44636,0.142225 +-7.00773,1,0.908714,2,3,0,7.20145,0.16785 +-6.83243,0.665749,0.908714,2,3,0,10.9764,0.20113 +-6.87659,0.96949,0.908714,1,3,0,7.09033,0.316645 +-6.86175,1,0.908714,2,3,0,6.90034,0.312517 +-6.78375,0.975067,0.908714,2,3,0,7.02931,0.284362 +-6.90052,0.968288,0.908714,1,1,0,6.90064,0.322864 +-7.22292,0.90825,0.908714,1,1,0,7.23175,0.382672 +-8.60879,0.351257,0.908714,1,3,0,11.6041,0.0706709 +-6.84054,0.977626,0.908714,2,7,0,8.19522,0.306152 +-6.7522,0.993342,0.908714,2,3,0,6.88344,0.261547 +-6.76809,0.99836,0.908714,2,3,0,6.76809,0.225533 +-7.27371,0.760955,0.908714,2,3,0,8.40547,0.138381 +-7.39548,0.981538,0.908714,1,1,0,7.45793,0.128335 +-6.77782,0.997121,0.908714,1,3,0,7.38358,0.220345 +-8.39967,0.781608,0.908714,2,3,0,8.48011,0.0774578 +-7.94853,1,0.908714,1,1,0,8.41022,0.0955334 +-6.89382,0.981368,0.908714,1,3,0,7.90594,0.186867 +-7.00112,0.97936,0.908714,1,1,0,7.0105,0.168796 +-7.13666,0.962029,0.908714,2,3,0,7.47149,0.151873 +-9.42179,0.472929,0.908714,3,7,0,14.5051,0.0505387 +-7.10693,0.965086,0.908714,2,7,0,8.92172,0.364357 +-7.61817,0.851425,0.908714,1,1,0,7.66206,0.433062 +-7.61817,0.802485,0.908714,1,1,0,8.24578,0.433062 +-7.51469,1,0.908714,1,1,0,7.79959,0.421148 +-7.00339,1,0.908714,2,3,0,7.3763,0.345529 +-6.76181,0.987801,0.908714,1,3,0,7.06619,0.229638 +-7.18842,0.911935,0.908714,1,3,0,7.27663,0.146446 +-7.02123,1,0.908714,1,1,0,7.17693,0.165968 +-7.79957,0.827658,0.908714,1,3,0,8.69613,0.452412 +-6.76509,1,0.908714,1,3,0,7.58142,0.273555 +-6.76509,0.738206,0.908714,1,3,0,7.82013,0.273555 +-6.80571,0.989219,0.908714,1,1,0,6.80599,0.293971 +-8.55806,0.510835,0.908714,1,3,0,10.2116,0.072242 +-7.77979,1,0.908714,1,1,0,8.47835,0.103927 +-8.68101,0.968869,0.908714,2,3,0,8.68167,0.0685113 +-8.22121,1,0.908714,1,1,0,8.71416,0.0839714 +-7.08834,0.964573,0.908714,1,3,0,8.12704,0.157391 +-6.77717,0.973532,0.908714,1,3,0,7.26609,0.280957 +-6.79505,0.98469,0.908714,1,3,0,6.8774,0.213032 +-6.84232,0.976747,0.908714,1,3,0,6.9746,0.30671 +-6.80862,0.976131,0.908714,1,3,0,6.99911,0.208254 +-6.80862,0.546152,0.908714,1,3,0,9.72594,0.208254 +-7.04285,0.981404,0.908714,2,3,0,7.04576,0.353056 +-6.95663,1,0.908714,1,1,0,7.06087,0.335878 +-6.81332,0.939855,0.908714,2,3,0,7.313,0.296878 +-7.06268,0.931243,0.908714,1,1,0,7.06278,0.356665 +-7.79769,0.793679,0.908714,1,1,0,7.81875,0.452219 +-7.36192,1,0.908714,2,3,0,7.7802,0.40207 +-7.82005,0.954193,0.908714,2,3,0,7.94075,0.45449 +-7.74235,1,0.908714,1,1,0,8.0877,0.446496 +-6.88696,1,0.908714,2,3,0,7.60521,0.188262 +-6.8766,1,0.908714,1,1,0,6.91003,0.190447 +-7.05552,0.965777,0.908714,1,1,0,7.0568,0.161435 +-8.486,0.910009,0.908714,2,3,0,8.55768,0.513644 +-7.45189,1,0.908714,2,3,0,8.2455,0.413544 +-6.9774,1,0.908714,1,1,0,7.32243,0.340276 +-7.29049,0.784801,0.908714,2,7,0,8.17028,0.136904 +-6.80942,0.894275,0.908714,2,3,0,8.41977,0.207992 +-6.91112,0.97881,0.908714,1,1,0,6.91157,0.183511 +-7.0077,0.969929,0.908714,2,3,0,7.25196,0.167856 +-7.40787,0.933642,0.908714,1,1,0,7.40787,0.127393 +-7.57073,0.977189,0.908714,1,1,0,7.64061,0.116093 +-6.87537,0.91685,0.908714,1,3,0,8.2093,0.316315 +-7.4501,0.683694,0.908714,2,3,0,8.75695,0.413322 +-6.78028,1,0.908714,1,3,0,7.28608,0.282606 +-6.8814,0.951843,0.908714,2,3,0,7.07742,0.317936 +-6.8814,0.668561,0.908714,1,3,0,8.62627,0.317936 +-7.25552,0.894726,0.908714,1,1,0,7.25934,0.387434 +-9.7468,0.716678,0.908714,2,3,0,9.75147,0.598149 +-9.42958,1,0.908714,2,7,0,9.49002,0.050383 +-7.12587,0.955093,0.908714,1,3,0,9.6186,0.153063 +-6.98683,1,0.908714,1,1,0,7.11845,0.17089 +-6.82892,0.881548,0.908714,2,3,0,8.05898,0.202103 +-6.76443,0.996099,0.908714,2,3,0,6.86468,0.227823 +-6.79927,0.986253,0.908714,1,3,0,6.85551,0.291366 +-7.5089,0.745061,0.908714,2,3,0,8.26529,0.120162 +-6.75489,0.99426,0.908714,1,3,0,7.57866,0.235543 +-6.7867,0.992781,0.908714,2,3,0,6.81215,0.216352 +-9.57855,0.643629,0.908714,2,3,0,9.60821,0.0475095 +-6.86355,1,0.908714,2,3,0,9.18567,0.193349 +-6.91066,0.990508,0.908714,1,1,0,6.92482,0.183598 +-7.20224,0.792619,0.908714,2,3,0,8.67486,0.14507 +-6.8246,0.993136,0.908714,1,3,0,7.14534,0.203334 +-6.7484,0.89603,0.908714,2,3,0,7.71981,0.246566 +-7.38449,0.8756,0.908714,2,3,0,7.70514,0.405018 +-8.03126,0.8108,0.908714,1,1,0,8.14051,0.474883 +-8.21238,0.942001,0.908714,1,1,0,8.58411,0.491059 +-6.77435,0.973635,0.908714,2,3,0,8.48288,0.222072 +-7.4589,0.865226,0.908714,1,3,0,7.61502,0.123643 +-6.83063,0.932501,0.908714,2,7,0,7.93244,0.302946 +-6.99395,0.885354,0.908714,2,3,0,7.49169,0.34365 +-6.99395,0.798005,0.908714,1,3,0,7.89523,0.34365 +-7.43536,0.71824,0.908714,1,3,0,8.49534,0.125347 +-7.74984,0.958068,0.908714,1,1,0,7.78968,0.105539 +-6.89265,0.990056,0.908714,2,7,0,7.5427,0.320873 +-6.89265,0.550213,0.908714,1,3,0,9.40337,0.320873 +-7.79507,0.676177,0.908714,1,3,0,8.98811,0.103121 +-7.07148,0.975104,0.908714,1,3,0,7.693,0.159436 +-7.39971,0.947033,0.908714,1,1,0,7.40468,0.128012 +-7.90299,0.934161,0.908714,1,1,0,7.91389,0.0976926 +-8.65802,0.924381,0.908714,1,1,0,8.66977,0.0691892 +-9.21258,0.957744,0.908714,1,1,0,9.29525,0.0549516 +-9.04738,1,0.908714,1,1,0,9.42482,0.0587723 +-7.35321,0.939807,0.908714,1,3,0,8.98756,0.131654 +-6.82224,0.994909,0.908714,2,3,0,7.407,0.204021 +-6.97304,0.969418,0.908714,1,1,0,6.97304,0.172986 +-6.74861,1,0.908714,2,3,0,6.94018,0.254313 +-7.0768,0.63347,0.908714,2,3,0,9.34757,0.158784 +-7.18864,0.993672,0.908714,2,3,0,7.22464,0.146424 +-7.60022,0.8546,0.908714,1,3,0,8.75127,0.431045 +-6.90251,1,0.908714,1,1,0,7.38904,0.323359 +-7.41937,0.855759,0.908714,1,1,0,7.42212,0.409481 +-9.79054,0.461021,0.908714,1,1,0,9.81688,0.600653 +-7.16347,1,0.908714,2,3,0,8.942,0.373579 +-7.01203,1,0.908714,1,1,0,7.16854,0.347221 +-6.83641,0.955169,0.908714,1,3,0,7.27663,0.200051 +-6.79662,0.984361,0.908714,1,3,0,6.96527,0.290248 +-7.02116,0.894083,0.908714,2,3,0,7.42908,0.348982 +-6.75609,1,0.908714,1,3,0,6.96946,0.266101 +-6.82245,0.986625,0.908714,1,3,0,6.82387,0.300159 +-7.7373,0.683024,0.908714,1,3,0,8.66388,0.106225 +-7.52727,1,0.908714,1,1,0,7.78194,0.118927 +-6.80467,0.99303,0.908714,1,3,0,7.49888,0.209581 +-6.86328,0.995849,0.908714,2,3,0,6.86601,0.193412 +-6.7527,1,0.908714,2,3,0,6.84135,0.262221 +-6.89757,0.968179,0.908714,1,3,0,6.90889,0.322123 +-6.7829,0.971235,0.908714,2,3,0,7.09147,0.283942 +-6.76687,1,0.908714,1,1,0,6.78086,0.274774 +-7.56409,0.874398,0.908714,2,3,0,7.57617,0.116518 +# +# Elapsed Time: 0.005 seconds (Warm-up) +# 0.005 seconds (Sampling) +# 0.01 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/bernoulli_const_1.csv b/src/test/unit/mcmc/test_csv_files/bernoulli_const_1.csv new file mode 100644 index 00000000000..b4a727ec857 --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/bernoulli_const_1.csv @@ -0,0 +1,1057 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-20 18:56:30 UTC +# method = sample (Default) +# sample +# num_samples = 1000 (Default) +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3635036313 (Default) +# output +# file = bernoulli_out.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,zeta +# Adaptation terminated +# Step size = 0.932037 +# Diagonal elements of inverse mass matrix: +# 0.591014 +-7.81355,0.761218,0.932037,1,3,0,8.13669,0.15 +-8.71049,0.894869,0.932037,1,1,0,8.72268,0.15 +-7.3531,0.957519,0.932037,1,3,0,8.53469,0.15 +-7.02007,1,0.932037,1,1,0,7.29505,0.15 +-8.49033,0.716959,0.932037,1,3,0,9.20407,0.15 +-7.18724,1,0.932037,1,1,0,8.06459,0.15 +-10.0621,0.636916,0.932037,2,3,0,10.0852,0.15 +-8.11851,1,0.932037,1,1,0,9.65805,0.15 +-6.86936,0.948809,0.932037,2,3,0,8.60097,0.15 +-7.13756,0.935492,0.932037,2,3,0,7.43717,0.15 +-7.09122,1,0.932037,1,1,0,7.19518,0.15 +-6.91669,1,0.932037,1,1,0,7.06383,0.15 +-6.76371,0.840542,0.932037,2,3,0,8.08838,0.15 +-6.84805,0.983351,0.932037,1,3,0,6.84861,0.15 +-8.3727,0.653843,0.932037,2,3,0,9.53079,0.15 +-7.25928,0.806553,0.932037,1,3,0,9.43963,0.15 +-6.95987,0.853051,0.932037,2,3,0,9.71446,0.15 +-6.95334,1,0.932037,1,1,0,7.00708,0.15 +-6.98417,0.993206,0.932037,1,1,0,7.02663,0.15 +-8.9535,0.727406,0.932037,1,3,0,9.27425,0.15 +-7.08162,0.995936,0.932037,2,3,0,9.00617,0.15 +-7.16691,0.98306,0.932037,1,1,0,7.22238,0.15 +-6.8898,1,0.932037,1,1,0,7.10684,0.15 +-7.8902,0.846547,0.932037,1,3,0,7.96857,0.15 +-7.24239,1,0.932037,1,1,0,7.78446,0.15 +-7.94748,0.888836,0.932037,1,1,0,7.94857,0.15 +-6.83694,0.864212,0.932037,2,3,0,8.91495,0.15 +-6.83694,0.425574,0.932037,1,3,0,9.01249,0.15 +-6.80131,0.985852,0.932037,1,3,0,6.93894,0.15 +-6.74824,0.978446,0.932037,2,3,0,6.95179,0.15 +-6.74832,0.945401,0.932037,2,3,0,7.0277,0.15 +-6.85442,0.972221,0.932037,1,3,0,6.87104,0.15 +-6.86406,0.996818,0.932037,1,1,0,6.89618,0.15 +-7.11238,0.918504,0.932037,1,1,0,7.12695,0.15 +-7.11238,0.431368,0.932037,1,1,0,8.53302,0.15 +-6.79843,1,0.932037,1,1,0,7.00834,0.15 +-6.74804,0.996585,0.932037,2,3,0,6.81732,0.15 +-9.50952,0.509265,0.932037,1,3,0,9.67564,0.15 +-8.27778,1,0.932037,1,1,0,9.48419,0.15 +-7.2527,1,0.932037,2,3,0,8.04703,0.15 +-6.75205,0.907555,0.932037,2,3,0,8.25548,0.15 +-7.3411,0.857468,0.932037,1,3,0,7.42326,0.15 +-7.07094,1,0.932037,1,1,0,7.32247,0.15 +-7.04767,0.556206,0.932037,2,3,0,9.56585,0.15 +-6.87625,1,0.932037,2,3,0,6.9975,0.15 +-7.12535,0.945777,0.932037,1,1,0,7.12652,0.15 +-7.12535,0.913353,0.932037,1,1,0,7.53634,0.15 +-6.78755,1,0.932037,2,3,0,7.04258,0.15 +-7.7545,0.780448,0.932037,1,3,0,7.76329,0.15 +-6.77502,0.859809,0.932037,2,3,0,8.49845,0.15 +-7.19668,0.726665,0.932037,2,3,0,8.64609,0.15 +-9.64819,0.775506,0.932037,2,3,0,10.0305,0.15 +-6.86272,0.7808,0.932037,1,3,0,10.9403,0.15 +-6.99329,0.696273,0.932037,2,3,0,8.30815,0.15 +-6.99329,0.700745,0.932037,1,1,0,7.63428,0.15 +-7.11558,0.957857,0.932037,1,1,0,7.18108,0.15 +-6.80487,1,0.932037,2,3,0,7.09376,0.15 +-6.97334,0.955154,0.932037,2,3,0,7.16146,0.15 +-7.2664,0.98044,0.932037,2,3,0,7.27318,0.15 +-7.06819,1,0.932037,2,3,0,7.25815,0.15 +-6.74803,0.991749,0.932037,1,3,0,7.05576,0.15 +-7.05542,0.823118,0.932037,2,3,0,7.78068,0.15 +-6.89251,1,0.932037,1,1,0,7.02757,0.15 +-6.76584,0.932575,0.932037,2,3,0,7.49343,0.15 +-6.75064,0.997924,0.932037,2,3,0,6.78013,0.15 +-6.91371,0.96173,0.932037,1,3,0,6.93351,0.15 +-6.74953,0.994131,0.932037,1,3,0,6.91533,0.15 +-8.33302,0.635332,0.932037,1,3,0,9.05105,0.15 +-8.04729,1,0.932037,1,1,0,8.43889,0.15 +-8.42015,0.956552,0.932037,1,1,0,8.53727,0.15 +-7.91154,1,0.932037,1,1,0,8.4304,0.15 +-7.65791,1,0.932037,1,1,0,7.97836,0.15 +-7.97869,0.955317,0.932037,1,1,0,8.06587,0.15 +-6.81845,1,0.932037,1,3,0,7.88771,0.15 +-6.76575,0.914099,0.932037,2,3,0,7.34829,0.15 +-6.74964,0.996733,0.932037,2,3,0,6.78491,0.15 +-6.77106,0.99494,0.932037,1,3,0,6.77141,0.15 +-6.77106,0.945747,0.932037,1,3,0,6.92649,0.15 +-6.77106,0.856062,0.932037,1,3,0,7.35372,0.15 +-6.88028,0.948865,0.932037,2,3,0,7.03829,0.15 +-7.33958,0.635769,0.932037,2,3,0,9.861,0.15 +-8.06974,0.890942,0.932037,1,1,0,8.07292,0.15 +-6.97186,0.998838,0.932037,1,3,0,7.91764,0.15 +-6.76939,0.981956,0.932037,1,3,0,7.03238,0.15 +-7.44177,0.80944,0.932037,1,3,0,7.79154,0.15 +-8.01591,0.972061,0.932037,2,3,0,8.03736,0.15 +-9.92045,0.865258,0.932037,2,3,0,9.92397,0.15 +-7.31963,1,0.932037,2,3,0,10.3209,0.15 +-6.9789,1,0.932037,1,1,0,7.25409,0.15 +-7.21981,0.951312,0.932037,1,1,0,7.23197,0.15 +-7.47612,0.930523,0.932037,2,3,0,8.12075,0.15 +-6.81131,0.990375,0.932037,2,3,0,7.55719,0.15 +-6.80278,0.920389,0.932037,2,3,0,7.43635,0.15 +-6.88803,0.979103,0.932037,1,1,0,6.89063,0.15 +-7.02902,0.795987,0.932037,2,3,0,8.6993,0.15 +-6.74805,0.993012,0.932037,1,3,0,7.01716,0.15 +-6.93322,0.952905,0.932037,1,3,0,6.95228,0.15 +-6.76781,0.904559,0.932037,2,3,0,7.33629,0.15 +-6.76232,0.985564,0.932037,2,3,0,6.83656,0.15 +-6.87137,0.974516,0.932037,1,3,0,6.87148,0.15 +-7.21556,0.953187,0.932037,2,3,0,7.22785,0.15 +-6.76367,0.998041,0.932037,1,3,0,7.1984,0.15 +-6.82308,0.981349,0.932037,1,3,0,6.86896,0.15 +-6.82308,0.352125,0.932037,1,3,0,10.8402,0.15 +-6.99474,0.738309,0.932037,2,3,0,8.0486,0.15 +-6.99474,0.963463,0.932037,1,1,0,7.1311,0.15 +-6.8637,0.713515,0.932037,2,3,0,8.29356,0.15 +-6.94178,0.974091,0.932037,1,1,0,6.96832,0.15 +-6.80481,1,0.932037,2,3,0,6.9081,0.15 +-6.92327,0.971351,0.932037,1,1,0,6.92425,0.15 +-7.1233,0.957499,0.932037,1,1,0,7.13244,0.15 +-6.76778,0.973133,0.932037,1,3,0,7.19571,0.15 +-6.90939,0.888041,0.932037,2,3,0,7.29419,0.15 +-7.3757,0.927908,0.932037,2,3,0,7.37586,0.15 +-7.33194,1,0.932037,1,1,0,7.48008,0.15 +-6.86262,0.893077,0.932037,2,3,0,9.38827,0.15 +-6.74929,0.996117,0.932037,1,3,0,6.86347,0.15 +-6.74964,0.943201,0.932037,2,3,0,7.03592,0.15 +-6.9015,0.968295,0.932037,2,3,0,6.96204,0.15 +-7.81106,0.864491,0.932037,1,3,0,7.86554,0.15 +-8.616,0.90424,0.932037,1,1,0,8.63659,0.15 +-8.16761,1,0.932037,1,1,0,8.67561,0.15 +-6.96545,1,0.932037,1,3,0,8.01828,0.15 +-6.75813,1,0.932037,1,3,0,6.92669,0.15 +-6.75424,1,0.932037,1,1,0,6.75812,0.15 +-7.76056,0.503853,0.932037,2,3,0,10.2889,0.15 +-7.12518,1,0.932037,1,1,0,7.64631,0.15 +-7.67249,0.905419,0.932037,1,1,0,7.67491,0.15 +-7.63881,1,0.932037,1,1,0,7.83222,0.15 +-7.3844,0.889767,0.932037,1,3,0,8.80917,0.15 +-6.76719,1,0.932037,1,3,0,7.348,0.15 +-7.47953,0.852161,0.932037,1,3,0,7.59716,0.15 +-7.42386,1,0.932037,2,3,0,7.59422,0.15 +-7.91668,0.975432,0.932037,2,3,0,7.94672,0.15 +-6.83066,1,0.932037,2,3,0,7.62924,0.15 +-6.96269,0.956934,0.932037,1,1,0,6.97473,0.15 +-6.74847,0.963031,0.932037,2,3,0,7.15706,0.15 +-6.80708,0.988647,0.932037,2,3,0,6.82289,0.15 +-6.91792,0.9732,0.932037,1,1,0,6.91947,0.15 +-6.84983,1,0.932037,2,3,0,6.91467,0.15 +-6.88905,0.990653,0.932037,1,1,0,6.90679,0.15 +-7.15463,0.975663,0.932037,2,3,0,7.16,0.15 +-6.9586,1,0.932037,1,1,0,7.13267,0.15 +-7.56708,0.803851,0.932037,1,1,0,7.59178,0.15 +-6.76736,1,0.932037,1,3,0,7.31987,0.15 +-6.80123,0.959699,0.932037,2,3,0,6.95431,0.15 +-6.80123,0.759564,0.932037,1,3,0,7.84546,0.15 +-6.80123,0.902778,0.932037,1,3,0,7.20675,0.15 +-6.80123,0.96482,0.932037,1,1,0,6.88076,0.15 +-6.78299,0.988689,0.932037,2,3,0,6.88032,0.15 +-7.1107,0.936673,0.932037,1,3,0,7.12632,0.15 +-7.31567,0.961429,0.932037,1,1,0,7.35195,0.15 +-7.07455,0.968694,0.932037,2,3,0,7.7776,0.15 +-6.74831,0.993779,0.932037,1,3,0,7.05357,0.15 +-6.84249,0.975275,0.932037,1,3,0,6.85756,0.15 +-6.88224,0.995647,0.932037,2,3,0,6.90622,0.15 +-8.68021,0.668585,0.932037,2,3,0,8.68611,0.15 +-7.80603,1,0.932037,1,1,0,8.5851,0.15 +-7.27572,1,0.932037,1,1,0,7.73044,0.15 +-8.91337,0.902662,0.932037,2,3,0,9.15324,0.15 +-7.22471,0.840347,0.932037,1,3,0,9.85532,0.15 +-7.57214,0.980256,0.932037,2,3,0,7.60142,0.15 +-7.46188,1,0.932037,1,1,0,7.66831,0.15 +-7.21293,1,0.932037,1,1,0,7.46083,0.15 +-7.27196,0.911127,0.932037,1,3,0,8.06683,0.15 +-6.99285,1,0.932037,1,1,0,7.22442,0.15 +-7.64686,0.789204,0.932037,1,1,0,7.67915,0.15 +-7.64686,0.588674,0.932037,1,1,0,8.70948,0.15 +-6.76317,0.84811,0.932037,2,3,0,8.40171,0.15 +-6.75852,0.995961,0.932037,2,3,0,6.79457,0.15 +-6.96185,0.956175,0.932037,2,3,0,7.06538,0.15 +-6.7597,0.95957,0.932037,2,3,0,7.23201,0.15 +-6.95356,0.940807,0.932037,1,3,0,7.05195,0.15 +-6.74802,0.995879,0.932037,1,3,0,6.94105,0.15 +-6.80409,0.985416,0.932037,1,3,0,6.81492,0.15 +-6.78431,0.93291,0.932037,2,3,0,7.30965,0.15 +-6.85124,0.98309,0.932037,1,1,0,6.85256,0.15 +-6.91874,0.970098,0.932037,1,3,0,7.11707,0.15 +-6.91874,0.434093,0.932037,1,3,0,9.39656,0.15 +-6.92998,0.940657,0.932037,2,3,0,7.25758,0.15 +-6.7616,0.987015,0.932037,1,3,0,6.96899,0.15 +-6.77385,0.996249,0.932037,1,1,0,6.77617,0.15 +-7.11956,0.891801,0.932037,1,3,0,7.32561,0.15 +-7.10361,0.938678,0.932037,1,3,0,7.72046,0.15 +-7.10361,0.642361,0.932037,1,1,0,7.89438,0.15 +-8.5001,0.593919,0.932037,1,1,0,8.53813,0.15 +-7.1692,1,0.932037,2,3,0,8.39313,0.15 +-6.99964,1,0.932037,2,3,0,7.15856,0.15 +-6.82605,1,0.932037,1,1,0,6.95904,0.15 +-6.80069,1,0.932037,1,1,0,6.8286,0.15 +-6.80069,0.826864,0.932037,1,3,0,7.56839,0.15 +-6.80069,0.712989,0.932037,1,3,0,8.08135,0.15 +-6.79864,1,0.932037,1,1,0,6.81323,0.15 +-7.21975,0.922333,0.932037,1,3,0,7.24006,0.15 +-6.75061,0.978686,0.932037,1,3,0,7.23991,0.15 +-8.50882,0.710206,0.932037,2,3,0,8.58833,0.15 +-6.98994,1,0.932037,1,3,0,8.37388,0.15 +-8.68191,0.796805,0.932037,2,3,0,9.47091,0.15 +-7.31609,1,0.932037,2,3,0,8.2644,0.15 +-7.14381,1,0.932037,1,1,0,7.36712,0.15 +-7.14381,0.475525,0.932037,1,1,0,8.41075,0.15 +-7.29505,0.813437,0.932037,2,3,0,8.20133,0.15 +-7.97276,0.895575,0.932037,1,1,0,7.97663,0.15 +-9.00874,0.888587,0.932037,1,1,0,9.0167,0.15 +-8.5484,1,0.932037,1,1,0,9.10361,0.15 +-7.88735,1,0.932037,1,1,0,8.51142,0.15 +-7.36782,1,0.932037,1,1,0,7.8262,0.15 +-7.34887,1,0.932037,1,1,0,7.48713,0.15 +-6.81839,0.987631,0.932037,2,3,0,7.46646,0.15 +-6.81839,0.712592,0.932037,1,3,0,8.16085,0.15 +-6.74807,0.998893,0.932037,1,3,0,6.81316,0.15 +-6.87013,0.959268,0.932037,2,3,0,6.97825,0.15 +-6.76585,1,0.932037,1,1,0,6.83725,0.15 +-6.7566,0.994396,0.932037,2,3,0,6.80045,0.15 +-6.7566,0.628726,0.932037,1,3,0,8.7002,0.15 +-6.82277,0.986161,0.932037,1,3,0,6.82387,0.15 +-7.3013,0.877627,0.932037,1,3,0,7.5333,0.15 +-8.78447,0.79108,0.932037,2,3,0,8.87542,0.15 +-7.50584,1,0.932037,1,1,0,8.46306,0.15 +-7.15669,1,0.932037,1,1,0,7.48033,0.15 +-7.43591,0.967588,0.932037,2,3,0,7.54437,0.15 +-6.96987,0.913229,0.932037,1,3,0,7.88228,0.15 +-6.89773,1,0.932037,1,1,0,6.97541,0.15 +-7.36158,0.930716,0.932037,1,3,0,7.36402,0.15 +-7.16589,1,0.932037,1,1,0,7.37174,0.15 +-6.95869,1,0.932037,1,1,0,7.13528,0.15 +-7.16168,0.929564,0.932037,1,3,0,7.57434,0.15 +-8.02154,0.725795,0.932037,1,1,0,8.09574,0.15 +-8.63423,0.930003,0.932037,2,3,0,9.03662,0.15 +-6.93887,1,0.932037,1,1,0,8.0172,0.15 +-6.87271,1,0.932037,1,1,0,6.94734,0.15 +-6.77339,1,0.932037,2,3,0,6.85408,0.15 +-6.98298,0.942095,0.932037,1,3,0,7.07789,0.15 +-6.75868,1,0.932037,1,3,0,6.91623,0.15 +-6.7906,0.973381,0.932037,2,3,0,6.88716,0.15 +-7.56742,0.820209,0.932037,1,3,0,7.57193,0.15 +-6.75108,1,0.932037,1,3,0,7.35001,0.15 +-6.80655,0.983396,0.932037,1,3,0,6.83092,0.15 +-6.91728,0.973208,0.932037,1,1,0,6.91879,0.15 +-7.7691,0.915431,0.932037,2,3,0,7.98664,0.15 +-6.765,1,0.932037,1,3,0,7.46164,0.15 +-7.37311,0.856184,0.932037,1,3,0,7.3856,0.15 +-7.3305,1,0.932037,1,1,0,7.55404,0.15 +-7.3305,0.663523,0.932037,1,1,0,8.12143,0.15 +-7.12567,0.837343,0.932037,1,3,0,8.09517,0.15 +-7.15885,0.957841,0.932037,2,3,0,7.71194,0.15 +-6.75049,0.994782,0.932037,1,3,0,7.12461,0.15 +-6.81461,0.982255,0.932037,1,3,0,6.83366,0.15 +-6.75614,0.996516,0.932037,1,3,0,6.83027,0.15 +-6.74853,0.904663,0.932037,2,3,0,7.2911,0.15 +-7.01677,0.911602,0.932037,2,3,0,7.26139,0.15 +-6.92929,0.642216,0.932037,2,3,0,8.77716,0.15 +-7.65529,0.771289,0.932037,1,1,0,7.66932,0.15 +-7.01834,1,0.932037,1,1,0,7.46402,0.15 +-6.74897,1,0.932037,1,3,0,6.95557,0.15 +-9.81129,0.348606,0.932037,1,3,0,11.6845,0.15 +-10.4379,0.964322,0.932037,1,1,0,10.6078,0.15 +-12.3737,0.923455,0.932037,1,1,0,12.3737,0.15 +-8.6914,0.906628,0.932037,1,3,0,12.5921,0.15 +-7.8205,1,0.932037,1,1,0,8.59832,0.15 +-6.76573,0.925015,0.932037,1,3,0,8.00716,0.15 +-7.18424,0.803585,0.932037,2,3,0,7.86457,0.15 +-6.74867,0.98391,0.932037,1,3,0,7.18696,0.15 +-6.74867,0.809678,0.932037,1,3,0,7.5541,0.15 +-6.78928,0.864392,0.932037,2,3,0,7.45892,0.15 +-7.73008,0.857073,0.932037,2,3,0,7.95215,0.15 +-6.90924,0.999548,0.932037,1,3,0,7.59486,0.15 +-6.83204,1,0.932037,1,1,0,6.89889,0.15 +-6.92095,0.978894,0.932037,1,1,0,6.92784,0.15 +-6.84946,1,0.932037,1,1,0,6.91633,0.15 +-6.87329,0.97872,0.932037,1,3,0,7.05429,0.15 +-7.77797,0.726161,0.932037,1,1,0,7.77978,0.15 +-7.91451,0.983052,0.932037,2,3,0,8.2695,0.15 +-6.99541,0.905965,0.932037,1,3,0,8.38798,0.15 +-6.76541,0.9819,0.932037,1,3,0,7.04888,0.15 +-6.75969,1,0.932037,1,1,0,6.76622,0.15 +-6.88511,0.980043,0.932037,2,3,0,6.89657,0.15 +-6.77682,0.92494,0.932037,2,3,0,7.55206,0.15 +-7.22693,0.885941,0.932037,1,3,0,7.36359,0.15 +-7.08301,1,0.932037,2,3,0,7.27,0.15 +-6.74807,1,0.932037,1,3,0,7.01313,0.15 +-6.78184,0.991048,0.932037,1,3,0,6.7889,0.15 +-7.7414,0.782413,0.932037,1,3,0,7.94246,0.15 +-8.34868,0.79224,0.932037,1,1,0,8.64598,0.15 +-6.96656,1,0.932037,1,1,0,7.85206,0.15 +-8.55062,0.559382,0.932037,1,1,0,8.55696,0.15 +-8.71259,0.939683,0.932037,1,1,0,9.36157,0.15 +-7.02011,1,0.932037,1,1,0,8.0992,0.15 +-7.73032,0.771978,0.932037,1,1,0,7.7681,0.15 +-7.58699,1,0.932037,1,1,0,7.95753,0.15 +-10.1664,0.37457,0.932037,1,1,0,10.2962,0.15 +-9.05941,1,0.932037,2,3,0,10.4928,0.15 +-6.95163,0.994678,0.932037,1,3,0,9.25144,0.15 +-6.991,0.991344,0.932037,1,1,0,7.03106,0.15 +-6.93665,1,0.932037,1,1,0,7.01246,0.15 +-7.53693,0.951931,0.932037,2,3,0,7.60421,0.15 +-7.35042,1,0.932037,1,1,0,7.65542,0.15 +-6.74833,1,0.932037,1,3,0,7.21002,0.15 +-7.30096,0.866757,0.932037,1,3,0,7.34306,0.15 +-7.33424,0.995938,0.932037,2,3,0,7.52117,0.15 +-7.00834,1,0.932037,1,1,0,7.27119,0.15 +-7.00834,0.750927,0.932037,1,3,0,7.93882,0.15 +-6.85276,0.717415,0.932037,2,3,0,8.2801,0.15 +-6.88149,0.915088,0.932037,2,3,0,7.26489,0.15 +-7.01531,0.954346,0.932037,2,3,0,7.30842,0.15 +-8.49716,0.821021,0.932037,2,3,0,8.90444,0.15 +-7.75198,1,0.932037,2,3,0,8.42455,0.15 +-6.78374,0.995713,0.932037,1,3,0,7.67855,0.15 +-6.78319,0.955918,0.932037,2,3,0,7.05067,0.15 +-6.76877,0.993356,0.932037,2,3,0,6.83116,0.15 +-6.76604,1,0.932037,2,3,0,6.77242,0.15 +-6.80257,0.828664,0.932037,2,3,0,7.81548,0.15 +-6.7921,0.928548,0.932037,2,3,0,7.34502,0.15 +-6.7921,0.869785,0.932037,1,3,0,7.3846,0.15 +-6.78247,1,0.932037,1,1,0,6.7969,0.15 +-6.77338,0.944315,0.932037,2,3,0,7.11056,0.15 +-6.88767,0.984579,0.932037,2,3,0,6.89149,0.15 +-6.87758,1,0.932037,1,1,0,6.91573,0.15 +-6.98427,0.975828,0.932037,1,1,0,6.997,0.15 +-8.16006,0.847199,0.932037,1,3,0,8.23533,0.15 +-6.92926,1,0.932037,1,3,0,8.02086,0.15 +-6.75334,1,0.932037,1,3,0,6.89875,0.15 +-6.76157,0.984481,0.932037,2,3,0,6.84166,0.15 +-6.77437,0.916298,0.932037,2,3,0,7.16943,0.15 +-6.89883,0.966797,0.932037,2,3,0,7.01941,0.15 +-7.61554,0.929243,0.932037,2,3,0,7.77465,0.15 +-6.74865,1,0.932037,1,3,0,7.4327,0.15 +-7.90889,0.736401,0.932037,1,3,0,8.30046,0.15 +-7.36433,1,0.932037,1,1,0,7.84078,0.15 +-6.7517,1,0.932037,2,3,0,7.32628,0.15 +-7.47731,0.835796,0.932037,1,3,0,7.65004,0.15 +-6.82682,1,0.932037,1,3,0,7.36972,0.15 +-6.75257,1,0.932037,1,3,0,6.81023,0.15 +-6.74814,0.924039,0.932037,2,3,0,7.16556,0.15 +-6.77547,0.992637,0.932037,1,3,0,6.7818,0.15 +-6.77883,0.96017,0.932037,2,3,0,7.01271,0.15 +-6.83214,0.92718,0.932037,2,3,0,7.10706,0.15 +-6.74855,0.999857,0.932037,1,3,0,6.82323,0.15 +-6.75208,0.991977,0.932037,2,3,0,6.79074,0.15 +-6.74875,1,0.932037,2,3,0,6.7511,0.15 +-6.76331,0.987877,0.932037,2,3,0,6.81164,0.15 +-7.11253,0.925924,0.932037,1,3,0,7.14728,0.15 +-7.33832,0.934594,0.932037,2,3,0,7.89183,0.15 +-7.40317,0.891695,0.932037,1,3,0,8.40906,0.15 +-6.83199,1,0.932037,2,3,0,7.43757,0.15 +-6.83199,0.774019,0.932037,1,3,0,8.04658,0.15 +-6.99888,0.961352,0.932037,1,1,0,7.00012,0.15 +-6.76802,0.991205,0.932037,2,3,0,7.06627,0.15 +-7.1899,0.912501,0.932037,1,3,0,7.23327,0.15 +-7.0344,0.951025,0.932037,1,3,0,7.71962,0.15 +-6.74861,0.964191,0.932037,2,3,0,7.23266,0.15 +-6.9356,0.954146,0.932037,1,3,0,6.96807,0.15 +-6.8766,1,0.932037,1,1,0,6.94182,0.15 +-6.86303,0.963467,0.932037,2,3,0,7.17361,0.15 +-6.89691,0.996253,0.932037,2,3,0,6.92839,0.15 +-6.74898,0.989445,0.932037,2,3,0,6.95643,0.15 +-6.75192,0.906807,0.932037,2,3,0,7.25324,0.15 +-6.89356,0.962004,0.932037,1,3,0,6.92873,0.15 +-6.8915,1,0.932037,1,1,0,6.93856,0.15 +-8.04782,0.661095,0.932037,1,1,0,8.04944,0.15 +-6.96778,1,0.932037,2,3,0,8.10818,0.15 +-6.94531,0.967319,0.932037,1,3,0,7.30665,0.15 +-6.79303,1,0.932037,1,1,0,6.89785,0.15 +-6.75073,0.998473,0.932037,1,3,0,6.79703,0.15 +-6.74807,0.922346,0.932037,2,3,0,7.17097,0.15 +-6.79664,0.986959,0.932037,2,3,0,6.82676,0.15 +-7.42084,0.890966,0.932037,2,3,0,7.44601,0.15 +-7.07938,1,0.932037,1,1,0,7.36895,0.15 +-6.76996,0.975074,0.932037,1,3,0,7.1524,0.15 +-6.97097,0.781354,0.932037,2,3,0,7.8694,0.15 +-7.45672,0.874497,0.932037,1,3,0,7.94747,0.15 +-7.73982,0.898709,0.932037,1,1,0,7.95818,0.15 +-6.75761,1,0.932037,1,3,0,7.45331,0.15 +-6.75128,1,0.932037,2,3,0,6.75597,0.15 +-6.74857,0.969275,0.932037,2,3,0,6.90378,0.15 +-6.78162,0.964009,0.932037,2,3,0,6.94604,0.15 +-6.94452,0.969782,0.932037,1,3,0,6.94577,0.15 +-6.83464,1,0.932037,1,1,0,6.92359,0.15 +-6.85125,0.978801,0.932037,2,3,0,7.03988,0.15 +-8.70862,0.498506,0.932037,2,3,0,10.892,0.15 +-7.14422,0.988771,0.932037,1,3,0,8.54862,0.15 +-8.22719,0.86569,0.932037,1,3,0,8.25029,0.15 +-7.98302,1,0.932037,1,1,0,8.34174,0.15 +-7.66766,1,0.932037,1,1,0,8.02784,0.15 +-8.24143,0.924458,0.932037,1,1,0,8.28161,0.15 +-7.67998,1,0.932037,1,1,0,8.20801,0.15 +-7.87681,0.972029,0.932037,1,1,0,7.99803,0.15 +-6.74849,0.941373,0.932037,1,3,0,7.96721,0.15 +-7.11836,0.837369,0.932037,2,3,0,7.62397,0.15 +-6.79142,1,0.932037,2,3,0,7.01021,0.15 +-6.77524,1,0.932037,1,1,0,6.79217,0.15 +-6.79636,0.997801,0.932037,2,3,0,6.8016,0.15 +-6.79636,0.948581,0.932037,1,1,0,6.90729,0.15 +-6.87559,0.872276,0.932037,2,3,0,7.36427,0.15 +-7.91757,0.674512,0.932037,1,3,0,8.87065,0.15 +-6.74935,0.935438,0.932037,1,3,0,8.03013,0.15 +-6.74803,0.97594,0.932037,2,3,0,6.86976,0.15 +-6.81513,0.982667,0.932037,1,3,0,6.82306,0.15 +-7.49872,0.879887,0.932037,2,3,0,7.51782,0.15 +-7.49872,0.948913,0.932037,1,1,0,7.85236,0.15 +-8.04293,0.922216,0.932037,1,1,0,8.07282,0.15 +-7.35293,1,0.932037,2,3,0,7.93996,0.15 +-7.35293,0.883408,0.932037,1,1,0,8.02395,0.15 +-6.80493,1,0.932037,1,3,0,7.25923,0.15 +-6.82698,0.998151,0.932037,2,3,0,6.83752,0.15 +-6.88114,0.986899,0.932037,1,1,0,6.89144,0.15 +-6.74827,0.964042,0.932037,2,3,0,7.17919,0.15 +-6.93633,0.882605,0.932037,2,3,0,7.40536,0.15 +-8.02922,0.766313,0.932037,1,3,0,8.54794,0.15 +-6.88064,1,0.932037,1,1,0,7.62039,0.15 +-6.99856,0.960668,0.932037,1,1,0,7.02674,0.15 +-6.9205,1,0.932037,1,1,0,7.0171,0.15 +-7.23497,0.895629,0.932037,1,1,0,7.26191,0.15 +-6.81255,0.65863,0.932037,2,3,0,8.81442,0.15 +-6.8557,0.986062,0.932037,1,1,0,6.86976,0.15 +-6.8557,0.724177,0.932037,1,3,0,7.66358,0.15 +-6.75301,0.997497,0.932037,1,3,0,6.85969,0.15 +-9.62741,0.500859,0.932037,1,3,0,9.855,0.15 +-7.2064,1,0.932037,2,3,0,8.74926,0.15 +-6.75431,0.815869,0.932037,2,3,0,7.99167,0.15 +-6.77251,0.990864,0.932037,2,3,0,6.80395,0.15 +-7.81008,0.844756,0.932037,2,3,0,8.00316,0.15 +-8.11847,0.959711,0.932037,1,1,0,8.22643,0.15 +-9.24757,0.890376,0.932037,2,3,0,10.2168,0.15 +-6.88942,0.799493,0.932037,1,3,0,10.3695,0.15 +-6.88942,0.261019,0.932037,1,3,0,10.9724,0.15 +-6.80124,0.870892,0.932037,2,3,0,7.43049,0.15 +-6.74978,0.998863,0.932037,1,3,0,6.80164,0.15 +-7.17245,0.854684,0.932037,2,3,0,7.6,0.15 +-8.81972,0.538088,0.932037,1,1,0,8.86828,0.15 +-7.40622,1,0.932037,2,3,0,8.5393,0.15 +-7.26318,0.961918,0.932037,2,3,0,8.05474,0.15 +-7.34728,0.984906,0.932037,1,1,0,7.43596,0.15 +-6.86243,0.997387,0.932037,1,3,0,7.24798,0.15 +-6.89308,0.975225,0.932037,1,3,0,7.09809,0.15 +-7.32886,0.939094,0.932037,2,3,0,7.34307,0.15 +-7.57152,0.913466,0.932037,1,1,0,7.74604,0.15 +-6.94728,1,0.932037,1,1,0,7.36923,0.15 +-6.81842,1,0.932037,1,1,0,6.91356,0.15 +-6.76216,1,0.932037,2,3,0,6.80728,0.15 +-6.85768,0.974601,0.932037,2,3,0,6.94204,0.15 +-6.77062,0.988638,0.932037,1,3,0,6.90934,0.15 +-6.91451,0.978923,0.932037,2,3,0,6.91452,0.15 +-6.78227,1,0.932037,1,1,0,6.87294,0.15 +-7.62346,0.806356,0.932037,1,3,0,7.63204,0.15 +-6.83206,1,0.932037,1,1,0,7.34914,0.15 +-7.29941,0.815839,0.932037,2,3,0,7.843,0.15 +-7.31671,0.996885,0.932037,1,1,0,7.4311,0.15 +-6.78343,0.991818,0.932037,2,3,0,7.37529,0.15 +-6.86006,0.980687,0.932037,1,1,0,6.8608,0.15 +-6.77605,1,0.932037,1,1,0,6.83853,0.15 +-6.86042,0.973286,0.932037,1,3,0,6.93518,0.15 +-6.75338,0.997358,0.932037,1,3,0,6.86494,0.15 +-6.83799,0.976298,0.932037,1,3,0,6.868,0.15 +-7.00374,0.713633,0.932037,2,3,0,8.19304,0.15 +-6.75259,0.98344,0.932037,2,3,0,7.10169,0.15 +-6.79496,0.987555,0.932037,1,3,0,6.81495,0.15 +-6.9391,0.981259,0.932037,2,3,0,6.94195,0.15 +-7.22517,0.904285,0.932037,1,1,0,7.25937,0.15 +-7.21052,1,0.932037,1,1,0,7.37602,0.15 +-6.75985,0.787087,0.932037,2,3,0,8.11836,0.15 +-6.86031,0.946513,0.932037,2,3,0,7.03793,0.15 +-8.19403,0.780681,0.932037,1,3,0,8.38612,0.15 +-6.7609,1,0.932037,2,3,0,7.87703,0.15 +-6.95309,0.78127,0.932037,2,3,0,7.88077,0.15 +-9.56705,0.565191,0.932037,1,3,0,10.2818,0.15 +-6.75776,1,0.932037,1,3,0,8.93023,0.15 +-6.77632,0.994978,0.932037,1,1,0,6.77679,0.15 +-6.82265,0.996019,0.932037,2,3,0,6.82416,0.15 +-6.89139,0.983404,0.932037,1,1,0,6.89889,0.15 +-6.89139,0.777655,0.932037,1,3,0,8.12126,0.15 +-7.13161,0.926877,0.932037,1,3,0,7.44089,0.15 +-8.35546,0.633109,0.932037,1,1,0,8.40627,0.15 +-7.06834,0.886614,0.932037,1,3,0,8.96147,0.15 +-7.28399,0.958522,0.932037,1,1,0,7.31204,0.15 +-7.28327,1,0.932037,1,1,0,7.40052,0.15 +-7.93284,0.898826,0.932037,1,1,0,7.93762,0.15 +-7.81694,1,0.932037,1,1,0,8.08024,0.15 +-7.6919,1,0.932037,1,1,0,7.94232,0.15 +-6.76979,0.932315,0.932037,1,3,0,7.86435,0.15 +-6.97696,0.966811,0.932037,2,3,0,6.99094,0.15 +-7.49857,0.902721,0.932037,2,3,0,7.93254,0.15 +-7.50324,0.999237,0.932037,1,1,0,7.65578,0.15 +-6.91611,1,0.932037,2,3,0,7.33316,0.15 +-6.74956,1,0.932037,1,3,0,6.89861,0.15 +-8.35635,0.667972,0.932037,1,3,0,8.48862,0.15 +-8.35709,0.999715,0.932037,1,1,0,8.94945,0.15 +-7.01492,1,0.932037,2,3,0,8.49553,0.15 +-7.08433,0.985549,0.932037,1,1,0,7.13054,0.15 +-7.29556,0.986569,0.932037,2,3,0,7.32674,0.15 +-6.82002,1,0.932037,2,3,0,7.16863,0.15 +-6.82002,0.827599,0.932037,1,1,0,7.18527,0.15 +-6.96415,0.766705,0.932037,2,3,0,7.8936,0.15 +-7.10108,0.953204,0.932037,1,1,0,7.15511,0.15 +-7.08567,1,0.932037,1,1,0,7.2067,0.15 +-8.18465,0.665208,0.932037,1,1,0,8.22692,0.15 +-6.98816,1,0.932037,2,3,0,8.27915,0.15 +-6.9991,0.951104,0.932037,2,3,0,7.40622,0.15 +-6.87003,0.959893,0.932037,1,3,0,7.2399,0.15 +-8.86597,0.67165,0.932037,1,3,0,9.3173,0.15 +-9.22117,0.969943,0.932037,1,1,0,9.41531,0.15 +-10.3294,0.926924,0.932037,1,1,0,10.3727,0.15 +-8.32325,0.989504,0.932037,2,3,0,10.9313,0.15 +-8.85098,0.946649,0.932037,1,1,0,8.95519,0.15 +-9.31959,0.960963,0.932037,1,1,0,9.47897,0.15 +-10.3022,0.93649,0.932037,1,1,0,10.3691,0.15 +-10.3363,0.998194,0.932037,1,1,0,10.7444,0.15 +-7.06812,1,0.932037,2,3,0,10.0104,0.15 +-7.09449,0.998201,0.932037,2,3,0,7.16215,0.15 +-7.41044,0.941678,0.932037,1,1,0,7.42835,0.15 +-6.74954,0.897451,0.932037,2,3,0,8.358,0.15 +-7.01483,0.952044,0.932037,2,3,0,7.06471,0.15 +-7.04361,0.949288,0.932037,1,3,0,7.50082,0.15 +-6.84344,1,0.932037,1,1,0,6.98754,0.15 +-6.76346,1,0.932037,1,1,0,6.81845,0.15 +-6.77171,0.981093,0.932037,2,3,0,6.85292,0.15 +-6.84864,0.975946,0.932037,1,1,0,6.84963,0.15 +-6.79009,1,0.932037,1,1,0,6.8359,0.15 +-7.3603,0.823525,0.932037,1,3,0,7.7309,0.15 +-7.81047,0.929962,0.932037,1,1,0,7.84015,0.15 +-7.78154,1,0.932037,1,1,0,7.99363,0.15 +-6.7517,1,0.932037,2,3,0,7.65292,0.15 +-6.78798,0.848042,0.932037,2,3,0,7.61324,0.15 +-6.76,0.921142,0.932037,2,3,0,7.25211,0.15 +-6.79557,0.983288,0.932037,2,3,0,6.85013,0.15 +-7.19183,0.926349,0.932037,1,3,0,7.21025,0.15 +-7.38792,0.988215,0.932037,2,3,0,7.43851,0.15 +-6.96601,1,0.932037,2,3,0,7.30212,0.15 +-7.05786,0.980406,0.932037,1,1,0,7.08973,0.15 +-7.16196,0.993052,0.932037,2,3,0,7.20877,0.15 +-6.77281,0.912405,0.932037,2,3,0,8.28922,0.15 +-6.75974,1,0.932037,1,1,0,6.77054,0.15 +-6.74904,0.896827,0.932037,2,3,0,7.34903,0.15 +-6.99017,0.938166,0.932037,1,3,0,7.02613,0.15 +-9.18272,0.444151,0.932037,1,1,0,9.18621,0.15 +-7.27998,1,0.932037,1,1,0,8.53072,0.15 +-6.81588,0.976625,0.932037,1,3,0,7.39388,0.15 +-6.85158,0.981914,0.932037,1,3,0,6.98055,0.15 +-7.61781,0.765141,0.932037,1,1,0,7.61874,0.15 +-6.79258,0.997137,0.932037,1,3,0,7.61795,0.15 +-8.09444,0.722711,0.932037,1,3,0,8.35089,0.15 +-8.09444,0.731058,0.932037,1,1,0,9.00859,0.15 +-8.96537,0.715603,0.932037,1,1,0,9.37304,0.15 +-8.78035,1,0.932037,1,1,0,9.62889,0.15 +-7.21874,0.836764,0.932037,1,3,0,9.71962,0.15 +-6.75061,0.911636,0.932037,2,3,0,8.14176,0.15 +-7.65204,0.639147,0.932037,2,3,0,8.88575,0.15 +-6.95151,1,0.932037,1,1,0,7.42019,0.15 +-7.03245,0.89047,0.932037,2,3,0,7.4925,0.15 +-6.93323,1,0.932037,1,1,0,7.03482,0.15 +-6.93323,0.839701,0.932037,1,3,0,7.95662,0.15 +-6.8181,1,0.932037,1,1,0,6.90794,0.15 +-6.96817,0.964576,0.932037,1,1,0,6.96901,0.15 +-6.75177,1,0.932037,2,3,0,6.94088,0.15 +-6.75748,0.994596,0.932037,2,3,0,6.77947,0.15 +-6.75598,1,0.932037,2,3,0,6.75911,0.15 +-7.35596,0.838068,0.932037,1,3,0,7.60728,0.15 +-6.75779,0.906448,0.932037,2,3,0,8.09794,0.15 +-6.83162,0.952059,0.932037,2,3,0,6.9908,0.15 +-7.67816,0.806003,0.932037,1,3,0,7.67819,0.15 +-6.92603,0.932427,0.932037,1,3,0,8.01057,0.15 +-7.07054,0.950192,0.932037,2,3,0,7.4224,0.15 +-6.7484,0.994215,0.932037,1,3,0,7.0485,0.15 +-7.08258,0.918347,0.932037,1,3,0,7.15481,0.15 +-7.08258,0.737878,0.932037,1,3,0,9.18161,0.15 +-7.35202,0.949338,0.932037,1,1,0,7.3743,0.15 +-6.74881,0.983413,0.932037,1,3,0,7.33477,0.15 +-6.95539,0.949695,0.932037,1,3,0,6.9911,0.15 +-7.15608,0.958335,0.932037,1,1,0,7.16954,0.15 +-6.83348,0.99773,0.932037,1,3,0,7.08351,0.15 +-7.24483,0.931935,0.932037,1,3,0,7.25275,0.15 +-6.98535,1,0.932037,1,1,0,7.20252,0.15 +-6.79714,0.986131,0.932037,2,3,0,7.11242,0.15 +-6.75975,0.994219,0.932037,2,3,0,6.84154,0.15 +-7.85764,0.768175,0.932037,1,3,0,8.13554,0.15 +-7.75607,1,0.932037,2,3,0,8.00291,0.15 +-7.45436,1,0.932037,1,1,0,7.77479,0.15 +-6.75812,0.956844,0.932037,1,3,0,7.53861,0.15 +-6.78653,0.996723,0.932037,2,3,0,6.78699,0.15 +-6.78653,0.689753,0.932037,1,3,0,7.7558,0.15 +-7.13767,0.941965,0.932037,2,3,0,7.15428,0.15 +-6.8166,0.824152,0.932037,2,3,0,8.71226,0.15 +-6.79612,1,0.932037,1,1,0,6.82009,0.15 +-7.16066,0.926371,0.932037,2,3,0,7.36744,0.15 +-6.7485,0.867631,0.932037,2,3,0,8.25218,0.15 +-6.7485,0.374064,0.932037,1,3,0,9.69677,0.15 +-6.906,0.899506,0.932037,2,3,0,7.30301,0.15 +-6.97495,0.960716,0.932037,1,3,0,7.26467,0.15 +-6.87784,0.957976,0.932037,1,3,0,7.22871,0.15 +-6.76764,1,0.932037,1,3,0,6.85023,0.15 +-7.06045,0.939987,0.932037,2,3,0,7.20313,0.15 +-7.56678,0.90837,0.932037,1,1,0,7.56807,0.15 +-8.21909,0.9114,0.932037,1,1,0,8.24106,0.15 +-7.1694,0.972439,0.932037,1,3,0,8.05615,0.15 +-7.51659,0.939017,0.932037,1,1,0,7.53941,0.15 +-6.80441,1,0.932037,2,3,0,7.33714,0.15 +-6.84769,0.986098,0.932037,1,1,0,6.85924,0.15 +-6.75447,1,0.932037,1,3,0,6.82024,0.15 +-6.75447,0.941471,0.932037,1,3,0,6.92636,0.15 +-7.31897,0.848317,0.932037,1,3,0,7.54592,0.15 +-7.51256,0.936742,0.932037,2,3,0,8.23518,0.15 +-7.00844,1,0.932037,1,1,0,7.41354,0.15 +-6.81721,1,0.932037,2,3,0,6.95395,0.15 +-7.45194,0.852204,0.932037,1,3,0,7.45194,0.15 +-6.87259,1,0.932037,2,3,0,7.42285,0.15 +-6.75616,1,0.932037,1,3,0,6.8471,0.15 +-6.89502,0.961898,0.932037,1,3,0,6.94092,0.15 +-6.77836,1,0.932037,2,3,0,6.87334,0.15 +-6.79421,0.982898,0.932037,2,3,0,6.9004,0.15 +-7.26621,0.798873,0.932037,2,3,0,7.90837,0.15 +-6.86681,0.892468,0.932037,2,3,0,9.22078,0.15 +-6.79361,1,0.932037,1,1,0,6.85058,0.15 +-6.77748,1,0.932037,2,3,0,6.79435,0.15 +-6.77887,0.999632,0.932037,1,1,0,6.78659,0.15 +-6.78375,0.998717,0.932037,1,1,0,6.79108,0.15 +-6.74954,0.987641,0.932037,2,3,0,6.86737,0.15 +-7.83854,0.756676,0.932037,1,3,0,7.90005,0.15 +-7.50039,1,0.932037,1,1,0,7.94015,0.15 +-6.7491,1,0.932037,1,3,0,7.35194,0.15 +-6.7636,0.996702,0.932037,1,3,0,6.76405,0.15 +-6.78205,0.845782,0.932037,2,3,0,7.69714,0.15 +-6.75014,0.997559,0.932037,2,3,0,6.79806,0.15 +-8.34122,0.670679,0.932037,1,3,0,8.47733,0.15 +-7.99963,1,0.932037,1,1,0,8.62888,0.15 +-8.76385,0.745363,0.932037,1,1,0,9.14503,0.15 +-7.04418,1,0.932037,1,1,0,8.14217,0.15 +-7.43305,0.868749,0.932037,1,1,0,7.49441,0.15 +-7.43305,0.297658,0.932037,1,1,0,9.48457,0.15 +-6.83865,0.968461,0.932037,1,3,0,7.58424,0.15 +-7.53033,0.883514,0.932037,1,3,0,7.57348,0.15 +-6.96261,0.979104,0.932037,2,3,0,7.81614,0.15 +-7.0999,0.990364,0.932037,2,3,0,7.12317,0.15 +-8.07438,0.928426,0.932037,2,3,0,8.16995,0.15 +-7.08332,1,0.932037,1,1,0,7.75278,0.15 +-6.82918,1,0.932037,1,1,0,7.0036,0.15 +-7.53288,0.784396,0.932037,1,1,0,7.53294,0.15 +-7.05091,1,0.932037,2,3,0,7.39902,0.15 +-7.40251,0.977978,0.932037,2,3,0,7.41207,0.15 +-6.82898,1,0.932037,2,3,0,7.24836,0.15 +-6.79153,1,0.932037,1,1,0,6.8253,0.15 +-6.79153,0.459704,0.932037,1,3,0,9.85444,0.15 +-6.76756,1,0.932037,1,1,0,6.7869,0.15 +-6.97728,0.932763,0.932037,1,3,0,7.10469,0.15 +-6.95157,1,0.932037,1,1,0,7.01491,0.15 +-6.75905,0.960947,0.932037,2,3,0,7.21354,0.15 +-6.7615,0.936647,0.932037,2,3,0,7.06828,0.15 +-6.89331,0.972573,0.932037,1,3,0,6.89762,0.15 +-6.77722,0.906489,0.932037,2,3,0,7.52048,0.15 +-7.05175,0.910169,0.932037,1,3,0,7.23443,0.15 +-6.92365,1,0.932037,1,1,0,7.04143,0.15 +-6.92285,1,0.932037,2,3,0,6.9668,0.15 +-7.13379,0.955304,0.932037,1,1,0,7.14184,0.15 +-7.4804,0.884188,0.932037,1,3,0,8.21421,0.15 +-7.40948,1,0.932037,1,1,0,7.67663,0.15 +-6.7729,0.94969,0.932037,2,3,0,7.7319,0.15 +-6.88124,0.967448,0.932037,1,3,0,6.95576,0.15 +-8.24949,0.746027,0.932037,2,3,0,8.25756,0.15 +-6.96905,1,0.932037,1,3,0,8.10239,0.15 +-7.27306,0.939109,0.932037,1,1,0,7.27863,0.15 +-7.00308,0.956818,0.932037,1,3,0,7.78354,0.15 +-6.75472,0.998187,0.932037,1,3,0,6.9917,0.15 +-6.75494,0.999941,0.932037,1,1,0,6.75678,0.15 +-6.87358,0.96725,0.932037,1,3,0,6.91321,0.15 +-6.88529,0.996099,0.932037,1,1,0,6.92345,0.15 +-8.16803,0.810902,0.932037,2,3,0,8.16856,0.15 +-8.16803,0.500501,0.932037,1,1,0,9.65653,0.15 +-6.84099,0.909134,0.932037,2,3,0,8.86386,0.15 +-6.7482,0.97014,0.932037,2,3,0,7.07304,0.15 +-6.88126,0.965042,0.932037,1,3,0,6.91312,0.15 +-6.91537,0.971395,0.932037,1,3,0,7.15288,0.15 +-6.74803,1,0.932037,1,3,0,6.88372,0.15 +-6.78862,0.991449,0.932037,2,3,0,6.8033,0.15 +-6.75166,1,0.932037,1,3,0,6.77932,0.15 +-7.64177,0.652534,0.932037,2,3,0,8.81793,0.15 +-7.39307,1,0.932037,1,1,0,7.74629,0.15 +-7.39307,0.385651,0.932037,1,1,0,9.0256,0.15 +-6.79731,0.988358,0.932037,1,3,0,7.44468,0.15 +-7.26742,0.912562,0.932037,1,3,0,7.29563,0.15 +-8.03606,0.881597,0.932037,1,1,0,8.03636,0.15 +-7.18684,0.969203,0.932037,1,3,0,7.89297,0.15 +-7.82185,0.895632,0.932037,1,1,0,7.82342,0.15 +-6.9258,0.999365,0.932037,1,3,0,7.68077,0.15 +-6.84345,1,0.932037,1,1,0,6.91592,0.15 +-8.02819,0.799375,0.932037,1,3,0,8.18865,0.15 +-9.74173,0.805241,0.932037,1,3,0,9.76127,0.15 +-8.33143,1,0.932037,1,1,0,9.60755,0.15 +-7.18582,0.972127,0.932037,1,3,0,8.16309,0.15 +-6.92783,1,0.932037,1,1,0,7.13538,0.15 +-7.11005,0.961217,0.932037,1,1,0,7.12168,0.15 +-6.79373,1,0.932037,1,3,0,7.04271,0.15 +-7.11956,0.955726,0.932037,2,3,0,7.20271,0.15 +-7.48398,0.958399,0.932037,2,3,0,7.57261,0.15 +-7.05344,1,0.932037,2,3,0,7.38948,0.15 +-6.89526,1,0.932037,1,1,0,7.02854,0.15 +-6.75297,0.996542,0.932037,2,3,0,6.92061,0.15 +-6.83977,0.975809,0.932037,1,3,0,6.86918,0.15 +-6.8251,1,0.932037,2,3,0,6.85672,0.15 +-6.76932,1,0.932037,1,1,0,6.8089,0.15 +-7.2411,0.887441,0.932037,1,3,0,7.24713,0.15 +-6.77198,0.978158,0.932037,2,3,0,7.39681,0.15 +-6.91344,0.959133,0.932037,1,3,0,6.99309,0.15 +-7.04881,0.85015,0.932037,2,3,0,7.62026,0.15 +-7.60525,0.863371,0.932037,1,3,0,8.23873,0.15 +-6.78473,0.999819,0.932037,1,3,0,7.58373,0.15 +-6.78473,0.898858,0.932037,1,3,0,7.22409,0.15 +-7.78377,0.579188,0.932037,2,3,0,9.7066,0.15 +-7.70743,1,0.932037,1,1,0,7.93357,0.15 +-7.96247,0.96471,0.932037,1,1,0,8.07171,0.15 +-7.12674,0.974601,0.932037,1,3,0,7.81844,0.15 +-6.75681,1,0.932037,1,3,0,7.07784,0.15 +-6.74929,0.899259,0.932037,2,3,0,7.32696,0.15 +-6.74929,0.646445,0.932037,1,3,0,8.08205,0.15 +-7.15628,0.857788,0.932037,2,3,0,7.57467,0.15 +-7.75903,0.923317,0.932037,2,3,0,7.84476,0.15 +-6.85106,0.987384,0.932037,2,3,0,7.98227,0.15 +-8.0294,0.746944,0.932037,1,3,0,8.39902,0.15 +-6.8022,0.859301,0.932037,2,3,0,8.84948,0.15 +-6.77032,1,0.932037,1,1,0,6.79542,0.15 +-7.64151,0.740592,0.932037,2,3,0,8.46249,0.15 +-8.37811,0.917274,0.932037,2,3,0,8.62816,0.15 +-7.49482,1,0.932037,1,1,0,8.22793,0.15 +-9.18827,0.523755,0.932037,1,1,0,9.33046,0.15 +-7.76093,1,0.932037,1,1,0,8.88732,0.15 +-6.97798,1,0.932037,1,1,0,7.50122,0.15 +-7.35575,0.873861,0.932037,1,1,0,7.39654,0.15 +-7.35575,0.110444,0.932037,1,1,0,11.0745,0.15 +-7.35575,0.0800688,0.932037,1,3,0,15.4327,0.15 +-7.48223,0.672997,0.932037,1,3,0,8.8362,0.15 +-6.78001,0.901552,0.932037,2,3,0,8.42084,0.15 +-7.27496,0.91456,0.932037,2,3,0,7.304,0.15 +-7.27496,0.889573,0.932037,1,1,0,7.87313,0.15 +-6.74818,0.981145,0.932037,1,3,0,7.27579,0.15 +-6.74818,0.540736,0.932037,1,3,0,8.56126,0.15 +-6.84577,0.975084,0.932037,1,3,0,6.8552,0.15 +-6.84577,0.460221,0.932037,1,3,0,8.80117,0.15 +-7.22623,0.87774,0.932037,1,1,0,7.23183,0.15 +-6.86085,0.957571,0.932037,1,3,0,7.44679,0.15 +-6.84216,1,0.932037,1,1,0,6.8764,0.15 +-6.82726,0.902432,0.932037,2,3,0,7.67881,0.15 +-7.01244,0.957121,0.932037,1,1,0,7.01282,0.15 +-6.753,0.947388,0.932037,2,3,0,7.40574,0.15 +-6.75612,0.999688,0.932037,2,3,0,6.75709,0.15 +-7.10487,0.901325,0.932037,1,3,0,7.25063,0.15 +-6.75288,0.934052,0.932037,2,3,0,7.61355,0.15 +-6.75911,0.998131,0.932037,1,1,0,6.75973,0.15 +-6.97448,0.935151,0.932037,1,3,0,7.07933,0.15 +-8.33687,0.727783,0.932037,1,3,0,8.95629,0.15 +-7.19311,1,0.932037,1,1,0,7.97929,0.15 +-6.86239,0.957299,0.932037,1,3,0,7.41859,0.15 +-8.81489,0.675307,0.932037,1,3,0,9.25628,0.15 +-9.08174,0.976561,0.932037,1,1,0,9.30033,0.15 +-8.72465,1,0.932037,2,3,0,9.23184,0.15 +-9.02058,0.973248,0.932037,1,1,0,9.2222,0.15 +-6.75096,0.87105,0.932037,1,3,0,9.3739,0.15 +-6.77061,0.8673,0.932037,2,3,0,7.49474,0.15 +-7.18049,0.687335,0.932037,2,3,0,8.77168,0.15 +-6.83677,0.997719,0.932037,1,3,0,7.10412,0.15 +-7.0242,0.942244,0.932037,1,3,0,7.2293,0.15 +-6.75027,1,0.932037,1,3,0,6.95554,0.15 +-7.19098,0.922423,0.932037,2,3,0,7.25741,0.15 +-6.75095,0.998409,0.932037,2,3,0,7.18042,0.15 +-6.87936,0.965588,0.932037,1,3,0,6.90968,0.15 +-6.78928,1,0.932037,2,3,0,6.85581,0.15 +-7.24713,0.912602,0.932037,1,3,0,7.27833,0.15 +-7.64349,0.933948,0.932037,1,1,0,7.6686,0.15 +-7.89818,0.963732,0.932037,1,1,0,7.99945,0.15 +-9.96894,0.866816,0.932037,2,3,0,10.0037,0.15 +-8.27408,1,0.932037,1,1,0,9.73188,0.15 +-8.97796,0.763178,0.932037,1,1,0,9.46742,0.15 +-7.07994,1,0.932037,2,3,0,9.38837,0.15 +-6.75736,0.879611,0.932037,2,3,0,8.01228,0.15 +-6.7519,1,0.932037,1,1,0,6.75617,0.15 +-6.78524,0.992274,0.932037,1,3,0,6.78539,0.15 +-7.86462,0.758008,0.932037,1,3,0,7.87664,0.15 +-7.97349,0.959152,0.932037,1,1,0,8.36464,0.15 +-7.11236,1,0.932037,2,3,0,7.71314,0.15 +-7.71805,0.799983,0.932037,1,1,0,7.78908,0.15 +-9.81575,0.716945,0.932037,2,3,0,10.0088,0.15 +-7.32169,1,0.932037,1,1,0,8.93058,0.15 +-6.74807,0.833534,0.932037,2,3,0,8.05557,0.15 +-6.74803,1,0.932037,2,3,0,6.74806,0.15 +-6.75538,0.991246,0.932037,2,3,0,6.79373,0.15 +-6.93792,0.962649,0.932037,2,3,0,7.01983,0.15 +-7.2862,0.88434,0.932037,1,1,0,7.31645,0.15 +-6.99084,1,0.932037,2,3,0,7.19845,0.15 +-7.65042,0.905856,0.932037,2,3,0,8.20379,0.15 +-7.41337,1,0.932037,1,1,0,7.7679,0.15 +-8.85702,0.576942,0.932037,1,1,0,8.98493,0.15 +-6.78589,1,0.932037,1,3,0,8.17164,0.15 +-6.90223,0.954007,0.932037,1,3,0,7.03131,0.15 +-8.14191,0.811993,0.932037,1,3,0,8.27248,0.15 +-8.10592,1,0.932037,1,1,0,8.36491,0.15 +-8.2689,0.993522,0.932037,2,3,0,8.4528,0.15 +-9.32894,0.899169,0.932037,1,1,0,9.34484,0.15 +-8.02809,1,0.932037,1,1,0,9.18688,0.15 +-6.99166,0.993898,0.932037,1,3,0,7.87392,0.15 +-8.06441,0.911089,0.932037,2,3,0,8.31617,0.15 +-8.7506,0.922675,0.932037,2,3,0,9.16274,0.15 +-7.8978,1,0.932037,1,1,0,8.75888,0.15 +-6.94446,1,0.932037,1,1,0,7.56554,0.15 +-8.54285,0.771096,0.932037,2,3,0,8.54633,0.15 +-6.78594,1,0.932037,1,3,0,7.9627,0.15 +-6.78594,0.906519,0.932037,1,3,0,7.16707,0.15 +-6.92112,0.942672,0.932037,2,3,0,7.08892,0.15 +-6.87261,0.875781,0.932037,2,3,0,8.17854,0.15 +-7.08975,0.952205,0.932037,1,1,0,7.09201,0.15 +-7.02149,1,0.932037,2,3,0,7.12326,0.15 +-7.04584,0.998287,0.932037,2,3,0,7.10444,0.15 +-7.04584,0.672299,0.932037,1,3,0,9.55749,0.15 +-7.77921,0.832639,0.932037,1,3,0,8.43718,0.15 +-6.93132,0.932106,0.932037,1,3,0,8.11383,0.15 +-7.37155,0.932331,0.932037,1,3,0,7.37171,0.15 +-6.74802,0.977866,0.932037,1,3,0,7.37247,0.15 +-6.90501,0.947815,0.932037,2,3,0,7.04469,0.15 +-6.90501,0.515929,0.932037,1,1,0,8.06608,0.15 +-7.26517,0.747153,0.932037,2,3,0,8.10285,0.15 +-6.77759,0.959776,0.932037,1,3,0,7.38193,0.15 +-6.75799,1,0.932037,1,1,0,6.77244,0.15 +-6.79277,0.99575,0.932037,2,3,0,6.79381,0.15 +-6.76109,1,0.932037,1,1,0,6.78457,0.15 +-6.7596,0.969448,0.932037,2,3,0,6.95304,0.15 +-6.79156,0.988014,0.932037,2,3,0,6.84381,0.15 +-6.78312,1,0.932037,1,1,0,6.79707,0.15 +-6.77762,0.949288,0.932037,2,3,0,7.08484,0.15 +-7.09494,0.924565,0.932037,1,3,0,7.09566,0.15 +-6.95426,1,0.932037,2,3,0,7.09613,0.15 +-7.28442,0.889685,0.932037,1,1,0,7.32064,0.15 +-6.79484,0.997398,0.932037,2,3,0,7.36362,0.15 +-6.81648,0.99449,0.932037,1,1,0,6.8247,0.15 +-6.84974,0.991789,0.932037,1,1,0,6.86103,0.15 +-6.74879,0.865097,0.932037,2,3,0,7.74614,0.15 +-6.88211,0.967449,0.932037,1,3,0,6.902,0.15 +-6.74845,0.957844,0.932037,2,3,0,7.24214,0.15 +-7.20685,0.887254,0.932037,1,3,0,7.25766,0.15 +-7.20685,0.564767,0.932037,1,3,0,8.81898,0.15 +-7.20685,0.320306,0.932037,1,3,0,12.13,0.15 +-6.97752,0.935114,0.932037,2,3,0,7.66742,0.15 +-6.87049,1,0.932037,1,1,0,6.96427,0.15 +-6.74837,0.966424,0.932037,2,3,0,7.14605,0.15 +-6.98253,0.907073,0.932037,2,3,0,7.2529,0.15 +-7.79349,0.745081,0.932037,1,1,0,7.81771,0.15 +-6.77388,1,0.932037,1,3,0,7.46942,0.15 +-6.90086,0.954561,0.932037,1,3,0,7.00827,0.15 +-6.79914,1,0.932037,2,3,0,6.8716,0.15 +-8.11178,0.713466,0.932037,1,3,0,8.12201,0.15 +-8.11178,0.190125,0.932037,1,1,0,11.1441,0.15 +-7.24841,1,0.932037,1,1,0,7.88964,0.15 +-7.23081,1,0.932037,1,1,0,7.40517,0.15 +-6.80377,1,0.932037,2,3,0,7.08741,0.15 +-6.85418,0.994603,0.932037,2,3,0,6.86482,0.15 +-6.74965,0.98222,0.932037,2,3,0,6.95136,0.15 +-7.03844,0.928412,0.932037,1,3,0,7.0566,0.15 +-7.22621,0.808036,0.932037,1,3,0,7.93488,0.15 +-6.77583,0.927823,0.932037,2,3,0,7.69178,0.15 +-6.86535,0.971878,0.932037,1,1,0,6.86662,0.15 +-6.77928,0.990027,0.932037,1,3,0,6.92787,0.15 +-6.78451,0.998625,0.932037,1,1,0,6.79187,0.15 +-6.78451,0.773207,0.932037,1,3,0,7.90069,0.15 +-6.75189,0.967957,0.932037,2,3,0,6.99818,0.15 +-6.88731,0.96889,0.932037,1,3,0,6.89993,0.15 +-6.83332,1,0.932037,1,1,0,6.8859,0.15 +-6.96445,0.969353,0.932037,1,1,0,6.9678,0.15 +-6.74853,0.993691,0.932037,1,3,0,6.95955,0.15 +-6.79227,0.98474,0.932037,2,3,0,6.83336,0.15 +-6.78141,0.965461,0.932037,2,3,0,6.96936,0.15 +-6.75837,0.995995,0.932037,1,3,0,6.80286,0.15 +-6.80841,0.982527,0.932037,1,3,0,6.84862,0.15 +-6.92145,0.989324,0.932037,2,3,0,6.92312,0.15 +-6.94393,0.992369,0.932037,1,1,0,6.99666,0.15 +-8.0719,0.66438,0.932037,1,1,0,8.0808,0.15 +-8.30789,0.913191,0.932037,1,1,0,8.7652,0.15 +-6.88395,1,0.932037,2,3,0,7.79691,0.15 +-6.88395,0.525809,0.932037,1,3,0,8.46396,0.15 +-7.66074,0.862122,0.932037,2,3,0,7.66587,0.15 +-7.48718,1,0.932037,1,1,0,7.73391,0.15 +-7.24771,1,0.932037,1,1,0,7.49536,0.15 +-6.75294,0.907734,0.932037,2,3,0,8.2612,0.15 +-6.75294,0.882023,0.932037,1,3,0,7.23222,0.15 +-6.75294,0.648763,0.932037,1,3,0,8.1161,0.15 +-6.75671,0.998954,0.932037,1,1,0,6.75747,0.15 +-7.51733,0.821118,0.932037,1,3,0,7.63136,0.15 +-7.23718,1,0.932037,2,3,0,7.55107,0.15 +-7.23718,0.584164,0.932037,1,1,0,8.1976,0.15 +-6.75151,1,0.932037,1,3,0,7.10952,0.15 +-6.76119,0.993068,0.932037,2,3,0,6.78713,0.15 +-6.79508,0.984853,0.932037,2,3,0,6.84415,0.15 +-8.30022,0.789495,0.932037,2,3,0,8.51335,0.15 +-7.08882,0.985416,0.932037,1,3,0,8.13433,0.15 +-6.74804,0.991804,0.932037,1,3,0,7.07332,0.15 +-6.76797,0.994746,0.932037,1,3,0,6.77114,0.15 +-6.87611,0.984786,0.932037,2,3,0,6.88112,0.15 +-7.10363,0.930507,0.932037,1,3,0,7.38443,0.15 +-7.1931,0.968366,0.932037,1,1,0,7.30124,0.15 +-7.02744,1,0.932037,1,1,0,7.20716,0.15 +-7.47087,0.716122,0.932037,1,3,0,8.36114,0.15 +-7.77445,0.953734,0.932037,1,1,0,7.84235,0.15 +-7.10232,0.976364,0.932037,1,3,0,7.65215,0.15 +-6.89247,0.977052,0.932037,2,3,0,7.36801,0.15 +-6.88406,1,0.932037,2,3,0,6.92287,0.15 +-7.00739,0.972361,0.932037,1,1,0,7.01912,0.15 +-7.4581,0.959878,0.932037,2,3,0,7.46539,0.15 +-7.4581,0.358894,0.932037,1,1,0,9.21803,0.15 +-8.39486,0.699937,0.932037,1,1,0,8.5651,0.15 +-6.98009,0.931934,0.932037,1,3,0,8.77344,0.15 +-7.75622,0.895607,0.932037,2,3,0,8.30908,0.15 +-7.45294,1,0.932037,1,1,0,7.85686,0.15 +-7.81191,0.87317,0.932037,1,1,0,8.02199,0.15 +-7.07889,1,0.932037,2,3,0,7.65163,0.15 +-8.02018,0.93056,0.932037,2,3,0,8.11738,0.15 +-7.32245,1,0.932037,1,1,0,7.89443,0.15 +-7.11924,1,0.932037,2,3,0,7.35057,0.15 +-7.13426,0.994637,0.932037,1,1,0,7.25741,0.15 +-6.81324,1,0.932037,1,1,0,7.02809,0.15 +-7.90962,0.554652,0.932037,2,3,0,9.26763,0.15 +-10.1284,0.790216,0.932037,1,3,0,10.2416,0.15 +-8.90062,1,0.932037,1,1,0,10.0537,0.15 +-6.80723,1,0.932037,2,3,0,8.62687,0.15 +-6.86729,0.973895,0.932037,2,3,0,7.02735,0.15 +-6.79392,1,0.932037,1,1,0,6.85106,0.15 +-7.40012,0.888235,0.932037,2,3,0,7.70807,0.15 +-6.93792,1,0.932037,2,3,0,7.29993,0.15 +-7.00949,0.984312,0.932037,1,1,0,7.03975,0.15 +-7.13808,0.973678,0.932037,1,1,0,7.17115,0.15 +-6.78692,0.965669,0.932037,1,3,0,7.25761,0.15 +-6.87345,0.885758,0.932037,2,3,0,7.29989,0.15 +-7.7385,0.869841,0.932037,2,3,0,7.74068,0.15 +-7.7385,0.102215,0.932037,1,1,0,11.7215,0.15 +-8.03266,0.893586,0.932037,1,1,0,8.35655,0.15 +-8.22194,0.92979,0.932037,1,1,0,8.66902,0.15 +-7.3561,1,0.932037,2,3,0,7.97443,0.15 +-6.78127,1,0.932037,1,3,0,7.27452,0.15 +-6.82275,0.984055,0.932037,1,3,0,6.89491,0.15 +-7.6571,0.742126,0.932037,1,3,0,8.29259,0.15 +-8.03026,0.829375,0.932037,1,3,0,9.64909,0.15 +-7.37223,1,0.932037,1,1,0,7.93907,0.15 +-6.79515,0.988926,0.932037,1,3,0,7.42116,0.15 +-6.82487,0.992469,0.932037,1,1,0,6.83189,0.15 +-7.12496,0.969767,0.932037,2,3,0,7.16248,0.15 +-8.26834,0.652897,0.932037,1,1,0,8.32004,0.15 +-8.67193,0.856184,0.932037,1,1,0,9.18766,0.15 +-6.90442,1,0.932037,1,1,0,8.03082,0.15 +-7.94108,0.68975,0.932037,1,1,0,7.94519,0.15 +-7.78516,0.528351,0.932037,1,3,0,10.1916,0.15 +-7.48177,1,0.932037,1,1,0,7.8074,0.15 +-6.80338,0.90422,0.932037,2,3,0,8.07863,0.15 +-6.89878,0.96934,0.932037,1,1,0,6.90583,0.15 +-7.30937,0.866085,0.932037,1,1,0,7.32592,0.15 +-6.85274,1,0.932037,1,1,0,7.15684,0.15 +-6.85274,0.743543,0.932037,1,3,0,7.59752,0.15 +-6.85274,0.563681,0.932037,1,3,0,9.12334,0.15 +-7.14252,0.905701,0.932037,1,1,0,7.15244,0.15 +-6.88606,1,0.932037,1,1,0,7.07414,0.15 +-6.81352,1,0.932037,1,1,0,6.87385,0.15 +-7.22426,0.603012,0.932037,2,3,0,8.88007,0.15 +-6.75466,1,0.932037,1,3,0,7.17215,0.15 +-6.77207,0.962029,0.932037,2,3,0,6.97984,0.15 +-7.20122,0.9126,0.932037,1,3,0,7.2415,0.15 +-7.97419,0.889846,0.932037,1,3,0,7.97427,0.15 +-7.1089,0.976552,0.932037,1,3,0,7.82637,0.15 +-7.1089,0.884111,0.932037,1,3,0,7.82698,0.15 +-6.98201,0.835391,0.932037,2,3,0,9.32581,0.15 +-7.4823,0.923908,0.932037,1,3,0,7.48233,0.15 +-8.13382,0.907974,0.932037,1,1,0,8.15008,0.15 +-7.0191,0.992287,0.932037,1,3,0,7.97523,0.15 +-7.38884,0.929413,0.932037,1,1,0,7.39423,0.15 +-7.05345,0.945247,0.932037,1,3,0,8.00914,0.15 +-7.88022,0.88235,0.932037,2,3,0,7.92302,0.15 +-7.47896,1,0.932037,1,1,0,7.94438,0.15 +-8.26848,0.902685,0.932037,2,3,0,8.45552,0.15 +-8.36145,0.964836,0.932037,1,1,0,8.90958,0.15 +-6.80918,1,0.932037,1,3,0,7.82987,0.15 +-7.23868,0.600861,0.932037,2,3,0,8.89375,0.15 +-6.89006,1,0.932037,1,1,0,7.13419,0.15 +-6.8044,1,0.932037,2,3,0,6.86543,0.15 +-6.86009,0.995405,0.932037,2,3,0,6.86567,0.15 +-6.86009,0.799308,0.932037,1,3,0,7.97123,0.15 +-8.99856,0.728419,0.932037,2,3,0,9.23129,0.15 +-9.09468,0.991837,0.932037,1,1,0,9.38997,0.15 +-8.73756,1,0.932037,1,1,0,9.24597,0.15 +-7.55986,0.937761,0.932037,1,3,0,8.57866,0.15 +-7.99912,0.937675,0.932037,1,1,0,8.05117,0.15 +-7.76055,1,0.932037,1,1,0,8.08641,0.15 +-8.28732,0.977606,0.932037,2,3,0,8.34339,0.15 +-6.82679,0.992827,0.932037,1,3,0,8.22618,0.15 +-6.87274,0.996281,0.932037,2,3,0,6.88424,0.15 +-6.78865,0.91873,0.932037,2,3,0,7.41091,0.15 +-6.76058,1,0.932037,2,3,0,6.78115,0.15 +-6.76058,0.44465,0.932037,2,3,0,10.1097,0.15 +-8.19963,0.701948,0.932037,1,3,0,8.62984,0.15 +-6.87827,1,0.932037,1,3,0,8.08649,0.15 +-6.90011,0.99488,0.932037,1,1,0,6.92793,0.15 +-7.58846,0.835161,0.932037,1,3,0,7.98997,0.15 +-6.84168,1,0.932037,2,3,0,7.32922,0.15 +-6.79898,0.907476,0.932037,2,3,0,7.23342,0.15 +-7.18968,0.940405,0.932037,2,3,0,7.1897,0.15 +-7.30081,0.811278,0.932037,2,3,0,8.27114,0.15 +-7.44395,0.975262,0.932037,1,1,0,7.52376,0.15 +-7.10913,1,0.932037,1,1,0,7.3984,0.15 +-6.74902,0.994264,0.932037,1,3,0,7.08219,0.15 +-7.95169,0.736282,0.932037,1,3,0,8.05657,0.15 +# +# Elapsed Time: 0.005 seconds (Warm-up) +# 0.012 seconds (Sampling) +# 0.017 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/bernoulli_const_2.csv b/src/test/unit/mcmc/test_csv_files/bernoulli_const_2.csv new file mode 100644 index 00000000000..b4a727ec857 --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/bernoulli_const_2.csv @@ -0,0 +1,1057 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-20 18:56:30 UTC +# method = sample (Default) +# sample +# num_samples = 1000 (Default) +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3635036313 (Default) +# output +# file = bernoulli_out.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,zeta +# Adaptation terminated +# Step size = 0.932037 +# Diagonal elements of inverse mass matrix: +# 0.591014 +-7.81355,0.761218,0.932037,1,3,0,8.13669,0.15 +-8.71049,0.894869,0.932037,1,1,0,8.72268,0.15 +-7.3531,0.957519,0.932037,1,3,0,8.53469,0.15 +-7.02007,1,0.932037,1,1,0,7.29505,0.15 +-8.49033,0.716959,0.932037,1,3,0,9.20407,0.15 +-7.18724,1,0.932037,1,1,0,8.06459,0.15 +-10.0621,0.636916,0.932037,2,3,0,10.0852,0.15 +-8.11851,1,0.932037,1,1,0,9.65805,0.15 +-6.86936,0.948809,0.932037,2,3,0,8.60097,0.15 +-7.13756,0.935492,0.932037,2,3,0,7.43717,0.15 +-7.09122,1,0.932037,1,1,0,7.19518,0.15 +-6.91669,1,0.932037,1,1,0,7.06383,0.15 +-6.76371,0.840542,0.932037,2,3,0,8.08838,0.15 +-6.84805,0.983351,0.932037,1,3,0,6.84861,0.15 +-8.3727,0.653843,0.932037,2,3,0,9.53079,0.15 +-7.25928,0.806553,0.932037,1,3,0,9.43963,0.15 +-6.95987,0.853051,0.932037,2,3,0,9.71446,0.15 +-6.95334,1,0.932037,1,1,0,7.00708,0.15 +-6.98417,0.993206,0.932037,1,1,0,7.02663,0.15 +-8.9535,0.727406,0.932037,1,3,0,9.27425,0.15 +-7.08162,0.995936,0.932037,2,3,0,9.00617,0.15 +-7.16691,0.98306,0.932037,1,1,0,7.22238,0.15 +-6.8898,1,0.932037,1,1,0,7.10684,0.15 +-7.8902,0.846547,0.932037,1,3,0,7.96857,0.15 +-7.24239,1,0.932037,1,1,0,7.78446,0.15 +-7.94748,0.888836,0.932037,1,1,0,7.94857,0.15 +-6.83694,0.864212,0.932037,2,3,0,8.91495,0.15 +-6.83694,0.425574,0.932037,1,3,0,9.01249,0.15 +-6.80131,0.985852,0.932037,1,3,0,6.93894,0.15 +-6.74824,0.978446,0.932037,2,3,0,6.95179,0.15 +-6.74832,0.945401,0.932037,2,3,0,7.0277,0.15 +-6.85442,0.972221,0.932037,1,3,0,6.87104,0.15 +-6.86406,0.996818,0.932037,1,1,0,6.89618,0.15 +-7.11238,0.918504,0.932037,1,1,0,7.12695,0.15 +-7.11238,0.431368,0.932037,1,1,0,8.53302,0.15 +-6.79843,1,0.932037,1,1,0,7.00834,0.15 +-6.74804,0.996585,0.932037,2,3,0,6.81732,0.15 +-9.50952,0.509265,0.932037,1,3,0,9.67564,0.15 +-8.27778,1,0.932037,1,1,0,9.48419,0.15 +-7.2527,1,0.932037,2,3,0,8.04703,0.15 +-6.75205,0.907555,0.932037,2,3,0,8.25548,0.15 +-7.3411,0.857468,0.932037,1,3,0,7.42326,0.15 +-7.07094,1,0.932037,1,1,0,7.32247,0.15 +-7.04767,0.556206,0.932037,2,3,0,9.56585,0.15 +-6.87625,1,0.932037,2,3,0,6.9975,0.15 +-7.12535,0.945777,0.932037,1,1,0,7.12652,0.15 +-7.12535,0.913353,0.932037,1,1,0,7.53634,0.15 +-6.78755,1,0.932037,2,3,0,7.04258,0.15 +-7.7545,0.780448,0.932037,1,3,0,7.76329,0.15 +-6.77502,0.859809,0.932037,2,3,0,8.49845,0.15 +-7.19668,0.726665,0.932037,2,3,0,8.64609,0.15 +-9.64819,0.775506,0.932037,2,3,0,10.0305,0.15 +-6.86272,0.7808,0.932037,1,3,0,10.9403,0.15 +-6.99329,0.696273,0.932037,2,3,0,8.30815,0.15 +-6.99329,0.700745,0.932037,1,1,0,7.63428,0.15 +-7.11558,0.957857,0.932037,1,1,0,7.18108,0.15 +-6.80487,1,0.932037,2,3,0,7.09376,0.15 +-6.97334,0.955154,0.932037,2,3,0,7.16146,0.15 +-7.2664,0.98044,0.932037,2,3,0,7.27318,0.15 +-7.06819,1,0.932037,2,3,0,7.25815,0.15 +-6.74803,0.991749,0.932037,1,3,0,7.05576,0.15 +-7.05542,0.823118,0.932037,2,3,0,7.78068,0.15 +-6.89251,1,0.932037,1,1,0,7.02757,0.15 +-6.76584,0.932575,0.932037,2,3,0,7.49343,0.15 +-6.75064,0.997924,0.932037,2,3,0,6.78013,0.15 +-6.91371,0.96173,0.932037,1,3,0,6.93351,0.15 +-6.74953,0.994131,0.932037,1,3,0,6.91533,0.15 +-8.33302,0.635332,0.932037,1,3,0,9.05105,0.15 +-8.04729,1,0.932037,1,1,0,8.43889,0.15 +-8.42015,0.956552,0.932037,1,1,0,8.53727,0.15 +-7.91154,1,0.932037,1,1,0,8.4304,0.15 +-7.65791,1,0.932037,1,1,0,7.97836,0.15 +-7.97869,0.955317,0.932037,1,1,0,8.06587,0.15 +-6.81845,1,0.932037,1,3,0,7.88771,0.15 +-6.76575,0.914099,0.932037,2,3,0,7.34829,0.15 +-6.74964,0.996733,0.932037,2,3,0,6.78491,0.15 +-6.77106,0.99494,0.932037,1,3,0,6.77141,0.15 +-6.77106,0.945747,0.932037,1,3,0,6.92649,0.15 +-6.77106,0.856062,0.932037,1,3,0,7.35372,0.15 +-6.88028,0.948865,0.932037,2,3,0,7.03829,0.15 +-7.33958,0.635769,0.932037,2,3,0,9.861,0.15 +-8.06974,0.890942,0.932037,1,1,0,8.07292,0.15 +-6.97186,0.998838,0.932037,1,3,0,7.91764,0.15 +-6.76939,0.981956,0.932037,1,3,0,7.03238,0.15 +-7.44177,0.80944,0.932037,1,3,0,7.79154,0.15 +-8.01591,0.972061,0.932037,2,3,0,8.03736,0.15 +-9.92045,0.865258,0.932037,2,3,0,9.92397,0.15 +-7.31963,1,0.932037,2,3,0,10.3209,0.15 +-6.9789,1,0.932037,1,1,0,7.25409,0.15 +-7.21981,0.951312,0.932037,1,1,0,7.23197,0.15 +-7.47612,0.930523,0.932037,2,3,0,8.12075,0.15 +-6.81131,0.990375,0.932037,2,3,0,7.55719,0.15 +-6.80278,0.920389,0.932037,2,3,0,7.43635,0.15 +-6.88803,0.979103,0.932037,1,1,0,6.89063,0.15 +-7.02902,0.795987,0.932037,2,3,0,8.6993,0.15 +-6.74805,0.993012,0.932037,1,3,0,7.01716,0.15 +-6.93322,0.952905,0.932037,1,3,0,6.95228,0.15 +-6.76781,0.904559,0.932037,2,3,0,7.33629,0.15 +-6.76232,0.985564,0.932037,2,3,0,6.83656,0.15 +-6.87137,0.974516,0.932037,1,3,0,6.87148,0.15 +-7.21556,0.953187,0.932037,2,3,0,7.22785,0.15 +-6.76367,0.998041,0.932037,1,3,0,7.1984,0.15 +-6.82308,0.981349,0.932037,1,3,0,6.86896,0.15 +-6.82308,0.352125,0.932037,1,3,0,10.8402,0.15 +-6.99474,0.738309,0.932037,2,3,0,8.0486,0.15 +-6.99474,0.963463,0.932037,1,1,0,7.1311,0.15 +-6.8637,0.713515,0.932037,2,3,0,8.29356,0.15 +-6.94178,0.974091,0.932037,1,1,0,6.96832,0.15 +-6.80481,1,0.932037,2,3,0,6.9081,0.15 +-6.92327,0.971351,0.932037,1,1,0,6.92425,0.15 +-7.1233,0.957499,0.932037,1,1,0,7.13244,0.15 +-6.76778,0.973133,0.932037,1,3,0,7.19571,0.15 +-6.90939,0.888041,0.932037,2,3,0,7.29419,0.15 +-7.3757,0.927908,0.932037,2,3,0,7.37586,0.15 +-7.33194,1,0.932037,1,1,0,7.48008,0.15 +-6.86262,0.893077,0.932037,2,3,0,9.38827,0.15 +-6.74929,0.996117,0.932037,1,3,0,6.86347,0.15 +-6.74964,0.943201,0.932037,2,3,0,7.03592,0.15 +-6.9015,0.968295,0.932037,2,3,0,6.96204,0.15 +-7.81106,0.864491,0.932037,1,3,0,7.86554,0.15 +-8.616,0.90424,0.932037,1,1,0,8.63659,0.15 +-8.16761,1,0.932037,1,1,0,8.67561,0.15 +-6.96545,1,0.932037,1,3,0,8.01828,0.15 +-6.75813,1,0.932037,1,3,0,6.92669,0.15 +-6.75424,1,0.932037,1,1,0,6.75812,0.15 +-7.76056,0.503853,0.932037,2,3,0,10.2889,0.15 +-7.12518,1,0.932037,1,1,0,7.64631,0.15 +-7.67249,0.905419,0.932037,1,1,0,7.67491,0.15 +-7.63881,1,0.932037,1,1,0,7.83222,0.15 +-7.3844,0.889767,0.932037,1,3,0,8.80917,0.15 +-6.76719,1,0.932037,1,3,0,7.348,0.15 +-7.47953,0.852161,0.932037,1,3,0,7.59716,0.15 +-7.42386,1,0.932037,2,3,0,7.59422,0.15 +-7.91668,0.975432,0.932037,2,3,0,7.94672,0.15 +-6.83066,1,0.932037,2,3,0,7.62924,0.15 +-6.96269,0.956934,0.932037,1,1,0,6.97473,0.15 +-6.74847,0.963031,0.932037,2,3,0,7.15706,0.15 +-6.80708,0.988647,0.932037,2,3,0,6.82289,0.15 +-6.91792,0.9732,0.932037,1,1,0,6.91947,0.15 +-6.84983,1,0.932037,2,3,0,6.91467,0.15 +-6.88905,0.990653,0.932037,1,1,0,6.90679,0.15 +-7.15463,0.975663,0.932037,2,3,0,7.16,0.15 +-6.9586,1,0.932037,1,1,0,7.13267,0.15 +-7.56708,0.803851,0.932037,1,1,0,7.59178,0.15 +-6.76736,1,0.932037,1,3,0,7.31987,0.15 +-6.80123,0.959699,0.932037,2,3,0,6.95431,0.15 +-6.80123,0.759564,0.932037,1,3,0,7.84546,0.15 +-6.80123,0.902778,0.932037,1,3,0,7.20675,0.15 +-6.80123,0.96482,0.932037,1,1,0,6.88076,0.15 +-6.78299,0.988689,0.932037,2,3,0,6.88032,0.15 +-7.1107,0.936673,0.932037,1,3,0,7.12632,0.15 +-7.31567,0.961429,0.932037,1,1,0,7.35195,0.15 +-7.07455,0.968694,0.932037,2,3,0,7.7776,0.15 +-6.74831,0.993779,0.932037,1,3,0,7.05357,0.15 +-6.84249,0.975275,0.932037,1,3,0,6.85756,0.15 +-6.88224,0.995647,0.932037,2,3,0,6.90622,0.15 +-8.68021,0.668585,0.932037,2,3,0,8.68611,0.15 +-7.80603,1,0.932037,1,1,0,8.5851,0.15 +-7.27572,1,0.932037,1,1,0,7.73044,0.15 +-8.91337,0.902662,0.932037,2,3,0,9.15324,0.15 +-7.22471,0.840347,0.932037,1,3,0,9.85532,0.15 +-7.57214,0.980256,0.932037,2,3,0,7.60142,0.15 +-7.46188,1,0.932037,1,1,0,7.66831,0.15 +-7.21293,1,0.932037,1,1,0,7.46083,0.15 +-7.27196,0.911127,0.932037,1,3,0,8.06683,0.15 +-6.99285,1,0.932037,1,1,0,7.22442,0.15 +-7.64686,0.789204,0.932037,1,1,0,7.67915,0.15 +-7.64686,0.588674,0.932037,1,1,0,8.70948,0.15 +-6.76317,0.84811,0.932037,2,3,0,8.40171,0.15 +-6.75852,0.995961,0.932037,2,3,0,6.79457,0.15 +-6.96185,0.956175,0.932037,2,3,0,7.06538,0.15 +-6.7597,0.95957,0.932037,2,3,0,7.23201,0.15 +-6.95356,0.940807,0.932037,1,3,0,7.05195,0.15 +-6.74802,0.995879,0.932037,1,3,0,6.94105,0.15 +-6.80409,0.985416,0.932037,1,3,0,6.81492,0.15 +-6.78431,0.93291,0.932037,2,3,0,7.30965,0.15 +-6.85124,0.98309,0.932037,1,1,0,6.85256,0.15 +-6.91874,0.970098,0.932037,1,3,0,7.11707,0.15 +-6.91874,0.434093,0.932037,1,3,0,9.39656,0.15 +-6.92998,0.940657,0.932037,2,3,0,7.25758,0.15 +-6.7616,0.987015,0.932037,1,3,0,6.96899,0.15 +-6.77385,0.996249,0.932037,1,1,0,6.77617,0.15 +-7.11956,0.891801,0.932037,1,3,0,7.32561,0.15 +-7.10361,0.938678,0.932037,1,3,0,7.72046,0.15 +-7.10361,0.642361,0.932037,1,1,0,7.89438,0.15 +-8.5001,0.593919,0.932037,1,1,0,8.53813,0.15 +-7.1692,1,0.932037,2,3,0,8.39313,0.15 +-6.99964,1,0.932037,2,3,0,7.15856,0.15 +-6.82605,1,0.932037,1,1,0,6.95904,0.15 +-6.80069,1,0.932037,1,1,0,6.8286,0.15 +-6.80069,0.826864,0.932037,1,3,0,7.56839,0.15 +-6.80069,0.712989,0.932037,1,3,0,8.08135,0.15 +-6.79864,1,0.932037,1,1,0,6.81323,0.15 +-7.21975,0.922333,0.932037,1,3,0,7.24006,0.15 +-6.75061,0.978686,0.932037,1,3,0,7.23991,0.15 +-8.50882,0.710206,0.932037,2,3,0,8.58833,0.15 +-6.98994,1,0.932037,1,3,0,8.37388,0.15 +-8.68191,0.796805,0.932037,2,3,0,9.47091,0.15 +-7.31609,1,0.932037,2,3,0,8.2644,0.15 +-7.14381,1,0.932037,1,1,0,7.36712,0.15 +-7.14381,0.475525,0.932037,1,1,0,8.41075,0.15 +-7.29505,0.813437,0.932037,2,3,0,8.20133,0.15 +-7.97276,0.895575,0.932037,1,1,0,7.97663,0.15 +-9.00874,0.888587,0.932037,1,1,0,9.0167,0.15 +-8.5484,1,0.932037,1,1,0,9.10361,0.15 +-7.88735,1,0.932037,1,1,0,8.51142,0.15 +-7.36782,1,0.932037,1,1,0,7.8262,0.15 +-7.34887,1,0.932037,1,1,0,7.48713,0.15 +-6.81839,0.987631,0.932037,2,3,0,7.46646,0.15 +-6.81839,0.712592,0.932037,1,3,0,8.16085,0.15 +-6.74807,0.998893,0.932037,1,3,0,6.81316,0.15 +-6.87013,0.959268,0.932037,2,3,0,6.97825,0.15 +-6.76585,1,0.932037,1,1,0,6.83725,0.15 +-6.7566,0.994396,0.932037,2,3,0,6.80045,0.15 +-6.7566,0.628726,0.932037,1,3,0,8.7002,0.15 +-6.82277,0.986161,0.932037,1,3,0,6.82387,0.15 +-7.3013,0.877627,0.932037,1,3,0,7.5333,0.15 +-8.78447,0.79108,0.932037,2,3,0,8.87542,0.15 +-7.50584,1,0.932037,1,1,0,8.46306,0.15 +-7.15669,1,0.932037,1,1,0,7.48033,0.15 +-7.43591,0.967588,0.932037,2,3,0,7.54437,0.15 +-6.96987,0.913229,0.932037,1,3,0,7.88228,0.15 +-6.89773,1,0.932037,1,1,0,6.97541,0.15 +-7.36158,0.930716,0.932037,1,3,0,7.36402,0.15 +-7.16589,1,0.932037,1,1,0,7.37174,0.15 +-6.95869,1,0.932037,1,1,0,7.13528,0.15 +-7.16168,0.929564,0.932037,1,3,0,7.57434,0.15 +-8.02154,0.725795,0.932037,1,1,0,8.09574,0.15 +-8.63423,0.930003,0.932037,2,3,0,9.03662,0.15 +-6.93887,1,0.932037,1,1,0,8.0172,0.15 +-6.87271,1,0.932037,1,1,0,6.94734,0.15 +-6.77339,1,0.932037,2,3,0,6.85408,0.15 +-6.98298,0.942095,0.932037,1,3,0,7.07789,0.15 +-6.75868,1,0.932037,1,3,0,6.91623,0.15 +-6.7906,0.973381,0.932037,2,3,0,6.88716,0.15 +-7.56742,0.820209,0.932037,1,3,0,7.57193,0.15 +-6.75108,1,0.932037,1,3,0,7.35001,0.15 +-6.80655,0.983396,0.932037,1,3,0,6.83092,0.15 +-6.91728,0.973208,0.932037,1,1,0,6.91879,0.15 +-7.7691,0.915431,0.932037,2,3,0,7.98664,0.15 +-6.765,1,0.932037,1,3,0,7.46164,0.15 +-7.37311,0.856184,0.932037,1,3,0,7.3856,0.15 +-7.3305,1,0.932037,1,1,0,7.55404,0.15 +-7.3305,0.663523,0.932037,1,1,0,8.12143,0.15 +-7.12567,0.837343,0.932037,1,3,0,8.09517,0.15 +-7.15885,0.957841,0.932037,2,3,0,7.71194,0.15 +-6.75049,0.994782,0.932037,1,3,0,7.12461,0.15 +-6.81461,0.982255,0.932037,1,3,0,6.83366,0.15 +-6.75614,0.996516,0.932037,1,3,0,6.83027,0.15 +-6.74853,0.904663,0.932037,2,3,0,7.2911,0.15 +-7.01677,0.911602,0.932037,2,3,0,7.26139,0.15 +-6.92929,0.642216,0.932037,2,3,0,8.77716,0.15 +-7.65529,0.771289,0.932037,1,1,0,7.66932,0.15 +-7.01834,1,0.932037,1,1,0,7.46402,0.15 +-6.74897,1,0.932037,1,3,0,6.95557,0.15 +-9.81129,0.348606,0.932037,1,3,0,11.6845,0.15 +-10.4379,0.964322,0.932037,1,1,0,10.6078,0.15 +-12.3737,0.923455,0.932037,1,1,0,12.3737,0.15 +-8.6914,0.906628,0.932037,1,3,0,12.5921,0.15 +-7.8205,1,0.932037,1,1,0,8.59832,0.15 +-6.76573,0.925015,0.932037,1,3,0,8.00716,0.15 +-7.18424,0.803585,0.932037,2,3,0,7.86457,0.15 +-6.74867,0.98391,0.932037,1,3,0,7.18696,0.15 +-6.74867,0.809678,0.932037,1,3,0,7.5541,0.15 +-6.78928,0.864392,0.932037,2,3,0,7.45892,0.15 +-7.73008,0.857073,0.932037,2,3,0,7.95215,0.15 +-6.90924,0.999548,0.932037,1,3,0,7.59486,0.15 +-6.83204,1,0.932037,1,1,0,6.89889,0.15 +-6.92095,0.978894,0.932037,1,1,0,6.92784,0.15 +-6.84946,1,0.932037,1,1,0,6.91633,0.15 +-6.87329,0.97872,0.932037,1,3,0,7.05429,0.15 +-7.77797,0.726161,0.932037,1,1,0,7.77978,0.15 +-7.91451,0.983052,0.932037,2,3,0,8.2695,0.15 +-6.99541,0.905965,0.932037,1,3,0,8.38798,0.15 +-6.76541,0.9819,0.932037,1,3,0,7.04888,0.15 +-6.75969,1,0.932037,1,1,0,6.76622,0.15 +-6.88511,0.980043,0.932037,2,3,0,6.89657,0.15 +-6.77682,0.92494,0.932037,2,3,0,7.55206,0.15 +-7.22693,0.885941,0.932037,1,3,0,7.36359,0.15 +-7.08301,1,0.932037,2,3,0,7.27,0.15 +-6.74807,1,0.932037,1,3,0,7.01313,0.15 +-6.78184,0.991048,0.932037,1,3,0,6.7889,0.15 +-7.7414,0.782413,0.932037,1,3,0,7.94246,0.15 +-8.34868,0.79224,0.932037,1,1,0,8.64598,0.15 +-6.96656,1,0.932037,1,1,0,7.85206,0.15 +-8.55062,0.559382,0.932037,1,1,0,8.55696,0.15 +-8.71259,0.939683,0.932037,1,1,0,9.36157,0.15 +-7.02011,1,0.932037,1,1,0,8.0992,0.15 +-7.73032,0.771978,0.932037,1,1,0,7.7681,0.15 +-7.58699,1,0.932037,1,1,0,7.95753,0.15 +-10.1664,0.37457,0.932037,1,1,0,10.2962,0.15 +-9.05941,1,0.932037,2,3,0,10.4928,0.15 +-6.95163,0.994678,0.932037,1,3,0,9.25144,0.15 +-6.991,0.991344,0.932037,1,1,0,7.03106,0.15 +-6.93665,1,0.932037,1,1,0,7.01246,0.15 +-7.53693,0.951931,0.932037,2,3,0,7.60421,0.15 +-7.35042,1,0.932037,1,1,0,7.65542,0.15 +-6.74833,1,0.932037,1,3,0,7.21002,0.15 +-7.30096,0.866757,0.932037,1,3,0,7.34306,0.15 +-7.33424,0.995938,0.932037,2,3,0,7.52117,0.15 +-7.00834,1,0.932037,1,1,0,7.27119,0.15 +-7.00834,0.750927,0.932037,1,3,0,7.93882,0.15 +-6.85276,0.717415,0.932037,2,3,0,8.2801,0.15 +-6.88149,0.915088,0.932037,2,3,0,7.26489,0.15 +-7.01531,0.954346,0.932037,2,3,0,7.30842,0.15 +-8.49716,0.821021,0.932037,2,3,0,8.90444,0.15 +-7.75198,1,0.932037,2,3,0,8.42455,0.15 +-6.78374,0.995713,0.932037,1,3,0,7.67855,0.15 +-6.78319,0.955918,0.932037,2,3,0,7.05067,0.15 +-6.76877,0.993356,0.932037,2,3,0,6.83116,0.15 +-6.76604,1,0.932037,2,3,0,6.77242,0.15 +-6.80257,0.828664,0.932037,2,3,0,7.81548,0.15 +-6.7921,0.928548,0.932037,2,3,0,7.34502,0.15 +-6.7921,0.869785,0.932037,1,3,0,7.3846,0.15 +-6.78247,1,0.932037,1,1,0,6.7969,0.15 +-6.77338,0.944315,0.932037,2,3,0,7.11056,0.15 +-6.88767,0.984579,0.932037,2,3,0,6.89149,0.15 +-6.87758,1,0.932037,1,1,0,6.91573,0.15 +-6.98427,0.975828,0.932037,1,1,0,6.997,0.15 +-8.16006,0.847199,0.932037,1,3,0,8.23533,0.15 +-6.92926,1,0.932037,1,3,0,8.02086,0.15 +-6.75334,1,0.932037,1,3,0,6.89875,0.15 +-6.76157,0.984481,0.932037,2,3,0,6.84166,0.15 +-6.77437,0.916298,0.932037,2,3,0,7.16943,0.15 +-6.89883,0.966797,0.932037,2,3,0,7.01941,0.15 +-7.61554,0.929243,0.932037,2,3,0,7.77465,0.15 +-6.74865,1,0.932037,1,3,0,7.4327,0.15 +-7.90889,0.736401,0.932037,1,3,0,8.30046,0.15 +-7.36433,1,0.932037,1,1,0,7.84078,0.15 +-6.7517,1,0.932037,2,3,0,7.32628,0.15 +-7.47731,0.835796,0.932037,1,3,0,7.65004,0.15 +-6.82682,1,0.932037,1,3,0,7.36972,0.15 +-6.75257,1,0.932037,1,3,0,6.81023,0.15 +-6.74814,0.924039,0.932037,2,3,0,7.16556,0.15 +-6.77547,0.992637,0.932037,1,3,0,6.7818,0.15 +-6.77883,0.96017,0.932037,2,3,0,7.01271,0.15 +-6.83214,0.92718,0.932037,2,3,0,7.10706,0.15 +-6.74855,0.999857,0.932037,1,3,0,6.82323,0.15 +-6.75208,0.991977,0.932037,2,3,0,6.79074,0.15 +-6.74875,1,0.932037,2,3,0,6.7511,0.15 +-6.76331,0.987877,0.932037,2,3,0,6.81164,0.15 +-7.11253,0.925924,0.932037,1,3,0,7.14728,0.15 +-7.33832,0.934594,0.932037,2,3,0,7.89183,0.15 +-7.40317,0.891695,0.932037,1,3,0,8.40906,0.15 +-6.83199,1,0.932037,2,3,0,7.43757,0.15 +-6.83199,0.774019,0.932037,1,3,0,8.04658,0.15 +-6.99888,0.961352,0.932037,1,1,0,7.00012,0.15 +-6.76802,0.991205,0.932037,2,3,0,7.06627,0.15 +-7.1899,0.912501,0.932037,1,3,0,7.23327,0.15 +-7.0344,0.951025,0.932037,1,3,0,7.71962,0.15 +-6.74861,0.964191,0.932037,2,3,0,7.23266,0.15 +-6.9356,0.954146,0.932037,1,3,0,6.96807,0.15 +-6.8766,1,0.932037,1,1,0,6.94182,0.15 +-6.86303,0.963467,0.932037,2,3,0,7.17361,0.15 +-6.89691,0.996253,0.932037,2,3,0,6.92839,0.15 +-6.74898,0.989445,0.932037,2,3,0,6.95643,0.15 +-6.75192,0.906807,0.932037,2,3,0,7.25324,0.15 +-6.89356,0.962004,0.932037,1,3,0,6.92873,0.15 +-6.8915,1,0.932037,1,1,0,6.93856,0.15 +-8.04782,0.661095,0.932037,1,1,0,8.04944,0.15 +-6.96778,1,0.932037,2,3,0,8.10818,0.15 +-6.94531,0.967319,0.932037,1,3,0,7.30665,0.15 +-6.79303,1,0.932037,1,1,0,6.89785,0.15 +-6.75073,0.998473,0.932037,1,3,0,6.79703,0.15 +-6.74807,0.922346,0.932037,2,3,0,7.17097,0.15 +-6.79664,0.986959,0.932037,2,3,0,6.82676,0.15 +-7.42084,0.890966,0.932037,2,3,0,7.44601,0.15 +-7.07938,1,0.932037,1,1,0,7.36895,0.15 +-6.76996,0.975074,0.932037,1,3,0,7.1524,0.15 +-6.97097,0.781354,0.932037,2,3,0,7.8694,0.15 +-7.45672,0.874497,0.932037,1,3,0,7.94747,0.15 +-7.73982,0.898709,0.932037,1,1,0,7.95818,0.15 +-6.75761,1,0.932037,1,3,0,7.45331,0.15 +-6.75128,1,0.932037,2,3,0,6.75597,0.15 +-6.74857,0.969275,0.932037,2,3,0,6.90378,0.15 +-6.78162,0.964009,0.932037,2,3,0,6.94604,0.15 +-6.94452,0.969782,0.932037,1,3,0,6.94577,0.15 +-6.83464,1,0.932037,1,1,0,6.92359,0.15 +-6.85125,0.978801,0.932037,2,3,0,7.03988,0.15 +-8.70862,0.498506,0.932037,2,3,0,10.892,0.15 +-7.14422,0.988771,0.932037,1,3,0,8.54862,0.15 +-8.22719,0.86569,0.932037,1,3,0,8.25029,0.15 +-7.98302,1,0.932037,1,1,0,8.34174,0.15 +-7.66766,1,0.932037,1,1,0,8.02784,0.15 +-8.24143,0.924458,0.932037,1,1,0,8.28161,0.15 +-7.67998,1,0.932037,1,1,0,8.20801,0.15 +-7.87681,0.972029,0.932037,1,1,0,7.99803,0.15 +-6.74849,0.941373,0.932037,1,3,0,7.96721,0.15 +-7.11836,0.837369,0.932037,2,3,0,7.62397,0.15 +-6.79142,1,0.932037,2,3,0,7.01021,0.15 +-6.77524,1,0.932037,1,1,0,6.79217,0.15 +-6.79636,0.997801,0.932037,2,3,0,6.8016,0.15 +-6.79636,0.948581,0.932037,1,1,0,6.90729,0.15 +-6.87559,0.872276,0.932037,2,3,0,7.36427,0.15 +-7.91757,0.674512,0.932037,1,3,0,8.87065,0.15 +-6.74935,0.935438,0.932037,1,3,0,8.03013,0.15 +-6.74803,0.97594,0.932037,2,3,0,6.86976,0.15 +-6.81513,0.982667,0.932037,1,3,0,6.82306,0.15 +-7.49872,0.879887,0.932037,2,3,0,7.51782,0.15 +-7.49872,0.948913,0.932037,1,1,0,7.85236,0.15 +-8.04293,0.922216,0.932037,1,1,0,8.07282,0.15 +-7.35293,1,0.932037,2,3,0,7.93996,0.15 +-7.35293,0.883408,0.932037,1,1,0,8.02395,0.15 +-6.80493,1,0.932037,1,3,0,7.25923,0.15 +-6.82698,0.998151,0.932037,2,3,0,6.83752,0.15 +-6.88114,0.986899,0.932037,1,1,0,6.89144,0.15 +-6.74827,0.964042,0.932037,2,3,0,7.17919,0.15 +-6.93633,0.882605,0.932037,2,3,0,7.40536,0.15 +-8.02922,0.766313,0.932037,1,3,0,8.54794,0.15 +-6.88064,1,0.932037,1,1,0,7.62039,0.15 +-6.99856,0.960668,0.932037,1,1,0,7.02674,0.15 +-6.9205,1,0.932037,1,1,0,7.0171,0.15 +-7.23497,0.895629,0.932037,1,1,0,7.26191,0.15 +-6.81255,0.65863,0.932037,2,3,0,8.81442,0.15 +-6.8557,0.986062,0.932037,1,1,0,6.86976,0.15 +-6.8557,0.724177,0.932037,1,3,0,7.66358,0.15 +-6.75301,0.997497,0.932037,1,3,0,6.85969,0.15 +-9.62741,0.500859,0.932037,1,3,0,9.855,0.15 +-7.2064,1,0.932037,2,3,0,8.74926,0.15 +-6.75431,0.815869,0.932037,2,3,0,7.99167,0.15 +-6.77251,0.990864,0.932037,2,3,0,6.80395,0.15 +-7.81008,0.844756,0.932037,2,3,0,8.00316,0.15 +-8.11847,0.959711,0.932037,1,1,0,8.22643,0.15 +-9.24757,0.890376,0.932037,2,3,0,10.2168,0.15 +-6.88942,0.799493,0.932037,1,3,0,10.3695,0.15 +-6.88942,0.261019,0.932037,1,3,0,10.9724,0.15 +-6.80124,0.870892,0.932037,2,3,0,7.43049,0.15 +-6.74978,0.998863,0.932037,1,3,0,6.80164,0.15 +-7.17245,0.854684,0.932037,2,3,0,7.6,0.15 +-8.81972,0.538088,0.932037,1,1,0,8.86828,0.15 +-7.40622,1,0.932037,2,3,0,8.5393,0.15 +-7.26318,0.961918,0.932037,2,3,0,8.05474,0.15 +-7.34728,0.984906,0.932037,1,1,0,7.43596,0.15 +-6.86243,0.997387,0.932037,1,3,0,7.24798,0.15 +-6.89308,0.975225,0.932037,1,3,0,7.09809,0.15 +-7.32886,0.939094,0.932037,2,3,0,7.34307,0.15 +-7.57152,0.913466,0.932037,1,1,0,7.74604,0.15 +-6.94728,1,0.932037,1,1,0,7.36923,0.15 +-6.81842,1,0.932037,1,1,0,6.91356,0.15 +-6.76216,1,0.932037,2,3,0,6.80728,0.15 +-6.85768,0.974601,0.932037,2,3,0,6.94204,0.15 +-6.77062,0.988638,0.932037,1,3,0,6.90934,0.15 +-6.91451,0.978923,0.932037,2,3,0,6.91452,0.15 +-6.78227,1,0.932037,1,1,0,6.87294,0.15 +-7.62346,0.806356,0.932037,1,3,0,7.63204,0.15 +-6.83206,1,0.932037,1,1,0,7.34914,0.15 +-7.29941,0.815839,0.932037,2,3,0,7.843,0.15 +-7.31671,0.996885,0.932037,1,1,0,7.4311,0.15 +-6.78343,0.991818,0.932037,2,3,0,7.37529,0.15 +-6.86006,0.980687,0.932037,1,1,0,6.8608,0.15 +-6.77605,1,0.932037,1,1,0,6.83853,0.15 +-6.86042,0.973286,0.932037,1,3,0,6.93518,0.15 +-6.75338,0.997358,0.932037,1,3,0,6.86494,0.15 +-6.83799,0.976298,0.932037,1,3,0,6.868,0.15 +-7.00374,0.713633,0.932037,2,3,0,8.19304,0.15 +-6.75259,0.98344,0.932037,2,3,0,7.10169,0.15 +-6.79496,0.987555,0.932037,1,3,0,6.81495,0.15 +-6.9391,0.981259,0.932037,2,3,0,6.94195,0.15 +-7.22517,0.904285,0.932037,1,1,0,7.25937,0.15 +-7.21052,1,0.932037,1,1,0,7.37602,0.15 +-6.75985,0.787087,0.932037,2,3,0,8.11836,0.15 +-6.86031,0.946513,0.932037,2,3,0,7.03793,0.15 +-8.19403,0.780681,0.932037,1,3,0,8.38612,0.15 +-6.7609,1,0.932037,2,3,0,7.87703,0.15 +-6.95309,0.78127,0.932037,2,3,0,7.88077,0.15 +-9.56705,0.565191,0.932037,1,3,0,10.2818,0.15 +-6.75776,1,0.932037,1,3,0,8.93023,0.15 +-6.77632,0.994978,0.932037,1,1,0,6.77679,0.15 +-6.82265,0.996019,0.932037,2,3,0,6.82416,0.15 +-6.89139,0.983404,0.932037,1,1,0,6.89889,0.15 +-6.89139,0.777655,0.932037,1,3,0,8.12126,0.15 +-7.13161,0.926877,0.932037,1,3,0,7.44089,0.15 +-8.35546,0.633109,0.932037,1,1,0,8.40627,0.15 +-7.06834,0.886614,0.932037,1,3,0,8.96147,0.15 +-7.28399,0.958522,0.932037,1,1,0,7.31204,0.15 +-7.28327,1,0.932037,1,1,0,7.40052,0.15 +-7.93284,0.898826,0.932037,1,1,0,7.93762,0.15 +-7.81694,1,0.932037,1,1,0,8.08024,0.15 +-7.6919,1,0.932037,1,1,0,7.94232,0.15 +-6.76979,0.932315,0.932037,1,3,0,7.86435,0.15 +-6.97696,0.966811,0.932037,2,3,0,6.99094,0.15 +-7.49857,0.902721,0.932037,2,3,0,7.93254,0.15 +-7.50324,0.999237,0.932037,1,1,0,7.65578,0.15 +-6.91611,1,0.932037,2,3,0,7.33316,0.15 +-6.74956,1,0.932037,1,3,0,6.89861,0.15 +-8.35635,0.667972,0.932037,1,3,0,8.48862,0.15 +-8.35709,0.999715,0.932037,1,1,0,8.94945,0.15 +-7.01492,1,0.932037,2,3,0,8.49553,0.15 +-7.08433,0.985549,0.932037,1,1,0,7.13054,0.15 +-7.29556,0.986569,0.932037,2,3,0,7.32674,0.15 +-6.82002,1,0.932037,2,3,0,7.16863,0.15 +-6.82002,0.827599,0.932037,1,1,0,7.18527,0.15 +-6.96415,0.766705,0.932037,2,3,0,7.8936,0.15 +-7.10108,0.953204,0.932037,1,1,0,7.15511,0.15 +-7.08567,1,0.932037,1,1,0,7.2067,0.15 +-8.18465,0.665208,0.932037,1,1,0,8.22692,0.15 +-6.98816,1,0.932037,2,3,0,8.27915,0.15 +-6.9991,0.951104,0.932037,2,3,0,7.40622,0.15 +-6.87003,0.959893,0.932037,1,3,0,7.2399,0.15 +-8.86597,0.67165,0.932037,1,3,0,9.3173,0.15 +-9.22117,0.969943,0.932037,1,1,0,9.41531,0.15 +-10.3294,0.926924,0.932037,1,1,0,10.3727,0.15 +-8.32325,0.989504,0.932037,2,3,0,10.9313,0.15 +-8.85098,0.946649,0.932037,1,1,0,8.95519,0.15 +-9.31959,0.960963,0.932037,1,1,0,9.47897,0.15 +-10.3022,0.93649,0.932037,1,1,0,10.3691,0.15 +-10.3363,0.998194,0.932037,1,1,0,10.7444,0.15 +-7.06812,1,0.932037,2,3,0,10.0104,0.15 +-7.09449,0.998201,0.932037,2,3,0,7.16215,0.15 +-7.41044,0.941678,0.932037,1,1,0,7.42835,0.15 +-6.74954,0.897451,0.932037,2,3,0,8.358,0.15 +-7.01483,0.952044,0.932037,2,3,0,7.06471,0.15 +-7.04361,0.949288,0.932037,1,3,0,7.50082,0.15 +-6.84344,1,0.932037,1,1,0,6.98754,0.15 +-6.76346,1,0.932037,1,1,0,6.81845,0.15 +-6.77171,0.981093,0.932037,2,3,0,6.85292,0.15 +-6.84864,0.975946,0.932037,1,1,0,6.84963,0.15 +-6.79009,1,0.932037,1,1,0,6.8359,0.15 +-7.3603,0.823525,0.932037,1,3,0,7.7309,0.15 +-7.81047,0.929962,0.932037,1,1,0,7.84015,0.15 +-7.78154,1,0.932037,1,1,0,7.99363,0.15 +-6.7517,1,0.932037,2,3,0,7.65292,0.15 +-6.78798,0.848042,0.932037,2,3,0,7.61324,0.15 +-6.76,0.921142,0.932037,2,3,0,7.25211,0.15 +-6.79557,0.983288,0.932037,2,3,0,6.85013,0.15 +-7.19183,0.926349,0.932037,1,3,0,7.21025,0.15 +-7.38792,0.988215,0.932037,2,3,0,7.43851,0.15 +-6.96601,1,0.932037,2,3,0,7.30212,0.15 +-7.05786,0.980406,0.932037,1,1,0,7.08973,0.15 +-7.16196,0.993052,0.932037,2,3,0,7.20877,0.15 +-6.77281,0.912405,0.932037,2,3,0,8.28922,0.15 +-6.75974,1,0.932037,1,1,0,6.77054,0.15 +-6.74904,0.896827,0.932037,2,3,0,7.34903,0.15 +-6.99017,0.938166,0.932037,1,3,0,7.02613,0.15 +-9.18272,0.444151,0.932037,1,1,0,9.18621,0.15 +-7.27998,1,0.932037,1,1,0,8.53072,0.15 +-6.81588,0.976625,0.932037,1,3,0,7.39388,0.15 +-6.85158,0.981914,0.932037,1,3,0,6.98055,0.15 +-7.61781,0.765141,0.932037,1,1,0,7.61874,0.15 +-6.79258,0.997137,0.932037,1,3,0,7.61795,0.15 +-8.09444,0.722711,0.932037,1,3,0,8.35089,0.15 +-8.09444,0.731058,0.932037,1,1,0,9.00859,0.15 +-8.96537,0.715603,0.932037,1,1,0,9.37304,0.15 +-8.78035,1,0.932037,1,1,0,9.62889,0.15 +-7.21874,0.836764,0.932037,1,3,0,9.71962,0.15 +-6.75061,0.911636,0.932037,2,3,0,8.14176,0.15 +-7.65204,0.639147,0.932037,2,3,0,8.88575,0.15 +-6.95151,1,0.932037,1,1,0,7.42019,0.15 +-7.03245,0.89047,0.932037,2,3,0,7.4925,0.15 +-6.93323,1,0.932037,1,1,0,7.03482,0.15 +-6.93323,0.839701,0.932037,1,3,0,7.95662,0.15 +-6.8181,1,0.932037,1,1,0,6.90794,0.15 +-6.96817,0.964576,0.932037,1,1,0,6.96901,0.15 +-6.75177,1,0.932037,2,3,0,6.94088,0.15 +-6.75748,0.994596,0.932037,2,3,0,6.77947,0.15 +-6.75598,1,0.932037,2,3,0,6.75911,0.15 +-7.35596,0.838068,0.932037,1,3,0,7.60728,0.15 +-6.75779,0.906448,0.932037,2,3,0,8.09794,0.15 +-6.83162,0.952059,0.932037,2,3,0,6.9908,0.15 +-7.67816,0.806003,0.932037,1,3,0,7.67819,0.15 +-6.92603,0.932427,0.932037,1,3,0,8.01057,0.15 +-7.07054,0.950192,0.932037,2,3,0,7.4224,0.15 +-6.7484,0.994215,0.932037,1,3,0,7.0485,0.15 +-7.08258,0.918347,0.932037,1,3,0,7.15481,0.15 +-7.08258,0.737878,0.932037,1,3,0,9.18161,0.15 +-7.35202,0.949338,0.932037,1,1,0,7.3743,0.15 +-6.74881,0.983413,0.932037,1,3,0,7.33477,0.15 +-6.95539,0.949695,0.932037,1,3,0,6.9911,0.15 +-7.15608,0.958335,0.932037,1,1,0,7.16954,0.15 +-6.83348,0.99773,0.932037,1,3,0,7.08351,0.15 +-7.24483,0.931935,0.932037,1,3,0,7.25275,0.15 +-6.98535,1,0.932037,1,1,0,7.20252,0.15 +-6.79714,0.986131,0.932037,2,3,0,7.11242,0.15 +-6.75975,0.994219,0.932037,2,3,0,6.84154,0.15 +-7.85764,0.768175,0.932037,1,3,0,8.13554,0.15 +-7.75607,1,0.932037,2,3,0,8.00291,0.15 +-7.45436,1,0.932037,1,1,0,7.77479,0.15 +-6.75812,0.956844,0.932037,1,3,0,7.53861,0.15 +-6.78653,0.996723,0.932037,2,3,0,6.78699,0.15 +-6.78653,0.689753,0.932037,1,3,0,7.7558,0.15 +-7.13767,0.941965,0.932037,2,3,0,7.15428,0.15 +-6.8166,0.824152,0.932037,2,3,0,8.71226,0.15 +-6.79612,1,0.932037,1,1,0,6.82009,0.15 +-7.16066,0.926371,0.932037,2,3,0,7.36744,0.15 +-6.7485,0.867631,0.932037,2,3,0,8.25218,0.15 +-6.7485,0.374064,0.932037,1,3,0,9.69677,0.15 +-6.906,0.899506,0.932037,2,3,0,7.30301,0.15 +-6.97495,0.960716,0.932037,1,3,0,7.26467,0.15 +-6.87784,0.957976,0.932037,1,3,0,7.22871,0.15 +-6.76764,1,0.932037,1,3,0,6.85023,0.15 +-7.06045,0.939987,0.932037,2,3,0,7.20313,0.15 +-7.56678,0.90837,0.932037,1,1,0,7.56807,0.15 +-8.21909,0.9114,0.932037,1,1,0,8.24106,0.15 +-7.1694,0.972439,0.932037,1,3,0,8.05615,0.15 +-7.51659,0.939017,0.932037,1,1,0,7.53941,0.15 +-6.80441,1,0.932037,2,3,0,7.33714,0.15 +-6.84769,0.986098,0.932037,1,1,0,6.85924,0.15 +-6.75447,1,0.932037,1,3,0,6.82024,0.15 +-6.75447,0.941471,0.932037,1,3,0,6.92636,0.15 +-7.31897,0.848317,0.932037,1,3,0,7.54592,0.15 +-7.51256,0.936742,0.932037,2,3,0,8.23518,0.15 +-7.00844,1,0.932037,1,1,0,7.41354,0.15 +-6.81721,1,0.932037,2,3,0,6.95395,0.15 +-7.45194,0.852204,0.932037,1,3,0,7.45194,0.15 +-6.87259,1,0.932037,2,3,0,7.42285,0.15 +-6.75616,1,0.932037,1,3,0,6.8471,0.15 +-6.89502,0.961898,0.932037,1,3,0,6.94092,0.15 +-6.77836,1,0.932037,2,3,0,6.87334,0.15 +-6.79421,0.982898,0.932037,2,3,0,6.9004,0.15 +-7.26621,0.798873,0.932037,2,3,0,7.90837,0.15 +-6.86681,0.892468,0.932037,2,3,0,9.22078,0.15 +-6.79361,1,0.932037,1,1,0,6.85058,0.15 +-6.77748,1,0.932037,2,3,0,6.79435,0.15 +-6.77887,0.999632,0.932037,1,1,0,6.78659,0.15 +-6.78375,0.998717,0.932037,1,1,0,6.79108,0.15 +-6.74954,0.987641,0.932037,2,3,0,6.86737,0.15 +-7.83854,0.756676,0.932037,1,3,0,7.90005,0.15 +-7.50039,1,0.932037,1,1,0,7.94015,0.15 +-6.7491,1,0.932037,1,3,0,7.35194,0.15 +-6.7636,0.996702,0.932037,1,3,0,6.76405,0.15 +-6.78205,0.845782,0.932037,2,3,0,7.69714,0.15 +-6.75014,0.997559,0.932037,2,3,0,6.79806,0.15 +-8.34122,0.670679,0.932037,1,3,0,8.47733,0.15 +-7.99963,1,0.932037,1,1,0,8.62888,0.15 +-8.76385,0.745363,0.932037,1,1,0,9.14503,0.15 +-7.04418,1,0.932037,1,1,0,8.14217,0.15 +-7.43305,0.868749,0.932037,1,1,0,7.49441,0.15 +-7.43305,0.297658,0.932037,1,1,0,9.48457,0.15 +-6.83865,0.968461,0.932037,1,3,0,7.58424,0.15 +-7.53033,0.883514,0.932037,1,3,0,7.57348,0.15 +-6.96261,0.979104,0.932037,2,3,0,7.81614,0.15 +-7.0999,0.990364,0.932037,2,3,0,7.12317,0.15 +-8.07438,0.928426,0.932037,2,3,0,8.16995,0.15 +-7.08332,1,0.932037,1,1,0,7.75278,0.15 +-6.82918,1,0.932037,1,1,0,7.0036,0.15 +-7.53288,0.784396,0.932037,1,1,0,7.53294,0.15 +-7.05091,1,0.932037,2,3,0,7.39902,0.15 +-7.40251,0.977978,0.932037,2,3,0,7.41207,0.15 +-6.82898,1,0.932037,2,3,0,7.24836,0.15 +-6.79153,1,0.932037,1,1,0,6.8253,0.15 +-6.79153,0.459704,0.932037,1,3,0,9.85444,0.15 +-6.76756,1,0.932037,1,1,0,6.7869,0.15 +-6.97728,0.932763,0.932037,1,3,0,7.10469,0.15 +-6.95157,1,0.932037,1,1,0,7.01491,0.15 +-6.75905,0.960947,0.932037,2,3,0,7.21354,0.15 +-6.7615,0.936647,0.932037,2,3,0,7.06828,0.15 +-6.89331,0.972573,0.932037,1,3,0,6.89762,0.15 +-6.77722,0.906489,0.932037,2,3,0,7.52048,0.15 +-7.05175,0.910169,0.932037,1,3,0,7.23443,0.15 +-6.92365,1,0.932037,1,1,0,7.04143,0.15 +-6.92285,1,0.932037,2,3,0,6.9668,0.15 +-7.13379,0.955304,0.932037,1,1,0,7.14184,0.15 +-7.4804,0.884188,0.932037,1,3,0,8.21421,0.15 +-7.40948,1,0.932037,1,1,0,7.67663,0.15 +-6.7729,0.94969,0.932037,2,3,0,7.7319,0.15 +-6.88124,0.967448,0.932037,1,3,0,6.95576,0.15 +-8.24949,0.746027,0.932037,2,3,0,8.25756,0.15 +-6.96905,1,0.932037,1,3,0,8.10239,0.15 +-7.27306,0.939109,0.932037,1,1,0,7.27863,0.15 +-7.00308,0.956818,0.932037,1,3,0,7.78354,0.15 +-6.75472,0.998187,0.932037,1,3,0,6.9917,0.15 +-6.75494,0.999941,0.932037,1,1,0,6.75678,0.15 +-6.87358,0.96725,0.932037,1,3,0,6.91321,0.15 +-6.88529,0.996099,0.932037,1,1,0,6.92345,0.15 +-8.16803,0.810902,0.932037,2,3,0,8.16856,0.15 +-8.16803,0.500501,0.932037,1,1,0,9.65653,0.15 +-6.84099,0.909134,0.932037,2,3,0,8.86386,0.15 +-6.7482,0.97014,0.932037,2,3,0,7.07304,0.15 +-6.88126,0.965042,0.932037,1,3,0,6.91312,0.15 +-6.91537,0.971395,0.932037,1,3,0,7.15288,0.15 +-6.74803,1,0.932037,1,3,0,6.88372,0.15 +-6.78862,0.991449,0.932037,2,3,0,6.8033,0.15 +-6.75166,1,0.932037,1,3,0,6.77932,0.15 +-7.64177,0.652534,0.932037,2,3,0,8.81793,0.15 +-7.39307,1,0.932037,1,1,0,7.74629,0.15 +-7.39307,0.385651,0.932037,1,1,0,9.0256,0.15 +-6.79731,0.988358,0.932037,1,3,0,7.44468,0.15 +-7.26742,0.912562,0.932037,1,3,0,7.29563,0.15 +-8.03606,0.881597,0.932037,1,1,0,8.03636,0.15 +-7.18684,0.969203,0.932037,1,3,0,7.89297,0.15 +-7.82185,0.895632,0.932037,1,1,0,7.82342,0.15 +-6.9258,0.999365,0.932037,1,3,0,7.68077,0.15 +-6.84345,1,0.932037,1,1,0,6.91592,0.15 +-8.02819,0.799375,0.932037,1,3,0,8.18865,0.15 +-9.74173,0.805241,0.932037,1,3,0,9.76127,0.15 +-8.33143,1,0.932037,1,1,0,9.60755,0.15 +-7.18582,0.972127,0.932037,1,3,0,8.16309,0.15 +-6.92783,1,0.932037,1,1,0,7.13538,0.15 +-7.11005,0.961217,0.932037,1,1,0,7.12168,0.15 +-6.79373,1,0.932037,1,3,0,7.04271,0.15 +-7.11956,0.955726,0.932037,2,3,0,7.20271,0.15 +-7.48398,0.958399,0.932037,2,3,0,7.57261,0.15 +-7.05344,1,0.932037,2,3,0,7.38948,0.15 +-6.89526,1,0.932037,1,1,0,7.02854,0.15 +-6.75297,0.996542,0.932037,2,3,0,6.92061,0.15 +-6.83977,0.975809,0.932037,1,3,0,6.86918,0.15 +-6.8251,1,0.932037,2,3,0,6.85672,0.15 +-6.76932,1,0.932037,1,1,0,6.8089,0.15 +-7.2411,0.887441,0.932037,1,3,0,7.24713,0.15 +-6.77198,0.978158,0.932037,2,3,0,7.39681,0.15 +-6.91344,0.959133,0.932037,1,3,0,6.99309,0.15 +-7.04881,0.85015,0.932037,2,3,0,7.62026,0.15 +-7.60525,0.863371,0.932037,1,3,0,8.23873,0.15 +-6.78473,0.999819,0.932037,1,3,0,7.58373,0.15 +-6.78473,0.898858,0.932037,1,3,0,7.22409,0.15 +-7.78377,0.579188,0.932037,2,3,0,9.7066,0.15 +-7.70743,1,0.932037,1,1,0,7.93357,0.15 +-7.96247,0.96471,0.932037,1,1,0,8.07171,0.15 +-7.12674,0.974601,0.932037,1,3,0,7.81844,0.15 +-6.75681,1,0.932037,1,3,0,7.07784,0.15 +-6.74929,0.899259,0.932037,2,3,0,7.32696,0.15 +-6.74929,0.646445,0.932037,1,3,0,8.08205,0.15 +-7.15628,0.857788,0.932037,2,3,0,7.57467,0.15 +-7.75903,0.923317,0.932037,2,3,0,7.84476,0.15 +-6.85106,0.987384,0.932037,2,3,0,7.98227,0.15 +-8.0294,0.746944,0.932037,1,3,0,8.39902,0.15 +-6.8022,0.859301,0.932037,2,3,0,8.84948,0.15 +-6.77032,1,0.932037,1,1,0,6.79542,0.15 +-7.64151,0.740592,0.932037,2,3,0,8.46249,0.15 +-8.37811,0.917274,0.932037,2,3,0,8.62816,0.15 +-7.49482,1,0.932037,1,1,0,8.22793,0.15 +-9.18827,0.523755,0.932037,1,1,0,9.33046,0.15 +-7.76093,1,0.932037,1,1,0,8.88732,0.15 +-6.97798,1,0.932037,1,1,0,7.50122,0.15 +-7.35575,0.873861,0.932037,1,1,0,7.39654,0.15 +-7.35575,0.110444,0.932037,1,1,0,11.0745,0.15 +-7.35575,0.0800688,0.932037,1,3,0,15.4327,0.15 +-7.48223,0.672997,0.932037,1,3,0,8.8362,0.15 +-6.78001,0.901552,0.932037,2,3,0,8.42084,0.15 +-7.27496,0.91456,0.932037,2,3,0,7.304,0.15 +-7.27496,0.889573,0.932037,1,1,0,7.87313,0.15 +-6.74818,0.981145,0.932037,1,3,0,7.27579,0.15 +-6.74818,0.540736,0.932037,1,3,0,8.56126,0.15 +-6.84577,0.975084,0.932037,1,3,0,6.8552,0.15 +-6.84577,0.460221,0.932037,1,3,0,8.80117,0.15 +-7.22623,0.87774,0.932037,1,1,0,7.23183,0.15 +-6.86085,0.957571,0.932037,1,3,0,7.44679,0.15 +-6.84216,1,0.932037,1,1,0,6.8764,0.15 +-6.82726,0.902432,0.932037,2,3,0,7.67881,0.15 +-7.01244,0.957121,0.932037,1,1,0,7.01282,0.15 +-6.753,0.947388,0.932037,2,3,0,7.40574,0.15 +-6.75612,0.999688,0.932037,2,3,0,6.75709,0.15 +-7.10487,0.901325,0.932037,1,3,0,7.25063,0.15 +-6.75288,0.934052,0.932037,2,3,0,7.61355,0.15 +-6.75911,0.998131,0.932037,1,1,0,6.75973,0.15 +-6.97448,0.935151,0.932037,1,3,0,7.07933,0.15 +-8.33687,0.727783,0.932037,1,3,0,8.95629,0.15 +-7.19311,1,0.932037,1,1,0,7.97929,0.15 +-6.86239,0.957299,0.932037,1,3,0,7.41859,0.15 +-8.81489,0.675307,0.932037,1,3,0,9.25628,0.15 +-9.08174,0.976561,0.932037,1,1,0,9.30033,0.15 +-8.72465,1,0.932037,2,3,0,9.23184,0.15 +-9.02058,0.973248,0.932037,1,1,0,9.2222,0.15 +-6.75096,0.87105,0.932037,1,3,0,9.3739,0.15 +-6.77061,0.8673,0.932037,2,3,0,7.49474,0.15 +-7.18049,0.687335,0.932037,2,3,0,8.77168,0.15 +-6.83677,0.997719,0.932037,1,3,0,7.10412,0.15 +-7.0242,0.942244,0.932037,1,3,0,7.2293,0.15 +-6.75027,1,0.932037,1,3,0,6.95554,0.15 +-7.19098,0.922423,0.932037,2,3,0,7.25741,0.15 +-6.75095,0.998409,0.932037,2,3,0,7.18042,0.15 +-6.87936,0.965588,0.932037,1,3,0,6.90968,0.15 +-6.78928,1,0.932037,2,3,0,6.85581,0.15 +-7.24713,0.912602,0.932037,1,3,0,7.27833,0.15 +-7.64349,0.933948,0.932037,1,1,0,7.6686,0.15 +-7.89818,0.963732,0.932037,1,1,0,7.99945,0.15 +-9.96894,0.866816,0.932037,2,3,0,10.0037,0.15 +-8.27408,1,0.932037,1,1,0,9.73188,0.15 +-8.97796,0.763178,0.932037,1,1,0,9.46742,0.15 +-7.07994,1,0.932037,2,3,0,9.38837,0.15 +-6.75736,0.879611,0.932037,2,3,0,8.01228,0.15 +-6.7519,1,0.932037,1,1,0,6.75617,0.15 +-6.78524,0.992274,0.932037,1,3,0,6.78539,0.15 +-7.86462,0.758008,0.932037,1,3,0,7.87664,0.15 +-7.97349,0.959152,0.932037,1,1,0,8.36464,0.15 +-7.11236,1,0.932037,2,3,0,7.71314,0.15 +-7.71805,0.799983,0.932037,1,1,0,7.78908,0.15 +-9.81575,0.716945,0.932037,2,3,0,10.0088,0.15 +-7.32169,1,0.932037,1,1,0,8.93058,0.15 +-6.74807,0.833534,0.932037,2,3,0,8.05557,0.15 +-6.74803,1,0.932037,2,3,0,6.74806,0.15 +-6.75538,0.991246,0.932037,2,3,0,6.79373,0.15 +-6.93792,0.962649,0.932037,2,3,0,7.01983,0.15 +-7.2862,0.88434,0.932037,1,1,0,7.31645,0.15 +-6.99084,1,0.932037,2,3,0,7.19845,0.15 +-7.65042,0.905856,0.932037,2,3,0,8.20379,0.15 +-7.41337,1,0.932037,1,1,0,7.7679,0.15 +-8.85702,0.576942,0.932037,1,1,0,8.98493,0.15 +-6.78589,1,0.932037,1,3,0,8.17164,0.15 +-6.90223,0.954007,0.932037,1,3,0,7.03131,0.15 +-8.14191,0.811993,0.932037,1,3,0,8.27248,0.15 +-8.10592,1,0.932037,1,1,0,8.36491,0.15 +-8.2689,0.993522,0.932037,2,3,0,8.4528,0.15 +-9.32894,0.899169,0.932037,1,1,0,9.34484,0.15 +-8.02809,1,0.932037,1,1,0,9.18688,0.15 +-6.99166,0.993898,0.932037,1,3,0,7.87392,0.15 +-8.06441,0.911089,0.932037,2,3,0,8.31617,0.15 +-8.7506,0.922675,0.932037,2,3,0,9.16274,0.15 +-7.8978,1,0.932037,1,1,0,8.75888,0.15 +-6.94446,1,0.932037,1,1,0,7.56554,0.15 +-8.54285,0.771096,0.932037,2,3,0,8.54633,0.15 +-6.78594,1,0.932037,1,3,0,7.9627,0.15 +-6.78594,0.906519,0.932037,1,3,0,7.16707,0.15 +-6.92112,0.942672,0.932037,2,3,0,7.08892,0.15 +-6.87261,0.875781,0.932037,2,3,0,8.17854,0.15 +-7.08975,0.952205,0.932037,1,1,0,7.09201,0.15 +-7.02149,1,0.932037,2,3,0,7.12326,0.15 +-7.04584,0.998287,0.932037,2,3,0,7.10444,0.15 +-7.04584,0.672299,0.932037,1,3,0,9.55749,0.15 +-7.77921,0.832639,0.932037,1,3,0,8.43718,0.15 +-6.93132,0.932106,0.932037,1,3,0,8.11383,0.15 +-7.37155,0.932331,0.932037,1,3,0,7.37171,0.15 +-6.74802,0.977866,0.932037,1,3,0,7.37247,0.15 +-6.90501,0.947815,0.932037,2,3,0,7.04469,0.15 +-6.90501,0.515929,0.932037,1,1,0,8.06608,0.15 +-7.26517,0.747153,0.932037,2,3,0,8.10285,0.15 +-6.77759,0.959776,0.932037,1,3,0,7.38193,0.15 +-6.75799,1,0.932037,1,1,0,6.77244,0.15 +-6.79277,0.99575,0.932037,2,3,0,6.79381,0.15 +-6.76109,1,0.932037,1,1,0,6.78457,0.15 +-6.7596,0.969448,0.932037,2,3,0,6.95304,0.15 +-6.79156,0.988014,0.932037,2,3,0,6.84381,0.15 +-6.78312,1,0.932037,1,1,0,6.79707,0.15 +-6.77762,0.949288,0.932037,2,3,0,7.08484,0.15 +-7.09494,0.924565,0.932037,1,3,0,7.09566,0.15 +-6.95426,1,0.932037,2,3,0,7.09613,0.15 +-7.28442,0.889685,0.932037,1,1,0,7.32064,0.15 +-6.79484,0.997398,0.932037,2,3,0,7.36362,0.15 +-6.81648,0.99449,0.932037,1,1,0,6.8247,0.15 +-6.84974,0.991789,0.932037,1,1,0,6.86103,0.15 +-6.74879,0.865097,0.932037,2,3,0,7.74614,0.15 +-6.88211,0.967449,0.932037,1,3,0,6.902,0.15 +-6.74845,0.957844,0.932037,2,3,0,7.24214,0.15 +-7.20685,0.887254,0.932037,1,3,0,7.25766,0.15 +-7.20685,0.564767,0.932037,1,3,0,8.81898,0.15 +-7.20685,0.320306,0.932037,1,3,0,12.13,0.15 +-6.97752,0.935114,0.932037,2,3,0,7.66742,0.15 +-6.87049,1,0.932037,1,1,0,6.96427,0.15 +-6.74837,0.966424,0.932037,2,3,0,7.14605,0.15 +-6.98253,0.907073,0.932037,2,3,0,7.2529,0.15 +-7.79349,0.745081,0.932037,1,1,0,7.81771,0.15 +-6.77388,1,0.932037,1,3,0,7.46942,0.15 +-6.90086,0.954561,0.932037,1,3,0,7.00827,0.15 +-6.79914,1,0.932037,2,3,0,6.8716,0.15 +-8.11178,0.713466,0.932037,1,3,0,8.12201,0.15 +-8.11178,0.190125,0.932037,1,1,0,11.1441,0.15 +-7.24841,1,0.932037,1,1,0,7.88964,0.15 +-7.23081,1,0.932037,1,1,0,7.40517,0.15 +-6.80377,1,0.932037,2,3,0,7.08741,0.15 +-6.85418,0.994603,0.932037,2,3,0,6.86482,0.15 +-6.74965,0.98222,0.932037,2,3,0,6.95136,0.15 +-7.03844,0.928412,0.932037,1,3,0,7.0566,0.15 +-7.22621,0.808036,0.932037,1,3,0,7.93488,0.15 +-6.77583,0.927823,0.932037,2,3,0,7.69178,0.15 +-6.86535,0.971878,0.932037,1,1,0,6.86662,0.15 +-6.77928,0.990027,0.932037,1,3,0,6.92787,0.15 +-6.78451,0.998625,0.932037,1,1,0,6.79187,0.15 +-6.78451,0.773207,0.932037,1,3,0,7.90069,0.15 +-6.75189,0.967957,0.932037,2,3,0,6.99818,0.15 +-6.88731,0.96889,0.932037,1,3,0,6.89993,0.15 +-6.83332,1,0.932037,1,1,0,6.8859,0.15 +-6.96445,0.969353,0.932037,1,1,0,6.9678,0.15 +-6.74853,0.993691,0.932037,1,3,0,6.95955,0.15 +-6.79227,0.98474,0.932037,2,3,0,6.83336,0.15 +-6.78141,0.965461,0.932037,2,3,0,6.96936,0.15 +-6.75837,0.995995,0.932037,1,3,0,6.80286,0.15 +-6.80841,0.982527,0.932037,1,3,0,6.84862,0.15 +-6.92145,0.989324,0.932037,2,3,0,6.92312,0.15 +-6.94393,0.992369,0.932037,1,1,0,6.99666,0.15 +-8.0719,0.66438,0.932037,1,1,0,8.0808,0.15 +-8.30789,0.913191,0.932037,1,1,0,8.7652,0.15 +-6.88395,1,0.932037,2,3,0,7.79691,0.15 +-6.88395,0.525809,0.932037,1,3,0,8.46396,0.15 +-7.66074,0.862122,0.932037,2,3,0,7.66587,0.15 +-7.48718,1,0.932037,1,1,0,7.73391,0.15 +-7.24771,1,0.932037,1,1,0,7.49536,0.15 +-6.75294,0.907734,0.932037,2,3,0,8.2612,0.15 +-6.75294,0.882023,0.932037,1,3,0,7.23222,0.15 +-6.75294,0.648763,0.932037,1,3,0,8.1161,0.15 +-6.75671,0.998954,0.932037,1,1,0,6.75747,0.15 +-7.51733,0.821118,0.932037,1,3,0,7.63136,0.15 +-7.23718,1,0.932037,2,3,0,7.55107,0.15 +-7.23718,0.584164,0.932037,1,1,0,8.1976,0.15 +-6.75151,1,0.932037,1,3,0,7.10952,0.15 +-6.76119,0.993068,0.932037,2,3,0,6.78713,0.15 +-6.79508,0.984853,0.932037,2,3,0,6.84415,0.15 +-8.30022,0.789495,0.932037,2,3,0,8.51335,0.15 +-7.08882,0.985416,0.932037,1,3,0,8.13433,0.15 +-6.74804,0.991804,0.932037,1,3,0,7.07332,0.15 +-6.76797,0.994746,0.932037,1,3,0,6.77114,0.15 +-6.87611,0.984786,0.932037,2,3,0,6.88112,0.15 +-7.10363,0.930507,0.932037,1,3,0,7.38443,0.15 +-7.1931,0.968366,0.932037,1,1,0,7.30124,0.15 +-7.02744,1,0.932037,1,1,0,7.20716,0.15 +-7.47087,0.716122,0.932037,1,3,0,8.36114,0.15 +-7.77445,0.953734,0.932037,1,1,0,7.84235,0.15 +-7.10232,0.976364,0.932037,1,3,0,7.65215,0.15 +-6.89247,0.977052,0.932037,2,3,0,7.36801,0.15 +-6.88406,1,0.932037,2,3,0,6.92287,0.15 +-7.00739,0.972361,0.932037,1,1,0,7.01912,0.15 +-7.4581,0.959878,0.932037,2,3,0,7.46539,0.15 +-7.4581,0.358894,0.932037,1,1,0,9.21803,0.15 +-8.39486,0.699937,0.932037,1,1,0,8.5651,0.15 +-6.98009,0.931934,0.932037,1,3,0,8.77344,0.15 +-7.75622,0.895607,0.932037,2,3,0,8.30908,0.15 +-7.45294,1,0.932037,1,1,0,7.85686,0.15 +-7.81191,0.87317,0.932037,1,1,0,8.02199,0.15 +-7.07889,1,0.932037,2,3,0,7.65163,0.15 +-8.02018,0.93056,0.932037,2,3,0,8.11738,0.15 +-7.32245,1,0.932037,1,1,0,7.89443,0.15 +-7.11924,1,0.932037,2,3,0,7.35057,0.15 +-7.13426,0.994637,0.932037,1,1,0,7.25741,0.15 +-6.81324,1,0.932037,1,1,0,7.02809,0.15 +-7.90962,0.554652,0.932037,2,3,0,9.26763,0.15 +-10.1284,0.790216,0.932037,1,3,0,10.2416,0.15 +-8.90062,1,0.932037,1,1,0,10.0537,0.15 +-6.80723,1,0.932037,2,3,0,8.62687,0.15 +-6.86729,0.973895,0.932037,2,3,0,7.02735,0.15 +-6.79392,1,0.932037,1,1,0,6.85106,0.15 +-7.40012,0.888235,0.932037,2,3,0,7.70807,0.15 +-6.93792,1,0.932037,2,3,0,7.29993,0.15 +-7.00949,0.984312,0.932037,1,1,0,7.03975,0.15 +-7.13808,0.973678,0.932037,1,1,0,7.17115,0.15 +-6.78692,0.965669,0.932037,1,3,0,7.25761,0.15 +-6.87345,0.885758,0.932037,2,3,0,7.29989,0.15 +-7.7385,0.869841,0.932037,2,3,0,7.74068,0.15 +-7.7385,0.102215,0.932037,1,1,0,11.7215,0.15 +-8.03266,0.893586,0.932037,1,1,0,8.35655,0.15 +-8.22194,0.92979,0.932037,1,1,0,8.66902,0.15 +-7.3561,1,0.932037,2,3,0,7.97443,0.15 +-6.78127,1,0.932037,1,3,0,7.27452,0.15 +-6.82275,0.984055,0.932037,1,3,0,6.89491,0.15 +-7.6571,0.742126,0.932037,1,3,0,8.29259,0.15 +-8.03026,0.829375,0.932037,1,3,0,9.64909,0.15 +-7.37223,1,0.932037,1,1,0,7.93907,0.15 +-6.79515,0.988926,0.932037,1,3,0,7.42116,0.15 +-6.82487,0.992469,0.932037,1,1,0,6.83189,0.15 +-7.12496,0.969767,0.932037,2,3,0,7.16248,0.15 +-8.26834,0.652897,0.932037,1,1,0,8.32004,0.15 +-8.67193,0.856184,0.932037,1,1,0,9.18766,0.15 +-6.90442,1,0.932037,1,1,0,8.03082,0.15 +-7.94108,0.68975,0.932037,1,1,0,7.94519,0.15 +-7.78516,0.528351,0.932037,1,3,0,10.1916,0.15 +-7.48177,1,0.932037,1,1,0,7.8074,0.15 +-6.80338,0.90422,0.932037,2,3,0,8.07863,0.15 +-6.89878,0.96934,0.932037,1,1,0,6.90583,0.15 +-7.30937,0.866085,0.932037,1,1,0,7.32592,0.15 +-6.85274,1,0.932037,1,1,0,7.15684,0.15 +-6.85274,0.743543,0.932037,1,3,0,7.59752,0.15 +-6.85274,0.563681,0.932037,1,3,0,9.12334,0.15 +-7.14252,0.905701,0.932037,1,1,0,7.15244,0.15 +-6.88606,1,0.932037,1,1,0,7.07414,0.15 +-6.81352,1,0.932037,1,1,0,6.87385,0.15 +-7.22426,0.603012,0.932037,2,3,0,8.88007,0.15 +-6.75466,1,0.932037,1,3,0,7.17215,0.15 +-6.77207,0.962029,0.932037,2,3,0,6.97984,0.15 +-7.20122,0.9126,0.932037,1,3,0,7.2415,0.15 +-7.97419,0.889846,0.932037,1,3,0,7.97427,0.15 +-7.1089,0.976552,0.932037,1,3,0,7.82637,0.15 +-7.1089,0.884111,0.932037,1,3,0,7.82698,0.15 +-6.98201,0.835391,0.932037,2,3,0,9.32581,0.15 +-7.4823,0.923908,0.932037,1,3,0,7.48233,0.15 +-8.13382,0.907974,0.932037,1,1,0,8.15008,0.15 +-7.0191,0.992287,0.932037,1,3,0,7.97523,0.15 +-7.38884,0.929413,0.932037,1,1,0,7.39423,0.15 +-7.05345,0.945247,0.932037,1,3,0,8.00914,0.15 +-7.88022,0.88235,0.932037,2,3,0,7.92302,0.15 +-7.47896,1,0.932037,1,1,0,7.94438,0.15 +-8.26848,0.902685,0.932037,2,3,0,8.45552,0.15 +-8.36145,0.964836,0.932037,1,1,0,8.90958,0.15 +-6.80918,1,0.932037,1,3,0,7.82987,0.15 +-7.23868,0.600861,0.932037,2,3,0,8.89375,0.15 +-6.89006,1,0.932037,1,1,0,7.13419,0.15 +-6.8044,1,0.932037,2,3,0,6.86543,0.15 +-6.86009,0.995405,0.932037,2,3,0,6.86567,0.15 +-6.86009,0.799308,0.932037,1,3,0,7.97123,0.15 +-8.99856,0.728419,0.932037,2,3,0,9.23129,0.15 +-9.09468,0.991837,0.932037,1,1,0,9.38997,0.15 +-8.73756,1,0.932037,1,1,0,9.24597,0.15 +-7.55986,0.937761,0.932037,1,3,0,8.57866,0.15 +-7.99912,0.937675,0.932037,1,1,0,8.05117,0.15 +-7.76055,1,0.932037,1,1,0,8.08641,0.15 +-8.28732,0.977606,0.932037,2,3,0,8.34339,0.15 +-6.82679,0.992827,0.932037,1,3,0,8.22618,0.15 +-6.87274,0.996281,0.932037,2,3,0,6.88424,0.15 +-6.78865,0.91873,0.932037,2,3,0,7.41091,0.15 +-6.76058,1,0.932037,2,3,0,6.78115,0.15 +-6.76058,0.44465,0.932037,2,3,0,10.1097,0.15 +-8.19963,0.701948,0.932037,1,3,0,8.62984,0.15 +-6.87827,1,0.932037,1,3,0,8.08649,0.15 +-6.90011,0.99488,0.932037,1,1,0,6.92793,0.15 +-7.58846,0.835161,0.932037,1,3,0,7.98997,0.15 +-6.84168,1,0.932037,2,3,0,7.32922,0.15 +-6.79898,0.907476,0.932037,2,3,0,7.23342,0.15 +-7.18968,0.940405,0.932037,2,3,0,7.1897,0.15 +-7.30081,0.811278,0.932037,2,3,0,8.27114,0.15 +-7.44395,0.975262,0.932037,1,1,0,7.52376,0.15 +-7.10913,1,0.932037,1,1,0,7.3984,0.15 +-6.74902,0.994264,0.932037,1,3,0,7.08219,0.15 +-7.95169,0.736282,0.932037,1,3,0,8.05657,0.15 +# +# Elapsed Time: 0.005 seconds (Warm-up) +# 0.012 seconds (Sampling) +# 0.017 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/bernoulli_default.csv b/src/test/unit/mcmc/test_csv_files/bernoulli_default.csv new file mode 100644 index 00000000000..d45074864f0 --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/bernoulli_default.csv @@ -0,0 +1,1057 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-20 18:56:30 UTC +# method = sample (Default) +# sample +# num_samples = 1000 (Default) +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3635036313 (Default) +# output +# file = bernoulli_out.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,theta +# Adaptation terminated +# Step size = 0.932037 +# Diagonal elements of inverse mass matrix: +# 0.591014 +-7.81355,0.761218,0.932037,1,3,0,8.13669,0.102158 +-8.71049,0.894869,0.932037,1,1,0,8.72268,0.0676546 +-7.3531,0.957519,0.932037,1,3,0,8.53469,0.131664 +-7.02007,1,0.932037,1,1,0,7.29505,0.166128 +-8.49033,0.716959,0.932037,1,3,0,9.20407,0.513986 +-7.18724,1,0.932037,1,1,0,8.06459,0.377282 +-10.0621,0.636916,0.932037,2,3,0,10.0852,0.615706 +-8.11851,1,0.932037,1,1,0,9.65805,0.482811 +-6.86936,0.948809,0.932037,2,3,0,8.60097,0.192035 +-7.13756,0.935492,0.932037,2,3,0,7.43717,0.151774 +-7.09122,1,0.932037,1,1,0,7.19518,0.157048 +-6.91669,1,0.932037,1,1,0,7.06383,0.182475 +-6.76371,0.840542,0.932037,2,3,0,8.08838,0.228308 +-6.84805,0.983351,0.932037,1,3,0,6.84861,0.197051 +-8.3727,0.653843,0.932037,2,3,0,9.53079,0.504537 +-7.25928,0.806553,0.932037,1,3,0,9.43963,0.139678 +-6.95987,0.853051,0.932037,2,3,0,9.71446,0.175062 +-6.95334,1,0.932037,1,1,0,7.00708,0.17612 +-6.98417,0.993206,0.932037,1,1,0,7.02663,0.171288 +-8.9535,0.727406,0.932037,1,3,0,9.27425,0.0610911 +-7.08162,0.995936,0.932037,2,3,0,9.00617,0.158197 +-7.16691,0.98306,0.932037,1,1,0,7.22238,0.148646 +-6.8898,1,0.932037,1,1,0,7.10684,0.18768 +-7.8902,0.846547,0.932037,1,3,0,7.96857,0.0983126 +-7.24239,1,0.932037,1,1,0,7.78446,0.14123 +-7.94748,0.888836,0.932037,1,1,0,7.94857,0.0955821 +-6.83694,0.864212,0.932037,2,3,0,8.91495,0.305006 +-6.83694,0.425574,0.932037,1,3,0,9.01249,0.305006 +-6.80131,0.985852,0.932037,1,3,0,6.93894,0.210747 +-6.74824,0.978446,0.932037,2,3,0,6.95179,0.252645 +-6.74832,0.945401,0.932037,2,3,0,7.0277,0.24694 +-6.85442,0.972221,0.932037,1,3,0,6.87104,0.310384 +-6.86406,0.996818,0.932037,1,1,0,6.89618,0.313175 +-7.11238,0.918504,0.932037,1,1,0,7.12695,0.365274 +-7.11238,0.431368,0.932037,1,1,0,8.53302,0.365274 +-6.79843,1,0.932037,1,1,0,7.00834,0.291015 +-6.74804,0.996585,0.932037,2,3,0,6.81732,0.249269 +-9.50952,0.509265,0.932037,1,3,0,9.67564,0.584141 +-8.27778,1,0.932037,1,1,0,9.48419,0.496645 +-7.2527,1,0.932037,2,3,0,8.04703,0.140278 +-6.75205,0.907555,0.932037,2,3,0,8.25548,0.238895 +-7.3411,0.857468,0.932037,1,3,0,7.42326,0.399305 +-7.07094,1,0.932037,1,1,0,7.32247,0.358137 +-7.04767,0.556206,0.932037,2,3,0,9.56585,0.353943 +-6.87625,1,0.932037,2,3,0,6.9975,0.190522 +-7.12535,0.945777,0.932037,1,1,0,7.12652,0.153122 +-7.12535,0.913353,0.932037,1,1,0,7.53634,0.153122 +-6.78755,1,0.932037,2,3,0,7.04258,0.286194 +-7.7545,0.780448,0.932037,1,3,0,7.76329,0.447766 +-6.77502,0.859809,0.932037,2,3,0,8.49845,0.221729 +-7.19668,0.726665,0.932037,2,3,0,8.64609,0.145619 +-9.64819,0.775506,0.932037,2,3,0,10.0305,0.0462333 +-6.86272,0.7808,0.932037,1,3,0,10.9403,0.312792 +-6.99329,0.696273,0.932037,2,3,0,8.30815,0.343519 +-6.99329,0.700745,0.932037,1,1,0,7.63428,0.343519 +-7.11558,0.957857,0.932037,1,1,0,7.18108,0.365809 +-6.80487,1,0.932037,2,3,0,7.09376,0.209509 +-6.97334,0.955154,0.932037,2,3,0,7.16146,0.17294 +-7.2664,0.98044,0.932037,2,3,0,7.27318,0.139035 +-7.06819,1,0.932037,2,3,0,7.25815,0.159843 +-6.74803,0.991749,0.932037,1,3,0,7.05576,0.250595 +-7.05542,0.823118,0.932037,2,3,0,7.78068,0.161448 +-6.89251,1,0.932037,1,1,0,7.02757,0.18713 +-6.76584,0.932575,0.932037,2,3,0,7.49343,0.22691 +-6.75064,0.997924,0.932037,2,3,0,6.78013,0.241023 +-6.91371,0.96173,0.932037,1,3,0,6.93351,0.183027 +-6.74953,0.994131,0.932037,1,3,0,6.91533,0.256915 +-8.33302,0.635332,0.932037,1,3,0,9.05105,0.0798054 +-8.04729,1,0.932037,1,1,0,8.43889,0.0910907 +-8.42015,0.956552,0.932037,1,1,0,8.53727,0.0767553 +-7.91154,1,0.932037,1,1,0,8.4304,0.0972813 +-7.65791,1,0.932037,1,1,0,7.97836,0.110745 +-7.97869,0.955317,0.932037,1,1,0,8.06587,0.0941427 +-6.81845,1,0.932037,1,3,0,7.88771,0.205153 +-6.76575,0.914099,0.932037,2,3,0,7.34829,0.274011 +-6.74964,0.996733,0.932037,2,3,0,6.78491,0.257167 +-6.77106,0.99494,0.932037,1,3,0,6.77141,0.27745 +-6.77106,0.945747,0.932037,1,3,0,6.92649,0.27745 +-6.77106,0.856062,0.932037,1,3,0,7.35372,0.27745 +-6.88028,0.948865,0.932037,2,3,0,7.03829,0.18966 +-7.33958,0.635769,0.932037,2,3,0,9.861,0.132761 +-8.06974,0.890942,0.932037,1,1,0,8.07292,0.0901234 +-6.97186,0.998838,0.932037,1,3,0,7.91764,0.173168 +-6.76939,0.981956,0.932037,1,3,0,7.03238,0.276417 +-7.44177,0.80944,0.932037,1,3,0,7.79154,0.124879 +-8.01591,0.972061,0.932037,2,3,0,8.03736,0.0924685 +-9.92045,0.865258,0.932037,2,3,0,9.92397,0.607959 +-7.31963,1,0.932037,2,3,0,10.3209,0.134414 +-6.9789,1,0.932037,1,1,0,7.25409,0.172086 +-7.21981,0.951312,0.932037,1,1,0,7.23197,0.143362 +-7.47612,0.930523,0.932037,2,3,0,8.12075,0.122424 +-6.81131,0.990375,0.932037,2,3,0,7.55719,0.207381 +-6.80278,0.920389,0.932037,2,3,0,7.43635,0.210229 +-6.88803,0.979103,0.932037,1,1,0,6.89063,0.188041 +-7.02902,0.795987,0.932037,2,3,0,8.6993,0.164908 +-6.74805,0.993012,0.932037,1,3,0,7.01716,0.250947 +-6.93322,0.952905,0.932037,1,3,0,6.95228,0.330673 +-6.76781,0.904559,0.932037,2,3,0,7.33629,0.275396 +-6.76232,0.985564,0.932037,2,3,0,6.83656,0.271521 +-6.87137,0.974516,0.932037,1,3,0,6.87148,0.31522 +-7.21556,0.953187,0.932037,2,3,0,7.22785,0.381575 +-6.76367,0.998041,0.932037,1,3,0,7.1984,0.228336 +-6.82308,0.981349,0.932037,1,3,0,6.86896,0.30038 +-6.82308,0.352125,0.932037,1,3,0,10.8402,0.30038 +-6.99474,0.738309,0.932037,2,3,0,8.0486,0.34381 +-6.99474,0.963463,0.932037,1,1,0,7.1311,0.34381 +-6.8637,0.713515,0.932037,2,3,0,8.29356,0.313071 +-6.94178,0.974091,0.932037,1,1,0,6.96832,0.332611 +-6.80481,1,0.932037,2,3,0,6.9081,0.209531 +-6.92327,0.971351,0.932037,1,1,0,6.92425,0.181278 +-7.1233,0.957499,0.932037,1,1,0,7.13244,0.153351 +-6.76778,0.973133,0.932037,1,3,0,7.19571,0.275378 +-6.90939,0.888041,0.932037,2,3,0,7.29419,0.325052 +-7.3757,0.927908,0.932037,2,3,0,7.37586,0.129868 +-7.33194,1,0.932037,1,1,0,7.48008,0.133389 +-6.86262,0.893077,0.932037,2,3,0,9.38827,0.193563 +-6.74929,0.996117,0.932037,1,3,0,6.86347,0.256335 +-6.74964,0.943201,0.932037,2,3,0,7.03592,0.242941 +-6.9015,0.968295,0.932037,2,3,0,6.96204,0.18535 +-7.81106,0.864491,0.932037,1,3,0,7.86554,0.102287 +-8.616,0.90424,0.932037,1,1,0,8.63659,0.0704513 +-8.16761,1,0.932037,1,1,0,8.67561,0.0860773 +-6.96545,1,0.932037,1,3,0,8.01828,0.174173 +-6.75813,1,0.932037,1,3,0,6.92669,0.232517 +-6.75424,1,0.932037,1,1,0,6.75812,0.236232 +-7.76056,0.503853,0.932037,2,3,0,10.2889,0.104957 +-7.12518,1,0.932037,1,1,0,7.64631,0.153141 +-7.67249,0.905419,0.932037,1,1,0,7.67491,0.109892 +-7.63881,1,0.932037,1,1,0,7.83222,0.11188 +-7.3844,0.889767,0.932037,1,3,0,8.80917,0.405007 +-6.76719,1,0.932037,1,3,0,7.348,0.226074 +-7.47953,0.852161,0.932037,1,3,0,7.59716,0.122185 +-7.42386,1,0.932037,2,3,0,7.59422,0.126195 +-7.91668,0.975432,0.932037,2,3,0,7.94672,0.0970356 +-6.83066,1,0.932037,2,3,0,7.62924,0.302955 +-6.96269,0.956934,0.932037,1,1,0,6.97473,0.337182 +-6.74847,0.963031,0.932037,2,3,0,7.15706,0.253745 +-6.80708,0.988647,0.932037,2,3,0,6.82289,0.208765 +-6.91792,0.9732,0.932037,1,1,0,6.91947,0.18225 +-6.84983,1,0.932037,2,3,0,6.91467,0.196611 +-6.88905,0.990653,0.932037,1,1,0,6.90679,0.187834 +-7.15463,0.975663,0.932037,2,3,0,7.16,0.372177 +-6.9586,1,0.932037,1,1,0,7.13267,0.336303 +-7.56708,0.803851,0.932037,1,1,0,7.59178,0.42727 +-6.76736,1,0.932037,1,3,0,7.31987,0.275105 +-6.80123,0.959699,0.932037,2,3,0,6.95431,0.292173 +-6.80123,0.759564,0.932037,1,3,0,7.84546,0.292173 +-6.80123,0.902778,0.932037,1,3,0,7.20675,0.292173 +-6.80123,0.96482,0.932037,1,1,0,6.88076,0.292173 +-6.78299,0.988689,0.932037,2,3,0,6.88032,0.217954 +-7.1107,0.936673,0.932037,1,3,0,7.12632,0.154778 +-7.31567,0.961429,0.932037,1,1,0,7.35195,0.134747 +-7.07455,0.968694,0.932037,2,3,0,7.7776,0.159058 +-6.74831,0.993779,0.932037,1,3,0,7.05357,0.247022 +-6.84249,0.975275,0.932037,1,3,0,6.85756,0.306763 +-6.88224,0.995647,0.932037,2,3,0,6.90622,0.31816 +-8.68021,0.668585,0.932037,2,3,0,8.68611,0.0685348 +-7.80603,1,0.932037,1,1,0,8.5851,0.102548 +-7.27572,1,0.932037,1,1,0,7.73044,0.138203 +-8.91337,0.902662,0.932037,2,3,0,9.15324,0.545374 +-7.22471,0.840347,0.932037,1,3,0,9.85532,0.142893 +-7.57214,0.980256,0.932037,2,3,0,7.60142,0.116002 +-7.46188,1,0.932037,1,1,0,7.66831,0.123431 +-7.21293,1,0.932037,1,1,0,7.46083,0.144026 +-7.27196,0.911127,0.932037,1,3,0,8.06683,0.389783 +-6.99285,1,0.932037,1,1,0,7.22442,0.343431 +-7.64686,0.789204,0.932037,1,1,0,7.67915,0.436243 +-7.64686,0.588674,0.932037,1,1,0,8.70948,0.436243 +-6.76317,0.84811,0.932037,2,3,0,8.40171,0.228672 +-6.75852,0.995961,0.932037,2,3,0,6.79457,0.232184 +-6.96185,0.956175,0.932037,2,3,0,7.06538,0.174745 +-6.7597,0.95957,0.932037,2,3,0,7.23201,0.269421 +-6.95356,0.940807,0.932037,1,3,0,7.05195,0.176085 +-6.74802,0.995879,0.932037,1,3,0,6.94105,0.250316 +-6.80409,0.985416,0.932037,1,3,0,6.81492,0.209778 +-6.78431,0.93291,0.932037,2,3,0,7.30965,0.217376 +-6.85124,0.98309,0.932037,1,1,0,6.85256,0.196264 +-6.91874,0.970098,0.932037,1,3,0,7.11707,0.327302 +-6.91874,0.434093,0.932037,1,3,0,9.39656,0.327302 +-6.92998,0.940657,0.932037,2,3,0,7.25758,0.180084 +-6.7616,0.987015,0.932037,1,3,0,6.96899,0.270965 +-6.77385,0.996249,0.932037,1,1,0,6.77617,0.279101 +-7.11956,0.891801,0.932037,1,3,0,7.32561,0.153771 +-7.10361,0.938678,0.932037,1,3,0,7.72046,0.363797 +-7.10361,0.642361,0.932037,1,1,0,7.89438,0.363797 +-8.5001,0.593919,0.932037,1,1,0,8.53813,0.514754 +-7.1692,1,0.932037,2,3,0,8.39313,0.148408 +-6.99964,1,0.932037,2,3,0,7.15856,0.169008 +-6.82605,1,0.932037,1,1,0,6.95904,0.202915 +-6.80069,1,0.932037,1,1,0,6.8286,0.210965 +-6.80069,0.826864,0.932037,1,3,0,7.56839,0.210965 +-6.80069,0.712989,0.932037,1,3,0,8.08135,0.210965 +-6.79864,1,0.932037,1,1,0,6.81323,0.211702 +-7.21975,0.922333,0.932037,1,3,0,7.24006,0.143367 +-6.75061,0.978686,0.932037,1,3,0,7.23991,0.259057 +-8.50882,0.710206,0.932037,2,3,0,8.58833,0.0738116 +-6.98994,1,0.932037,1,3,0,8.37388,0.170428 +-8.68191,0.796805,0.932037,2,3,0,9.47091,0.528667 +-7.31609,1,0.932037,2,3,0,8.2644,0.395923 +-7.14381,1,0.932037,1,1,0,7.36712,0.370442 +-7.14381,0.475525,0.932037,1,1,0,8.41075,0.370442 +-7.29505,0.813437,0.932037,2,3,0,8.20133,0.136508 +-7.97276,0.895575,0.932037,1,1,0,7.97663,0.0944136 +-9.00874,0.888587,0.932037,1,1,0,9.0167,0.0597133 +-8.5484,1,0.932037,1,1,0,9.10361,0.0725465 +-7.88735,1,0.932037,1,1,0,8.51142,0.0984513 +-7.36782,1,0.932037,1,1,0,7.8262,0.130489 +-7.34887,1,0.932037,1,1,0,7.48713,0.132005 +-6.81839,0.987631,0.932037,2,3,0,7.46646,0.205169 +-6.81839,0.712592,0.932037,1,3,0,8.16085,0.205169 +-6.74807,0.998893,0.932037,1,3,0,6.81316,0.251268 +-6.87013,0.959268,0.932037,2,3,0,6.97825,0.314875 +-6.76585,1,0.932037,1,1,0,6.83725,0.274086 +-6.7566,0.994396,0.932037,2,3,0,6.80045,0.233869 +-6.7566,0.628726,0.932037,1,3,0,8.7002,0.233869 +-6.82277,0.986161,0.932037,1,3,0,6.82387,0.203864 +-7.3013,0.877627,0.932037,1,3,0,7.5333,0.393891 +-8.78447,0.79108,0.932037,2,3,0,8.87542,0.536201 +-7.50584,1,0.932037,1,1,0,8.46306,0.420094 +-7.15669,1,0.932037,1,1,0,7.48033,0.372505 +-7.43591,0.967588,0.932037,2,3,0,7.54437,0.411558 +-6.96987,0.913229,0.932037,1,3,0,7.88228,0.173478 +-6.89773,1,0.932037,1,1,0,6.97541,0.186089 +-7.36158,0.930716,0.932037,1,3,0,7.36402,0.130984 +-7.16589,1,0.932037,1,1,0,7.37174,0.148752 +-6.95869,1,0.932037,1,1,0,7.13528,0.175252 +-7.16168,0.929564,0.932037,1,3,0,7.57434,0.373296 +-8.02154,0.725795,0.932037,1,1,0,8.09574,0.473982 +-8.63423,0.930003,0.932037,2,3,0,9.03662,0.52509 +-6.93887,1,0.932037,1,1,0,8.0172,0.331956 +-6.87271,1,0.932037,1,1,0,6.94734,0.315589 +-6.77339,1,0.932037,2,3,0,6.85408,0.222571 +-6.98298,0.942095,0.932037,1,3,0,7.07789,0.341427 +-6.75868,1,0.932037,1,3,0,6.91623,0.268536 +-6.7906,0.973381,0.932037,2,3,0,6.88716,0.2876 +-7.56742,0.820209,0.932037,1,3,0,7.57193,0.427309 +-6.75108,1,0.932037,1,3,0,7.35001,0.259868 +-6.80655,0.983396,0.932037,1,3,0,6.83092,0.208942 +-6.91728,0.973208,0.932037,1,1,0,6.91879,0.182366 +-7.7691,0.915431,0.932037,2,3,0,7.98664,0.449282 +-6.765,1,0.932037,1,3,0,7.46164,0.273492 +-7.37311,0.856184,0.932037,1,3,0,7.3856,0.403538 +-7.3305,1,0.932037,1,1,0,7.55404,0.39788 +-7.3305,0.663523,0.932037,1,1,0,8.12143,0.39788 +-7.12567,0.837343,0.932037,1,3,0,8.09517,0.153086 +-7.15885,0.957841,0.932037,2,3,0,7.71194,0.149489 +-6.75049,0.994782,0.932037,1,3,0,7.12461,0.241282 +-6.81461,0.982255,0.932037,1,3,0,6.83366,0.297352 +-6.75614,0.996516,0.932037,1,3,0,6.83027,0.234298 +-6.74853,0.904663,0.932037,2,3,0,7.2911,0.246039 +-7.01677,0.911602,0.932037,2,3,0,7.26139,0.348138 +-6.92929,0.642216,0.932037,2,3,0,8.77716,0.32977 +-7.65529,0.771289,0.932037,1,1,0,7.66932,0.43717 +-7.01834,1,0.932037,1,1,0,7.46402,0.348441 +-6.74897,1,0.932037,1,3,0,6.95557,0.255474 +-9.81129,0.348606,0.932037,1,3,0,11.6845,0.0433987 +-10.4379,0.964322,0.932037,1,1,0,10.6078,0.0342236 +-12.3737,0.923455,0.932037,1,1,0,12.3737,0.0170254 +-8.6914,0.906628,0.932037,1,3,0,12.5921,0.0682079 +-7.8205,1,0.932037,1,1,0,8.59832,0.1018 +-6.76573,0.925015,0.932037,1,3,0,8.00716,0.274002 +-7.18424,0.803585,0.932037,2,3,0,7.86457,0.146867 +-6.74867,0.98391,0.932037,1,3,0,7.18696,0.254535 +-6.74867,0.809678,0.932037,1,3,0,7.5541,0.254535 +-6.78928,0.864392,0.932037,2,3,0,7.45892,0.21529 +-7.73008,0.857073,0.932037,2,3,0,7.95215,0.106623 +-6.90924,0.999548,0.932037,1,3,0,7.59486,0.183866 +-6.83204,1,0.932037,1,1,0,6.89889,0.201236 +-6.92095,0.978894,0.932037,1,1,0,6.92784,0.181697 +-6.84946,1,0.932037,1,1,0,6.91633,0.196703 +-6.87329,0.97872,0.932037,1,3,0,7.05429,0.315746 +-7.77797,0.726161,0.932037,1,1,0,7.77978,0.450197 +-7.91451,0.983052,0.932037,2,3,0,8.2695,0.463836 +-6.99541,0.905965,0.932037,1,3,0,8.38798,0.169623 +-6.76541,0.9819,0.932037,1,3,0,7.04888,0.273777 +-6.75969,1,0.932037,1,1,0,6.76622,0.269411 +-6.88511,0.980043,0.932037,2,3,0,6.89657,0.188645 +-6.77682,0.92494,0.932037,2,3,0,7.55206,0.220831 +-7.22693,0.885941,0.932037,1,3,0,7.36359,0.383265 +-7.08301,1,0.932037,2,3,0,7.27,0.360257 +-6.74807,1,0.932037,1,3,0,7.01313,0.251185 +-6.78184,0.991048,0.932037,1,3,0,6.7889,0.218469 +-7.7414,0.782413,0.932037,1,3,0,7.94246,0.446396 +-8.34868,0.79224,0.932037,1,1,0,8.64598,0.502563 +-6.96656,1,0.932037,1,1,0,7.85206,0.338006 +-8.55062,0.559382,0.932037,1,1,0,8.55696,0.518696 +-8.71259,0.939683,0.932037,1,1,0,9.36157,0.530944 +-7.02011,1,0.932037,1,1,0,8.0992,0.34878 +-7.73032,0.771978,0.932037,1,1,0,7.7681,0.445231 +-7.58699,1,0.932037,1,1,0,7.95753,0.429546 +-10.1664,0.37457,0.932037,1,1,0,10.2962,0.621272 +-9.05941,1,0.932037,2,3,0,10.4928,0.555399 +-6.95163,0.994678,0.932037,1,3,0,9.25144,0.176401 +-6.991,0.991344,0.932037,1,1,0,7.03106,0.170271 +-6.93665,1,0.932037,1,1,0,7.01246,0.178921 +-7.53693,0.951931,0.932037,2,3,0,7.60421,0.42377 +-7.35042,1,0.932037,1,1,0,7.65542,0.400548 +-6.74833,1,0.932037,1,3,0,7.21002,0.253091 +-7.30096,0.866757,0.932037,1,3,0,7.34306,0.393844 +-7.33424,0.995938,0.932037,2,3,0,7.52117,0.398384 +-7.00834,1,0.932037,1,1,0,7.27119,0.346501 +-7.00834,0.750927,0.932037,1,3,0,7.93882,0.346501 +-6.85276,0.717415,0.932037,2,3,0,8.2801,0.309891 +-6.88149,0.915088,0.932037,2,3,0,7.26489,0.189404 +-7.01531,0.954346,0.932037,2,3,0,7.30842,0.166787 +-8.49716,0.821021,0.932037,2,3,0,8.90444,0.0741898 +-7.75198,1,0.932037,2,3,0,8.42455,0.105422 +-6.78374,0.995713,0.932037,1,3,0,7.67855,0.217625 +-6.78319,0.955918,0.932037,2,3,0,7.05067,0.284087 +-6.76877,0.993356,0.932037,2,3,0,6.83116,0.225131 +-6.76604,1,0.932037,2,3,0,6.77242,0.226786 +-6.80257,0.828664,0.932037,2,3,0,7.81548,0.210302 +-6.7921,0.928548,0.932037,2,3,0,7.34502,0.214164 +-6.7921,0.869785,0.932037,1,3,0,7.3846,0.214164 +-6.78247,1,0.932037,1,1,0,6.7969,0.218184 +-6.77338,0.944315,0.932037,2,3,0,7.11056,0.278828 +-6.88767,0.984579,0.932037,2,3,0,6.89149,0.188115 +-6.87758,1,0.932037,1,1,0,6.91573,0.190237 +-6.98427,0.975828,0.932037,1,1,0,6.997,0.171274 +-8.16006,0.847199,0.932037,1,3,0,8.23533,0.0863802 +-6.92926,1,0.932037,1,3,0,8.02086,0.180209 +-6.75334,1,0.932037,1,3,0,6.89875,0.237258 +-6.76157,0.984481,0.932037,2,3,0,6.84166,0.270942 +-6.77437,0.916298,0.932037,2,3,0,7.16943,0.222065 +-6.89883,0.966797,0.932037,2,3,0,7.01941,0.185873 +-7.61554,0.929243,0.932037,2,3,0,7.77465,0.432768 +-6.74865,1,0.932037,1,3,0,7.4327,0.2456 +-7.90889,0.736401,0.932037,1,3,0,8.30046,0.0974084 +-7.36433,1,0.932037,1,1,0,7.84078,0.130766 +-6.7517,1,0.932037,2,3,0,7.32628,0.239385 +-7.47731,0.835796,0.932037,1,3,0,7.65004,0.122341 +-6.82682,1,0.932037,1,3,0,7.36972,0.202696 +-6.75257,1,0.932037,1,3,0,6.81023,0.238212 +-6.74814,0.924039,0.932037,2,3,0,7.16556,0.251902 +-6.77547,0.992637,0.932037,1,3,0,6.7818,0.221503 +-6.77883,0.96017,0.932037,2,3,0,7.01271,0.281846 +-6.83214,0.92718,0.932037,2,3,0,7.10706,0.303446 +-6.74855,0.999857,0.932037,1,3,0,6.82323,0.245948 +-6.75208,0.991977,0.932037,2,3,0,6.79074,0.261375 +-6.74875,1,0.932037,2,3,0,6.7511,0.254796 +-6.76331,0.987877,0.932037,2,3,0,6.81164,0.228577 +-7.11253,0.925924,0.932037,1,3,0,7.14728,0.154568 +-7.33832,0.934594,0.932037,2,3,0,7.89183,0.132864 +-7.40317,0.891695,0.932037,1,3,0,8.40906,0.407422 +-6.83199,1,0.932037,2,3,0,7.43757,0.20125 +-6.83199,0.774019,0.932037,1,3,0,8.04658,0.20125 +-6.99888,0.961352,0.932037,1,1,0,7.00012,0.169119 +-6.76802,0.991205,0.932037,2,3,0,7.06627,0.225576 +-7.1899,0.912501,0.932037,1,3,0,7.23327,0.146297 +-7.0344,0.951025,0.932037,1,3,0,7.71962,0.351486 +-6.74861,0.964191,0.932037,2,3,0,7.23266,0.245744 +-6.9356,0.954146,0.932037,1,3,0,6.96807,0.179103 +-6.8766,1,0.932037,1,1,0,6.94182,0.190446 +-6.86303,0.963467,0.932037,2,3,0,7.17361,0.312881 +-6.89691,0.996253,0.932037,2,3,0,6.92839,0.321957 +-6.74898,0.989445,0.932037,2,3,0,6.95643,0.244562 +-6.75192,0.906807,0.932037,2,3,0,7.25324,0.239077 +-6.89356,0.962004,0.932037,1,3,0,6.92873,0.321106 +-6.8915,1,0.932037,1,1,0,6.93856,0.320577 +-8.04782,0.661095,0.932037,1,1,0,8.04944,0.476407 +-6.96778,1,0.932037,2,3,0,8.10818,0.173806 +-6.94531,0.967319,0.932037,1,3,0,7.30665,0.333397 +-6.79303,1,0.932037,1,1,0,6.89785,0.28869 +-6.75073,0.998473,0.932037,1,3,0,6.79703,0.240873 +-6.74807,0.922346,0.932037,2,3,0,7.17097,0.248807 +-6.79664,0.986959,0.932037,2,3,0,6.82676,0.290259 +-7.42084,0.890966,0.932037,2,3,0,7.44601,0.12642 +-7.07938,1,0.932037,1,1,0,7.36895,0.158469 +-6.76996,0.975074,0.932037,1,3,0,7.1524,0.27677 +-6.97097,0.781354,0.932037,2,3,0,7.8694,0.173307 +-7.45672,0.874497,0.932037,1,3,0,7.94747,0.41414 +-7.73982,0.898709,0.932037,1,1,0,7.95818,0.446231 +-6.75761,1,0.932037,1,3,0,7.45331,0.267571 +-6.75128,1,0.932037,2,3,0,6.75597,0.26018 +-6.74857,0.969275,0.932037,2,3,0,6.90378,0.245862 +-6.78162,0.964009,0.932037,2,3,0,6.94604,0.218566 +-6.94452,0.969782,0.932037,1,3,0,6.94577,0.177582 +-6.83464,1,0.932037,1,1,0,6.92359,0.200526 +-6.85125,0.978801,0.932037,2,3,0,7.03988,0.196263 +-8.70862,0.498506,0.932037,2,3,0,10.892,0.0677086 +-7.14422,0.988771,0.932037,1,3,0,8.54862,0.151051 +-8.22719,0.86569,0.932037,1,3,0,8.25029,0.083741 +-7.98302,1,0.932037,1,1,0,8.34174,0.0939456 +-7.66766,1,0.932037,1,1,0,8.02784,0.110173 +-8.24143,0.924458,0.932037,1,1,0,8.28161,0.0831957 +-7.67998,1,0.932037,1,1,0,8.20801,0.109457 +-7.87681,0.972029,0.932037,1,1,0,7.99803,0.0989677 +-6.74849,0.941373,0.932037,1,3,0,7.96721,0.253832 +-7.11836,0.837369,0.932037,2,3,0,7.62397,0.366273 +-6.79142,1,0.932037,2,3,0,7.01021,0.287974 +-6.77524,1,0.932037,1,1,0,6.79217,0.279893 +-6.79636,0.997801,0.932037,2,3,0,6.8016,0.290137 +-6.79636,0.948581,0.932037,1,1,0,6.90729,0.290137 +-6.87559,0.872276,0.932037,2,3,0,7.36427,0.316373 +-7.91757,0.674512,0.932037,1,3,0,8.87065,0.0969933 +-6.74935,0.935438,0.932037,1,3,0,8.03013,0.256485 +-6.74803,0.97594,0.932037,2,3,0,6.86976,0.250537 +-6.81513,0.982667,0.932037,1,3,0,6.82306,0.297542 +-7.49872,0.879887,0.932037,2,3,0,7.51782,0.120857 +-7.49872,0.948913,0.932037,1,1,0,7.85236,0.120857 +-8.04293,0.922216,0.932037,1,1,0,8.07282,0.0912801 +-7.35293,1,0.932037,2,3,0,7.93996,0.131677 +-7.35293,0.883408,0.932037,1,1,0,8.02395,0.131677 +-6.80493,1,0.932037,1,3,0,7.25923,0.209492 +-6.82698,0.998151,0.932037,2,3,0,6.83752,0.202651 +-6.88114,0.986899,0.932037,1,1,0,6.89144,0.189478 +-6.74827,0.964042,0.932037,2,3,0,7.17919,0.25277 +-6.93633,0.882605,0.932037,2,3,0,7.40536,0.178978 +-8.02922,0.766313,0.932037,1,3,0,8.54794,0.474694 +-6.88064,1,0.932037,1,1,0,7.62039,0.317732 +-6.99856,0.960668,0.932037,1,1,0,7.02674,0.344573 +-6.9205,1,0.932037,1,1,0,7.0171,0.327717 +-7.23497,0.895629,0.932037,1,1,0,7.26191,0.384449 +-6.81255,0.65863,0.932037,2,3,0,8.81442,0.296589 +-6.8557,0.986062,0.932037,1,1,0,6.86976,0.310763 +-6.8557,0.724177,0.932037,1,3,0,7.66358,0.310763 +-6.75301,0.997497,0.932037,1,3,0,6.85969,0.23766 +-9.62741,0.500859,0.932037,1,3,0,9.855,0.591191 +-7.2064,1,0.932037,2,3,0,8.74926,0.3802 +-6.75431,0.815869,0.932037,2,3,0,7.99167,0.264191 +-6.77251,0.990864,0.932037,2,3,0,6.80395,0.22304 +-7.81008,0.844756,0.932037,2,3,0,8.00316,0.102338 +-8.11847,0.959711,0.932037,1,1,0,8.22643,0.0880753 +-9.24757,0.890376,0.932037,2,3,0,10.2168,0.0541819 +-6.88942,0.799493,0.932037,1,3,0,10.3695,0.320039 +-6.88942,0.261019,0.932037,1,3,0,10.9724,0.320039 +-6.80124,0.870892,0.932037,2,3,0,7.43049,0.29218 +-6.74978,0.998863,0.932037,1,3,0,6.80164,0.242642 +-7.17245,0.854684,0.932037,2,3,0,7.6,0.374989 +-8.81972,0.538088,0.932037,1,1,0,8.86828,0.538741 +-7.40622,1,0.932037,2,3,0,8.5393,0.127518 +-7.26318,0.961918,0.932037,2,3,0,8.05474,0.139325 +-7.34728,0.984906,0.932037,1,1,0,7.43596,0.132134 +-6.86243,0.997387,0.932037,1,3,0,7.24798,0.193608 +-6.89308,0.975225,0.932037,1,3,0,7.09809,0.320982 +-7.32886,0.939094,0.932037,2,3,0,7.34307,0.397658 +-7.57152,0.913466,0.932037,1,1,0,7.74604,0.427779 +-6.94728,1,0.932037,1,1,0,7.36923,0.333835 +-6.81842,1,0.932037,1,1,0,6.91356,0.298735 +-6.76216,1,0.932037,2,3,0,6.80728,0.229381 +-6.85768,0.974601,0.932037,2,3,0,6.94204,0.194717 +-6.77062,0.988638,0.932037,1,3,0,6.90934,0.277178 +-6.91451,0.978923,0.932037,2,3,0,6.91452,0.326292 +-6.78227,1,0.932037,1,1,0,6.87294,0.283622 +-7.62346,0.806356,0.932037,1,3,0,7.63204,0.433652 +-6.83206,1,0.932037,1,1,0,7.34914,0.303417 +-7.29941,0.815839,0.932037,2,3,0,7.843,0.136132 +-7.31671,0.996885,0.932037,1,1,0,7.4311,0.134659 +-6.78343,0.991818,0.932037,2,3,0,7.37529,0.21776 +-6.86006,0.980687,0.932037,1,1,0,6.8608,0.194157 +-6.77605,1,0.932037,1,1,0,6.83853,0.221209 +-6.86042,0.973286,0.932037,1,3,0,6.93518,0.312134 +-6.75338,0.997358,0.932037,1,3,0,6.86494,0.237216 +-6.83799,0.976298,0.932037,1,3,0,6.868,0.305342 +-7.00374,0.713633,0.932037,2,3,0,8.19304,0.345598 +-6.75259,0.98344,0.932037,2,3,0,7.10169,0.238182 +-6.79496,0.987555,0.932037,1,3,0,6.81495,0.289538 +-6.9391,0.981259,0.932037,2,3,0,6.94195,0.332008 +-7.22517,0.904285,0.932037,1,1,0,7.25937,0.383004 +-7.21052,1,0.932037,1,1,0,7.37602,0.38082 +-6.75985,0.787087,0.932037,2,3,0,8.11836,0.269544 +-6.86031,0.946513,0.932037,2,3,0,7.03793,0.194099 +-8.19403,0.780681,0.932037,1,3,0,8.38612,0.0850298 +-6.7609,1,0.932037,2,3,0,7.87703,0.270409 +-6.95309,0.78127,0.932037,2,3,0,7.88077,0.176161 +-9.56705,0.565191,0.932037,1,3,0,10.2818,0.587604 +-6.75776,1,0.932037,1,3,0,8.93023,0.232834 +-6.77632,0.994978,0.932037,1,1,0,6.77679,0.221079 +-6.82265,0.996019,0.932037,2,3,0,6.82416,0.203899 +-6.89139,0.983404,0.932037,1,1,0,6.89889,0.187357 +-6.89139,0.777655,0.932037,1,3,0,8.12126,0.187357 +-7.13161,0.926877,0.932037,1,3,0,7.44089,0.36846 +-8.35546,0.633109,0.932037,1,1,0,8.40627,0.503122 +-7.06834,0.886614,0.932037,1,3,0,8.96147,0.159824 +-7.28399,0.958522,0.932037,1,1,0,7.31204,0.137472 +-7.28327,1,0.932037,1,1,0,7.40052,0.137535 +-7.93284,0.898826,0.932037,1,1,0,7.93762,0.0962692 +-7.81694,1,0.932037,1,1,0,8.08024,0.101983 +-7.6919,1,0.932037,1,1,0,7.94232,0.108772 +-6.76979,0.932315,0.932037,1,3,0,7.86435,0.276668 +-6.97696,0.966811,0.932037,2,3,0,6.99094,0.172382 +-7.49857,0.902721,0.932037,2,3,0,7.93254,0.120867 +-7.50324,0.999237,0.932037,1,1,0,7.65578,0.120547 +-6.91611,1,0.932037,2,3,0,7.33316,0.326673 +-6.74956,1,0.932037,1,3,0,6.89861,0.243108 +-8.35635,0.667972,0.932037,1,3,0,8.48862,0.503195 +-8.35709,0.999715,0.932037,1,1,0,8.94945,0.503256 +-7.01492,1,0.932037,2,3,0,8.49553,0.16684 +-7.08433,0.985549,0.932037,1,1,0,7.13054,0.157871 +-7.29556,0.986569,0.932037,2,3,0,7.32674,0.136464 +-6.82002,1,0.932037,2,3,0,7.16863,0.299304 +-6.82002,0.827599,0.932037,1,1,0,7.18527,0.299304 +-6.96415,0.766705,0.932037,2,3,0,7.8936,0.337494 +-7.10108,0.953204,0.932037,1,1,0,7.15511,0.363367 +-7.08567,1,0.932037,1,1,0,7.2067,0.36072 +-8.18465,0.665208,0.932037,1,1,0,8.22692,0.488652 +-6.98816,1,0.932037,2,3,0,8.27915,0.170692 +-6.9991,0.951104,0.932037,2,3,0,7.40622,0.344679 +-6.87003,0.959893,0.932037,1,3,0,7.2399,0.191886 +-8.86597,0.67165,0.932037,1,3,0,9.3173,0.0633574 +-9.22117,0.969943,0.932037,1,1,0,9.41531,0.0547614 +-10.3294,0.926924,0.932037,1,1,0,10.3727,0.0356412 +-8.32325,0.989504,0.932037,2,3,0,10.9313,0.0801578 +-8.85098,0.946649,0.932037,1,1,0,8.95519,0.0637563 +-9.31959,0.960963,0.932037,1,1,0,9.47897,0.0526385 +-10.3022,0.93649,0.932037,1,1,0,10.3691,0.0360059 +-10.3363,0.998194,0.932037,1,1,0,10.7444,0.0355494 +-7.06812,1,0.932037,2,3,0,10.0104,0.159851 +-7.09449,0.998201,0.932037,2,3,0,7.16215,0.156661 +-7.41044,0.941678,0.932037,1,1,0,7.42835,0.127199 +-6.74954,0.897451,0.932037,2,3,0,8.358,0.256927 +-7.01483,0.952044,0.932037,2,3,0,7.06471,0.166853 +-7.04361,0.949288,0.932037,1,3,0,7.50082,0.353197 +-6.84344,1,0.932037,1,1,0,6.98754,0.30706 +-6.76346,1,0.932037,1,1,0,6.81845,0.272378 +-6.77171,0.981093,0.932037,2,3,0,6.85292,0.277844 +-6.84864,0.975946,0.932037,1,1,0,6.84963,0.308656 +-6.79009,1,0.932037,1,1,0,6.8359,0.287368 +-7.3603,0.823525,0.932037,1,3,0,7.7309,0.131086 +-7.81047,0.929962,0.932037,1,1,0,7.84015,0.102318 +-7.78154,1,0.932037,1,1,0,7.99363,0.103835 +-6.7517,1,0.932037,2,3,0,7.65292,0.239378 +-6.78798,0.848042,0.932037,2,3,0,7.61324,0.21582 +-6.76,0.921142,0.932037,2,3,0,7.25211,0.269673 +-6.79557,0.983288,0.932037,2,3,0,6.85013,0.212834 +-7.19183,0.926349,0.932037,1,3,0,7.21025,0.146103 +-7.38792,0.988215,0.932037,2,3,0,7.43851,0.128917 +-6.96601,1,0.932037,2,3,0,7.30212,0.174084 +-7.05786,0.980406,0.932037,1,1,0,7.08973,0.161138 +-7.16196,0.993052,0.932037,2,3,0,7.20877,0.149163 +-6.77281,0.912405,0.932037,2,3,0,8.28922,0.22288 +-6.75974,1,0.932037,1,1,0,6.77054,0.2312 +-6.74904,0.896827,0.932037,2,3,0,7.34903,0.244397 +-6.99017,0.938166,0.932037,1,3,0,7.02613,0.342891 +-9.18272,0.444151,0.932037,1,1,0,9.18621,0.563582 +-7.27998,1,0.932037,1,1,0,8.53072,0.390916 +-6.81588,0.976625,0.932037,1,3,0,7.39388,0.205939 +-6.85158,0.981914,0.932037,1,3,0,6.98055,0.309541 +-7.61781,0.765141,0.932037,1,1,0,7.61874,0.433021 +-6.79258,0.997137,0.932037,1,3,0,7.61795,0.21398 +-8.09444,0.722711,0.932037,1,3,0,8.35089,0.48065 +-8.09444,0.731058,0.932037,1,1,0,9.00859,0.48065 +-8.96537,0.715603,0.932037,1,1,0,9.37304,0.548986 +-8.78035,1,0.932037,1,1,0,9.62889,0.535902 +-7.21874,0.836764,0.932037,1,3,0,9.71962,0.143465 +-6.75061,0.911636,0.932037,2,3,0,8.14176,0.241082 +-7.65204,0.639147,0.932037,2,3,0,8.88575,0.436812 +-6.95151,1,0.932037,1,1,0,7.42019,0.334765 +-7.03245,0.89047,0.932037,2,3,0,7.4925,0.164448 +-6.93323,1,0.932037,1,1,0,7.03482,0.179514 +-6.93323,0.839701,0.932037,1,3,0,7.95662,0.179514 +-6.8181,1,0.932037,1,1,0,6.90794,0.205258 +-6.96817,0.964576,0.932037,1,1,0,6.96901,0.173744 +-6.75177,1,0.932037,2,3,0,6.94088,0.260926 +-6.75748,0.994596,0.932037,2,3,0,6.77947,0.267449 +-6.75598,1,0.932037,2,3,0,6.75911,0.265983 +-7.35596,0.838068,0.932037,1,3,0,7.60728,0.131434 +-6.75779,0.906448,0.932037,2,3,0,8.09794,0.267737 +-6.83162,0.952059,0.932037,2,3,0,6.9908,0.303273 +-7.67816,0.806003,0.932037,1,3,0,7.67819,0.43966 +-6.92603,0.932427,0.932037,1,3,0,8.01057,0.180783 +-7.07054,0.950192,0.932037,2,3,0,7.4224,0.159552 +-6.7484,0.994215,0.932037,1,3,0,7.0485,0.246555 +-7.08258,0.918347,0.932037,1,3,0,7.15481,0.158082 +-7.08258,0.737878,0.932037,1,3,0,9.18161,0.158082 +-7.35202,0.949338,0.932037,1,1,0,7.3743,0.131751 +-6.74881,0.983413,0.932037,1,3,0,7.33477,0.245074 +-6.95539,0.949695,0.932037,1,3,0,6.9911,0.175786 +-7.15608,0.958335,0.932037,1,1,0,7.16954,0.149783 +-6.83348,0.99773,0.932037,1,3,0,7.08351,0.200841 +-7.24483,0.931935,0.932037,1,3,0,7.25275,0.141003 +-6.98535,1,0.932037,1,1,0,7.20252,0.171111 +-6.79714,0.986131,0.932037,2,3,0,7.11242,0.212252 +-6.75975,0.994219,0.932037,2,3,0,6.84154,0.231186 +-7.85764,0.768175,0.932037,1,3,0,8.13554,0.0999182 +-7.75607,1,0.932037,2,3,0,8.00291,0.1052 +-7.45436,1,0.932037,1,1,0,7.77479,0.123968 +-6.75812,0.956844,0.932037,1,3,0,7.53861,0.268042 +-6.78653,0.996723,0.932037,2,3,0,6.78699,0.285711 +-6.78653,0.689753,0.932037,1,3,0,7.7558,0.285711 +-7.13767,0.941965,0.932037,2,3,0,7.15428,0.151762 +-6.8166,0.824152,0.932037,2,3,0,8.71226,0.205717 +-6.79612,1,0.932037,1,1,0,6.82009,0.21263 +-7.16066,0.926371,0.932037,2,3,0,7.36744,0.149299 +-6.7485,0.867631,0.932037,2,3,0,8.25218,0.253873 +-6.7485,0.374064,0.932037,1,3,0,9.69677,0.253873 +-6.906,0.899506,0.932037,2,3,0,7.30301,0.184481 +-6.97495,0.960716,0.932037,1,3,0,7.26467,0.339768 +-6.87784,0.957976,0.932037,1,3,0,7.22871,0.190181 +-6.76764,1,0.932037,1,3,0,6.85023,0.225799 +-7.06045,0.939987,0.932037,2,3,0,7.20313,0.160811 +-7.56678,0.90837,0.932037,1,1,0,7.56807,0.116345 +-8.21909,0.9114,0.932037,1,1,0,8.24106,0.0840531 +-7.1694,0.972439,0.932037,1,3,0,8.05615,0.148387 +-7.51659,0.939017,0.932037,1,1,0,7.53941,0.119642 +-6.80441,1,0.932037,2,3,0,7.33714,0.293457 +-6.84769,0.986098,0.932037,1,1,0,6.85924,0.308366 +-6.75447,1,0.932037,1,3,0,6.82024,0.264369 +-6.75447,0.941471,0.932037,1,3,0,6.92636,0.264369 +-7.31897,0.848317,0.932037,1,3,0,7.54592,0.134469 +-7.51256,0.936742,0.932037,2,3,0,8.23518,0.119914 +-7.00844,1,0.932037,1,1,0,7.41354,0.16775 +-6.81721,1,0.932037,2,3,0,6.95395,0.298298 +-7.45194,0.852204,0.932037,1,3,0,7.45194,0.413549 +-6.87259,1,0.932037,2,3,0,7.42285,0.191321 +-6.75616,1,0.932037,1,3,0,6.8471,0.234287 +-6.89502,0.961898,0.932037,1,3,0,6.94092,0.321477 +-6.77836,1,0.932037,2,3,0,6.87334,0.220083 +-6.79421,0.982898,0.932037,2,3,0,6.9004,0.28921 +-7.26621,0.798873,0.932037,2,3,0,7.90837,0.139052 +-6.86681,0.892468,0.932037,2,3,0,9.22078,0.192607 +-6.79361,1,0.932037,1,1,0,6.85058,0.213582 +-6.77748,1,0.932037,2,3,0,6.79435,0.220507 +-6.77887,0.999632,0.932037,1,1,0,6.78659,0.21984 +-6.78375,0.998717,0.932037,1,1,0,6.79108,0.217619 +-6.74954,0.987641,0.932037,2,3,0,6.86737,0.256925 +-7.83854,0.756676,0.932037,1,3,0,7.90005,0.456351 +-7.50039,1,0.932037,1,1,0,7.94015,0.419443 +-6.7491,1,0.932037,1,3,0,7.35194,0.244238 +-6.7636,0.996702,0.932037,1,3,0,6.76405,0.228378 +-6.78205,0.845782,0.932037,2,3,0,7.69714,0.218372 +-6.75014,0.997559,0.932037,2,3,0,6.79806,0.241923 +-8.34122,0.670679,0.932037,1,3,0,8.47733,0.501947 +-7.99963,1,0.932037,1,1,0,8.62888,0.471941 +-8.76385,0.745363,0.932037,1,1,0,9.14503,0.534703 +-7.04418,1,0.932037,1,1,0,8.14217,0.353302 +-7.43305,0.868749,0.932037,1,1,0,7.49441,0.4112 +-7.43305,0.297658,0.932037,1,1,0,9.48457,0.4112 +-6.83865,0.968461,0.932037,1,3,0,7.58424,0.199459 +-7.53033,0.883514,0.932037,1,3,0,7.57348,0.118724 +-6.96261,0.979104,0.932037,2,3,0,7.81614,0.174624 +-7.0999,0.990364,0.932037,2,3,0,7.12317,0.156026 +-8.07438,0.928426,0.932037,2,3,0,8.16995,0.478833 +-7.08332,1,0.932037,1,1,0,7.75278,0.36031 +-6.82918,1,0.932037,1,1,0,7.0036,0.302462 +-7.53288,0.784396,0.932037,1,1,0,7.53294,0.423295 +-7.05091,1,0.932037,2,3,0,7.39902,0.162026 +-7.40251,0.977978,0.932037,2,3,0,7.41207,0.127799 +-6.82898,1,0.932037,2,3,0,7.24836,0.302395 +-6.79153,1,0.932037,1,1,0,6.8253,0.288021 +-6.79153,0.459704,0.932037,1,3,0,9.85444,0.288021 +-6.76756,1,0.932037,1,1,0,6.7869,0.275233 +-6.97728,0.932763,0.932037,1,3,0,7.10469,0.172333 +-6.95157,1,0.932037,1,1,0,7.01491,0.17641 +-6.75905,0.960947,0.932037,2,3,0,7.21354,0.26886 +-6.7615,0.936647,0.932037,2,3,0,7.06828,0.229862 +-6.89331,0.972573,0.932037,1,3,0,6.89762,0.18697 +-6.77722,0.906489,0.932037,2,3,0,7.52048,0.280983 +-7.05175,0.910169,0.932037,1,3,0,7.23443,0.161917 +-6.92365,1,0.932037,1,1,0,7.04143,0.18121 +-6.92285,1,0.932037,2,3,0,6.9668,0.181353 +-7.13379,0.955304,0.932037,1,1,0,7.14184,0.152188 +-7.4804,0.884188,0.932037,1,3,0,8.21421,0.417034 +-7.40948,1,0.932037,1,1,0,7.67663,0.408227 +-6.7729,0.94969,0.932037,2,3,0,7.7319,0.222833 +-6.88124,0.967448,0.932037,1,3,0,6.95576,0.317894 +-8.24949,0.746027,0.932037,2,3,0,8.25756,0.0828895 +-6.96905,1,0.932037,1,3,0,8.10239,0.173607 +-7.27306,0.939109,0.932037,1,1,0,7.27863,0.138439 +-7.00308,0.956818,0.932037,1,3,0,7.78354,0.345468 +-6.75472,0.998187,0.932037,1,3,0,6.9917,0.235716 +-6.75494,0.999941,0.932037,1,1,0,6.75678,0.235495 +-6.87358,0.96725,0.932037,1,3,0,6.91321,0.315825 +-6.88529,0.996099,0.932037,1,1,0,6.92345,0.318963 +-8.16803,0.810902,0.932037,2,3,0,8.16856,0.487197 +-8.16803,0.500501,0.932037,1,1,0,9.65653,0.487197 +-6.84099,0.909134,0.932037,2,3,0,8.86386,0.198846 +-6.7482,0.97014,0.932037,2,3,0,7.07304,0.252336 +-6.88126,0.965042,0.932037,1,3,0,6.91312,0.189453 +-6.91537,0.971395,0.932037,1,3,0,7.15288,0.326496 +-6.74803,1,0.932037,1,3,0,6.88372,0.250563 +-6.78862,0.991449,0.932037,2,3,0,6.8033,0.215557 +-6.75166,1,0.932037,1,3,0,6.77932,0.239445 +-7.64177,0.652534,0.932037,2,3,0,8.81793,0.435682 +-7.39307,1,0.932037,1,1,0,7.74629,0.406126 +-7.39307,0.385651,0.932037,1,1,0,9.0256,0.406126 +-6.79731,0.988358,0.932037,1,3,0,7.44468,0.212186 +-7.26742,0.912562,0.932037,1,3,0,7.29563,0.138943 +-8.03606,0.881597,0.932037,1,1,0,8.03636,0.0915803 +-7.18684,0.969203,0.932037,1,3,0,7.89297,0.146604 +-7.82185,0.895632,0.932037,1,1,0,7.82342,0.10173 +-6.9258,0.999365,0.932037,1,3,0,7.68077,0.180825 +-6.84345,1,0.932037,1,1,0,6.91592,0.198213 +-8.02819,0.799375,0.932037,1,3,0,8.18865,0.0919253 +-9.74173,0.805241,0.932037,1,3,0,9.76127,0.0445821 +-8.33143,1,0.932037,1,1,0,9.60755,0.0798627 +-7.18582,0.972127,0.932037,1,3,0,8.16309,0.146708 +-6.92783,1,0.932037,1,1,0,7.13538,0.180463 +-7.11005,0.961217,0.932037,1,1,0,7.12168,0.154851 +-6.79373,1,0.932037,1,3,0,7.04271,0.213532 +-7.11956,0.955726,0.932037,2,3,0,7.20271,0.366472 +-7.48398,0.958399,0.932037,2,3,0,7.57261,0.417468 +-7.05344,1,0.932037,2,3,0,7.38948,0.354998 +-6.89526,1,0.932037,1,1,0,7.02854,0.321538 +-6.75297,0.996542,0.932037,2,3,0,6.92061,0.237701 +-6.83977,0.975809,0.932037,1,3,0,6.86918,0.305909 +-6.8251,1,0.932037,2,3,0,6.85672,0.301077 +-6.76932,1,0.932037,1,1,0,6.8089,0.276371 +-7.2411,0.887441,0.932037,1,3,0,7.24713,0.385345 +-6.77198,0.978158,0.932037,2,3,0,7.39681,0.223328 +-6.91344,0.959133,0.932037,1,3,0,6.99309,0.326033 +-7.04881,0.85015,0.932037,2,3,0,7.62026,0.162296 +-7.60525,0.863371,0.932037,1,3,0,8.23873,0.431613 +-6.78473,0.999819,0.932037,1,3,0,7.58373,0.217191 +-6.78473,0.898858,0.932037,1,3,0,7.22409,0.217191 +-7.78377,0.579188,0.932037,2,3,0,9.7066,0.103716 +-7.70743,1,0.932037,1,1,0,7.93357,0.10789 +-7.96247,0.96471,0.932037,1,1,0,8.07171,0.0948869 +-7.12674,0.974601,0.932037,1,3,0,7.81844,0.152967 +-6.75681,1,0.932037,1,3,0,7.07784,0.233681 +-6.74929,0.899259,0.932037,2,3,0,7.32696,0.243745 +-6.74929,0.646445,0.932037,1,3,0,8.08205,0.243745 +-7.15628,0.857788,0.932037,2,3,0,7.57467,0.372439 +-7.75903,0.923317,0.932037,2,3,0,7.84476,0.448237 +-6.85106,0.987384,0.932037,2,3,0,7.98227,0.19631 +-8.0294,0.746944,0.932037,1,3,0,8.39902,0.474711 +-6.8022,0.859301,0.932037,2,3,0,8.84948,0.210434 +-6.77032,1,0.932037,1,1,0,6.79542,0.22424 +-7.64151,0.740592,0.932037,2,3,0,8.46249,0.435654 +-8.37811,0.917274,0.932037,2,3,0,8.62816,0.504979 +-7.49482,1,0.932037,1,1,0,8.22793,0.418775 +-9.18827,0.523755,0.932037,1,1,0,9.33046,0.563944 +-7.76093,1,0.932037,1,1,0,8.88732,0.448435 +-6.97798,1,0.932037,1,1,0,7.50122,0.340396 +-7.35575,0.873861,0.932037,1,1,0,7.39654,0.401255 +-7.35575,0.110444,0.932037,1,1,0,11.0745,0.401255 +-7.35575,0.0800688,0.932037,1,3,0,15.4327,0.401255 +-7.48223,0.672997,0.932037,1,3,0,8.8362,0.121997 +-6.78001,0.901552,0.932037,2,3,0,8.42084,0.28247 +-7.27496,0.91456,0.932037,2,3,0,7.304,0.13827 +-7.27496,0.889573,0.932037,1,1,0,7.87313,0.13827 +-6.74818,0.981145,0.932037,1,3,0,7.27579,0.252199 +-6.74818,0.540736,0.932037,1,3,0,8.56126,0.252199 +-6.84577,0.975084,0.932037,1,3,0,6.8552,0.307778 +-6.84577,0.460221,0.932037,1,3,0,8.80117,0.307778 +-7.22623,0.87774,0.932037,1,1,0,7.23183,0.383162 +-6.86085,0.957571,0.932037,1,3,0,7.44679,0.193973 +-6.84216,1,0.932037,1,1,0,6.8764,0.198544 +-6.82726,0.902432,0.932037,2,3,0,7.67881,0.202571 +-7.01244,0.957121,0.932037,1,1,0,7.01282,0.167187 +-6.753,0.947388,0.932037,2,3,0,7.40574,0.262602 +-6.75612,0.999688,0.932037,2,3,0,6.75709,0.266127 +-7.10487,0.901325,0.932037,1,3,0,7.25063,0.155448 +-6.75288,0.934052,0.932037,2,3,0,7.61355,0.262456 +-6.75911,0.998131,0.932037,1,1,0,6.75973,0.268918 +-6.97448,0.935151,0.932037,1,3,0,7.07933,0.172763 +-8.33687,0.727783,0.932037,1,3,0,8.95629,0.501587 +-7.19311,1,0.932037,1,1,0,7.97929,0.378182 +-6.86239,0.957299,0.932037,1,3,0,7.41859,0.193617 +-8.81489,0.675307,0.932037,1,3,0,9.25628,0.0647295 +-9.08174,0.976561,0.932037,1,1,0,9.30033,0.0579512 +-8.72465,1,0.932037,2,3,0,9.23184,0.067248 +-9.02058,0.973248,0.932037,1,1,0,9.2222,0.059423 +-6.75096,0.87105,0.932037,1,3,0,9.3739,0.240494 +-6.77061,0.8673,0.932037,2,3,0,7.49474,0.224077 +-7.18049,0.687335,0.932037,2,3,0,8.77168,0.147248 +-6.83677,0.997719,0.932037,1,3,0,7.10412,0.199956 +-7.0242,0.942244,0.932037,1,3,0,7.2293,0.349561 +-6.75027,1,0.932037,1,3,0,6.95554,0.258452 +-7.19098,0.922423,0.932037,2,3,0,7.25741,0.146188 +-6.75095,0.998409,0.932037,2,3,0,7.18042,0.240521 +-6.87936,0.965588,0.932037,1,3,0,6.90968,0.31739 +-6.78928,1,0.932037,2,3,0,6.85581,0.215288 +-7.24713,0.912602,0.932037,1,3,0,7.27833,0.14079 +-7.64349,0.933948,0.932037,1,1,0,7.6686,0.111601 +-7.89818,0.963732,0.932037,1,1,0,7.99945,0.0979248 +-9.96894,0.866816,0.932037,2,3,0,10.0037,0.610637 +-8.27408,1,0.932037,1,1,0,9.73188,0.496333 +-8.97796,0.763178,0.932037,1,1,0,9.46742,0.549854 +-7.07994,1,0.932037,2,3,0,9.38837,0.158401 +-6.75736,0.879611,0.932037,2,3,0,8.01228,0.267336 +-6.7519,1,0.932037,1,1,0,6.75617,0.261115 +-6.78524,0.992274,0.932037,1,3,0,6.78539,0.285089 +-7.86462,0.758008,0.932037,1,3,0,7.87664,0.458948 +-7.97349,0.959152,0.932037,1,1,0,8.36464,0.469482 +-7.11236,1,0.932037,2,3,0,7.71314,0.365271 +-7.71805,0.799983,0.932037,1,1,0,7.78908,0.443934 +-9.81575,0.716945,0.932037,2,3,0,10.0088,0.602086 +-7.32169,1,0.932037,1,1,0,8.93058,0.396686 +-6.74807,0.833534,0.932037,2,3,0,8.05557,0.251241 +-6.74803,1,0.932037,2,3,0,6.74806,0.250572 +-6.75538,0.991246,0.932037,2,3,0,6.79373,0.235049 +-6.93792,0.962649,0.932037,2,3,0,7.01983,0.331741 +-7.2862,0.88434,0.932037,1,1,0,7.31645,0.391789 +-6.99084,1,0.932037,2,3,0,7.19845,0.170294 +-7.65042,0.905856,0.932037,2,3,0,8.20379,0.436635 +-7.41337,1,0.932037,1,1,0,7.7679,0.40872 +-8.85702,0.576942,0.932037,1,1,0,8.98493,0.541403 +-6.78589,1,0.932037,1,3,0,8.17164,0.285406 +-6.90223,0.954007,0.932037,1,3,0,7.03131,0.185207 +-8.14191,0.811993,0.932037,1,3,0,8.27248,0.0871143 +-8.10592,1,0.932037,1,1,0,8.36491,0.0885962 +-8.2689,0.993522,0.932037,2,3,0,8.4528,0.0821583 +-9.32894,0.899169,0.932037,1,1,0,9.34484,0.0524422 +-8.02809,1,0.932037,1,1,0,9.18688,0.0919298 +-6.99166,0.993898,0.932037,1,3,0,7.87392,0.170173 +-8.06441,0.911089,0.932037,2,3,0,8.31617,0.477926 +-8.7506,0.922675,0.932037,2,3,0,9.16274,0.533736 +-7.8978,1,0.932037,1,1,0,8.75888,0.462211 +-6.94446,1,0.932037,1,1,0,7.56554,0.333209 +-8.54285,0.771096,0.932037,2,3,0,8.54633,0.518094 +-6.78594,1,0.932037,1,3,0,7.9627,0.285428 +-6.78594,0.906519,0.932037,1,3,0,7.16707,0.285428 +-6.92112,0.942672,0.932037,2,3,0,7.08892,0.181666 +-6.87261,0.875781,0.932037,2,3,0,8.17854,0.191316 +-7.08975,0.952205,0.932037,1,1,0,7.09201,0.157223 +-7.02149,1,0.932037,2,3,0,7.12326,0.165933 +-7.04584,0.998287,0.932037,2,3,0,7.10444,0.162681 +-7.04584,0.672299,0.932037,1,3,0,9.55749,0.162681 +-7.77921,0.832639,0.932037,1,3,0,8.43718,0.450325 +-6.93132,0.932106,0.932037,1,3,0,8.11383,0.179848 +-7.37155,0.932331,0.932037,1,3,0,7.37171,0.130194 +-6.74802,0.977866,0.932037,1,3,0,7.37247,0.250051 +-6.90501,0.947815,0.932037,2,3,0,7.04469,0.32398 +-6.90501,0.515929,0.932037,1,1,0,8.06608,0.32398 +-7.26517,0.747153,0.932037,2,3,0,8.10285,0.139146 +-6.77759,0.959776,0.932037,1,3,0,7.38193,0.281187 +-6.75799,1,0.932037,1,1,0,6.77244,0.267921 +-6.79277,0.99575,0.932037,2,3,0,6.79381,0.213903 +-6.76109,1,0.932037,1,1,0,6.78457,0.230166 +-6.7596,0.969448,0.932037,2,3,0,6.95304,0.231305 +-6.79156,0.988014,0.932037,2,3,0,6.84381,0.214376 +-6.78312,1,0.932037,1,1,0,6.79707,0.217895 +-6.77762,0.949288,0.932037,2,3,0,7.08484,0.2812 +-7.09494,0.924565,0.932037,1,3,0,7.09566,0.362318 +-6.95426,1,0.932037,2,3,0,7.09613,0.335364 +-7.28442,0.889685,0.932037,1,1,0,7.32064,0.391541 +-6.79484,0.997398,0.932037,2,3,0,7.36362,0.213111 +-6.81648,0.99449,0.932037,1,1,0,6.8247,0.205753 +-6.84974,0.991789,0.932037,1,1,0,6.86103,0.196633 +-6.74879,0.865097,0.932037,2,3,0,7.74614,0.245131 +-6.88211,0.967449,0.932037,1,3,0,6.902,0.189273 +-6.74845,0.957844,0.932037,2,3,0,7.24214,0.246361 +-7.20685,0.887254,0.932037,1,3,0,7.25766,0.380267 +-7.20685,0.564767,0.932037,1,3,0,8.81898,0.380267 +-7.20685,0.320306,0.932037,1,3,0,12.13,0.380267 +-6.97752,0.935114,0.932037,2,3,0,7.66742,0.172296 +-6.87049,1,0.932037,1,1,0,6.96427,0.191784 +-6.74837,0.966424,0.932037,2,3,0,7.14605,0.253312 +-6.98253,0.907073,0.932037,2,3,0,7.2529,0.341334 +-7.79349,0.745081,0.932037,1,1,0,7.81771,0.451791 +-6.77388,1,0.932037,1,3,0,7.46942,0.279119 +-6.90086,0.954561,0.932037,1,3,0,7.00827,0.185473 +-6.79914,1,0.932037,2,3,0,6.8716,0.291311 +-8.11178,0.713466,0.932037,1,3,0,8.12201,0.482208 +-8.11178,0.190125,0.932037,1,1,0,11.1441,0.482208 +-7.24841,1,0.932037,1,1,0,7.88964,0.386408 +-7.23081,1,0.932037,1,1,0,7.40517,0.383837 +-6.80377,1,0.932037,2,3,0,7.08741,0.293202 +-6.85418,0.994603,0.932037,2,3,0,6.86482,0.310312 +-6.74965,0.98222,0.932037,2,3,0,6.95136,0.257173 +-7.03844,0.928412,0.932037,1,3,0,7.0566,0.352239 +-7.22621,0.808036,0.932037,1,3,0,7.93488,0.14275 +-6.77583,0.927823,0.932037,2,3,0,7.69178,0.280224 +-6.86535,0.971878,0.932037,1,1,0,6.86662,0.313541 +-6.77928,0.990027,0.932037,1,3,0,6.92787,0.219648 +-6.78451,0.998625,0.932037,1,1,0,6.79187,0.217287 +-6.78451,0.773207,0.932037,1,3,0,7.90069,0.217287 +-6.75189,0.967957,0.932037,2,3,0,6.99818,0.23911 +-6.88731,0.96889,0.932037,1,3,0,6.89993,0.18819 +-6.83332,1,0.932037,1,1,0,6.8859,0.200884 +-6.96445,0.969353,0.932037,1,1,0,6.9678,0.174331 +-6.74853,0.993691,0.932037,1,3,0,6.95955,0.253983 +-6.79227,0.98474,0.932037,2,3,0,6.83336,0.288352 +-6.78141,0.965461,0.932037,2,3,0,6.96936,0.218663 +-6.75837,0.995995,0.932037,1,3,0,6.80286,0.268259 +-6.80841,0.982527,0.932037,1,3,0,6.84862,0.208324 +-6.92145,0.989324,0.932037,2,3,0,6.92312,0.327942 +-6.94393,0.992369,0.932037,1,1,0,6.99666,0.33309 +-8.0719,0.66438,0.932037,1,1,0,8.0808,0.478608 +-8.30789,0.913191,0.932037,1,1,0,8.7652,0.499176 +-6.88395,1,0.932037,2,3,0,7.79691,0.318612 +-6.88395,0.525809,0.932037,1,3,0,8.46396,0.318612 +-7.66074,0.862122,0.932037,2,3,0,7.66587,0.110579 +-7.48718,1,0.932037,1,1,0,7.73391,0.121652 +-7.24771,1,0.932037,1,1,0,7.49536,0.140737 +-6.75294,0.907734,0.932037,2,3,0,8.2612,0.23774 +-6.75294,0.882023,0.932037,1,3,0,7.23222,0.23774 +-6.75294,0.648763,0.932037,1,3,0,8.1161,0.23774 +-6.75671,0.998954,0.932037,1,1,0,6.75747,0.233769 +-7.51733,0.821118,0.932037,1,3,0,7.63136,0.421461 +-7.23718,1,0.932037,2,3,0,7.55107,0.384773 +-7.23718,0.584164,0.932037,1,1,0,8.1976,0.384773 +-6.75151,1,0.932037,1,3,0,7.10952,0.260533 +-6.76119,0.993068,0.932037,2,3,0,6.78713,0.270643 +-6.79508,0.984853,0.932037,2,3,0,6.84415,0.213018 +-8.30022,0.789495,0.932037,2,3,0,8.51335,0.0809972 +-7.08882,0.985416,0.932037,1,3,0,8.13433,0.157333 +-6.74804,0.991804,0.932037,1,3,0,7.07332,0.249263 +-6.76797,0.994746,0.932037,1,3,0,6.77114,0.275501 +-6.87611,0.984786,0.932037,2,3,0,6.88112,0.190553 +-7.10363,0.930507,0.932037,1,3,0,7.38443,0.3638 +-7.1931,0.968366,0.932037,1,1,0,7.30124,0.378181 +-7.02744,1,0.932037,1,1,0,7.20716,0.350175 +-7.47087,0.716122,0.932037,1,3,0,8.36114,0.122794 +-7.77445,0.953734,0.932037,1,1,0,7.84235,0.104212 +-7.10232,0.976364,0.932037,1,3,0,7.65215,0.155744 +-6.89247,0.977052,0.932037,2,3,0,7.36801,0.187138 +-6.88406,1,0.932037,2,3,0,6.92287,0.188864 +-7.00739,0.972361,0.932037,1,1,0,7.01912,0.167899 +-7.4581,0.959878,0.932037,2,3,0,7.46539,0.414309 +-7.4581,0.358894,0.932037,1,1,0,9.21803,0.414309 +-8.39486,0.699937,0.932037,1,1,0,8.5651,0.506344 +-6.98009,0.931934,0.932037,1,3,0,8.77344,0.171904 +-7.75622,0.895607,0.932037,2,3,0,8.30908,0.447944 +-7.45294,1,0.932037,1,1,0,7.85686,0.413673 +-7.81191,0.87317,0.932037,1,1,0,8.02199,0.453667 +-7.07889,1,0.932037,2,3,0,7.65163,0.158528 +-8.02018,0.93056,0.932037,2,3,0,8.11738,0.473856 +-7.32245,1,0.932037,1,1,0,7.89443,0.396789 +-7.11924,1,0.932037,2,3,0,7.35057,0.366419 +-7.13426,0.994637,0.932037,1,1,0,7.25741,0.368892 +-6.81324,1,0.932037,1,1,0,7.02809,0.296845 +-7.90962,0.554652,0.932037,2,3,0,9.26763,0.0973734 +-10.1284,0.790216,0.932037,1,3,0,10.2416,0.0384446 +-8.90062,1,0.932037,1,1,0,10.0537,0.0624477 +-6.80723,1,0.932037,2,3,0,8.62687,0.208714 +-6.86729,0.973895,0.932037,2,3,0,7.02735,0.192499 +-6.79392,1,0.932037,1,1,0,6.85106,0.213461 +-7.40012,0.888235,0.932037,2,3,0,7.70807,0.407031 +-6.93792,1,0.932037,2,3,0,7.29993,0.178704 +-7.00949,0.984312,0.932037,1,1,0,7.03975,0.167602 +-7.13808,0.973678,0.932037,1,1,0,7.17115,0.151717 +-6.78692,0.965669,0.932037,1,3,0,7.25761,0.285893 +-6.87345,0.885758,0.932037,2,3,0,7.29989,0.315791 +-7.7385,0.869841,0.932037,2,3,0,7.74068,0.446092 +-7.7385,0.102215,0.932037,1,1,0,11.7215,0.446092 +-8.03266,0.893586,0.932037,1,1,0,8.35655,0.475011 +-8.22194,0.92979,0.932037,1,1,0,8.66902,0.491883 +-7.3561,1,0.932037,2,3,0,7.97443,0.131423 +-6.78127,1,0.932037,1,3,0,7.27452,0.218728 +-6.82275,0.984055,0.932037,1,3,0,6.89491,0.300263 +-7.6571,0.742126,0.932037,1,3,0,8.29259,0.110793 +-8.03026,0.829375,0.932037,1,3,0,9.64909,0.47479 +-7.37223,1,0.932037,1,1,0,7.93907,0.403423 +-6.79515,0.988926,0.932037,1,3,0,7.42116,0.212995 +-6.82487,0.992469,0.932037,1,1,0,6.83189,0.203253 +-7.12496,0.969767,0.932037,2,3,0,7.16248,0.367365 +-8.26834,0.652897,0.932037,1,1,0,8.32004,0.495847 +-8.67193,0.856184,0.932037,1,1,0,9.18766,0.527922 +-6.90442,1,0.932037,1,1,0,8.03082,0.323833 +-7.94108,0.68975,0.932037,1,1,0,7.94519,0.466396 +-7.78516,0.528351,0.932037,1,3,0,10.1916,0.103643 +-7.48177,1,0.932037,1,1,0,7.8074,0.122029 +-6.80338,0.90422,0.932037,2,3,0,8.07863,0.293044 +-6.89878,0.96934,0.932037,1,1,0,6.90583,0.322427 +-7.30937,0.866085,0.932037,1,1,0,7.32592,0.395003 +-6.85274,1,0.932037,1,1,0,7.15684,0.309887 +-6.85274,0.743543,0.932037,1,3,0,7.59752,0.309887 +-6.85274,0.563681,0.932037,1,3,0,9.12334,0.309887 +-7.14252,0.905701,0.932037,1,1,0,7.15244,0.370233 +-6.88606,1,0.932037,1,1,0,7.07414,0.319166 +-6.81352,1,0.932037,1,1,0,6.87385,0.296952 +-7.22426,0.603012,0.932037,2,3,0,8.88007,0.382871 +-6.75466,1,0.932037,1,3,0,7.17215,0.235789 +-6.77207,0.962029,0.932037,2,3,0,6.97984,0.223275 +-7.20122,0.9126,0.932037,1,3,0,7.2415,0.145171 +-7.97419,0.889846,0.932037,1,3,0,7.97427,0.0943483 +-7.1089,0.976552,0.932037,1,3,0,7.82637,0.154983 +-7.1089,0.884111,0.932037,1,3,0,7.82698,0.154983 +-6.98201,0.835391,0.932037,2,3,0,9.32581,0.171614 +-7.4823,0.923908,0.932037,1,3,0,7.48233,0.121992 +-8.13382,0.907974,0.932037,1,1,0,8.15008,0.0874439 +-7.0191,0.992287,0.932037,1,3,0,7.97523,0.166261 +-7.38884,0.929413,0.932037,1,1,0,7.39423,0.128846 +-7.05345,0.945247,0.932037,1,3,0,8.00914,0.354999 +-7.88022,0.88235,0.932037,2,3,0,7.92302,0.460488 +-7.47896,1,0.932037,1,1,0,7.94438,0.41686 +-8.26848,0.902685,0.932037,2,3,0,8.45552,0.495858 +-8.36145,0.964836,0.932037,1,1,0,8.90958,0.503614 +-6.80918,1,0.932037,1,3,0,7.82987,0.295317 +-7.23868,0.600861,0.932037,2,3,0,8.89375,0.384993 +-6.89006,1,0.932037,1,1,0,7.13419,0.320205 +-6.8044,1,0.932037,2,3,0,6.86543,0.209671 +-6.86009,0.995405,0.932037,2,3,0,6.86567,0.194151 +-6.86009,0.799308,0.932037,1,3,0,7.97123,0.194151 +-8.99856,0.728419,0.932037,2,3,0,9.23129,0.0599642 +-9.09468,0.991837,0.932037,1,1,0,9.38997,0.0576457 +-8.73756,1,0.932037,1,1,0,9.24597,0.0668798 +-7.55986,0.937761,0.932037,1,3,0,8.57866,0.11679 +-7.99912,0.937675,0.932037,1,1,0,8.05117,0.0932182 +-7.76055,1,0.932037,1,1,0,8.08641,0.104958 +-8.28732,0.977606,0.932037,2,3,0,8.34339,0.0814724 +-6.82679,0.992827,0.932037,1,3,0,8.22618,0.202702 +-6.87274,0.996281,0.932037,2,3,0,6.88424,0.191288 +-6.78865,0.91873,0.932037,2,3,0,7.41091,0.286706 +-6.76058,1,0.932037,2,3,0,6.78115,0.230549 +-6.76058,0.44465,0.932037,2,3,0,10.1097,0.230549 +-8.19963,0.701948,0.932037,1,3,0,8.62984,0.0848102 +-6.87827,1,0.932037,1,3,0,8.08649,0.190089 +-6.90011,0.99488,0.932037,1,1,0,6.92793,0.185622 +-7.58846,0.835161,0.932037,1,3,0,7.98997,0.429714 +-6.84168,1,0.932037,2,3,0,7.32922,0.306509 +-6.79898,0.907476,0.932037,2,3,0,7.23342,0.291247 +-7.18968,0.940405,0.932037,2,3,0,7.1897,0.377657 +-7.30081,0.811278,0.932037,2,3,0,8.27114,0.136012 +-7.44395,0.975262,0.932037,1,1,0,7.52376,0.124721 +-7.10913,1,0.932037,1,1,0,7.3984,0.154957 +-6.74902,0.994264,0.932037,1,3,0,7.08219,0.24445 +-7.95169,0.736282,0.932037,1,3,0,8.05657,0.467411 +# +# Elapsed Time: 0.005 seconds (Warm-up) +# 0.012 seconds (Sampling) +# 0.017 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/bernoulli_thin.csv b/src/test/unit/mcmc/test_csv_files/bernoulli_thin.csv new file mode 100644 index 00000000000..b0874d8ead9 --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/bernoulli_thin.csv @@ -0,0 +1,1057 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-23 15:13:19 UTC +# method = sample (Default) +# sample +# num_samples = 2000 +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 2 +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3880845880 (Default) +# output +# file = bernoulli_thin.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,theta +# Adaptation terminated +# Step size = 0.893542 +# Diagonal elements of inverse mass matrix: +# 0.483503 +-8.91945,1,0.893542,1,1,0,9.73374,0.0619604 +-8.90814,1,0.893542,1,1,0,9.95846,0.545008 +-7.21915,1,0.893542,1,1,0,7.56642,0.382112 +-6.99262,0.974315,0.893542,1,1,0,6.99262,0.170032 +-7.177,0.949564,0.893542,2,7,0,7.19028,0.147604 +-7.02071,0.934256,0.893542,2,3,0,7.30094,0.348894 +-6.75447,0.998729,0.893542,2,3,0,6.76944,0.264366 +-6.99389,0.954672,0.893542,1,3,0,7.04803,0.169846 +-8.10147,0.867196,0.893542,1,3,0,8.27154,0.0887819 +-7.83949,1,0.893542,1,1,0,8.36851,0.100831 +-7.20348,0.899977,0.893542,1,3,0,7.65125,0.379758 +-7.12214,0.820496,0.893542,1,3,0,8.08646,0.153481 +-6.75619,1,0.893542,2,3,0,7.17582,0.266194 +-6.80721,0.968917,0.893542,1,3,0,7.36674,0.294557 +-7.03198,1,0.893542,1,1,0,7.76254,0.351031 +-6.85284,0.960446,0.893542,1,3,0,7.15062,0.195876 +-6.77208,0.987924,0.893542,1,3,0,7.03182,0.278062 +-6.91359,1,0.893542,2,3,0,8.13328,0.18305 +-6.81561,0.956574,0.893542,2,7,0,7.45532,0.297719 +-6.76032,1,0.893542,2,7,0,6.80503,0.230743 +-6.76597,0.998846,0.893542,1,1,0,6.76725,0.22683 +-6.7594,0.993657,0.893542,1,3,0,6.82523,0.231466 +-7.25866,0.839089,0.893542,2,3,0,8.4433,0.139735 +-7.1134,0.971276,0.893542,1,1,0,7.1556,0.365446 +-7.52094,0.727841,0.893542,1,3,0,8.73414,0.11935 +-7.67112,0.993503,0.893542,1,1,0,7.78017,0.109972 +-6.75103,0.998383,0.893542,2,3,0,6.83417,0.259776 +-8.62702,0.934538,0.893542,2,3,0,9.21545,0.0701174 +-6.85649,0.909432,0.893542,1,3,0,8.95293,0.310994 +-6.87955,0.968041,0.893542,1,3,0,6.94534,0.317443 +-6.84001,0.965601,0.893542,1,3,0,7.07766,0.199102 +-7.88997,1,0.893542,2,3,0,8.09487,0.0983237 +-7.06055,0.900192,0.893542,1,3,0,8.68948,0.356282 +-6.74805,0.996745,0.893542,1,3,0,6.97881,0.250856 +-7.19725,1,0.893542,1,1,0,7.28556,0.145563 +-6.78602,0.995476,0.893542,1,1,0,6.78705,0.285469 +-6.79545,0.966991,0.893542,2,7,0,8.83762,0.289747 +-6.85701,0.986415,0.893542,2,3,0,6.9222,0.194874 +-8.13779,0.808085,0.893542,2,7,0,8.15821,0.0872819 +-6.77475,1,0.893542,2,3,0,6.80685,0.221869 +-6.755,1,0.893542,1,1,0,6.76348,0.235428 +-7.72282,0.995936,0.893542,2,3,0,7.81505,0.107027 +-6.85068,0.991723,0.893542,2,7,0,7.67011,0.309272 +-6.78351,0.96595,0.893542,1,3,0,7.29485,0.217724 +-7.01992,0.916257,0.893542,1,3,0,7.27688,0.166148 +-6.75058,0.983401,0.893542,1,3,0,7.38448,0.259018 +-8.06771,0.664252,0.893542,1,3,0,9.09338,0.0902102 +-6.82585,1,0.893542,2,3,0,7.7661,0.202972 +-7.00359,0.957838,0.893542,1,1,0,7.00467,0.345568 +-7.16065,0.965784,0.893542,2,7,0,7.16072,0.373134 +-6.74805,0.99626,0.893542,1,3,0,6.98927,0.24901 +-6.90231,1,0.893542,2,3,0,7.05968,0.185192 +-7.20636,0.93361,0.893542,1,3,0,9.402,0.144665 +-7.84106,1,0.893542,1,1,0,8.44831,0.456603 +-6.75385,0.986687,0.893542,1,3,0,7.15744,0.236668 +-7.73869,0.848859,0.893542,1,1,0,7.76537,0.446112 +-9.04616,0.923365,0.893542,2,3,0,9.28102,0.554505 +-7.16253,1,0.893542,1,1,0,7.26087,0.149103 +-6.75061,0.953379,0.893542,2,3,0,7.55278,0.241086 +-6.87201,0.983579,0.893542,2,3,0,6.89287,0.315394 +-8.37334,0.780237,0.893542,2,3,0,8.91045,0.504589 +-7.31022,1,0.893542,1,1,0,8.08813,0.39512 +-7.13369,0.836937,0.893542,1,3,0,7.87458,0.152199 +-7.55607,0.978527,0.893542,1,1,0,7.60506,0.117035 +-6.7799,0.995845,0.893542,2,3,0,6.81306,0.219357 +-6.87584,0.978011,0.893542,1,1,0,6.87584,0.316441 +-6.90665,1,0.893542,2,3,0,7.03415,0.184358 +-8.366,0.954237,0.893542,2,7,0,8.64308,0.503988 +-7.31371,1,0.893542,2,3,0,7.59964,0.395598 +-7.42729,1,0.893542,1,1,0,8.24438,0.410478 +-9.83769,0.367101,0.893542,1,3,0,12.9683,0.0429592 +-11.7092,0.971359,0.893542,1,1,0,11.7472,0.0215426 +-7.94546,0.93523,0.893542,2,7,0,11.9231,0.466816 +-7.74281,0.747755,0.893542,1,3,0,8.44191,0.105922 +-6.84047,0.920699,0.893542,2,3,0,7.68591,0.198981 +-8.60661,0.827904,0.893542,1,1,0,8.82479,0.522995 +-7.29777,1,0.893542,2,3,0,7.39398,0.136273 +-6.97269,1,0.893542,1,1,0,7.22693,0.339296 +-6.86249,1,0.893542,1,1,0,7.01724,0.312728 +-6.97125,0.913468,0.893542,1,3,0,7.58656,0.173264 +-7.8638,0.989915,0.893542,1,1,0,7.9762,0.0996114 +-6.86197,1,0.893542,2,3,0,7.63776,0.193713 +-7.22206,0.850919,0.893542,1,3,0,7.71338,0.143146 +-7.22681,0.99046,0.893542,1,1,0,7.27628,0.142693 +-7.09726,1,0.893542,1,1,0,7.36621,0.156335 +-9.96351,0.978531,0.893542,2,3,0,11.1987,0.0409345 +-7.34497,1,0.893542,2,3,0,10.5413,0.132321 +-6.81305,0.938689,0.893542,2,3,0,7.24819,0.206825 +-6.81323,0.996598,0.893542,1,1,0,6.81843,0.206767 +-6.83142,0.971003,0.893542,1,3,0,6.96602,0.201408 +-6.83125,1,0.893542,1,1,0,6.94813,0.30315 +-6.7882,0.950841,0.893542,2,3,0,7.15238,0.215732 +-9.17868,0.966705,0.893542,1,1,0,9.2473,0.0557102 +-10.1185,0.944434,0.893542,1,1,0,10.1239,0.0385895 +-7.53536,0.731681,0.893542,2,3,0,8.955,0.423587 +-7.17139,0.844452,0.893542,2,3,0,7.87684,0.148181 +-7.10769,0.986547,0.893542,1,1,0,7.17427,0.364485 +-6.94717,0.935748,0.893542,2,3,0,7.17961,0.17714 +-6.84534,0.989334,0.893542,1,1,0,6.84994,0.307647 +-6.8368,0.954327,0.893542,1,3,0,7.1096,0.304961 +-6.74879,0.996744,0.893542,1,3,0,6.85754,0.245111 +-6.99263,0.97013,0.893542,2,3,0,7.04979,0.170031 +-8.34668,1,0.893542,1,1,0,9.31823,0.502398 +-7.78992,0.97634,0.893542,1,1,0,7.8495,0.103392 +-6.96885,0.97489,0.893542,1,3,0,7.75062,0.173638 +-7.13219,0.920703,0.893542,1,3,0,7.2178,0.368554 +-6.74834,0.99754,0.893542,1,3,0,8.20523,0.246878 +-6.82781,0.98513,0.893542,1,3,0,6.83699,0.301999 +-8.51144,0.8241,0.893542,2,3,0,8.59822,0.0737269 +-6.8833,0.990012,0.893542,2,3,0,7.1302,0.189023 +-7.727,0.933842,0.893542,2,7,0,7.72929,0.444881 +-6.92808,1,0.893542,2,3,0,7.01247,0.180418 +-7.46481,0.853946,0.893542,1,3,0,7.74876,0.123222 +-7.52531,0.818528,0.893542,1,1,0,8.12529,0.422404 +-7.53784,1,0.893542,2,7,0,7.5663,0.118227 +-8.66406,0.93062,0.893542,1,1,0,8.66529,0.0690104 +-6.87277,0.98575,0.893542,1,3,0,7.37422,0.19128 +-6.74819,0.998319,0.893542,1,3,0,6.8526,0.247725 +-7.47646,0.972692,0.893542,2,3,0,7.5325,0.416555 +-6.82543,0.998174,0.893542,1,1,0,6.83612,0.203094 +-6.94406,0.988418,0.893542,1,1,0,6.95306,0.177661 +-7.50427,0.900985,0.893542,1,3,0,7.62359,0.120477 +-8.30957,0.959888,0.893542,1,1,0,8.34722,0.0806548 +-6.85627,0.480224,0.893542,2,3,0,11.4286,0.195052 +-7.8289,1,0.893542,1,1,0,8.32911,0.101369 +-6.82852,1,0.893542,1,1,0,6.94737,0.302239 +-6.94381,0.895885,0.893542,1,3,0,7.67155,0.177703 +-6.80431,0.871567,0.893542,2,3,0,8.18055,0.293417 +-7.84658,0.975609,0.893542,1,1,0,7.90755,0.100473 +-6.74811,1,0.893542,2,3,0,6.783,0.248387 +-7.37909,1,0.893542,1,1,0,7.56009,0.404317 +-7.36159,0.918547,0.893542,1,1,0,7.38981,0.402026 +-6.75283,0.999402,0.893542,1,3,0,6.79322,0.237882 +-6.97729,1,0.893542,2,7,0,6.98137,0.172332 +-6.91629,0.999631,0.893542,1,1,0,6.94684,0.182549 +-6.76816,0.999578,0.893542,2,7,0,6.917,0.275627 +-6.86094,0.941705,0.893542,2,3,0,8.84018,0.193952 +-7.25168,0.653707,0.893542,1,1,0,8.33062,0.38688 +-6.75039,0.96706,0.893542,2,3,0,6.98851,0.258663 +-6.77982,0.981375,0.893542,2,7,0,7.00643,0.28237 +-7.07903,0.897172,0.893542,1,3,0,7.42532,0.158511 +-10.6092,0.672748,0.893542,2,3,0,10.6214,0.0321139 +-6.83435,0.969853,0.893542,3,7,0,10.164,0.200606 +-6.95401,0.973201,0.893542,2,3,0,6.98236,0.176011 +-8.17193,0.985546,0.893542,2,3,0,8.19935,0.0859048 +-7.79192,1,0.893542,1,1,0,7.99394,0.103286 +-6.9427,0.999631,0.893542,2,3,0,6.97562,0.17789 +-7.30169,0.683894,0.893542,1,3,0,10.1795,0.135936 +-6.75912,0.99904,0.893542,1,1,0,6.75957,0.231693 +-6.84568,1,0.893542,2,3,0,7.73696,0.197646 +-7.3204,0.877816,0.893542,1,3,0,7.74699,0.396511 +-6.97797,0.950365,0.893542,2,3,0,7.16605,0.340394 +-7.11181,0.942572,0.893542,1,1,0,7.11617,0.365179 +-6.82789,0.978553,0.893542,1,3,0,6.87538,0.202392 +-7.12345,0.866388,0.893542,1,3,0,7.69739,0.153334 +-6.829,0.973881,0.893542,1,3,0,6.92137,0.202079 +-7.01343,0.888872,0.893542,2,3,0,7.92307,0.347493 +-6.83552,0.944714,0.893542,2,3,0,7.2674,0.200291 +-6.75229,1,0.893542,2,3,0,7.82173,0.238571 +-6.90581,0.939931,0.893542,1,3,0,7.83646,0.324177 +-7.3191,0.967991,0.893542,2,3,0,7.3193,0.396334 +-6.87495,0.933136,0.893542,1,3,0,7.38436,0.190804 +-6.83701,0.993074,0.893542,2,3,0,7.08813,0.199893 +-6.90181,0.937439,0.893542,1,3,0,7.90426,0.323187 +-7.50778,0.967637,0.893542,2,3,0,7.55018,0.420327 +-6.79785,0.95929,0.893542,1,3,0,7.32513,0.211991 +-6.76825,0.964756,0.893542,2,3,0,7.03183,0.225434 +-7.7663,0.813969,0.893542,1,3,0,8.14149,0.104648 +-8.28445,0.951373,0.893542,1,1,0,8.89219,0.0815789 +-6.798,1,0.893542,2,3,0,6.89971,0.290835 +-7.96471,0.624576,0.893542,1,3,0,10.1794,0.468651 +-6.84373,1,0.893542,1,1,0,7.0391,0.30715 +-6.88706,0.996501,0.893542,2,3,0,6.89105,0.188241 +-9.1298,0.958044,0.893542,1,1,0,9.17097,0.0568265 +-7.00325,0.956306,0.893542,1,3,0,8.44387,0.16849 +-6.7548,0.988382,0.893542,1,3,0,7.01503,0.235639 +-8.84044,0.809609,0.893542,1,3,0,9.23965,0.0640384 +-7.1499,0.984084,0.893542,2,3,0,10.9503,0.15044 +-7.36115,0.895032,0.893542,1,1,0,7.36506,0.401968 +-7.38921,0.997402,0.893542,2,3,0,7.54361,0.405629 +-6.91697,0.982646,0.893542,2,3,0,7.04653,0.182423 +-6.83026,1,0.893542,1,1,0,6.9702,0.30282 +-7.12517,0.852167,0.893542,2,3,0,7.99842,0.153142 +-7.22002,0.990319,0.893542,2,3,0,7.2282,0.143341 +-6.74851,0.999953,0.893542,2,3,0,6.74851,0.253933 +-7.87707,0.825783,0.893542,1,1,0,7.90574,0.460178 +-7.26136,0.729098,0.893542,1,1,0,8.07917,0.388273 +-6.81982,1,0.893542,1,1,0,6.93672,0.299233 +-6.83949,0.935179,0.893542,2,3,0,7.8525,0.30582 +-6.76306,0.982373,0.893542,1,3,0,7.06432,0.228751 +-7.51089,0.901172,0.893542,2,3,0,7.69551,0.420696 +-7.33103,0.965686,0.893542,1,1,0,7.59473,0.133464 +-6.77085,0.994129,0.893542,1,3,0,7.0468,0.223947 +-7.10471,1,0.893542,2,3,0,8.36342,0.155466 +-7.14708,0.852803,0.893542,2,3,0,9.73421,0.370969 +-7.35366,0.760265,0.893542,1,3,0,10.3121,0.131619 +-6.86726,0.984191,0.893542,2,3,0,6.88659,0.192506 +-6.84336,0.996219,0.893542,1,1,0,6.85278,0.198236 +-6.96117,0.97925,0.893542,1,1,0,6.96167,0.174854 +-6.88786,1,0.893542,2,3,0,6.96582,0.319635 +-6.77912,0.972048,0.893542,2,3,0,6.93624,0.219723 +-7.32871,0.886797,0.893542,1,3,0,7.42532,0.397639 +-7.42097,0.746871,0.893542,1,3,0,9.38528,0.12641 +-6.7719,0.997182,0.893542,2,3,0,6.87947,0.22337 +-8.08096,0.625553,0.893542,1,3,0,9.36703,0.0896459 +-8.40695,0.995314,0.893542,2,3,0,8.5388,0.077207 +-6.81602,1,0.893542,1,1,0,6.90342,0.205897 +-6.77417,0.989569,0.893542,1,3,0,6.91865,0.279283 +-6.7728,0.936876,0.893542,1,3,0,8.73462,0.27849 +-6.78713,0.95506,0.893542,2,3,0,7.09299,0.216174 +-6.8182,1,0.893542,1,1,0,6.84878,0.205228 +-6.93253,0.990489,0.893542,1,1,0,6.94376,0.179637 +-8.13445,0.925332,0.893542,2,3,0,8.1586,0.484232 +-8.04384,0.782521,0.893542,1,3,0,9.02872,0.476041 +-7.92031,0.949221,0.893542,1,1,0,8.44925,0.0968625 +-6.7646,0.953,0.893542,1,3,0,8.65462,0.273208 +-6.85695,0.934657,0.893542,1,3,0,7.49463,0.194889 +-6.79937,0.994631,0.893542,2,3,0,6.88504,0.211436 +-7.40222,0.635209,0.893542,1,3,0,10.5141,0.127821 +-6.79158,1,0.893542,2,3,0,7.28564,0.214371 +-6.75606,0.997124,0.893542,2,7,0,6.77186,0.266066 +-6.80144,0.954732,0.893542,1,3,0,8.03572,0.29226 +-6.84602,0.978431,0.893542,1,3,0,6.87719,0.19756 +-7.11836,0.881539,0.893542,2,3,0,7.76753,0.366272 +-6.86496,0.985804,0.893542,2,3,0,6.86533,0.193027 +-6.86828,0.96136,0.893542,2,7,0,7.20472,0.314361 +-7.53887,0.872829,0.893542,1,1,0,7.55208,0.423998 +-7.12425,0.94501,0.893542,1,3,0,7.17554,0.153245 +-8.27659,0.906837,0.893542,2,7,0,8.27726,0.496544 +-7.44597,0.988415,0.893542,2,3,0,8.53757,0.124574 +-6.99655,0.976035,0.893542,1,1,0,7.0165,0.344172 +-6.8392,1,0.893542,2,3,0,6.88655,0.199314 +-6.7546,0.990878,0.893542,2,3,0,6.88164,0.26452 +-6.77382,0.996327,0.893542,2,3,0,6.79403,0.222347 +-8.63218,1,0.893542,1,1,0,9.47983,0.069962 +-7.18774,0.943981,0.893542,1,3,0,8.8614,0.146514 +-7.06587,0.92559,0.893542,1,3,0,7.97096,0.357235 +-6.74806,0.999043,0.893542,1,3,0,8.19817,0.248862 +-6.79063,0.993948,0.893542,1,1,0,6.79094,0.287617 +-6.87918,0.919155,0.893542,1,3,0,7.7014,0.189894 +-6.75265,0.996916,0.893542,1,3,0,6.9244,0.238109 +-6.85385,0.986836,0.893542,1,1,0,6.85705,0.310215 +-6.74855,1,0.893542,2,3,0,7.20697,0.245955 +-6.7618,0.958406,0.893542,2,3,0,7.08051,0.271125 +-6.99502,1,0.893542,1,1,0,7.07013,0.343866 +-9.43658,0.876023,0.893542,2,3,0,9.52832,0.579686 +-9.28484,1,0.893542,2,7,0,9.2944,0.0533765 +-8.02321,0.95974,0.893542,1,1,0,8.05264,0.0921449 +-9.45372,0.9057,0.893542,2,3,0,9.89787,0.0499035 +-8.46252,1,0.893542,1,1,0,10.3979,0.511783 +-7.04689,1,0.893542,1,1,0,7.64587,0.353801 +-6.80889,0.994077,0.893542,1,1,0,6.8098,0.208166 +-6.7481,0.9982,0.893542,1,3,0,8.16179,0.248447 +-6.82272,0.989642,0.893542,2,3,0,6.83722,0.300254 +-6.79598,0.993073,0.893542,2,3,0,6.80704,0.289977 +-6.90826,1,0.893542,1,1,0,7.0259,0.324776 +-6.78732,0.996157,0.893542,2,3,0,6.78799,0.286083 +-6.7986,0.967615,0.893542,2,3,0,6.96113,0.211717 +-6.91191,1,0.893542,2,3,0,7.1293,0.325664 +-6.75031,0.99947,0.893542,2,3,0,6.75933,0.258512 +-8.18177,0.641915,0.893542,1,3,0,9.28973,0.0855138 +-6.82042,0.997665,0.893542,2,3,0,6.82485,0.299445 +-6.75572,0.992259,0.893542,1,3,0,6.92155,0.265721 +-6.75373,1,0.893542,1,1,0,6.75805,0.263508 +-6.85758,0.963908,0.893542,1,3,0,7.34118,0.311312 +-6.74802,0.999263,0.893542,1,3,0,6.78655,0.249988 +-6.75157,0.991344,0.893542,2,3,0,6.80921,0.239564 +-7.16221,0.966259,0.893542,2,3,0,7.40759,0.149136 +-7.24258,0.892908,0.893542,1,3,0,7.45016,0.385562 +-7.10664,0.945146,0.893542,1,1,0,7.31151,0.364308 +-6.80072,0.965216,0.893542,1,3,0,7.17102,0.210954 +-6.76875,0.851458,0.893542,1,3,0,7.67598,0.225141 +-6.9453,1,0.893542,2,3,0,8.16079,0.177453 +-6.91926,1,0.893542,1,1,0,6.98302,0.182005 +-7.35116,0.642892,0.893542,2,3,0,9.9814,0.13182 +-7.88205,1,0.893542,1,1,0,8.44908,0.0987105 +-7.11266,1,0.893542,1,1,0,7.40931,0.154553 +-6.76371,1,0.893542,1,3,0,7.21916,0.272567 +-6.90991,0.978864,0.893542,1,1,0,6.91453,0.325178 +-7.45634,0.98201,0.893542,1,1,0,7.50634,0.123827 +-6.90211,0.994983,0.893542,2,7,0,7.28155,0.323261 +-6.77947,0.962714,0.893542,2,3,0,7.08181,0.282188 +-6.75184,0.745155,0.893542,2,3,0,9.16661,0.239189 +-7.74147,0.947605,0.893542,1,1,0,7.74596,0.105996 +-6.87057,0.98642,0.893542,1,1,0,6.87654,0.314998 +-6.81201,1,0.893542,1,1,0,6.85755,0.296387 +-8.48038,0.929613,0.893542,1,1,0,8.48105,0.0747389 +-7.27352,0.903718,0.893542,1,1,0,7.27373,0.390004 +-6.86108,1,0.893542,1,1,0,6.90872,0.193919 +-6.86292,0.95982,0.893542,2,3,0,7.29784,0.31285 +-6.80992,0.965926,0.893542,2,3,0,7.33091,0.2956 +-6.79112,0.999876,0.893542,2,7,0,6.79116,0.28784 +-7.08836,0.942041,0.893542,2,3,0,7.43356,0.361185 +-6.88118,0.997365,0.893542,1,1,0,6.89963,0.18947 +-6.97256,0.982648,0.893542,2,7,0,6.97439,0.339268 +-7.27529,0.955698,0.893542,1,1,0,7.27532,0.138241 +-6.75145,0.983425,0.893542,2,3,0,6.87628,0.239743 +-6.94375,0.979415,0.893542,1,1,0,6.94384,0.177712 +-7.09367,0.887889,0.893542,2,7,0,7.49207,0.156758 +-7.89843,0.634589,0.893542,1,3,0,9.33682,0.0979129 +-7.81432,1,0.893542,1,1,0,8.42075,0.102118 +-7.57214,1,0.893542,1,1,0,8.15539,0.116002 +-6.878,0.93185,0.893542,2,3,0,7.1993,0.190146 +-6.75171,1,0.893542,2,3,0,6.77976,0.239369 +-6.78113,0.988946,0.893542,2,3,0,6.8319,0.21879 +-8.36477,1,0.893542,2,7,0,10.0364,0.078675 +-6.99272,0.984401,0.893542,2,7,0,7.67173,0.343404 +-6.75375,0.557799,0.893542,1,3,0,9.50201,0.263534 +-6.75413,0.809685,0.893542,2,3,0,8.35936,0.23636 +-6.86762,1,0.893542,1,1,0,6.92099,0.192425 +-6.83773,0.898375,0.893542,1,3,0,7.3829,0.30526 +-6.79931,1,0.893542,2,3,0,6.83336,0.291381 +-6.79902,0.998972,0.893542,2,7,0,6.9177,0.291261 +-6.95998,1,0.893542,2,3,0,7.00198,0.175044 +-7.17987,0.994049,0.893542,2,3,0,7.20337,0.147311 +-6.75535,0.975985,0.893542,1,3,0,8.19919,0.235075 +-6.74944,0.99847,0.893542,1,3,0,6.77479,0.24338 +-6.77564,0.99231,0.893542,1,3,0,6.79949,0.280116 +-7.75143,0.839023,0.893542,1,3,0,8.03776,0.105452 +-6.86844,1,0.893542,1,1,0,6.92052,0.314406 +-6.88032,0.83551,0.893542,2,3,0,9.32098,0.317648 +-6.75293,0.979421,0.893542,1,3,0,7.50434,0.262521 +-7.12738,0.997416,0.893542,2,3,0,8.35661,0.152896 +-8.84314,0.881472,0.893542,2,3,0,9.09551,0.063966 +-7.11276,0.765628,0.893542,1,1,0,7.81072,0.365337 +-9.46837,0.657186,0.893542,1,1,0,9.60993,0.581637 +-7.0764,0.964176,0.893542,2,3,0,7.19421,0.158831 +-8.49031,0.984236,0.893542,2,7,0,8.50354,0.513984 +-6.79304,1,0.893542,2,3,0,8.17491,0.213801 +-7.58137,0.995565,0.893542,2,7,0,7.62067,0.428906 +-6.75564,0.999575,0.893542,1,3,0,6.9606,0.265633 +-6.74894,0.999478,0.893542,1,3,0,6.75571,0.255388 +-7.29153,0.864424,0.893542,1,3,0,7.60725,0.136813 +-7.22414,0.9911,0.893542,1,1,0,7.33067,0.382853 +-6.80783,1,0.893542,2,7,0,6.97914,0.208515 +-7.80514,0.998119,0.893542,2,3,0,7.93082,0.102594 +-7.99254,0.735244,0.893542,2,7,0,8.82779,0.0935145 +-7.40497,1,0.893542,2,7,0,8.03465,0.127612 +-6.75591,1,0.893542,2,3,0,7.61009,0.234522 +-6.74827,0.992314,0.893542,1,3,0,7.08023,0.252773 +-6.89314,0.965703,0.893542,1,3,0,6.95528,0.320997 +-6.91042,0.975964,0.893542,1,3,0,6.92685,0.183642 +-6.89363,0.955246,0.893542,1,3,0,7.47727,0.321122 +-6.8912,1,0.893542,1,1,0,7.12263,0.320499 +-7.74459,0.875612,0.893542,2,3,0,7.78778,0.105825 +-7.01519,0.986086,0.893542,1,1,0,7.02849,0.166803 +-6.77371,0.997479,0.893542,2,3,0,6.93068,0.222405 +-6.90556,1,0.893542,1,1,0,6.94299,0.184565 +-7.04897,1,0.893542,1,1,0,7.13519,0.162276 +-7.00486,0.9046,0.893542,1,3,0,7.48598,0.168259 +-6.74844,0.994799,0.893542,1,3,0,6.95173,0.253614 +-8.28451,0.636553,0.893542,1,3,0,9.4636,0.0815767 +-7.70562,1,0.893542,1,1,0,7.90469,0.107992 +-6.99754,0.904112,0.893542,2,7,0,8.32984,0.34437 +-6.75476,0.996351,0.893542,1,3,0,6.79309,0.235681 +-6.76793,0.998723,0.893542,1,1,0,6.76994,0.275478 +-7.04686,0.967486,0.893542,2,7,0,8.24412,0.353795 +-6.74871,0.996331,0.893542,1,3,0,7.51065,0.254648 +-6.85681,0.987415,0.893542,1,1,0,6.86126,0.311086 +-6.75501,0.999328,0.893542,1,3,0,7.03588,0.264967 +-6.76255,1,0.893542,1,1,0,6.76578,0.229108 +-7.03963,0.941456,0.893542,1,3,0,7.12437,0.163494 +-6.76045,0.989536,0.893542,1,3,0,6.97861,0.270042 +-8.24567,0.636301,0.893542,2,7,0,9.5564,0.0830342 +-6.7695,0.982889,0.893542,1,3,0,8.70349,0.224711 +-6.80441,1,0.893542,1,1,0,6.85971,0.293456 +-6.9569,0.94763,0.893542,1,3,0,7.16463,0.335937 +-7.96674,0.865075,0.893542,1,1,0,8.07223,0.468843 +-7.07723,1,0.893542,2,3,0,7.22619,0.359246 +-6.86233,1,0.893542,2,3,0,6.89268,0.312683 +-6.92259,0.978676,0.893542,2,3,0,6.99573,0.1814 +-7.06071,0.972286,0.893542,1,1,0,7.09088,0.356311 +-6.76305,1,0.893542,2,3,0,7.057,0.228757 +-6.75928,0.995018,0.893542,1,3,0,6.80423,0.231561 +-6.75056,0.997648,0.893542,1,3,0,6.88611,0.241165 +-6.77377,0.997192,0.893542,1,1,0,6.77469,0.279055 +-6.88708,1,0.893542,1,1,0,7.03569,0.319432 +-7.03345,0.945507,0.893542,1,3,0,7.06905,0.351308 +-7.13459,0.848965,0.893542,2,3,0,8.3118,0.1521 +-9.70169,0.577917,0.893542,1,1,0,9.76496,0.595541 +-12.162,1,0.893542,1,1,0,12.6603,0.0183439 +-11.884,0.915672,0.893542,3,7,0,11.8859,0.0202423 +-11.1024,1,0.893542,1,1,0,12.0828,0.0268015 +-7.62519,1,0.893542,2,3,0,10.3134,0.112702 +-6.75409,0.999421,0.893542,1,3,0,6.79476,0.236399 +-6.78317,0.998359,0.893542,2,3,0,6.78344,0.284076 +-6.74925,0.995747,0.893542,1,3,0,6.87955,0.256235 +-7.11486,0.85724,0.893542,1,3,0,8.12899,0.154303 +-7.06062,0.910813,0.893542,1,3,0,7.29862,0.160789 +-6.84477,0.975241,0.893542,1,3,0,6.89426,0.197877 +-6.75078,0.992919,0.893542,2,3,0,6.79788,0.240788 +-7.10049,0.861908,0.893542,2,3,0,8.11541,0.155957 +-7.27713,0.932579,0.893542,2,3,0,7.38416,0.390515 +-7.36801,0.909021,0.893542,1,1,0,7.38609,0.402871 +-9.96712,0.760151,0.893542,1,3,0,10.7084,0.040878 +-6.77172,0.960459,0.893542,1,3,0,9.8645,0.223469 +-7.49083,0.924243,0.893542,2,3,0,7.57339,0.418295 +-7.41286,1,0.893542,1,1,0,8.27762,0.408656 +-6.75199,0.999971,0.893542,2,7,0,6.76174,0.261248 +-7.00309,0.689664,0.893542,1,3,0,8.84041,0.345471 +-6.89535,0.960323,0.893542,1,3,0,7.19016,0.32156 +-6.9776,0.879539,0.893542,1,3,0,7.77367,0.172285 +-6.75356,0.969982,0.893542,2,3,0,7.45002,0.263307 +-6.75126,0.988485,0.893542,2,3,0,6.84094,0.240032 +-6.76614,0.995264,0.893542,1,3,0,6.77583,0.226721 +-7.32114,0.958141,0.893542,2,3,0,7.33335,0.396611 +-6.89513,0.95682,0.893542,1,3,0,7.28053,0.321504 +-6.85419,0.930189,0.893542,2,3,0,7.89087,0.310316 +-6.7601,1,0.893542,2,3,0,7.03224,0.230914 +-7.00964,0.920915,0.893542,1,3,0,7.24297,0.167581 +-7.03245,0.889608,0.893542,2,7,0,7.5086,0.164448 +-7.88129,0.985932,0.893542,2,3,0,9.1198,0.0987477 +-6.75547,0.932937,0.893542,2,7,0,9.59677,0.234952 +-9.71787,0.981532,0.893542,1,1,0,9.8597,0.0449965 +-8.24704,1,0.893542,1,1,0,8.97084,0.0829825 +-8.45275,0.3072,0.893542,1,1,0,11.5949,0.511005 +-7.64205,0.990168,0.893542,2,3,0,8.97572,0.111687 +-7.06914,1,0.893542,1,1,0,7.24042,0.159725 +-7.25479,1,0.893542,2,7,0,8.19415,0.140087 +-6.7574,0.994406,0.893542,1,3,0,6.84551,0.267372 +-6.81942,0.98105,0.893542,1,3,0,6.86015,0.20486 +-6.99584,0.988209,0.893542,1,1,0,7.01084,0.16956 +-6.96395,0.946474,0.893542,1,3,0,7.33782,0.337451 +-6.7698,0.955675,0.893542,1,3,0,8.13848,0.276672 +-10.3624,0.999337,0.893542,2,3,0,10.6584,0.0352035 +-10.1644,0.947057,0.893542,1,1,0,10.1724,0.0379246 +-7.14963,0.933645,0.893542,1,3,0,9.51345,0.150469 +-7.28549,0.998403,0.893542,2,7,0,7.32436,0.39169 +-6.75483,1,0.893542,2,3,0,7.19038,0.264775 +-7.7652,0.803876,0.893542,1,3,0,8.05598,0.448878 +-7.01948,0.97881,0.893542,1,1,0,7.02291,0.166209 +-7.34297,0.931382,0.893542,1,3,0,7.40188,0.132484 +-6.75076,1,0.893542,2,3,0,7.1626,0.259333 +-6.77031,0.962803,0.893542,2,3,0,8.69741,0.224247 +-7.4592,0.852846,0.893542,1,3,0,7.80215,0.414444 +-6.75776,0.983389,0.893542,1,3,0,7.85554,0.232835 +-6.82804,0.980952,0.893542,1,3,0,6.86043,0.302076 +-6.75918,0.986538,0.893542,1,3,0,7.65035,0.231648 +-6.90429,0.998491,0.893542,2,3,0,6.92196,0.184809 +-6.76629,0.992922,0.893542,2,7,0,6.82205,0.274386 +-6.76466,0.996724,0.893542,2,3,0,6.79825,0.27325 +-7.36752,0.777891,0.893542,1,3,0,9.96554,0.130512 +-6.82028,1,0.893542,2,3,0,7.41596,0.204601 +-6.79702,1,0.893542,1,1,0,6.82605,0.212296 +-6.78727,0.985896,0.893542,1,3,0,6.91602,0.216116 +-6.75596,0.996972,0.893542,2,7,0,6.77539,0.265971 +-6.81085,0.993923,0.893542,1,1,0,6.8118,0.207529 +-7.89411,0.934237,0.893542,2,3,0,7.9135,0.46185 +-6.75231,0.997216,0.893542,1,3,0,6.79501,0.26169 +-8.78983,0.757752,0.893542,1,1,0,8.93818,0.536588 +-6.8495,0.858909,0.893542,1,3,0,7.64302,0.308917 +-7.16768,0.85654,0.893542,1,3,0,7.72511,0.148566 +-6.77385,0.99633,0.893542,1,1,0,6.77399,0.279101 +-9.27325,0.750085,0.893542,2,3,0,9.80726,0.569435 +-6.77718,1,0.893542,1,1,0,6.78438,0.280963 +-6.96174,0.997059,0.893542,2,3,0,6.97832,0.174762 +-6.82648,0.988643,0.893542,1,3,0,6.83246,0.202793 +-7.20825,1,0.893542,2,3,0,7.48866,0.14448 +-7.19776,1,0.893542,1,1,0,7.45566,0.378892 +-7.03861,0.889742,0.893542,1,3,0,7.64371,0.163629 +-6.78248,0.977119,0.893542,1,3,0,8.09464,0.218182 +-6.77452,0.996791,0.893542,2,3,0,6.77659,0.279486 +-7.22675,0.934431,0.893542,2,3,0,7.2279,0.142699 +-7.12753,0.873548,0.893542,2,3,0,9.07554,0.36779 +-6.92492,1,0.893542,1,1,0,7.03,0.328757 +-9.27743,0.872285,0.893542,2,3,0,9.38192,0.569703 +-8.93799,0.735248,0.893542,1,1,0,9.08599,0.547091 +-7.89761,0.862942,0.893542,1,1,0,7.98159,0.462193 +-8.26924,0.959606,0.893542,1,1,0,8.30529,0.0821452 +-9.69764,0.889658,0.893542,2,3,0,10.0493,0.0453516 +-6.77473,0.904585,0.893542,2,3,0,7.63132,0.279604 +-7.10456,0.957936,0.893542,1,3,0,8.33042,0.155484 +-7.634,0.938331,0.893542,1,1,0,7.76532,0.434823 +-7.66197,1,0.893542,1,1,0,8.99844,0.437899 +-6.93418,1,0.893542,2,3,0,7.07132,0.330893 +-7.0253,0.983173,0.893542,1,1,0,7.06402,0.349769 +-6.74802,0.774473,0.893542,1,3,0,7.96847,0.250278 +-6.74937,0.999988,0.893542,2,3,0,6.74958,0.243541 +-6.75221,1,0.893542,2,3,0,8.00855,0.261553 +-7.7963,0.962978,0.893542,1,1,0,7.82362,0.103056 +-6.88793,0.962184,0.893542,2,3,0,7.13982,0.319655 +-8.79515,0.999149,0.893542,2,3,0,9.01462,0.0652699 +-6.82066,0.988672,0.893542,2,7,0,8.03977,0.29953 +-7.26521,0.937608,0.893542,1,3,0,7.31682,0.139142 +-6.80124,0.999835,0.893542,2,7,0,6.80128,0.292178 +-7.3307,0.796511,0.893542,1,3,0,8.18101,0.133492 +-7.25921,0.98546,0.893542,2,3,0,7.25922,0.139685 +-6.75367,1,0.893542,2,3,0,7.06954,0.236868 +-7.27763,0.966213,0.893542,1,1,0,7.28368,0.138033 +-6.78897,0.998259,0.893542,2,7,0,7.10716,0.286854 +-7.38388,1,0.893542,1,1,0,7.57202,0.40494 +-7.19828,1,0.893542,1,1,0,7.46811,0.37897 +-6.78308,0.962502,0.893542,1,3,0,7.43531,0.217913 +-6.90393,0.998221,0.893542,1,1,0,6.93821,0.323712 +-7.10264,0.988971,0.893542,1,1,0,7.17218,0.363632 +-7.1463,0.884806,0.893542,2,3,0,8.62235,0.150826 +-6.77811,1,0.893542,1,1,0,6.80079,0.220204 +-6.81973,1,0.893542,1,1,0,6.84313,0.299201 +-7.09648,0.866786,0.893542,1,3,0,7.84853,0.156427 +-6.7487,0.994322,0.893542,1,3,0,7.11996,0.245426 +-7.20354,0.938578,0.893542,2,3,0,7.22393,0.144942 +-8.28102,0.945793,0.893542,2,7,0,8.43888,0.496919 +-7.00079,1,0.893542,2,3,0,7.06043,0.168843 +-8.31037,0.827102,0.893542,1,1,0,8.44743,0.499383 +-6.74809,0.97286,0.893542,2,3,0,7.04708,0.248522 +-7.84723,0.919234,0.893542,2,3,0,7.89835,0.457219 +-6.94864,1,0.893542,2,3,0,7.07359,0.334134 +-7.09511,0.726405,0.893542,1,3,0,10.157,0.156588 +-7.69435,0.917755,0.893542,2,3,0,7.86565,0.108632 +-7.6227,0.841363,0.893542,1,1,0,7.6244,0.433567 +-6.90388,0.992004,0.893542,1,1,0,6.91406,0.18489 +-9.01173,0.612419,0.893542,1,1,0,9.01523,0.552167 +-7.19,0.946856,0.893542,2,3,0,7.24767,0.146286 +-7.19517,0.977133,0.893542,1,1,0,7.26916,0.378497 +-7.91036,0.864506,0.893542,2,3,0,8.15791,0.463434 +-6.91814,1,0.893542,2,7,0,7.26427,0.182209 +-7.03319,0.980118,0.893542,1,1,0,7.03913,0.164348 +-7.44861,0.922691,0.893542,1,3,0,7.51616,0.124383 +-7.04902,1,0.893542,1,1,0,7.23086,0.16227 +-6.88083,0.994843,0.893542,2,3,0,7.41262,0.189543 +-6.92803,0.904079,0.893542,2,3,0,7.99236,0.180428 +-6.7499,0.99844,0.893542,1,3,0,6.9272,0.257704 +-8.50004,0.831237,0.893542,1,3,0,8.80634,0.0740961 +-6.8744,0.999199,0.893542,2,3,0,6.9,0.316051 +-6.76773,0.997706,0.893542,2,3,0,6.87983,0.225746 +-7.5917,0.992833,0.893542,2,3,0,7.6434,0.114767 +-9.11504,0.702585,0.893542,2,3,0,9.11572,0.0571691 +-8.53111,0.98624,0.893542,2,7,0,8.67576,0.517181 +-6.74905,0.985833,0.893542,2,3,0,7.3976,0.255709 +-7.26154,0.921447,0.893542,1,1,0,7.27192,0.388298 +-7.9014,0.947882,0.893542,1,1,0,8.12531,0.462562 +-9.51089,0.788191,0.893542,1,1,0,9.89938,0.584224 +-7.10478,1,0.893542,2,7,0,7.78298,0.155459 +-6.74916,0.974045,0.893542,2,3,0,6.93411,0.255994 +-6.84529,0.990083,0.893542,1,1,0,6.84596,0.197744 +-6.84122,0.96784,0.893542,1,3,0,6.98621,0.198786 +-6.75633,0.767931,0.893542,2,3,0,8.82708,0.23412 +-6.77814,0.877128,0.893542,1,3,0,7.4329,0.28148 +-6.86165,0.917524,0.893542,2,3,0,7.80688,0.312486 +-6.80486,0.99422,0.893542,2,3,0,6.89004,0.209515 +-9.1454,0.977445,0.893542,1,1,0,9.77837,0.561132 +-8.48933,1,0.893542,1,1,0,9.069,0.513907 +-6.76302,0.989133,0.893542,1,3,0,7.36265,0.228779 +-7.27007,0.88654,0.893542,1,3,0,7.5357,0.389515 +-6.83823,0.981783,0.893542,1,3,0,6.85989,0.199568 +-6.87479,0.964561,0.893542,1,3,0,6.96163,0.190839 +-7.02177,0.976272,0.893542,2,3,0,7.02958,0.349098 +-6.75672,0.978883,0.893542,2,3,0,6.91104,0.233758 +-6.84598,0.96544,0.893542,1,3,0,7.32987,0.307844 +-10.3709,0.591821,0.893542,2,7,0,10.4209,0.0350917 +-11.9315,0.965225,0.893542,1,1,0,11.9424,0.0199038 +-8.59499,0.907048,0.893542,3,7,0,11.4043,0.071094 +-10.1978,0.957745,0.893542,1,1,0,10.2262,0.0374494 +-6.75634,0.976621,0.893542,3,7,0,10.4651,0.234113 +-6.77791,0.992937,0.893542,1,3,0,6.78913,0.220301 +-7.69635,0.953407,0.893542,1,1,0,7.70522,0.108518 +-7.03621,0.999785,0.893542,1,1,0,7.08699,0.163947 +-7.61646,1,0.893542,2,7,0,7.66503,0.113234 +-7.09578,1,0.893542,1,1,0,7.29223,0.156509 +-6.84276,1,0.893542,2,3,0,6.88003,0.306848 +-6.83261,0.780933,0.893542,2,3,0,8.36156,0.201078 +-6.77696,0.954949,0.893542,2,3,0,7.10859,0.220761 +-6.80907,1,0.893542,1,1,0,6.82983,0.208106 +-6.97771,0.995645,0.893542,2,3,0,6.98818,0.172267 +-7.15318,0.900867,0.893542,1,3,0,7.36486,0.15009 +-6.81411,0.99824,0.893542,2,7,0,7.00992,0.297168 +-6.76667,0.992385,0.893542,2,3,0,6.90996,0.274643 +-6.891,0.976002,0.893542,1,3,0,6.91178,0.187435 +-7.67147,0.673351,0.893542,1,1,0,8.72389,0.438935 +-6.75544,0.984174,0.893542,1,3,0,7.24753,0.265425 +-6.85543,0.981929,0.893542,1,3,0,6.87018,0.195252 +-8.68825,1,0.893542,1,1,0,9.02023,0.0682997 +-10.3002,0.975713,0.893542,1,1,0,10.4014,0.036033 +-10.1524,1,0.893542,2,3,0,10.7075,0.0380976 +-6.75579,0.953157,0.893542,1,3,0,9.91194,0.234641 +-7.40503,0.750081,0.893542,1,3,0,8.94708,0.127608 +-7.54419,1,0.893542,1,1,0,7.9157,0.117809 +-7.54804,1,0.893542,1,1,0,7.73962,0.117557 +-7.63892,0.991006,0.893542,1,1,0,7.7352,0.111874 +-6.75294,0.987073,0.893542,1,3,0,7.21999,0.23774 +-6.76591,0.993895,0.893542,2,7,0,7.76004,0.274126 +-6.80772,0.981201,0.893542,1,3,0,7.0456,0.294754 +-6.86605,0.964344,0.893542,1,3,0,6.97044,0.192779 +-7.0157,0.974384,0.893542,1,1,0,7.01603,0.166732 +-6.7633,1,0.893542,1,1,0,6.77812,0.272265 +-7.52642,0.994605,0.893542,1,1,0,7.62445,0.118984 +-7.94448,0.62511,0.893542,2,7,0,9.50236,0.0957225 +-7.82429,1,0.893542,1,1,0,8.43156,0.101605 +-8.62635,0.949519,0.893542,1,1,0,8.64727,0.0701379 +-6.81512,0.963717,0.893542,1,3,0,7.1431,0.206176 +-6.85607,0.992454,0.893542,2,3,0,7.15585,0.195099 +-6.78478,0.987426,0.893542,1,3,0,6.84448,0.217173 +-6.93046,0.96955,0.893542,2,3,0,7.00447,0.33004 +-8.83794,0.875938,0.893542,2,3,0,8.94199,0.540045 +-7.54282,0.95619,0.893542,1,1,0,7.67827,0.424459 +-8.22271,0.775544,0.893542,1,1,0,8.26303,0.49195 +-7.8589,1,0.893542,2,3,0,8.35248,0.458381 +-6.95111,0.940377,0.893542,1,3,0,7.54648,0.334676 +-6.9784,0.997653,0.893542,2,3,0,7.02206,0.340483 +-7.0351,1,0.893542,1,1,0,7.13714,0.351617 +-7.41128,0.935339,0.893542,1,1,0,7.47617,0.408455 +-6.82044,0.979585,0.893542,1,3,0,6.93587,0.299453 +-6.90427,0.99184,0.893542,2,3,0,8.37955,0.184813 +-6.77021,0.990217,0.893542,1,3,0,6.9124,0.276928 +-6.78114,0.978468,0.893542,1,3,0,7.22751,0.28305 +-7.10992,0.979138,0.893542,2,3,0,7.11079,0.364861 +-6.82149,1,0.893542,1,1,0,6.84922,0.299825 +-6.94408,0.998736,0.893542,1,1,0,6.97678,0.177658 +-6.7781,0.989518,0.893542,1,3,0,6.89158,0.220209 +-9.16255,0.593199,0.893542,1,1,0,9.16714,0.562261 +-7.78084,1,0.893542,1,1,0,8.22956,0.450492 +-7.38587,0.955738,0.893542,1,1,0,7.47649,0.405197 +-6.99943,0.576743,0.893542,1,3,0,9.3436,0.344745 +-7.26806,0.872174,0.893542,2,3,0,7.75795,0.389229 +-6.84911,1,0.893542,2,3,0,7.54258,0.196788 +-7.28262,0.826643,0.893542,1,3,0,7.89461,0.137593 +-6.81228,0.963686,0.893542,1,3,0,7.15221,0.20707 +-7.10109,0.979002,0.893542,2,7,0,7.11233,0.363369 +-6.93568,0.928005,0.893542,2,3,0,7.56648,0.331234 +-7.8503,0.84918,0.893542,2,7,0,7.86288,0.100286 +-7.89618,1,0.893542,1,1,0,8.21196,0.462052 +-8.33624,0.880601,0.893542,1,1,0,8.56952,0.501535 +-8.57021,0.990647,0.893542,2,3,0,9.02886,0.520208 +-6.94485,0.926691,0.893542,2,7,0,7.25864,0.177528 +-6.77677,0.979375,0.893542,1,3,0,7.98376,0.220856 +-6.76036,0.980089,0.893542,2,3,0,7.15103,0.269966 +-6.79171,0.887418,0.893542,2,3,0,7.5698,0.214321 +-6.78602,0.984375,0.893542,1,3,0,6.8937,0.21664 +-6.76384,0.988043,0.893542,2,3,0,6.87371,0.228219 +-7.57391,0.792315,0.893542,1,3,0,8.11443,0.115889 +-10.4899,0.849165,0.893542,2,3,0,10.7302,0.0335673 +-7.15565,0.93317,0.893542,1,3,0,9.53461,0.149828 +-6.78663,0.985667,0.893542,1,3,0,7.43926,0.216384 +-7.11462,0.917627,0.893542,1,3,0,7.57004,0.365649 +-6.97076,1,0.893542,2,3,0,7.08546,0.338892 +-6.83667,0.961379,0.893542,2,7,0,7.26535,0.304921 +-6.87377,1,0.893542,1,1,0,6.94106,0.191062 +-7.50233,1,0.893542,1,1,0,7.63782,0.120609 +-7.02883,1,0.893542,2,3,0,8.11632,0.164934 +-8.17562,0.68016,0.893542,1,3,0,9.13707,0.0857578 +-6.81748,0.990579,0.893542,2,3,0,6.85324,0.205447 +-6.82329,0.961788,0.893542,1,3,0,10.5102,0.203714 +-7.80293,0.951123,0.893542,2,7,0,7.86236,0.452754 +-7.34351,0.966222,0.893542,2,3,0,7.34432,0.399627 +-7.05988,1,0.893542,1,1,0,7.14425,0.356161 +-6.81792,0.99057,0.893542,2,3,0,6.85572,0.205312 +-9.92437,0.908048,0.893542,2,7,0,10.35,0.608177 +-8.44095,1,0.893542,1,1,0,9.57837,0.510061 +-6.81172,0.998476,0.893542,2,3,0,6.81799,0.296279 +-7.04673,0.910845,0.893542,2,3,0,8.19125,0.353771 +-6.83782,0.995336,0.893542,1,1,0,6.84457,0.199678 +-6.84542,0.854434,0.893542,1,3,0,7.60991,0.307671 +-6.75174,0.999073,0.893542,1,3,0,6.75341,0.239322 +-7.05459,0.960812,0.893542,2,7,0,7.05521,0.161554 +-7.01357,1,0.893542,2,3,0,9.02084,0.167029 +-6.89215,1,0.893542,1,1,0,7.03196,0.187202 +-10.1185,1,0.893542,1,1,0,11.1643,0.0385897 +-6.9276,0.993916,0.893542,1,1,0,6.94527,0.180503 +-7.19672,0.97265,0.893542,2,7,0,7.20544,0.378733 +-6.87064,0.917391,0.893542,2,7,0,8.33936,0.315018 +-7.69122,0.589347,0.893542,1,3,0,9.81957,0.108811 +-6.92857,0.920063,0.893542,2,7,0,8.04444,0.329603 +-7.1012,1,0.893542,1,1,0,7.22484,0.363386 +-8.05846,0.812533,0.893542,1,1,0,8.11032,0.477382 +-6.74838,0.833086,0.893542,2,3,0,8.18868,0.246672 +-8.60253,0.75209,0.893542,2,3,0,8.60391,0.0708623 +-7.01141,0.935749,0.893542,1,3,0,9.76708,0.167332 +-7.50191,0.857684,0.893542,1,3,0,8.92516,0.419625 +-6.83485,1,0.893542,2,3,0,7.37018,0.200472 +-6.7966,0.94823,0.893542,1,3,0,8.12449,0.21245 +-6.75714,0.994852,0.893542,1,3,0,6.83489,0.267126 +-7.32383,0.994663,0.893542,1,1,0,7.39832,0.134063 +-6.75655,0.988431,0.893542,2,3,0,6.85434,0.233918 +-6.8346,1,0.893542,1,1,0,6.98102,0.304249 +-6.90563,1,0.893542,2,3,0,6.97224,0.184552 +-7.25743,1,0.893542,1,1,0,7.43218,0.387709 +-6.74924,0.964156,0.893542,3,7,0,9.54374,0.256216 +-6.96428,0.97917,0.893542,1,1,0,6.96487,0.174358 +-6.76864,1,0.893542,1,3,0,7.49997,0.275939 +-7.03377,0.979769,0.893542,1,1,0,7.03932,0.164271 +-7.07675,0.989457,0.893542,1,1,0,7.10477,0.158789 +-6.98645,0.915106,0.893542,2,7,0,7.32992,0.170947 +-7.38212,0.615363,0.893542,1,1,0,8.60694,0.404711 +-6.95854,1,0.893542,1,1,0,7.04715,0.336291 +-6.7508,0.999072,0.893542,1,3,0,6.87624,0.259389 +-6.77592,0.997232,0.893542,1,3,0,6.91911,0.221274 +-6.79303,0.980568,0.893542,2,3,0,7.083,0.288692 +-6.81311,0.99066,0.893542,1,1,0,6.81367,0.296799 +-6.93926,0.927597,0.893542,1,3,0,7.35988,0.178474 +-6.83139,1,0.893542,1,1,0,6.85332,0.201415 +-6.82883,0.685208,0.893542,2,3,0,9.21428,0.202126 +-7.36215,0.775143,0.893542,1,3,0,8.2297,0.130939 +-7.09564,1,0.893542,1,1,0,7.84254,0.362439 +-7.14343,1,0.893542,2,7,0,7.59016,0.151136 +-6.83573,1,0.893542,1,1,0,6.86892,0.304617 +-6.86139,0.987853,0.893542,2,3,0,6.963,0.193847 +-7.16699,0.902883,0.893542,2,3,0,7.52724,0.374133 +-7.47247,0.671449,0.893542,1,1,0,8.50035,0.416069 +-6.82289,0.945621,0.893542,2,3,0,7.70946,0.300312 +-6.88985,0.951437,0.893542,1,3,0,7.09162,0.187669 +-6.85422,0.888976,0.893542,2,3,0,7.6249,0.195542 +-6.74803,0.994868,0.893542,1,3,0,7.77254,0.249439 +-6.88339,1,0.893542,1,1,0,7.11009,0.318463 +-6.75913,0.983763,0.893542,2,3,0,7.04055,0.268933 +-7.16827,0.925431,0.893542,1,1,0,7.16883,0.374334 +-7.06615,1,0.893542,1,1,0,7.34574,0.357285 +-7.11094,0.919937,0.893542,1,3,0,7.62022,0.365032 +-7.14319,0.902825,0.893542,1,3,0,7.35137,0.151162 +-6.75349,0.976047,0.893542,2,3,0,7.14943,0.263223 +-7.569,0.844938,0.893542,1,3,0,7.695,0.42749 +-7.33587,0.989022,0.893542,1,1,0,7.46969,0.398604 +-7.10352,0.865095,0.893542,1,3,0,7.83405,0.155604 +-6.78975,0.978254,0.893542,1,3,0,7.23156,0.287214 +-6.79484,1,0.893542,1,1,0,6.81722,0.289484 +-6.74835,0.999897,0.893542,1,3,0,6.74905,0.246787 +-8.21726,0.717491,0.893542,2,3,0,9.07541,0.49148 +-6.79769,0.990292,0.893542,1,3,0,7.19916,0.212048 +-6.82711,0.974797,0.893542,1,3,0,7.06186,0.301764 +-6.74965,0.998881,0.893542,1,3,0,6.76635,0.257188 +-6.79743,0.973032,0.893542,2,3,0,7.03493,0.212145 +-7.63189,1,0.893542,1,1,0,7.98521,0.434589 +-6.76897,1,0.893542,2,3,0,6.77793,0.225015 +-6.79373,0.957867,0.893542,2,3,0,7.15594,0.288999 +-6.81114,0.972128,0.893542,1,3,0,7.00115,0.207435 +-6.74959,1,0.893542,1,1,0,6.75089,0.257052 +-7.10017,0.913201,0.893542,1,3,0,7.28317,0.155994 +-6.75159,0.988687,0.893542,1,3,0,7.38187,0.239538 +-7.7273,0.85674,0.893542,2,3,0,8.05937,0.444913 +-6.74893,0.985587,0.893542,2,3,0,7.85644,0.255366 +-6.95411,0.949027,0.893542,1,3,0,7.05467,0.175994 +-7.73178,0.744934,0.893542,1,3,0,8.45466,0.10653 +-7.3135,0.883075,0.893542,1,3,0,7.4736,0.395569 +-7.0887,0.953,0.893542,1,1,0,7.09914,0.361244 +-9.90789,0.493276,0.893542,1,1,0,9.90962,0.607262 +-6.90938,1,0.893542,2,3,0,6.95585,0.183839 +-7.15425,0.983141,0.893542,1,1,0,7.17717,0.149976 +-6.98329,1,0.893542,1,1,0,7.03062,0.17142 +-6.86378,0.97111,0.893542,1,3,0,6.93066,0.313094 +-6.75036,0.921868,0.893542,2,3,0,7.32095,0.241526 +-7.14161,0.946396,0.893542,2,3,0,7.14441,0.151334 +-6.90947,0.942899,0.893542,1,3,0,7.75047,0.325071 +-7.18366,0.987092,0.893542,2,3,0,7.22843,0.376731 +-7.75874,1,0.893542,1,1,0,8.31915,0.448207 +-7.51313,1,0.893542,2,7,0,8.20401,0.119876 +-6.77026,0.989154,0.893542,2,7,0,8.33786,0.276958 +-6.94043,0.921544,0.893542,1,3,0,7.31626,0.178275 +-6.74819,0.999876,0.893542,1,3,0,6.75002,0.252274 +-6.79789,1,0.893542,1,1,0,6.81157,0.211973 +-6.75331,1,0.893542,2,7,0,6.76546,0.237297 +-7.71003,0.891274,0.893542,2,3,0,7.88088,0.443082 +-8.54754,0.954579,0.893542,1,1,0,8.96942,0.518458 +-7.18567,1,0.893542,1,1,0,7.59237,0.37704 +-8.24221,0.783968,0.893542,1,1,0,8.29767,0.493622 +-7.07314,0.820854,0.893542,2,3,0,8.91068,0.358525 +-7.25379,1,0.893542,2,3,0,7.39282,0.140178 +-6.8448,0.983842,0.893542,1,3,0,7.434,0.197869 +-7.06036,1,0.893542,1,1,0,7.30734,0.356249 +-6.91919,0.974105,0.893542,1,1,0,6.92089,0.327408 +-7.25474,1,0.893542,1,1,0,7.54755,0.140092 +-7.7561,0.833786,0.893542,1,3,0,9.46022,0.447932 +-7.65705,1,0.893542,2,7,0,7.69934,0.110796 +-7.77692,0.968439,0.893542,1,1,0,7.815,0.10408 +-6.76783,0.965137,0.893542,1,3,0,8.79587,0.225687 +-6.9564,0.896249,0.893542,2,3,0,7.49084,0.175621 +-8.45413,0.848615,0.893542,2,3,0,8.58193,0.0756086 +-7.2217,0.969985,0.893542,2,7,0,7.23202,0.38249 +-6.77875,0.972311,0.893542,1,3,0,7.1642,0.219898 +-7.01865,0.941319,0.893542,1,3,0,7.09572,0.3485 +-8.76882,1,0.893542,1,1,0,9.65383,0.0659999 +-10.5334,0.941498,0.893542,1,1,0,10.5338,0.0330294 +-11.1091,0.964982,0.893542,1,1,0,11.1391,0.0267367 +-10.6324,0.993,0.893542,1,1,0,10.8746,0.0318388 +-8.28105,0.995216,0.893542,2,3,0,10.2984,0.0817049 +-6.78553,0.988216,0.893542,1,3,0,6.84026,0.216848 +-8.56603,0.966894,0.893542,1,1,0,8.62852,0.0719921 +-9.51213,0.732309,0.893542,1,1,0,9.79745,0.584299 +-9.78956,1,0.893542,2,7,0,9.93855,0.0437644 +-6.8626,0.957772,0.893542,1,3,0,7.09931,0.193569 +-7.1078,0.87978,0.893542,1,3,0,7.54941,0.155111 +-7.33884,0.981143,0.893542,1,1,0,7.52806,0.399002 +-6.88101,0.982907,0.893542,2,3,0,6.88299,0.189506 +-7.19094,0.968169,0.893542,1,1,0,7.19454,0.146192 +-7.52349,0.867009,0.893542,1,1,0,7.52926,0.42219 +-7.67752,1,0.893542,1,1,0,9.34744,0.43959 +-6.80364,0.953052,0.893542,1,3,0,7.4425,0.209932 +-6.90462,0.934191,0.893542,2,7,0,7.22018,0.184745 +-7.51051,0.882226,0.893542,1,3,0,7.68249,0.120053 +-8.28025,0.992075,0.893542,2,3,0,8.36561,0.0817348 +-6.75607,0.995905,0.893542,2,7,0,8.02875,0.266083 +-7.00286,1,0.893542,1,1,0,7.14237,0.345424 +-7.27697,0.992313,0.893542,2,3,0,7.37317,0.390492 +-8.40859,0.898781,0.893542,2,3,0,8.42763,0.507457 +-8.75879,0.967917,0.893542,2,3,0,9.15181,0.534335 +-7.22414,0.84046,0.893542,1,1,0,7.71002,0.382853 +-6.8529,0.947559,0.893542,1,3,0,7.23514,0.195861 +-7.12148,1,0.893542,1,1,0,7.47792,0.153555 +-6.94162,0.98788,0.893542,2,3,0,7.26372,0.178073 +-8.03763,0.988755,0.893542,2,7,0,8.04011,0.47547 +-9.28886,0.899027,0.893542,2,3,0,9.45707,0.570432 +-6.75869,0.957176,0.893542,2,3,0,8.30871,0.268549 +-6.7601,0.999206,0.893542,1,1,0,6.76125,0.269758 +-6.87367,0.960664,0.893542,1,3,0,7.25764,0.315851 +-6.74803,0.823037,0.893542,2,3,0,8.31941,0.249645 +-7.07178,0.947101,0.893542,2,3,0,9.78308,0.159399 +-7.07419,0.879406,0.893542,2,7,0,7.57606,0.159102 +-7.08305,0.897877,0.893542,1,3,0,8.68229,0.360263 +-8.88087,0.9488,0.893542,1,1,0,8.90153,0.0629641 +-6.94532,1,0.893542,2,3,0,7.17671,0.3334 +-6.81395,0.936564,0.893542,1,3,0,8.26763,0.20654 +-6.79206,0.998171,0.893542,1,1,0,6.79857,0.288258 +-6.75374,1,0.893542,1,1,0,6.75959,0.263526 +-7.83885,0.74952,0.893542,1,3,0,8.48334,0.100864 +-8.14782,0.956991,0.893542,1,1,0,8.17533,0.0868743 +-6.77015,1,0.893542,1,1,0,6.786,0.224338 +-7.26663,0.776222,0.893542,2,7,0,8.32087,0.139014 +-6.75038,0.999719,0.893542,1,3,0,6.7714,0.24149 +-6.79368,1,0.893542,1,1,0,6.81865,0.213555 +-7.91048,1,0.893542,2,3,0,8.21584,0.0973322 +-7.55512,1,0.893542,1,1,0,7.93949,0.117097 +-6.81043,0.974946,0.893542,2,3,0,7.04845,0.207662 +-6.93009,1,0.893542,1,1,0,7.10642,0.329955 +-6.94672,0.994348,0.893542,1,1,0,6.96831,0.177214 +-6.83557,0.958862,0.893542,1,3,0,7.55032,0.304566 +-6.75655,0.991688,0.893542,1,3,0,6.88023,0.233921 +-6.74888,0.996322,0.893542,1,3,0,7.21774,0.255194 +-6.79904,0.94668,0.893542,1,3,0,8.18517,0.211555 +-6.80716,0.978911,0.893542,1,3,0,6.92151,0.208738 +-6.75651,0.992159,0.893542,1,3,0,6.86927,0.233958 +-7.08698,0.922751,0.893542,1,3,0,7.25285,0.360946 +-7.29434,0.487347,0.893542,2,3,0,11.0485,0.13657 +-7.68817,0.985139,0.893542,1,1,0,7.76804,0.108986 +-7.8273,0.935324,0.893542,2,3,0,8.20529,0.101451 +-6.74902,1,0.893542,2,3,0,6.80752,0.255627 +-8.1087,0.79855,0.893542,2,3,0,9.9345,0.0884807 +-6.75571,0.999872,0.893542,2,3,0,6.7565,0.23472 +-6.96102,1,0.893542,1,1,0,7.02674,0.336824 +-6.92519,1,0.893542,1,1,0,6.99479,0.328819 +-6.86312,0.991273,0.893542,1,1,0,6.87457,0.312908 +-6.86312,0.957882,0.893542,1,1,0,6.99385,0.312908 +-6.82277,0.885321,0.893542,2,3,0,8.08602,0.300271 +-6.75832,0.988978,0.893542,1,3,0,7.43606,0.232356 +-6.75421,0.999448,0.893542,2,3,0,6.84171,0.236271 +-6.7802,0.962711,0.893542,1,3,0,7.51103,0.21922 +-7.19116,0.928613,0.893542,1,3,0,7.27488,0.146171 +-6.79023,0.980453,0.893542,2,3,0,6.95438,0.287434 +-7.10491,0.969998,0.893542,2,7,0,8.10814,0.364016 +-6.96849,0.708395,0.893542,1,3,0,8.67156,0.338413 +-7.00157,1,0.893542,1,1,0,7.10485,0.34517 +-6.83342,1,0.893542,1,1,0,6.96062,0.303864 +-6.7899,1,0.893542,1,1,0,6.86006,0.287284 +-6.76584,0.995209,0.893542,2,3,0,6.83156,0.274076 +-6.7481,0.999996,0.893542,1,3,0,6.7487,0.251594 +-7.69732,0.690304,0.893542,1,3,0,8.91128,0.108462 +-6.78666,0.768123,0.893542,1,3,0,8.29349,0.216368 +-6.8268,0.979145,0.893542,1,3,0,7.65751,0.2027 +-6.86763,0.948579,0.893542,1,3,0,7.15721,0.192424 +-6.78435,0.999599,0.893542,2,3,0,6.79025,0.284659 +-7.36262,0.825137,0.893542,1,3,0,7.89797,0.130901 +-6.94964,0.970875,0.893542,1,3,0,6.97002,0.176729 +-7.34661,0.974973,0.893542,2,7,0,7.3961,0.400041 +-8.25163,0.729915,0.893542,1,3,0,8.66381,0.494427 +-6.82345,1,0.893542,2,3,0,8.46039,0.203667 +-7.12807,0.875934,0.893542,1,3,0,7.56058,0.152819 +-6.87469,0.993329,0.893542,2,3,0,6.87516,0.31613 +-6.87026,0.941408,0.893542,1,3,0,7.2533,0.191835 +-6.9233,0.972337,0.893542,2,3,0,6.98259,0.328377 +-6.80795,1,0.893542,2,3,0,6.84327,0.294842 +-6.76557,1,0.893542,1,1,0,6.77939,0.273889 +-6.75773,0.95602,0.893542,2,3,0,7.07214,0.232855 +-6.76249,0.997445,0.893542,2,3,0,6.77302,0.271656 +-6.76281,0.986375,0.893542,2,3,0,6.86269,0.271897 +-6.76113,0.94439,0.893542,1,3,0,8.69857,0.270596 +-6.74805,1,0.893542,2,3,0,6.93295,0.250908 +-6.84782,0.893603,0.893542,1,3,0,7.41716,0.308405 +-6.77903,0.978878,0.893542,1,3,0,7.01391,0.219764 +-6.82158,0.979514,0.893542,2,3,0,7.02007,0.299854 +-6.91421,0.993684,0.893542,1,1,0,6.92934,0.182933 +-7.48992,0.864331,0.893542,1,3,0,7.56874,0.418185 +-6.81012,0.721139,0.893542,2,3,0,8.92433,0.207765 +-7.63103,0.878322,0.893542,2,7,0,7.63449,0.112349 +-6.77304,1,0.893542,2,3,0,7.67683,0.222757 +-6.78727,1,0.893542,1,1,0,6.79546,0.216114 +-6.74808,0.999236,0.893542,1,3,0,6.77739,0.251386 +-6.74974,0.999801,0.893542,2,3,0,6.74978,0.242718 +-7.38891,0.822956,0.893542,2,3,0,8.6674,0.12884 +-7.35687,1,0.893542,2,3,0,7.69302,0.131361 +-9.18298,0.902893,0.893542,1,1,0,9.69343,0.563599 +-8.05869,1,0.893542,1,1,0,10.1532,0.477404 +-6.96836,1,0.893542,1,1,0,7.10551,0.338386 +-6.9304,0.929449,0.893542,1,3,0,8.06547,0.330027 +-6.92115,0.891849,0.893542,1,3,0,7.51124,0.327871 +-8.02156,1,0.893542,2,3,0,8.24598,0.092218 +-6.75303,0.989588,0.893542,2,3,0,6.82494,0.262643 +-6.78272,0.990182,0.893542,1,3,0,6.81767,0.283853 +-6.85178,1,0.893542,1,1,0,6.90302,0.196133 +-6.77157,0.959899,0.893542,2,7,0,7.73313,0.277758 +-8.79178,0.746585,0.893542,2,7,0,8.79209,0.0653629 +-8.69829,1,0.893542,1,1,0,9.36877,0.0680073 +-6.84428,1,0.893542,1,1,0,6.88821,0.198 +-6.77692,1,0.893542,1,1,0,6.82237,0.28082 +-6.97366,0.966273,0.893542,1,1,0,6.97682,0.339498 +-7.88076,0.784993,0.893542,1,3,0,8.22929,0.460542 +-7.43284,0.950784,0.893542,1,1,0,7.52833,0.411174 +-6.76927,0.975413,0.893542,2,3,0,6.91779,0.224841 +-6.74956,0.997429,0.893542,1,3,0,6.90262,0.243101 +-6.8683,0.898813,0.893542,2,3,0,7.58552,0.192272 +-6.75019,0.998896,0.893542,2,3,0,6.81672,0.258297 +-7.21114,0.991312,0.893542,2,3,0,8.20783,0.144199 +-7.41832,0.991695,0.893542,2,3,0,7.44815,0.126608 +-6.77366,0.970497,0.893542,1,3,0,7.30196,0.222431 +-8.62779,0.777407,0.893542,1,3,0,9.15162,0.0700944 +-7.46165,0.997974,0.893542,2,3,0,9.16662,0.123447 +-7.61705,1,0.893542,1,1,0,7.78982,0.113198 +-6.94156,1,0.893542,1,1,0,7.0786,0.178083 +-7.21381,1,0.893542,1,1,0,7.32268,0.14394 +-7.7941,0.957178,0.893542,1,1,0,7.81119,0.103172 +-6.8825,0.968295,0.893542,1,3,0,8.06705,0.18919 +-6.89898,0.997095,0.893542,1,1,0,6.91975,0.185842 +-8.402,0.473448,0.893542,1,3,0,10.8502,0.0773773 +-6.90626,0.993071,0.893542,1,1,0,6.9189,0.184432 +-6.765,0.90538,0.893542,2,3,0,7.5821,0.27349 +-7.24796,0.90784,0.893542,1,3,0,7.29898,0.386343 +-6.76359,0.98534,0.893542,1,3,0,7.10915,0.272479 +-6.82288,0.987902,0.893542,1,3,0,6.83123,0.203833 +-6.79573,0.979377,0.893542,2,3,0,6.97307,0.289866 +-7.21368,0.925907,0.893542,2,3,0,7.71003,0.381294 +-10.7991,0.551071,0.893542,2,7,0,10.8421,0.652749 +-7.87546,1,0.893542,2,3,0,10.607,0.460019 +-7.92352,0.909597,0.893542,2,3,0,8.13781,0.0967101 +-6.93072,0.914194,0.893542,1,3,0,8.80891,0.330101 +-7.50376,0.94569,0.893542,2,3,0,7.50387,0.419846 +-7.01412,1,0.893542,1,1,0,7.28116,0.347627 +-7.00028,1,0.893542,1,1,0,7.05327,0.168916 +-7.73797,1,0.893542,2,7,0,7.73887,0.106188 +-7.42435,0.971265,0.893542,2,3,0,7.92836,0.126159 +-6.87293,0.921432,0.893542,2,3,0,8.33509,0.191245 +-7.03049,0.969451,0.893542,2,3,0,7.15523,0.16471 +-6.86372,0.984889,0.893542,2,3,0,6.9099,0.193311 +-7.44724,0.913212,0.893542,2,7,0,7.46305,0.124482 +-7.65473,1,0.893542,1,1,0,7.96582,0.110933 +-6.80383,0.970587,0.893542,2,3,0,6.94227,0.209867 +-7.00916,0.949675,0.893542,1,3,0,7.07523,0.167648 +-6.75061,0.850157,0.893542,1,3,0,7.49258,0.25906 +-7.18467,1,0.893542,1,1,0,7.5464,0.376886 +-6.75191,1,0.893542,1,1,0,6.75724,0.261132 +-6.85108,0.974373,0.893542,1,3,0,6.90736,0.30939 +-7.14776,0.926946,0.893542,1,1,0,7.1478,0.371079 +-7.06676,0.830396,0.893542,1,3,0,8.16796,0.160021 +-7.45,1,0.893542,1,1,0,8.49503,0.41331 +-6.7519,0.998251,0.893542,1,3,0,7.17837,0.26112 +-7.11035,0.951128,0.893542,2,3,0,7.12891,0.154817 +-7.39068,0.943243,0.893542,2,3,0,7.59531,0.128704 +-6.83562,0.923653,0.893542,2,7,0,8.32548,0.30458 +-7.07053,0.632118,0.893542,1,3,0,11.0542,0.159553 +-6.75061,0.910964,0.893542,2,3,0,7.46035,0.259059 +-6.75537,0.956651,0.893542,2,7,0,8.09543,0.265356 +-6.78308,0.98677,0.893542,1,3,0,7.39142,0.217913 +-7.38165,0.961921,0.893542,2,3,0,7.76363,0.129403 +-7.03142,0.898992,0.893542,1,3,0,8.98448,0.350926 +-7.04088,0.988893,0.893542,2,3,0,7.65163,0.16333 +-6.87095,0.915429,0.893542,2,3,0,7.45833,0.191681 +-7.15224,0.821483,0.893542,1,3,0,8.00485,0.150191 +-6.79186,0.972862,0.893542,1,3,0,7.43044,0.288168 +-6.99267,0.906552,0.893542,1,3,0,7.53875,0.170024 +-8.99067,0.95291,0.893542,1,1,0,9.01947,0.0601596 +-7.79631,0.994652,0.893542,2,3,0,7.8808,0.103056 +-6.82228,0.975544,0.893542,1,3,0,7.14406,0.300101 +-6.91394,0.90751,0.893542,2,3,0,7.60693,0.182984 +-6.87231,0.863358,0.893542,2,3,0,7.80616,0.191383 +-6.79566,0.972779,0.893542,2,3,0,7.03308,0.212802 +-6.90571,0.973746,0.893542,1,1,0,6.90591,0.32415 +-6.93631,0.927568,0.893542,1,3,0,7.4234,0.178981 +-6.75471,0.995231,0.893542,1,3,0,7.01688,0.235737 +-8.24271,0.656504,0.893542,2,7,0,9.44716,0.0831471 +-6.82097,1,0.893542,2,3,0,8.12546,0.204396 +-8.26863,0.91338,0.893542,1,1,0,8.5389,0.495871 +-6.74889,1,0.893542,2,3,0,8.03173,0.244801 +-6.76259,0.994378,0.893542,2,3,0,6.79049,0.229082 +-6.76152,1,0.893542,1,3,0,7.76237,0.270906 +-8.09911,0.825974,0.893542,2,3,0,8.12171,0.0888807 +-6.75364,0.997546,0.893542,1,3,0,6.88874,0.236906 +-6.85296,1,0.893542,2,7,0,7.20801,0.195847 +-6.74873,0.97661,0.893542,2,3,0,6.97191,0.245324 +-7.00005,0.941392,0.893542,1,3,0,7.11865,0.344869 +-7.15822,1,0.893542,1,1,0,7.29547,0.372747 +-7.02515,0.871237,0.893542,2,7,0,7.79766,0.165433 +-7.11869,0.861393,0.893542,1,3,0,7.82004,0.153869 +-6.82917,0.977344,0.893542,1,3,0,6.99035,0.302459 +-6.80347,0.973946,0.893542,1,3,0,7.00728,0.209993 +-6.75213,1,0.893542,2,3,0,6.78522,0.23878 +-6.79996,0.985858,0.893542,1,3,0,6.84375,0.291653 +-6.75831,0.997242,0.893542,1,3,0,6.76497,0.268206 +-6.75111,0.998343,0.893542,1,3,0,6.76907,0.24027 +-10.3308,0.549825,0.893542,2,7,0,10.5088,0.629819 +-10.5954,0.978406,0.893542,1,1,0,10.7078,0.0322776 +-9.03458,1,0.893542,1,1,0,10.0862,0.0590819 +-7.58478,0.886552,0.893542,1,3,0,7.73728,0.115201 +-9.91973,1,0.893542,1,1,0,10.5231,0.0416263 +-7.48944,1,0.893542,2,3,0,9.43402,0.121496 +-7.71315,0.865118,0.893542,2,7,0,7.71389,0.107568 +# +# Elapsed Time: 0.005 seconds (Warm-up) +# 0.015 seconds (Sampling) +# 0.02 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/bernoulli_warmup.csv b/src/test/unit/mcmc/test_csv_files/bernoulli_warmup.csv new file mode 100644 index 00000000000..799f5c8260f --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/bernoulli_warmup.csv @@ -0,0 +1,2057 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-22 12:26:39 UTC +# method = sample (Default) +# sample +# num_samples = 1000 (Default) +# num_warmup = 1000 (Default) +# save_warmup = true +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3784445287 (Default) +# output +# file = output.csv (Default) +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,theta +-9.8506,1,0.5,1,1,0,11.6894,0.604056 +-9.8506,0,14.3855,0,1,1,9.9718,0.604056 +-9.8506,1.07054e-09,2.43117,1,1,0,10.1705,0.604056 +-8.24874,1,0.239791,2,3,0,9.78315,0.49418 +-8.54651,0.976787,0.324332,1,1,0,8.57154,0.518378 +-7.21218,0.977577,0.47329,2,3,0,8.85175,0.38107 +-6.74823,1,0.750786,1,3,0,7.08766,0.247464 +-6.74823,0.0568166,1.34037,1,1,0,7.21871,0.247464 +-6.88855,0.99524,0.127193,3,15,0,7.76928,0.319814 +-7.18954,0.980866,0.230706,3,9,0,7.91162,0.146333 +-7.00517,0.999406,0.406612,2,3,0,7.22475,0.168215 +-7.00517,0.908606,0.766132,1,3,0,7.56833,0.168215 +-6.75143,1,1.08692,1,1,0,6.86451,0.239771 +-6.87144,0.77589,2.05487,1,1,0,7.04035,0.191574 +-6.7634,0.633501,1.92269,1,3,0,6.7636,0.272338 +-6.76111,1,1.1598,1,3,0,6.76265,0.23015 +-6.80263,0.90372,2.17832,1,1,0,6.9112,0.210282 +-6.80263,0.0115697,3.02409,1,1,0,7.38493,0.210282 +-6.74812,0.999483,0.279874,2,7,0,6.83911,0.248267 +-6.79674,0.990221,0.524639,1,3,0,6.8362,0.2903 +-6.79674,0.70284,0.947731,1,1,0,7.09021,0.2903 +-6.79674,0.970796,0.725248,1,1,0,6.86262,0.2903 +-6.85069,0.950437,1.22339,1,1,0,6.91591,0.309273 +-6.85069,0.0172536,1.92853,1,1,0,7.04452,0.309273 +-8.64872,0.977805,0.204974,4,15,0,8.65035,0.0694662 +-6.76625,0.999785,0.352164,3,7,0,8.64791,0.226652 +-7.04444,0.971063,0.638147,2,3,0,7.06282,0.353351 +-9.92209,0.0721566,1.05618,2,3,0,10.5028,0.0415885 +-9.86371,1,0.141791,1,1,0,9.92203,0.0425312 +-7.89631,0.998185,0.255292,2,5,0,10.4841,0.0980156 +-8.58774,0.971383,0.452922,3,7,0,9.25298,0.0713172 +-8.34876,1,0.740085,1,1,0,8.76482,0.0792422 +-6.81748,1,1.29574,1,1,0,7.18455,0.298398 +-6.81748,2.00258e-21,2.24798,1,1,0,9.56968,0.298398 +-6.81248,0.991645,0.272988,2,7,0,7.15155,0.207006 +-6.85997,0.987319,0.46496,3,7,0,7.06891,0.312004 +-6.85997,0.220416,0.776452,1,3,0,9.96316,0.312004 +-7.79145,0.984064,0.176692,2,5,0,7.96719,0.451582 +-6.99048,0.972469,0.292427,1,3,0,8.47322,0.342953 +-7.06807,0.988568,0.466233,1,1,0,7.08132,0.357627 +-7.08394,0.993545,0.768751,1,1,0,7.20573,0.360419 +-7.26741,0.94431,1.27388,1,3,0,7.27623,0.138945 +-7.48585,0.77512,1.85318,1,1,0,8.38914,0.121745 +-7.48585,1.62756e-06,1.76397,1,1,0,7.58761,0.121745 +-7.10351,0.961717,0.250226,2,7,0,10.7736,0.363778 +-7.22772,0.995816,0.381071,2,3,0,7.23134,0.383382 +-7.22772,0.740624,0.626526,1,1,0,7.99246,0.383382 +-6.76514,0.9988,0.553652,3,7,0,7.23247,0.273593 +-7.24015,0.753856,0.908029,2,3,0,7.63644,0.141438 +-7.82255,0.843494,0.827165,2,3,0,8.8872,0.101695 +-8.86463,0.811428,0.931855,1,1,0,8.98534,0.063393 +-11.6045,0.716868,0.97225,1,1,0,11.627,0.0223639 +-12.6025,0.963255,0.813589,1,1,0,12.8485,0.015712 +-9.06531,1,1.20587,1,1,0,12.2187,0.0583422 +-9.06531,0.00836889,1.93475,1,3,0,9.22574,0.0583422 +-9.27905,0.996483,0.321074,1,1,0,9.28335,0.0535007 +-7.55918,1,0.512183,2,3,0,9.21965,0.116834 +-6.85233,1,0.818727,1,3,0,7.36428,0.196 +-6.85233,0.261701,1.30115,1,1,0,8.07242,0.196 +-6.75988,0.982676,0.397354,2,5,0,7.25685,0.269571 +-6.75307,0.870464,0.606899,2,3,0,7.74945,0.237579 +-6.83359,0.805991,0.720486,2,3,0,7.86816,0.200813 +-6.75042,0.994755,0.741288,2,3,0,6.86534,0.241401 +-8.55542,0.374605,1.14933,1,1,0,8.55542,0.0723249 +-8.22182,1,0.463832,1,1,0,8.55035,0.0839477 +-7.86203,1,0.72551,1,1,0,8.28083,0.0996991 +-7.86203,0.000595519,1.12906,1,1,0,11.1731,0.0996991 +-6.79482,0.998815,0.208853,3,11,0,7.93002,0.213117 +-9.08274,0.888926,0.3248,2,7,0,10.1982,0.556966 +-8.952,1,0.398939,2,3,0,9.27498,0.548062 +-9.18855,0.999125,0.616734,2,7,0,9.20778,0.0554879 +-7.24774,1,0.947222,1,1,0,8.69856,0.140734 +-7.24774,0.202087,1.45078,1,1,0,7.29856,0.140734 +-7.26566,0.998816,0.427919,1,1,0,7.29767,0.139102 +-6.91413,0.931556,0.65354,1,3,0,7.86673,0.3262 +-6.87128,1,0.86646,2,3,0,6.89856,0.19161 +-6.768,1,1.3159,1,1,0,6.78045,0.275525 +-6.768,8.67729e-08,1.98999,1,1,0,7.59461,0.275525 +-7.9148,0.904272,0.402673,2,5,0,8.38631,0.0971256 +-7.06381,0.980558,0.503805,2,3,0,8.46016,0.160389 +-7.39013,0.978768,0.731889,2,3,0,7.40663,0.128747 +-6.76543,1,1.05559,2,3,0,7.04327,0.273794 +-6.76543,0.159028,1.5818,1,1,0,7.09493,0.273794 +-6.91956,0.94612,0.454522,1,3,0,7.39536,0.181949 +-6.76739,0.950092,0.613207,2,3,0,7.38962,0.225951 +-6.85207,0.970879,0.831322,1,1,0,6.85346,0.196063 +-12.4758,0.00604068,1.16985,1,1,0,13.3062,0.721196 +-11.7387,1,0.2566,2,3,0,12.4659,0.693413 +-10.2243,1,0.382607,1,1,0,11.6102,0.624313 +-10.8714,0.865432,0.568409,1,1,0,11.5235,0.656119 +-8.28112,1,0.651815,2,7,0,10.3982,0.0817023 +-7.07017,1,0.962578,1,1,0,7.92797,0.159598 +-7.00702,1,1.41659,1,1,0,7.28115,0.167951 +-7.00702,0.0463564,2.07767,1,1,0,8.55227,0.167951 +-7.51448,0.811914,0.513168,2,5,0,9.45773,0.421124 +-6.80546,1,0.53134,3,7,0,7.47906,0.293871 +-6.75523,0.9975,0.778651,2,3,0,6.82148,0.2352 +-7.98668,0.510767,1.13214,1,1,0,7.99159,0.0937796 +-8.57516,0.940216,0.672299,1,1,0,8.61556,0.0717072 +-10.9654,0.756415,0.878176,1,1,0,10.9668,0.0281728 +-10.9654,2.39406e-53,3.2776,2,7,0,11.462,0.0281728 +-10.9654,0,7.65341,0,1,1,11.0171,0.0281728 +-11.2278,0.98842,0.754621,1,1,0,11.6163,0.0256105 +-9.18505,0.81209,0.762058,1,3,0,11.0807,0.0555666 +-7.31509,1,0.601188,2,3,0,9.13989,0.134796 +-7.37962,0.974851,0.917142,2,3,0,7.39422,0.404387 +-7.93864,0.71181,1.42246,2,3,0,7.93864,0.0959959 +-8.52121,0.863499,1.02619,2,3,0,8.52132,0.516409 +-8.72953,0.796954,1.21163,1,1,0,10.711,0.532192 +-8.45453,0.939049,1.18105,1,3,0,8.96188,0.0755954 +-8.45453,7.70205e-05,1.82485,1,1,0,8.45457,0.0755954 +-8.4329,1,0.146324,1,1,0,8.45775,0.0763223 +-7.88772,0.997901,0.279205,1,3,0,8.67514,0.0984334 +-7.99992,0.991886,0.530321,1,1,0,8.07295,0.0931822 +-7.99992,0.806095,0.986769,1,1,0,9.02499,0.0931822 +-7.07715,1,1.02804,2,3,0,7.56158,0.359232 +-7.07715,0.0190911,1.94843,1,1,0,7.0891,0.359232 +-7.03746,0.999725,0.183214,3,7,0,7.12685,0.352058 +-6.78668,0.989405,0.349377,1,3,0,7.2417,0.285783 +-6.78668,0.837206,0.640324,1,3,0,7.61899,0.285783 +-6.78668,0.696699,0.738967,1,3,0,8.10923,0.285783 +-6.79467,0.999661,0.562025,3,7,0,6.79516,0.213175 +-6.79467,0.825842,1.04443,1,1,0,7.01844,0.213175 +-7.04128,0.859579,1.1594,1,1,0,7.09141,0.163277 +-7.04128,0.00311898,1.41641,1,1,0,7.49714,0.163277 +-6.98948,0.999799,0.149292,1,3,0,7.07774,0.170496 +-6.77421,0.999153,0.275297,2,7,0,7.05016,0.222147 +-6.9597,0.96332,0.501603,3,7,0,7.28216,0.175088 +-6.76047,1,0.818903,1,3,0,6.89467,0.230627 +-7.86215,0.38986,1.46742,1,1,0,8.06479,0.0996932 +-6.89418,0.977312,0.489766,2,5,0,8.30684,0.186795 +-7.24801,0.905588,0.820767,1,1,0,7.25545,0.140709 +-7.24801,5.73273e-05,1.12424,1,1,0,11.1471,0.140709 +-6.77488,0.999486,0.1363,3,11,0,7.50969,0.221799 +-8.07343,0.966333,0.24168,2,5,0,8.46459,0.089966 +-8.50315,0.988445,0.389158,2,3,0,8.65588,0.073995 +-7.27865,0.952571,0.658812,1,3,0,8.40284,0.137943 +-6.78033,0.945742,1.00801,2,3,0,7.02599,0.282635 +-6.78033,0.170796,1.50545,1,1,0,7.14823,0.282635 +-6.87274,0.992034,0.30996,1,3,0,6.94809,0.315597 +-6.84201,0.944907,0.5218,1,3,0,7.37743,0.198582 +-6.79317,1,0.774259,2,3,0,6.82648,0.288752 +-6.79317,0.288506,1.31019,1,1,0,7.22034,0.288752 +-6.80905,0.998605,0.378264,2,3,0,6.82453,0.295267 +-6.79016,0.981791,0.636201,1,3,0,6.935,0.214934 +-6.79016,0.642352,1.01933,1,1,0,7.06832,0.214934 +-7.66864,0.46488,0.712906,2,3,0,10.856,0.110116 +-7.72237,0.991468,0.326922,2,3,0,8.1016,0.107052 +-7.79459,0.994268,0.533078,1,1,0,7.87047,0.103146 +-7.22594,1,0.869131,1,1,0,7.71076,0.142776 +-7.22594,0.0108391,1.42676,1,1,0,8.5702,0.142776 +-7.22594,0.00193366,3.39788,1,1,0,10.5016,0.142776 +-7.47969,0.996634,0.33853,3,7,0,7.5726,0.122174 +-8.38274,0.987808,0.350808,4,15,0,8.42442,0.078045 +-10.2384,0.96817,0.459075,2,7,0,10.2461,0.0368812 +-6.75251,0.966814,0.652699,3,7,0,11.0757,0.238289 +-7.1441,0.905508,1.0009,1,3,0,7.16579,0.151063 +-6.90412,0.995419,1.33008,2,3,0,6.9995,0.323759 +-6.90412,0.00671969,2.40241,1,1,0,7.12702,0.323759 +-6.86506,0.999986,0.194517,3,7,0,6.90964,0.313459 +-7.12146,0.97989,0.363933,1,3,0,7.29862,0.366788 +-6.91497,1,0.645063,1,1,0,7.0835,0.326401 +-7.48178,0.75299,1.22232,2,3,0,7.53647,0.417202 +-8.8953,0.452304,1.06633,1,1,0,9.34071,0.544107 +-8.87942,1,0.3658,1,1,0,9.02459,0.542988 +-8.41069,1,0.695663,1,1,0,9.0448,0.507627 +-6.75548,1,1.31445,1,1,0,7.29074,0.234945 +-6.75548,0.0112664,2.46428,1,1,0,6.83997,0.234945 +-6.99498,0.989316,0.228847,3,9,0,7.82244,0.343858 +-7.08385,0.993003,0.417936,1,1,0,7.08393,0.360404 +-6.78844,0.972642,0.764924,2,3,0,7.28196,0.286608 +-6.75421,1,1.30591,1,3,0,6.76671,0.236263 +-6.75421,3.36326e-16,2.39507,1,1,0,8.49247,0.236263 +-7.8723,0.978559,0.237722,3,11,0,8.63456,0.459708 +-7.93884,0.994433,0.411833,1,1,0,8.00271,0.466182 +-8.2301,0.923912,0.739826,1,1,0,8.47604,0.492585 +-6.85713,1,1.07778,1,1,0,7.56959,0.311181 +-6.92456,0.896758,1.93206,1,1,0,7.16373,0.328672 +-6.92456,0.0195762,2.57268,1,1,0,6.93496,0.328672 +-7.22529,0.980678,0.302429,1,3,0,7.51984,0.383023 +-7.48496,0.968117,0.512226,1,1,0,7.48771,0.417586 +-7.48496,0.344454,0.831192,1,1,0,9.59088,0.417586 +-7.46413,1,0.249391,1,1,0,7.49601,0.41505 +-6.91888,0.978553,0.439758,2,5,0,8.13601,0.182073 +-6.74818,0.992804,0.725899,1,3,0,6.98984,0.252246 +-6.82271,0.960237,1.23402,1,1,0,6.82272,0.203882 +-6.82271,2.19221e-09,1.91082,1,1,0,8.59472,0.203882 +-6.82147,1,0.24474,4,15,0,6.82365,0.204247 +-7.31223,0.982869,0.422064,2,7,0,7.35609,0.135038 +-7.11813,1,0.69094,1,1,0,7.29593,0.153933 +-6.78022,0.977587,1.17236,2,3,0,6.97914,0.21921 +-6.78022,0.168,1.86546,1,1,0,6.88787,0.21921 +-6.77574,0.988702,0.391851,3,7,0,7.20364,0.221368 +-6.75135,1,0.641567,2,3,0,6.77498,0.239892 +-7.23192,0.791731,1.07224,2,3,0,7.54791,0.384001 +-6.95922,1,1.07029,1,1,0,7.19665,0.336438 +-6.95922,8.40415e-07,1.76919,1,1,0,9.93139,0.336438 +-7.79887,0.985279,0.261998,3,11,0,7.86315,0.102922 +-7.93747,0.995638,0.419189,1,1,0,7.94158,0.0960509 +-7.65534,1,0.682935,2,3,0,7.93838,0.110897 +-7.30925,1,1.11668,1,1,0,7.69218,0.13529 +-7.30925,1.30105e-13,1.8139,1,1,0,12.3848,0.13529 +-8.64452,0.977531,0.285938,3,11,0,9.26445,0.0695915 +-6.74805,0.991255,0.442003,2,5,0,9.50712,0.250913 +-6.8988,0.964338,0.701126,1,3,0,7.00076,0.185877 +-6.99419,0.970382,1.03972,1,1,0,7.0327,0.169802 +-6.99419,0.0710815,1.55528,1,1,0,7.41411,0.169802 +-7.22893,0.990499,0.305007,1,3,0,7.4574,0.142492 +-7.286,0.998957,0.478424,2,3,0,7.29765,0.137296 +-7.26412,1,0.760476,1,1,0,7.36001,0.139241 +-6.82451,0.892055,1.2048,2,3,0,7.41198,0.300874 +-6.82451,0.298022,1.49695,1,1,0,7.29184,0.300874 +-8.52579,0.905464,0.505934,3,7,0,8.69389,0.0732656 +-8.45284,1,0.648743,1,1,0,8.64394,0.0756517 +-6.99536,0.990028,1.01753,1,3,0,8.12548,0.16963 +-6.99536,0.00203407,1.55404,1,1,0,8.05832,0.16963 +-6.88449,0.998629,0.285729,1,3,0,7.09267,0.188774 +-6.8913,0.998026,0.445412,3,7,0,7.00604,0.187375 +-7.15568,0.930495,0.690011,1,3,0,7.96102,0.372344 +-8.4228,0.592863,0.922939,1,1,0,8.51343,0.508604 +-8.21211,1,0.607291,1,1,0,8.57965,0.491035 +-6.83198,1,0.936263,1,1,0,7.6606,0.303392 +-6.83198,0.131297,1.43676,1,3,0,8.1814,0.303392 +-6.8276,1,0.36701,1,1,0,6.83437,0.30193 +-6.75121,0.98834,0.563355,1,3,0,6.96708,0.24011 +-7.31865,0.911872,0.840676,2,3,0,7.4022,0.134496 +-8.38848,0.783979,1.06993,2,3,0,9.32326,0.0778451 +-6.83081,1,1.04944,2,3,0,8.0055,0.303004 +-6.83081,0.340683,1.58828,1,1,0,7.14282,0.303004 +-6.91965,0.923001,0.641488,1,3,0,7.4917,0.181934 +-7.94709,0.873408,0.831625,2,3,0,8.21305,0.0956005 +-6.77631,0.94972,0.97487,1,3,0,7.73105,0.221082 +-6.96489,0.900023,1.32593,1,1,0,6.98827,0.174262 +-6.96489,0.854282,1.63124,1,1,0,7.25214,0.174262 +-7.14806,0.770181,1.83194,1,1,0,7.22608,0.371126 +-7.14806,0.0031644,1.74552,1,1,0,8.92904,0.371126 +-6.77142,0.999989,0.378044,2,7,0,7.17703,0.277665 +-6.81675,0.971998,0.564659,1,3,0,7.08832,0.205671 +-6.75356,0.904997,0.796431,2,3,0,7.64626,0.263304 +-7.2784,0.872578,0.985563,2,3,0,7.46481,0.137965 +-6.76248,0.781598,1.14462,2,3,0,7.99817,0.271645 +-7.23117,0.778639,1.11789,1,1,0,7.24522,0.383891 +-6.75808,1,1.08591,1,1,0,7.00082,0.268001 +-7.09085,0.695725,1.59698,1,1,0,7.23418,0.361615 +-6.81506,1,1.32727,1,1,0,6.91062,0.206194 +-6.81506,4.62622e-08,1.94365,1,1,0,8.02021,0.206194 +-7.03673,0.979539,0.446672,1,3,0,7.20857,0.163878 +-7.98963,0.919309,0.630735,3,7,0,8.65545,0.0936458 +-9.36533,0.903107,0.795204,2,3,0,9.95128,0.051686 +-7.40563,1,0.971428,2,3,0,8.63958,0.407736 +-7.29294,1,1.41292,2,3,0,7.35247,0.136691 +-7.29294,0,20.3256,0,1,1,7.31408,0.136691 +-7.29294,0.00102409,3.43506,2,3,0,7.63417,0.136691 +-6.86216,0.999987,0.339733,3,7,0,7.29744,0.19367 +-6.75147,0.986389,0.459583,2,5,0,7.43899,0.26047 +-6.74802,0.999724,0.690222,2,5,0,6.75478,0.249763 +-6.78879,0.810965,1.17273,2,3,0,7.33437,0.286771 +-6.9954,0.916271,1.16437,1,1,0,7.00411,0.343941 +-7.05383,0.949195,1.63802,1,1,0,7.28389,0.355067 +-6.84623,0.335649,2.59662,1,3,0,6.85431,0.197507 +-6.75487,0.984909,0.596575,1,3,0,7.13962,0.26482 +-6.81772,0.933489,1.0737,2,3,0,7.02443,0.298482 +-6.81772,0.186608,1.64748,1,3,0,7.97368,0.298482 +-7.51261,0.989408,0.243072,3,11,0,7.90681,0.119911 +-7.51261,0.97466,0.448653,1,3,0,8.5048,0.119911 +-6.91742,1,0.787738,2,3,0,7.51816,0.182341 +-7.23613,0.861756,1.48705,2,3,0,7.31041,0.141813 +-7.23613,0.581353,1.82589,1,1,0,8.14699,0.141813 +-6.75458,1,0.956324,2,3,0,7.19737,0.235873 +-6.75626,0.999527,1.78279,1,3,0,6.7563,0.26627 +-6.75626,1.00829e-16,3.28732,1,1,0,7.85025,0.26627 +-6.75073,0.99982,0.312566,3,9,0,6.77057,0.240877 +-6.78989,0.989386,0.579871,1,3,0,6.91501,0.287279 +-6.93801,0.95229,1.03322,1,1,0,6.94013,0.331763 +-6.93801,0.0100404,1.63865,1,1,0,8.75339,0.331763 +-6.8714,0.999959,0.174688,3,7,0,6.9535,0.315227 +-6.93435,0.990436,0.319542,3,11,0,7.40694,0.17932 +-6.76628,0.997749,0.563379,2,5,0,7.02159,0.27438 +-6.82214,0.993956,1.00416,2,3,0,6.82251,0.204049 +-7.17853,0.792371,1.75414,1,1,0,7.27203,0.147448 +-7.17853,7.5927e-05,1.74799,1,1,0,9.44342,0.147448 +-7.23242,0.999517,0.202535,1,3,0,7.25453,0.142162 +-7.79263,0.993788,0.358928,3,7,0,7.80564,0.103249 +-9.2434,0.945189,0.620605,2,3,0,9.26247,0.054273 +-10.3911,0.939688,0.935056,2,3,0,11.3288,0.0348271 +-6.7767,0.643589,1.3795,2,3,0,9.44039,0.220889 +-7.39925,0.927816,0.934249,2,3,0,7.5017,0.40692 +-7.90973,0.622518,1.32837,2,3,0,8.35126,0.463372 +-7.64748,1,0.857502,1,1,0,8.01047,0.436311 +-6.77137,1,1.45844,1,1,0,7.13795,0.277635 +-6.77137,0.588639,2.46058,1,1,0,6.89199,0.277635 +-6.87609,0.929517,1.46616,2,3,0,6.90175,0.31651 +-6.87609,0.325182,2.05878,1,1,0,7.0022,0.31651 +-6.7913,0.909849,0.644778,3,7,0,8.16085,0.214482 +-6.80475,0.985343,0.863434,1,3,0,6.95004,0.293591 +-7.11022,0.863001,1.38415,2,3,0,7.1539,0.154833 +-7.40786,0.81946,1.6388,1,3,0,7.41051,0.40802 +-6.74802,1,1.74314,1,1,0,6.92585,0.249856 +-6.74802,0.000866635,2.8514,1,1,0,6.983,0.249856 +-6.89065,0.996191,0.432741,3,7,0,6.90645,0.320358 +-6.76559,0.974566,0.703357,1,3,0,7.16614,0.227068 +-6.76559,0.600424,1.07968,1,3,0,8.20201,0.227068 +-6.96523,0.95123,0.690191,1,3,0,7.36175,0.337724 +-6.9768,0.99623,0.998219,1,1,0,7.04214,0.340151 +-6.9768,0.264,1.59321,1,1,0,7.74488,0.340151 +-6.77565,0.989801,0.475409,1,3,0,7.18711,0.280119 +-6.80826,0.994531,0.746758,2,3,0,6.83928,0.294961 +-7.15851,0.855497,1.17884,1,1,0,7.1747,0.372794 +-6.84362,1,1.35526,1,1,0,7.0448,0.307114 +-6.84362,0.0201974,2.14561,1,1,0,8.03985,0.307114 +-6.93172,0.992585,0.386302,2,7,0,7.16817,0.179778 +-6.85476,1,0.602788,3,7,0,6.92551,0.310483 +-7.13785,0.920392,0.950919,1,1,0,7.141,0.369477 +-7.60224,0.807161,1.25491,2,3,0,7.81935,0.431273 +-8.41928,0.804133,1.29225,2,3,0,8.5183,0.076785 +-7.37792,1,1.32154,2,3,0,8.22044,0.129694 +-7.02221,1,2.05369,1,1,0,7.023,0.349182 +-7.10486,0.322528,3.17571,2,3,0,7.40571,0.155449 +-7.10486,0.80407,1.16665,1,1,0,7.85445,0.155449 +-7.02644,1,1.19271,1,1,0,7.15699,0.165258 +-7.02644,0.752729,1.83645,1,1,0,7.06807,0.165258 +-7.07799,0.982021,1.68258,2,3,0,7.08188,0.158638 +-7.07799,0.0125229,2.47995,1,1,0,7.09086,0.158638 +-6.79012,0.988867,0.494628,1,3,0,7.45443,0.21495 +-6.81929,0.981187,0.740951,2,3,0,6.99712,0.204898 +-7.5239,0.697298,1.08812,2,3,0,8.64504,0.422238 +-7.04713,1,0.895125,1,1,0,7.40936,0.353845 +-6.78304,0.319808,1.35864,2,3,0,9.59313,0.217931 +-7.09158,0.963309,0.524274,1,3,0,7.4932,0.157005 +-7.00859,1,0.738335,1,1,0,7.09162,0.167729 +-7.33601,0.925761,1.11466,1,1,0,7.35526,0.133054 +-7.12807,1,1.4471,1,1,0,7.40865,0.152819 +-7.04855,0.458653,2.1688,1,3,0,7.07103,0.354104 +-7.75678,0.64961,1.12106,2,3,0,8.58485,0.105162 +-7.39311,1,0.846123,1,1,0,7.72512,0.128517 +-6.83023,1,1.2639,1,1,0,7.2051,0.201737 +-6.83023,0.27227,1.88088,1,1,0,7.90493,0.201737 +-6.85278,0.997511,0.688007,1,1,0,6.85595,0.195889 +-6.7616,0.991186,1.01803,1,3,0,6.88903,0.270969 +-7.18204,0.747124,1.48298,1,1,0,7.23241,0.376481 +-9.60511,0.202263,1.35496,1,1,0,10.1174,0.589871 +-9.75413,0.996584,0.442641,2,3,0,9.89446,0.59857 +-8.35333,1,0.650434,2,3,0,9.5437,0.502947 +-8.08554,1,0.958639,1,1,0,8.64873,0.479846 +-6.74818,1,1.4081,2,3,0,7.28297,0.247799 +-6.74818,0.0383244,2.06141,1,1,0,7.14754,0.247799 +-6.75791,0.998483,0.50837,1,3,0,6.77716,0.2327 +-6.83944,0.978142,0.742899,1,3,0,6.98845,0.305805 +-7.63491,0.722079,1.04253,2,3,0,8.43187,0.112115 +-7.18223,1,0.914081,1,1,0,7.57145,0.147071 +-7.26954,0.972699,1.32979,1,1,0,7.41898,0.138753 +-6.76771,1,1.83557,1,1,0,6.97848,0.225761 +-6.76771,0.0210355,2.65457,1,1,0,6.8501,0.225761 +-6.75606,0.994235,0.659516,1,3,0,6.8478,0.266065 +-6.77637,0.998256,0.945004,2,3,0,6.77643,0.280522 +-6.77637,0.242837,1.35989,2,3,0,10.186,0.280522 +-6.95681,0.983408,0.510448,2,7,0,7.10618,0.335918 +-7.10899,0.813387,0.715143,1,3,0,8.63469,0.154973 +-6.78582,0.954985,0.74067,1,3,0,7.75834,0.285369 +-6.92847,0.9585,0.983164,1,1,0,6.92878,0.329581 +-6.98233,0.989983,1.31022,2,3,0,7.01696,0.171565 +-6.75625,1,1.84042,1,1,0,6.84664,0.234193 +-6.75625,0.0121408,2.62374,1,1,0,6.89459,0.234193 +-6.76149,0.999374,0.676416,1,1,0,6.76151,0.229867 +-6.76229,0.999809,0.964252,1,1,0,6.7654,0.229293 +-7.8068,0.740596,1.37198,2,3,0,7.80921,0.453147 +-7.96957,0.911694,1.25003,1,1,0,8.54632,0.469111 +-7.63083,0.481645,1.52527,2,3,0,8.48927,0.434472 +-7.63083,0.731652,0.895654,1,1,0,8.48457,0.434472 +-6.80883,0.919732,0.805747,1,3,0,8.36552,0.208187 +-6.88641,0.982134,0.995923,1,1,0,6.88944,0.188376 +-7.10172,0.94622,1.36491,2,3,0,7.1462,0.155814 +-6.83147,1,1.75758,1,3,0,6.87856,0.303225 +-7.50567,0.409549,2.47118,1,1,0,7.73128,0.120382 +-8.25324,0.843034,1.2992,1,1,0,8.35498,0.0827475 +-6.84993,0.829984,1.4066,1,3,0,7.73522,0.196587 +-6.84993,0.103901,1.48958,1,1,0,7.94548,0.196587 +-6.80502,0.994552,0.477528,2,7,0,7.06874,0.293698 +-7.18808,0.843984,0.664448,1,3,0,8.49881,0.14648 +-6.89179,0.93084,0.721258,3,7,0,8.5122,0.320651 +-6.86539,1,0.901389,1,1,0,6.90806,0.313552 +-6.75536,1,1.25848,2,3,0,6.81594,0.265341 +-6.82578,0.93783,1.75317,1,1,0,6.8527,0.301309 +-6.82578,0.000567435,2.20449,2,3,0,9.73814,0.301309 +-7.59636,0.940935,0.613351,2,3,0,7.61689,0.43061 +-6.97402,1,0.776529,3,7,0,7.56934,0.172835 +-8.48721,0.697388,1.07875,1,3,0,8.94728,0.513739 +-7.59858,1,0.923596,1,1,0,8.33874,0.43086 +-7.5812,0.791208,1.27964,2,3,0,8.45732,0.115427 +-7.00623,1,1.27144,2,3,0,7.42922,0.346088 +-7.00623,0.41896,1.75618,2,3,0,7.36511,0.346088 +-7.12273,0.963863,0.970719,1,1,0,7.181,0.366998 +-7.24531,0.567376,1.26543,2,3,0,8.36931,0.140959 +-7.31564,0.990434,0.886145,1,1,0,7.37463,0.13475 +-6.74804,0.965218,1.20236,1,3,0,7.15969,0.250791 +-6.74804,0.00444574,1.56581,1,1,0,8.78306,0.250791 +-6.7483,0.999767,0.459591,3,7,0,6.75604,0.252976 +-6.8623,0.980171,0.632108,1,3,0,6.98863,0.312674 +-6.74814,0.997293,0.841927,1,3,0,6.88236,0.251957 +-7.06359,0.907847,1.1493,2,3,0,7.2361,0.160416 +-6.79178,0.985279,1.36559,2,3,0,6.95853,0.214293 +-6.79178,0.0003827,1.8243,1,1,0,8.24503,0.214293 +-7.0091,0.976692,0.543366,1,3,0,7.19593,0.167657 +-7.13497,0.995747,0.717164,2,3,0,7.13691,0.152057 +-6.77418,0.999428,0.972677,1,3,0,7.09313,0.222164 +-6.90281,0.947363,1.32425,1,1,0,6.90913,0.185095 +-7.10074,0.956428,1.6641,1,3,0,7.10074,0.363308 +-7.10074,0.08889,2.11705,1,1,0,7.33968,0.363308 +-6.81927,0.933017,0.734337,1,3,0,7.81515,0.204905 +-9.38168,0.55864,0.902955,1,3,0,10.8663,0.0513506 +-8.6742,0.993343,0.635296,3,7,0,10.3794,0.0687113 +-8.66486,1,0.853666,1,1,0,8.87915,0.0689868 +-8.40672,1,1.15656,1,1,0,8.8946,0.077215 +-7.1083,1,1.5643,1,1,0,8.0077,0.155053 +-7.1083,0.120689,2.11231,1,1,0,7.17524,0.155053 +-7.25922,0.982997,0.783209,1,1,0,7.26877,0.139683 +-7.34636,0.902176,1.0318,1,3,0,8.20679,0.400007 +-7.34636,0.306863,1.20618,2,3,0,9.3049,0.400007 +-6.76479,0.969951,0.592025,1,3,0,7.80469,0.273344 +-6.79324,0.954961,0.764141,2,3,0,7.17529,0.288782 +-6.89325,0.953593,0.963799,1,3,0,7.06735,0.186982 +-6.96817,0.976452,1.21173,1,1,0,7.00773,0.173745 +-6.79572,1,1.57258,2,3,0,6.85317,0.289863 +-6.74857,1,2.10828,1,1,0,6.76126,0.254158 +-6.74857,0.00195078,2.82219,1,1,0,8.27534,0.254158 +-7.1726,0.904406,0.905111,2,3,0,7.40294,0.148056 +-7.1766,0.999174,1.05782,1,1,0,7.27751,0.147645 +-7.23154,0.975042,1.41364,2,3,0,7.26916,0.383946 +-6.77855,1,1.82284,1,1,0,6.85604,0.219995 +-6.77855,0.00467261,2.43189,1,1,0,6.97473,0.219995 +-6.76921,0.990259,0.794411,1,3,0,6.87423,0.276301 +-7.41382,0.817284,1.04603,1,3,0,7.71976,0.126945 +-7.55796,0.974034,1.07864,1,1,0,7.67174,0.116913 +-7.38693,1,1.38539,1,1,0,7.72173,0.128994 +-10.3026,0.0504464,1.84288,1,1,0,10.8325,0.62837 +-8.99362,1,0.650921,2,3,0,10.1587,0.550929 +-8.30891,1,0.866235,2,3,0,9.08706,0.499261 +-6.83246,1,1.15117,1,3,0,7.92225,0.20112 +-6.83246,0.676659,1.52772,1,1,0,7.03695,0.20112 +-6.75126,0.908432,1.29519,2,3,0,7.04082,0.240031 +-6.75126,0.791472,1.51253,1,1,0,6.95569,0.240031 +-7.32341,0.673809,1.5028,1,1,0,7.34884,0.396921 +-6.78874,1,1.27058,1,3,0,7.10961,0.21551 +-6.78874,0.00336911,1.68009,1,1,0,8.29813,0.21551 +-6.80829,0.975863,0.568918,1,3,0,7.26111,0.294973 +-6.7772,1,0.72834,1,1,0,6.80337,0.280974 +-6.79558,0.979485,0.962419,2,3,0,6.90214,0.212832 +-6.83201,0.922293,1.23524,2,3,0,7.05216,0.303402 +-6.83201,0.868144,1.46564,1,1,0,6.97974,0.303402 +-8.46362,0.358122,1.61517,1,3,0,8.50996,0.0752926 +-8.46362,3.17802e-09,3.58046,2,3,0,8.72355,0.0752926 +-8.46362,1.57826e-169,8.3606,1,3,1,8.46972,0.0752926 +-8.23152,1,0.82435,1,1,0,8.50166,0.0835747 +-7.92495,1,0.858563,1,1,0,8.23828,0.0966421 +-6.74904,0.932659,1.16126,1,3,0,7.9964,0.255658 +-6.75259,0.998234,1.48569,1,1,0,6.75308,0.262072 +-6.75259,0.0408279,2.50175,1,1,0,7.09842,0.262072 +-6.82166,0.998536,0.225331,3,9,0,6.9988,0.299882 +-6.80838,0.990418,0.400446,3,7,0,7.30519,0.295008 +-6.83477,0.996683,0.714919,1,1,0,6.83587,0.304304 +-9.37957,0.290329,1.32438,1,1,0,9.41221,0.576151 +-9.25373,1,0.265748,1,1,0,9.38546,0.568184 +-10.0362,0.98145,0.506307,2,3,0,10.0403,0.614308 +-8.13931,1,0.911292,1,1,0,9.63,0.484663 +-7.79536,1,1.73477,2,3,0,7.88779,0.451981 +-7.79536,3.53082e-05,3.28589,1,1,0,7.85212,0.451981 +-6.9254,0.992879,0.285006,2,5,0,8.36817,0.328869 +-7.19441,0.98182,0.532381,2,5,0,7.42469,0.145845 +-6.87232,0.934972,0.954328,2,3,0,8.00286,0.191381 +-7.28382,0.891326,1.47416,2,3,0,7.35038,0.137488 +-6.86745,1,1.98693,1,1,0,7.15081,0.192463 +-6.86745,0.0092308,3.67688,1,1,0,8.2262,0.192463 +-7.19474,0.993498,0.369042,3,7,0,7.29931,0.145813 +-7.19397,1,0.673343,3,7,0,7.22904,0.145889 +-7.33357,0.970096,1.23958,1,1,0,7.41683,0.133255 +-6.77223,1,2.07401,1,1,0,6.89138,0.278152 +-6.76787,1,3.74462,1,1,0,6.834,0.27544 +-6.76787,2.93684e-08,6.6942,1,2,1,6.76806,0.27544 +-9.41182,0.730201,0.731548,2,5,0,10.1304,0.050739 +-6.84383,0.971126,0.623322,2,7,0,10.9914,0.307181 +-6.88287,0.989591,1.03015,1,1,0,6.89981,0.318325 +-6.88287,0.0460608,1.77527,2,3,0,8.53179,0.318325 +-6.78205,0.998282,0.238745,4,15,0,7.22623,0.218373 +-6.82863,0.997411,0.422346,1,3,0,6.87152,0.202184 +-6.76982,0.997827,0.738561,3,7,0,6.8853,0.276682 +-6.92953,0.967409,1.2814,2,3,0,6.93199,0.329826 +-8.12911,0.57814,2.03573,2,3,0,8.13129,0.0876369 +-6.85189,1,1.17221,1,3,0,7.98763,0.196107 +-6.87087,0.99523,2.0115,1,3,0,6.87094,0.315082 +-6.76399,1,3.3818,1,1,0,6.83837,0.272769 +-6.76399,6.66143e-11,5.70936,1,1,0,8.26727,0.272769 +-6.86714,0.989108,0.776408,3,7,0,6.91389,0.192534 +-7.09998,0.936658,1.27944,1,1,0,7.10897,0.156016 +-7.09998,0.180132,1.83815,1,1,0,7.65682,0.156016 +-6.86292,0.985963,0.409502,2,7,0,8.31199,0.31285 +-7.26014,0.921651,0.665312,2,3,0,7.86286,0.388097 +-7.53749,0.935905,0.918593,1,1,0,7.59603,0.423836 +-7.53749,0.819071,1.30652,2,3,0,8.20936,0.423836 +-9.1137,0.61434,1.39874,2,3,0,9.19922,0.0572002 +-10.957,0.940694,0.920305,2,3,0,11.3642,0.0282595 +-9.64341,1,1.31395,1,1,0,10.97,0.0463196 +-8.21599,1,2.14505,1,3,0,8.2555,0.49137 +-8.21599,3.81996e-11,3.47911,1,3,0,9.70706,0.49137 +-7.8375,1,0.555942,1,1,0,8.18666,0.456246 +-7.2451,1,0.903725,2,3,0,7.71771,0.385928 +-7.2451,0.0540314,1.4599,1,1,0,9.70113,0.385928 +-7.42862,0.996899,0.274368,2,3,0,7.42893,0.410645 +-7.47023,0.997699,0.440659,1,1,0,7.48973,0.415796 +-7.61826,0.957171,0.704812,2,3,0,8.17467,0.433072 +-7.61826,0.362439,1.02409,1,1,0,9.94805,0.433072 +-7.09233,0.988218,0.397179,1,3,0,8.02377,0.36187 +-7.07137,1,0.617111,1,1,0,7.11399,0.358213 +-7.07137,0.844883,0.97868,1,3,0,8.12573,0.358213 +-8.06652,0.711355,1.10169,1,1,0,8.09202,0.478118 +-6.78855,0.976265,0.927813,2,3,0,8.26813,0.286661 +-6.86873,0.742535,1.3836,2,3,0,7.6628,0.314488 +-6.76259,1,1.24613,1,1,0,6.82977,0.271729 +-6.76259,0.520631,1.94226,1,1,0,6.98724,0.271729 +-6.871,0.962993,1.09321,1,3,0,6.96032,0.191672 +-7.29352,0.86433,1.56959,2,3,0,7.32657,0.136641 +-7.11885,1,1.82606,1,1,0,7.42382,0.153851 +-7.11885,4.70968e-11,2.81254,1,1,0,7.81976,0.153851 +-7.14124,0.998991,0.544337,1,1,0,7.15183,0.151373 +-7.237,0.875666,0.838039,3,7,0,9.52947,0.141732 +-6.82525,0.952794,0.997663,1,3,0,7.72784,0.301128 +-6.88964,0.969306,1.38722,1,1,0,6.92431,0.320098 +-6.88964,0.170269,1.98776,1,3,0,7.86435,0.320098 +-7.86655,0.893497,0.566194,1,3,0,8.60822,0.459139 +-8.19645,0.954078,0.697285,1,1,0,8.25675,0.489679 +-6.91012,0.873736,0.96711,1,3,0,9.22966,0.183699 +-6.83724,1,1.13964,1,1,0,6.9023,0.199832 +-6.83724,0.0886807,1.72109,1,1,0,7.80781,0.199832 +-6.74839,0.998643,0.430501,2,7,0,6.93218,0.253381 +-7.23708,0.919343,0.648776,1,3,0,7.92881,0.384758 +-7.23708,0.89849,0.834344,1,1,0,7.67782,0.384758 +-8.00203,0.931235,1.02793,2,3,0,8.0476,0.472166 +-6.85405,1,1.34645,2,3,0,7.48148,0.310275 +-6.85405,0.467701,2.00794,1,1,0,7.21483,0.310275 +-6.78219,1,1.0768,2,3,0,6.83519,0.283584 +-6.78679,0.999044,1.60144,2,3,0,6.79297,0.285836 +-6.78679,0.0035304,2.36885,1,1,0,7.6308,0.285836 +-6.79576,0.999388,0.532524,1,1,0,6.79598,0.289883 +-6.92925,0.918663,0.789219,3,7,0,7.68998,0.32976 +-9.25331,0.649996,1.00206,2,7,0,9.34956,0.0540569 +-7.68633,0.979161,0.769331,2,5,0,9.20022,0.440542 +-7.43334,1,1.09066,1,1,0,7.78298,0.411236 +-6.83891,1,1.60207,1,1,0,7.15505,0.305635 +-7.37371,0.573191,2.34556,1,1,0,7.4255,0.130024 +-7.57757,0.935579,1.56531,2,3,0,7.58945,0.428473 +-7.16589,0.405655,2.03102,2,3,0,7.79815,0.37396 +-8.66253,0.649969,1.00331,1,1,0,8.66385,0.527219 +-7.24741,0.967448,0.775825,2,3,0,9.07593,0.386263 +-6.9917,1,1.06569,1,1,0,7.2042,0.343199 +-6.76997,1,1.54796,1,1,0,6.88375,0.276777 +-6.76997,0.195576,2.24172,1,1,0,7.10589,0.276777 +-6.74946,1,0.771847,2,3,0,6.76793,0.25675 +-6.74862,0.998889,1.11746,2,3,0,6.75596,0.245696 +-7.07558,0.815812,1.60994,1,1,0,7.08297,0.358955 +-6.76324,1,1.67531,1,1,0,6.8746,0.228625 +-6.76324,9.3106e-07,2.40762,1,1,0,8.12061,0.228625 +-8.10251,0.927194,0.600778,2,5,0,8.46554,0.0887387 +-8.18157,0.998573,0.761373,2,3,0,8.25593,0.0855218 +-6.84575,0.879332,1.0901,1,3,0,8.94167,0.307773 +-6.86391,0.992693,1.26663,1,1,0,6.90005,0.313131 +-7.32979,0.670999,1.78695,1,1,0,7.54808,0.397783 +-6.74889,0.726193,1.44793,2,3,0,7.88495,0.255233 +-6.78423,0.805101,1.29125,2,3,0,7.57207,0.284597 +-7.05099,0.927472,1.31822,2,3,0,7.14464,0.162015 +-7.05099,0.199756,1.6561,2,3,0,8.85894,0.162015 +-7.11269,0.994807,0.606666,3,7,0,7.35976,0.154549 +-6.79082,0.951595,0.854647,1,3,0,7.71614,0.287703 +-6.88368,0.906461,1.11697,2,3,0,7.24901,0.318541 +-7.38439,0.778207,1.35103,2,3,0,7.66072,0.12919 +-7.36649,1,1.31766,1,1,0,7.55021,0.130594 +-6.90168,1,1.8582,1,1,0,7.2283,0.185314 +-6.90168,0.423763,2.61424,1,1,0,7.45179,0.185314 +-7.5548,0.814737,1.41734,1,1,0,7.5598,0.117117 +-7.18956,0.811902,1.468,2,3,0,8.81046,0.146331 +-6.92067,0.979848,1.51301,2,3,0,7.17692,0.181747 +-6.92067,0.00771912,2.05142,1,1,0,7.66621,0.181747 +-7.21318,0.987284,0.569776,2,3,0,7.21429,0.144001 +-7.94718,0.909539,0.782802,2,3,0,8.64425,0.0955962 +-8.9338,0.956384,0.946334,3,7,0,8.96613,0.0615921 +-7.17155,1,1.23226,1,3,0,8.67584,0.148164 +-7.47954,0.923028,1.71814,2,3,0,7.50815,0.41693 +-7.47954,0.724364,2.11302,1,3,0,7.67004,0.41693 +-6.93859,1,1.88944,1,1,0,7.06328,0.178588 +-6.93859,0.0086327,2.62233,1,1,0,7.03052,0.178588 +-7.09826,0.893194,0.752759,1,3,0,8.58431,0.362886 +-7.75441,0.866713,0.882955,1,1,0,7.75456,0.447756 +-6.78007,1,0.992274,2,3,0,7.65702,0.219277 +-6.76133,0.667884,1.37416,2,3,0,7.84563,0.270752 +-6.75595,0.996766,1.12826,2,3,0,6.78414,0.234485 +-7.79085,0.737677,1.55081,2,3,0,7.79087,0.45152 +-8.54186,0.550146,1.4207,2,3,0,9.18126,0.518017 +-7.26968,1,0.973018,1,1,0,8.20273,0.389459 +-7.26968,0.875567,1.34078,1,1,0,7.64661,0.389459 +-6.77485,1,1.52154,2,3,0,7.01342,0.279671 +-6.77485,0.656001,2.08976,1,1,0,6.92825,0.279671 +-6.95197,0.881722,1.68927,1,1,0,6.99489,0.334866 +-7.16334,0.808949,1.93155,1,1,0,7.44962,0.373558 +-6.75138,1,1.9748,1,1,0,6.87793,0.260339 +-6.80426,0.92301,2.69999,1,1,0,6.83343,0.20972 +-6.80426,0.0452595,3.27842,1,1,0,6.8068,0.20972 +-7.02863,0.98235,1.05336,2,3,0,7.03097,0.350401 +-6.7481,0.67373,1.40098,2,3,0,7.97755,0.251554 +-7.0119,0.932224,1.16918,1,3,0,7.06962,0.167262 +-7.09371,0.992009,1.43955,2,3,0,7.31345,0.156753 +-7.47992,0.815121,1.936,1,1,0,7.71866,0.122158 +-7.08338,1,1.99628,1,3,0,7.12576,0.360322 +-7.83003,0.136707,2.70983,2,3,0,7.99001,0.101312 +-6.97094,0.995523,1.01981,2,3,0,7.91283,0.173312 +-7.96137,0.809058,1.37535,1,3,0,8.10647,0.468333 +-7.61534,1,1.40626,2,3,0,8.14742,0.113303 +-7.51732,1,1.90422,1,1,0,8.00168,0.119593 +-7.19157,1,2.57427,1,1,0,7.8504,0.146129 +-6.797,0.333333,3.4744,2,3,0,6.80502,0.29041 +-7.26098,0.684127,1.76861,1,1,0,7.39742,0.388218 +-7.191,1,1.50591,2,3,0,7.25073,0.146186 +-6.93246,1,2.03042,1,1,0,7.19908,0.179649 +-6.93246,0.0186402,2.73326,1,1,0,6.96838,0.179649 +-6.90408,0.9488,0.889743,1,3,0,7.57381,0.32375 +-7.38725,0.851478,1.11316,1,1,0,7.39743,0.405375 +-7.14792,1,1.20942,1,1,0,7.42239,0.371103 +-7.56096,0.735569,1.62514,1,1,0,7.92258,0.426564 +-6.7579,1,1.49382,2,3,0,7.12673,0.267835 +-6.7579,0.262032,2.00311,1,1,0,7.46367,0.267835 +-6.90246,0.978537,0.938483,2,3,0,6.95241,0.323346 +-9.97826,0.27634,1.22026,1,1,0,9.98302,0.611148 +-10.103,0.988125,0.58633,1,1,0,10.3714,0.617901 +-7.82849,1,0.772626,3,7,0,9.92641,0.10139 +-7.02567,0.974342,1.03385,1,3,0,7.74381,0.165362 +-6.94463,0.986985,1.33246,2,3,0,7.3844,0.177564 +-6.76073,0.997523,1.74581,1,3,0,6.8258,0.270273 +-6.75233,1,2.31824,1,1,0,6.76108,0.261726 +-6.75233,8.24592e-09,3.08472,1,1,0,7.61433,0.261726 +-6.82264,0.990869,1.01925,2,3,0,6.82365,0.203902 +-7.07326,0.858546,1.33992,2,3,0,7.56639,0.159217 +-6.88895,0.998821,1.46457,2,3,0,7.07988,0.319917 +-7.51219,0.324027,1.94232,2,3,0,7.90751,0.420851 +-7.34123,0.688073,1.01482,1,3,0,9.35197,0.132626 +-6.85842,0.994071,0.877393,3,7,0,7.32152,0.311557 +-7.37137,0.834098,1.15507,1,1,0,7.37749,0.40331 +-7.45896,0.987873,1.22001,2,3,0,7.6994,0.414415 +-7.76196,0.819365,1.58926,2,3,0,8.04508,0.104882 +-7.07717,0.953368,1.64357,2,3,0,7.72155,0.359236 +-6.76278,1,2.03895,1,1,0,6.81941,0.228942 +-6.76278,0.32532,2.69186,1,1,0,7.05414,0.228942 +-7.46584,0.809539,1.42462,1,3,0,7.47869,0.123149 +-7.46584,0.516789,1.4537,1,3,0,9.84413,0.123149 +-7.99756,0.939868,0.99992,1,1,0,8.00176,0.0932884 +-8.2749,0.962038,1.21646,1,1,0,8.4439,0.081934 +-8.93233,0.8868,1.52318,1,1,0,9.21844,0.0616297 +-6.75394,0.705825,1.72284,1,3,0,7.91684,0.236567 +-7.45415,0.801121,1.52962,2,3,0,7.45749,0.413823 +-6.86921,1,1.54264,1,1,0,7.20551,0.314622 +-6.76297,1,2.02631,1,1,0,6.81736,0.272015 +-7.55518,0.38294,2.65841,1,1,0,7.8038,0.117093 +-7.17626,1,1.5397,2,3,0,7.55399,0.14768 +-6.90303,1,2.01876,1,1,0,7.15262,0.185053 +-6.90303,2.82972e-06,2.64374,1,1,0,7.37654,0.185053 +-8.50684,0.770239,0.928835,2,3,0,9.20791,0.0738755 +-8.17674,0.935617,0.900309,2,3,0,10.3609,0.0857134 +-6.79355,1,1.08369,2,3,0,8.02191,0.213604 +-7.08318,0.773107,1.41772,2,3,0,7.66733,0.158009 +-7.46498,0.967026,1.3783,2,3,0,7.51662,0.123211 +-6.92783,0.861845,1.72455,1,3,0,7.13547,0.329433 +-9.13508,0.230605,1.88064,1,3,0,9.22254,0.0567046 +-8.19645,0.993503,0.905132,2,3,0,9.52626,0.0849351 +-7.7866,1,1.17127,1,1,0,8.23108,0.103567 +-7.21421,1,1.52676,1,1,0,7.715,0.143902 +-8.44697,0.571638,1.98794,1,1,0,8.70962,0.0758482 +-7.61349,1,1.49143,2,3,0,8.87705,0.432539 +-6.75298,1,1.93987,1,1,0,6.96177,0.237695 +-7.98777,0.299207,2.5204,1,1,0,8.29234,0.0937302 +-9.19704,0.834617,1.33711,1,1,0,9.2415,0.0552977 +-9.02199,1,1.40674,2,3,0,9.61969,0.0593886 +-7.06951,1,1.82594,1,1,0,8.3229,0.159679 +-6.78608,1,2.36755,1,1,0,6.80331,0.285497 +-6.78608,0.0919026,3.06658,1,1,0,6.88382,0.285497 +-6.79692,0.611755,1.25931,2,3,0,8.3687,0.290378 +-7.60172,0.88035,0.999779,2,7,0,7.60333,0.114142 +-6.74918,1,1.11405,2,3,0,7.45279,0.256053 +-6.74918,0.216805,1.44211,1,1,0,8.01429,0.256053 +-7.09127,0.944691,0.698496,1,3,0,7.44976,0.361687 +-7.53094,0.634699,0.843615,1,3,0,10.1851,0.118683 +-6.87559,0.985757,0.691279,1,3,0,7.92128,0.190666 +-7.47966,0.948858,0.878098,3,7,0,7.55501,0.416944 +-7.20551,1,1.06436,1,1,0,7.48757,0.380065 +-6.78678,1,1.37367,1,1,0,7.01846,0.285831 +-6.78678,0.350839,1.77113,1,3,0,7.55914,0.285831 +-6.74924,0.998981,1.02199,2,3,0,6.79405,0.25621 +-6.76597,0.682916,1.31547,2,3,0,7.80937,0.274164 +-8.08708,0.71241,1.14589,1,3,0,8.11963,0.479985 +-6.76212,0.993056,1.03557,1,3,0,8.14807,0.229414 +-6.77402,0.995731,1.32131,1,1,0,6.77791,0.222242 +-7.60086,0.669055,1.68987,1,1,0,7.60691,0.114196 +-9.07788,0.914183,1.44803,2,3,0,9.10437,0.0580428 +-8.71416,1,1.67459,2,3,0,8.95024,0.0675487 +-8.71416,0.768617,2.14889,1,1,0,10.2658,0.0675487 +-7.70675,1,2.07919,1,1,0,8.83737,0.107928 +-7.70675,0.0282609,2.66451,1,1,0,7.70789,0.107928 +-7.73998,0.995883,1.05085,1,1,0,7.88512,0.106078 +-7.49746,1,1.34042,1,1,0,7.83873,0.120943 +-6.98003,1,1.71676,1,1,0,7.37284,0.171914 +-6.7602,1,2.19677,1,1,0,6.85098,0.230836 +-6.7602,0.086185,2.80846,1,1,0,7.40909,0.230836 +-7.26941,0.780963,1.19727,2,3,0,8.08605,0.138765 +-6.76541,0.932801,1.17742,2,3,0,7.59281,0.273776 +-6.77198,0.999085,1.38865,2,3,0,6.7735,0.223325 +-6.77198,0.000309869,1.77166,1,1,0,9.73135,0.223325 +-6.77075,1,0.686461,1,1,0,6.77365,0.224002 +-7.48795,0.92341,0.877066,2,3,0,7.49436,0.121599 +-6.92649,0.748531,1.02223,3,7,0,12.3107,0.329122 +-6.86758,1,0.967727,1,1,0,6.92758,0.314166 +-6.86758,0.414583,1.23405,1,1,0,8.08214,0.314166 +-6.92722,0.996861,0.787157,2,3,0,6.93162,0.329291 +-7.12708,0.948339,0.999566,1,1,0,7.14178,0.367715 +-6.83472,1,1.19778,2,3,0,7.12491,0.200505 +-6.83472,0.288917,1.52422,1,1,0,7.80871,0.200505 +-6.77017,0.999926,0.841191,3,7,0,6.82527,0.276901 +-6.96407,0.959758,1.07009,1,3,0,6.96682,0.337476 +-6.77685,0.99486,1.29772,1,3,0,6.94465,0.220813 +-6.77685,0.537667,1.63853,1,1,0,7.12446,0.220813 +-6.84005,0.940515,1.21316,2,3,0,7.10915,0.305997 +-6.84005,0.0659272,1.43689,1,1,0,9.00809,0.305997 +-6.75452,0.990623,0.615747,3,7,0,7.0994,0.264432 +-6.78292,0.988157,0.773366,1,3,0,6.87635,0.217986 +-6.79717,0.997349,0.967812,1,1,0,6.80046,0.21224 +-6.777,1,1.22316,2,3,0,6.79698,0.220743 +-6.74843,0.845926,1.54938,2,3,0,7.01123,0.246432 +-6.90788,0.916458,1.6421,1,1,0,6.90892,0.184123 +-6.79943,1,1.88706,1,1,0,6.88735,0.211415 +-6.79943,0.0462437,2.38578,1,1,0,7.0017,0.211415 +-6.83115,0.993769,1.00991,1,1,0,6.83504,0.20148 +-6.74857,0.992043,1.26804,2,3,0,6.84421,0.254149 +-6.79414,0.973844,1.58783,1,1,0,6.79568,0.28918 +-6.79414,0.189659,1.94596,1,1,0,7.33704,0.28918 +-6.79705,0.990541,0.975622,2,3,0,6.88613,0.290433 +-6.75386,1,1.21873,1,1,0,6.78213,0.263663 +-6.75386,0.0287953,1.53774,1,1,0,8.95019,0.263663 +-6.98766,0.9808,0.644828,2,5,0,7.06282,0.170766 +-6.87616,0.997879,0.796331,3,7,0,7.04197,0.190543 +-7.57399,0.953323,1.00191,2,3,0,7.5791,0.428063 +-7.32533,0.763108,1.19787,1,3,0,8.57341,0.133937 +-7.55165,0.961542,1.15533,1,1,0,7.61883,0.117322 +-7.81486,0.942878,1.393,1,1,0,7.99189,0.102091 +-6.87294,1,1.64376,1,1,0,7.45,0.191243 +-6.87294,0.36075,2.06682,1,1,0,7.80223,0.191243 +-7.6178,0.883712,1.26981,1,3,0,7.62538,0.113152 +-6.79792,0.92215,1.40161,2,3,0,7.41993,0.290802 +-7.15025,0.724509,1.61438,2,3,0,7.38057,0.150403 +-7.15025,0.704481,1.49132,1,1,0,8.09192,0.150403 +-7.0734,1,1.34761,1,1,0,7.21888,0.1592 +-7.0734,0.0261695,1.6913,1,1,0,8.81565,0.1592 +-7.10242,0.99765,0.720457,1,1,0,7.12187,0.155732 +-6.8395,0.958321,0.902073,2,3,0,7.64369,0.199236 +-7.44768,0.902975,1.08067,1,3,0,7.49812,0.12445 +-6.77949,0.997102,1.21722,1,3,0,7.315,0.219547 +-6.77949,0.167586,1.52033,1,1,0,8.04246,0.219547 +-6.82266,0.975427,0.761688,1,3,0,7.09744,0.300234 +-7.18529,0.847897,0.928991,2,7,0,7.91857,0.146761 +-7.11956,1,0.984507,1,1,0,7.21857,0.153771 +-7.21292,0.979065,1.23228,1,1,0,7.28934,0.144026 +-8.25767,0.818296,1.50647,2,3,0,8.29812,0.08258 +-7.32219,0.990016,1.54416,2,3,0,8.08342,0.134199 +-7.32219,5.24525e-05,1.90861,1,1,0,10.1038,0.134199 +-7.68428,0.968255,0.802207,3,7,0,8.36698,0.440321 +-7.34117,1,0.968678,1,1,0,7.67831,0.399314 +-7.76758,0.836083,1.21003,1,1,0,7.96972,0.449124 +-6.84807,1,1.26458,1,1,0,7.38824,0.308483 +-6.86336,0.916861,1.57799,2,3,0,6.98778,0.193394 +-6.75364,1,1.79865,1,1,0,6.80417,0.236909 +-6.75364,0.0990549,2.24178,1,1,0,8.09162,0.236909 +-6.93719,0.968692,1.05737,2,3,0,7.01083,0.331577 +-6.91732,1,1.27436,1,1,0,6.9952,0.326963 +-8.09419,0.435308,1.58757,2,3,0,8.35869,0.480628 +-6.7737,0.956388,1.07822,2,3,0,8.45124,0.222411 +-6.81433,0.995006,1.28137,2,3,0,6.82517,0.297248 +-7.14705,0.874306,1.58625,2,3,0,7.1576,0.370964 +-8.55344,0.220432,1.72499,2,3,0,9.69143,0.0723872 +-7.02196,0.980525,0.933422,2,7,0,8.44237,0.349133 +-6.97674,0.911947,1.13728,1,3,0,7.47333,0.172415 +-7.20864,0.946862,1.28741,2,3,0,7.4607,0.380537 +-10.5995,0.107851,1.51191,1,1,0,11.2004,0.643217 +-8.80758,1,0.728639,1,1,0,10.3338,0.537869 +-7.73903,1,0.90556,2,3,0,8.60542,0.446148 +-7.73903,0.88095,1.12475,1,1,0,8.2587,0.446148 +-7.36408,1,1.23111,1,1,0,7.80347,0.402355 +-6.97283,1,1.5275,1,1,0,7.2893,0.339326 +-6.97283,0.04167,1.89409,1,1,0,8.24786,0.339326 +-6.79121,1,0.856321,3,7,0,6.95687,0.214516 +-6.90709,0.990557,1.06204,2,3,0,6.90712,0.324491 +-6.81854,1,1.30341,1,1,0,6.89295,0.298777 +-6.92902,0.929707,1.61463,1,1,0,6.98732,0.329708 +-6.83569,0.832566,1.85721,2,3,0,6.95123,0.304603 +-6.88862,0.951463,1.92928,1,1,0,6.98872,0.319833 +-6.74807,1,2.26865,1,1,0,6.77602,0.248788 +-6.74936,0.997739,2.80489,1,1,0,6.75039,0.256507 +-6.74936,0.00141296,3.45772,1,1,0,7.74218,0.256507 +-6.79615,0.975529,1.51249,1,1,0,6.79735,0.290048 +-6.79615,0.903322,1.82249,1,1,0,6.88728,0.290048 +-6.79615,0.00293215,2.03665,1,1,0,8.18723,0.290048 +-6.91199,0.935992,0.895874,1,3,0,7.26723,0.183347 +-8.06368,0.840001,1.0362,1,3,0,8.26525,0.0903831 +-7.95942,1,1.08499,1,1,0,8.21361,0.0950275 +-7.59628,1,1.33967,2,3,0,8.02873,0.114481 +-6.8158,1,1.6532,1,1,0,7.26343,0.205964 +-6.8158,0.563029,2.03896,1,1,0,7.25243,0.205964 +-6.74857,1,1.60458,1,1,0,6.78044,0.24588 +-9.716,0.364064,1.97795,1,3,0,9.71673,0.0450292 +-8.44877,1,1.27042,1,1,0,9.61484,0.0757881 +-7.88507,1,1.56565,1,1,0,8.58628,0.0985628 +-7.88507,0.363801,1.92842,1,1,0,8.36748,0.0985628 +-7.5181,1,1.24044,1,1,0,7.91125,0.11954 +-6.81305,0.950021,1.52747,2,3,0,7.23377,0.296777 +-6.78679,0.994223,1.78668,1,3,0,6.79856,0.216315 +-7.88986,0.446129,2.18501,1,1,0,8.05022,0.0983289 +-8.49936,0.875348,1.53119,1,1,0,8.73696,0.0741181 +-7.19182,1,1.65943,2,3,0,7.80623,0.377985 +-7.1728,0.999269,2.03987,1,1,0,7.19255,0.148036 +-7.1728,0.0122563,2.50434,1,1,0,7.26057,0.148036 +-6.75653,0.908989,1.13422,2,3,0,8.27084,0.233937 +-7.42982,0.850121,1.27157,1,3,0,7.49175,0.125754 +-7.75509,0.931608,1.34309,1,1,0,7.87574,0.105253 +-7.33516,1,1.53959,2,3,0,7.65651,0.398508 +-7.11673,1,1.88971,1,3,0,7.2009,0.15409 +-7.37947,0.700313,2.31826,1,1,0,7.47548,0.404367 +-6.81983,1,2.10507,1,1,0,6.89114,0.204736 +-6.75064,1,2.58075,1,1,0,6.77414,0.241036 +-6.75064,0.00950019,3.1623,1,1,0,6.87185,0.241036 +-7.65369,0.733861,1.44061,2,3,0,7.69363,0.110995 +-8.15417,0.90768,1.35406,1,1,0,8.28258,0.0866175 +-8.09871,1,1.51348,1,1,0,8.54627,0.0888976 +-7.47653,1,1.85386,1,3,0,7.63023,0.416564 +-7.7025,0.809183,2.26964,1,1,0,7.70322,0.108169 +-7.7025,0.000395313,2.2982,1,1,0,8.25892,0.108169 +-8.18509,0.982171,1.04399,2,3,0,8.21516,0.0853823 +-8.31434,0.725951,1.25571,2,3,0,12.7671,0.0804812 +-7.45889,1,1.17185,1,1,0,8.18731,0.123644 +-6.91275,1,1.43367,1,1,0,7.29659,0.183206 +-6.91275,0.42861,1.75311,1,1,0,7.27567,0.183206 +-6.78601,0.827798,1.22045,2,3,0,7.97382,0.285459 +-7.23752,0.511238,1.25943,2,3,0,9.19441,0.141683 +-7.60244,0.956169,0.952131,2,3,0,7.94956,0.114098 +-6.88852,0.961414,1.1147,2,3,0,8.10974,0.319808 +-6.8979,0.995876,1.31126,1,1,0,6.95649,0.322206 +-6.97331,0.951304,1.59478,1,1,0,7.07814,0.339425 +-7.37639,0.68344,1.85599,1,1,0,7.72528,0.403965 +-6.96036,1,1.66213,2,3,0,7.07149,0.336682 +-8.50842,0.163465,2.02764,1,1,0,9.54402,0.515408 +-8.50842,0.681823,1.09418,1,1,0,9.68349,0.515408 +-8.50842,0.450338,0.979333,1,3,0,13.441,0.515408 +-7.85295,1,0.700084,1,1,0,8.42888,0.45779 +-6.84296,0.899599,0.854091,2,3,0,9.11017,0.198338 +-6.94853,0.983042,0.944851,1,1,0,6.94876,0.176914 +-6.77905,0.989781,1.13298,2,3,0,7.03633,0.219754 +-6.78982,0.990629,1.36687,2,3,0,6.84136,0.215072 +-6.78982,0.404073,1.64966,1,1,0,7.26769,0.215072 +-8.07665,0.678368,1.1297,2,3,0,9.10376,0.47904 +-7.65007,1,1.00873,1,1,0,8.12835,0.436597 +-6.88985,0.74724,1.22808,2,3,0,8.72709,0.187669 +-6.88545,1,1.17186,1,1,0,6.92424,0.188575 +-6.80052,0.995121,1.42578,2,3,0,6.9106,0.211025 +-6.77061,1,1.72581,1,1,0,6.79918,0.224078 +-7.23425,0.699302,2.09785,1,1,0,7.32559,0.141991 +-7.23653,1,1.91122,1,3,0,7.24683,0.384677 +-7.23653,0.144318,2.3219,1,1,0,7.3518,0.384677 +-7.22264,1,1.24493,1,1,0,7.422,0.382629 +-6.74825,0.440398,1.5125,2,3,0,8.84505,0.252651 +-6.74804,1,1.07744,2,3,0,6.74821,0.249212 +-6.76258,0.995968,1.30863,1,3,0,6.76309,0.229089 +-7.25301,0.74868,1.58264,1,1,0,7.25448,0.387072 +-7.16935,1,1.51265,2,3,0,7.17106,0.148392 +-8.41652,0.608183,1.83529,1,1,0,8.56848,0.0768789 +-7.00114,0.815009,1.5353,2,3,0,8.08046,0.168792 +-6.84217,0.990977,1.56278,2,3,0,6.95892,0.198541 +-6.84217,0.404509,1.8787,1,1,0,7.82787,0.198541 +-6.94039,0.97058,1.29727,1,1,0,6.95774,0.178282 +-6.80878,0.958518,1.52946,2,3,0,7.01161,0.295163 +-8.66864,0.194504,1.78217,2,3,0,9.14873,0.527677 +-8.47087,1,1.01113,2,7,0,8.54032,0.0750524 +-8.41918,1,1.2252,1,1,0,8.76327,0.0767882 +-9.13498,0.827514,1.48397,2,3,0,9.38133,0.560444 +-12.1798,0.213718,1.52813,2,3,0,12.2185,0.018229 +-9.85181,1,0.885095,2,3,0,12.3842,0.0427264 +-9.53931,1,1.07172,1,1,0,10.0414,0.048247 +-6.75662,1,1.29715,2,3,0,8.87189,0.266622 +-6.75662,0.756034,1.56933,1,1,0,6.95586,0.266622 +-6.75662,0.44368,1.51138,2,3,0,7.65145,0.266622 +-6.77517,0.994904,1.08792,1,1,0,6.77546,0.279852 +-6.74805,1,1.3094,1,3,0,6.76586,0.249003 +-6.74805,0.113424,1.5828,1,1,0,7.97284,0.249003 +-7.16234,0.908305,0.839088,1,3,0,7.56325,0.149123 +-6.98451,1,0.93159,2,3,0,7.14011,0.171237 +-6.8722,1,1.12582,1,1,0,6.96933,0.191405 +-7.88344,0.811767,1.35998,1,3,0,7.89223,0.0986425 +-7.88344,0.816532,1.37969,1,1,0,8.9546,0.0986425 +-6.98315,1,1.40581,1,1,0,7.63125,0.171442 +-6.98315,0.550567,1.69677,1,1,0,8.00839,0.171442 +-7.67226,0.854391,1.35244,2,3,0,7.96121,0.439019 +-7.07249,1,1.4269,1,1,0,7.53185,0.358411 +-7.02832,1,1.72114,2,3,0,7.04016,0.350341 +-7.3588,0.675412,2.07523,1,1,0,7.87279,0.401658 +-6.88154,1,1.85642,1,1,0,7.19177,0.317974 +-6.88154,0.0655637,2.23726,1,1,0,7.62901,0.317974 +-6.7523,0.996864,1.14461,2,3,0,6.90418,0.238552 +-7.05926,0.918029,1.37562,1,3,0,7.06522,0.160962 +-6.78121,1,1.53766,1,1,0,6.94552,0.218754 +-8.29802,0.262734,1.852,1,1,0,8.50027,0.498349 +-7.00606,0.9098,1.1377,1,3,0,8.78363,0.168088 +-7.00606,0.873138,1.262,1,1,0,7.45042,0.168088 +-6.80354,1,1.35361,1,1,0,6.9424,0.209966 +-6.80354,0.515728,1.62927,1,3,0,7.80727,0.209966 +-7.20639,0.899272,1.26232,1,3,0,7.30351,0.380198 +-7.20639,0.397036,1.38615,1,1,0,8.2386,0.380198 +-7.19904,1,0.965008,1,1,0,7.31224,0.379085 +-6.93482,1,1.16103,1,1,0,7.14118,0.331039 +-6.78088,0.913092,1.39634,2,3,0,7.12696,0.282916 +-6.78162,1,1.55182,2,3,0,6.78261,0.21857 +-6.79632,0.990314,1.86506,1,3,0,6.79727,0.290121 +-6.84741,0.939725,2.22118,1,1,0,6.93733,0.308282 +-6.84741,0.535216,2.52647,1,1,0,7.13543,0.308282 +-6.80939,1,1.99582,1,1,0,6.81525,0.208003 +-6.76756,1,2.39625,1,1,0,6.80888,0.225851 +-6.76756,3.89157e-13,2.87596,1,1,0,8.4026,0.225851 +-6.76756,0.674256,1.40587,1,3,0,7.49116,0.225851 +-7.00934,0.761852,1.26002,2,3,0,7.82836,0.346697 +-6.80258,1,1.22178,1,1,0,6.93833,0.292721 +-6.80258,0.312425,1.46626,1,1,0,7.71506,0.292721 +-7.43459,0.775743,0.951136,1,3,0,8.3252,0.125403 +-6.96646,0.93852,0.934121,2,3,0,8.35991,0.174013 +-6.83063,1,1.06089,1,1,0,6.93907,0.201625 +-6.83063,0.508254,1.27241,1,3,0,8.67003,0.201625 +-6.74803,0.974972,0.984492,2,3,0,7.04448,0.249489 +-6.80755,0.984642,1.15444,1,3,0,6.81755,0.208607 +-7.7744,0.776023,1.36499,1,3,0,7.81929,0.449829 +-7.41117,1,1.34054,2,3,0,7.60025,0.127144 +-7.38908,0.536659,1.60599,2,3,0,9.4095,0.128827 +-7.89648,0.937493,1.27556,2,3,0,7.9149,0.462082 +-6.82848,0.86259,1.44542,2,3,0,8.07509,0.202226 +-6.92294,0.960261,1.5325,1,1,0,6.9554,0.181337 +-9.08089,0.420377,1.7711,1,1,0,9.08844,0.0579714 +-7.7972,1,1.27047,1,1,0,8.90103,0.103009 +-7.7972,0.582598,1.52048,1,3,0,10.5353,0.103009 +-9.22259,0.924955,1.25927,2,3,0,9.59913,0.566176 +-6.74921,1,1.41026,1,1,0,7.95113,0.243933 +-6.74921,0.044649,1.68672,1,1,0,8.07699,0.243933 +-6.75097,0.998963,0.871184,1,3,0,6.75836,0.259679 +-7.01139,0.961927,1.04114,2,3,0,7.02404,0.167334 +-7.01139,9.77232e-07,2.40814,1,1,0,7.27917,0.167334 +-7.01139,1.49439e-44,5.62316,3,7,0,7.77784,0.167334 +-6.75156,0.982944,0.55444,1,3,0,7.40547,0.239578 +-6.77728,0.991861,0.551794,1,3,0,6.88507,0.281016 +-6.74817,0.996958,0.726791,2,3,0,6.8114,0.24785 +-6.8036,0.786576,1.1228,2,3,0,7.44621,0.293132 +-6.79074,1,0.992049,1,1,0,6.81063,0.287666 +-7.3233,0.64901,1.75356,1,1,0,7.3318,0.134107 +-6.77341,0.946885,1.06379,2,3,0,7.38085,0.278844 +-6.77341,0.778125,1.66629,1,1,0,6.85511,0.278844 +-6.77341,0.285244,1.54917,1,3,0,7.76999,0.278844 +-7.00742,0.994722,0.305709,3,7,0,7.07776,0.346321 +-7.61178,0.905011,0.571915,2,5,0,8.38445,0.113521 +-7.88789,0.973185,0.808161,1,1,0,7.92185,0.098425 +-6.74802,0.839133,1.4129,1,3,0,7.34186,0.249735 +-6.74802,0.019038,1.62381,1,1,0,7.83785,0.249735 +-7.04733,0.99819,0.149643,4,17,0,7.28015,0.353881 +-6.97379,0.999392,0.284619,2,3,0,7.09005,0.339526 +-6.75817,0.958154,0.539063,3,7,0,7.91443,0.268085 +-7.84966,0.706258,0.894043,1,3,0,8.63394,0.100318 +-7.54416,1,0.694606,2,3,0,7.83114,0.117811 +-6.83714,0.923919,1.29244,2,3,0,7.33778,0.199858 +-6.76497,1,1.90508,1,1,0,6.7702,0.273467 +-6.76497,0.00990637,3.48137,1,1,0,6.82882,0.273467 +-6.75593,0.999896,0.363157,3,7,0,6.77347,0.265939 +-6.77034,0.991252,0.666331,1,3,0,6.84747,0.224229 +-6.89854,0.954395,1.18103,1,1,0,6.90001,0.185928 +-6.90408,0.993342,1.86945,1,1,0,6.90553,0.32375 +-6.90408,3.2414e-07,3.27297,1,1,0,8.81351,0.32375 +-6.78267,0.992059,0.365369,2,7,0,7.28203,0.218096 +-7.02553,0.934992,0.6402,1,3,0,7.67211,0.349814 +-7.34736,0.751705,0.951835,1,3,0,8.24653,0.132127 +-6.76578,0.97643,0.85813,1,3,0,7.70366,0.274034 +-6.74904,1,1.41262,1,1,0,6.7571,0.25567 +-6.74904,0.179609,2.45545,1,1,0,6.97005,0.25567 +-6.83527,0.997192,0.489298,3,7,0,6.83872,0.304467 +-6.76437,0.987046,0.843889,1,3,0,6.9229,0.227866 +-6.76063,1,1.40562,2,3,0,6.7628,0.270187 +-6.76063,0.0373894,2.40133,1,1,0,7.34929,0.270187 +-7.17198,0.973793,0.349823,2,7,0,7.96248,0.14812 +-9.3482,0.917021,0.560538,2,7,0,9.34831,0.574187 +-6.80829,0.985496,0.773305,2,3,0,9.51249,0.294975 +-8.54523,0.363664,1.25927,1,1,0,8.64001,0.518278 +-6.92636,0.960794,0.437023,2,7,0,10.1493,0.180724 +-6.94618,0.924621,0.667654,1,3,0,7.99729,0.333591 +-6.98445,0.988443,0.928133,1,1,0,7.03448,0.341727 +-6.98445,0.179842,1.49883,1,1,0,7.94419,0.341727 +-6.9788,1,0.343737,1,1,0,6.99099,0.340566 +-7.21715,0.945161,0.570638,3,7,0,8.05234,0.381813 +-7.21715,0.677044,0.825931,1,1,0,8.31299,0.381813 +# Adaptation terminated +# Step size = 0.83124 +# Diagonal elements of inverse mass matrix: +# 0.525769 +-6.77384,0.964073,0.83124,1,3,0,7.46753,0.222338 +-6.863,0.968947,0.83124,1,3,0,7.01137,0.312874 +-6.83479,0.964185,0.83124,1,3,0,7.16339,0.200486 +-6.80509,0.978314,0.83124,1,3,0,7.03713,0.293726 +-6.79148,0.786013,0.83124,2,3,0,8.42285,0.214411 +-6.79943,0.998548,0.83124,1,1,0,6.80547,0.211417 +-6.85456,0.967137,0.83124,2,3,0,7.15794,0.310427 +-7.11014,0.963078,0.83124,2,7,0,7.14083,0.154842 +-6.75222,0.990723,0.83124,1,3,0,7.18664,0.238666 +-7.40454,0.858025,0.83124,1,3,0,7.7421,0.127645 +-7.17574,0.883441,0.83124,1,3,0,8.96348,0.375502 +-7.6387,0.88609,0.83124,1,1,0,7.67194,0.435344 +-7.41421,0.638614,0.83124,1,3,0,10.1123,0.126916 +-7.80019,0.957369,0.83124,1,1,0,7.80975,0.102852 +-7.88627,0.991536,0.83124,1,1,0,7.99586,0.0985041 +-6.75872,1,0.83124,2,3,0,7.70683,0.232017 +-7.11378,0.930982,0.83124,1,3,0,7.23357,0.154425 +-7.78231,0.833848,0.83124,1,3,0,9.34305,0.450644 +-10.8458,0.737345,0.83124,2,3,0,10.8484,0.654932 +-8.70316,1,0.83124,1,1,0,10.4622,0.530246 +-8.46077,0.999442,0.83124,2,7,0,8.60336,0.0753873 +-6.75196,0.930715,0.83124,1,3,0,9.34507,0.239023 +-8.00242,0.761929,0.83124,2,7,0,8.83251,0.09307 +-6.83863,0.988684,0.83124,2,3,0,8.2073,0.199463 +-6.95273,0.980951,0.83124,1,1,0,6.95283,0.17622 +-7.02868,0.996107,0.83124,2,3,0,7.04407,0.164954 +-6.96996,1,0.83124,1,1,0,7.04111,0.173465 +-6.8514,1,0.83124,1,1,0,6.95057,0.196226 +-6.8514,0.833873,0.83124,1,3,0,8.14037,0.196226 +-6.78249,0.983889,0.83124,1,3,0,7.01443,0.283736 +-6.78375,0.999722,0.83124,1,1,0,6.79085,0.284361 +-6.80289,0.525311,0.83124,2,3,0,10.9828,0.210191 +-8.20043,0.750952,0.83124,1,3,0,8.99683,0.490024 +-7.53287,1,0.83124,1,1,0,8.10917,0.423294 +-7.36791,1,0.83124,1,1,0,7.6078,0.402857 +-6.9395,1,0.83124,1,1,0,7.26203,0.332098 +-6.95192,0.996996,0.83124,1,1,0,6.9929,0.334853 +-7.3959,0.894674,0.83124,1,1,0,7.39743,0.40649 +-7.11496,0.78561,0.83124,1,3,0,8.82366,0.154291 +-6.83712,0.958426,0.83124,1,3,0,7.62792,0.305062 +-6.8801,0.941281,0.83124,1,3,0,7.22037,0.189698 +-6.92991,0.991833,0.83124,1,1,0,6.94072,0.180096 +-8.34814,0.819711,0.83124,1,3,0,8.78677,0.0792645 +-6.84984,0.968149,0.83124,2,3,0,9.08518,0.196609 +-6.86277,0.999425,0.83124,2,7,0,6.86278,0.312809 +-6.94153,0.993821,0.83124,2,3,0,6.95258,0.332554 +-6.87269,0.932025,0.83124,1,3,0,7.39662,0.191298 +-6.7648,0.998233,0.83124,1,3,0,6.86398,0.227579 +-8.11991,0.757565,0.83124,1,3,0,8.69431,0.482936 +-8.1387,0.9983,0.83124,2,3,0,8.48925,0.484608 +-7.56635,1,0.83124,2,3,0,8.09196,0.427186 +-7.56635,0.557179,0.83124,1,3,0,10.7721,0.427186 +-7.56635,0.576829,0.83124,1,1,0,9.06079,0.427186 +-6.83021,0.947852,0.83124,2,3,0,7.96475,0.302806 +-7.30326,0.932308,0.83124,2,7,0,7.32215,0.135802 +-7.02293,1,0.83124,1,1,0,7.26355,0.165736 +-7.04935,0.93183,0.83124,1,3,0,7.9051,0.354252 +-7.04935,0.863194,0.83124,1,1,0,7.4807,0.354252 +-7.58697,0.871021,0.83124,1,1,0,7.59464,0.429545 +-7.13387,0.767791,0.83124,1,3,0,9.1847,0.152178 +-7.24792,0.88435,0.83124,2,3,0,8.88901,0.386338 +-8.00733,0.664207,0.83124,2,3,0,9.81879,0.47266 +-8.00733,0.699938,0.83124,1,1,0,9.09012,0.47266 +-7.7664,1,0.83124,2,3,0,8.15156,0.449002 +-7.28614,1,0.83124,2,7,0,7.82793,0.137284 +-7.28448,1,0.83124,2,3,0,7.36818,0.13743 +-6.86252,0.996117,0.83124,2,7,0,7.22775,0.312738 +-6.83745,0.963073,0.83124,1,3,0,7.16908,0.199775 +-6.87095,0.875028,0.83124,2,3,0,8.20001,0.315103 +-6.7494,0.994244,0.83124,1,3,0,6.91147,0.243467 +-6.75696,0.997363,0.83124,1,3,0,6.7673,0.266958 +-6.76021,0.999306,0.83124,1,1,0,6.76133,0.269844 +-7.33075,0.848267,0.83124,2,7,0,7.86167,0.133488 +-6.75574,0.966952,0.83124,2,7,0,7.6808,0.265745 +-6.76149,0.994652,0.83124,2,7,0,6.79199,0.229867 +-6.80994,0.992363,0.83124,2,3,0,6.8348,0.207822 +-6.8699,0.960605,0.83124,2,3,0,7.24602,0.314812 +-6.82221,1,0.83124,1,1,0,6.866,0.300076 +-6.82221,0.47126,0.83124,1,3,0,10.5373,0.300076 +-7.5445,0.733885,0.83124,1,3,0,8.6065,0.117789 +-6.78499,0.950683,0.83124,1,3,0,8.20955,0.28497 +-6.74822,0.999282,0.83124,1,3,0,6.78836,0.252517 +-6.75123,0.989824,0.83124,2,3,0,6.82353,0.260105 +-7.23127,0.870957,0.83124,1,3,0,7.59816,0.142271 +-7.76332,0.943719,0.83124,2,3,0,8.09691,0.104809 +-11.7433,0.652563,0.83124,1,3,0,13.6757,0.0212821 +-12.0315,0.993772,0.83124,1,1,0,12.2501,0.0192103 +-11.1836,1,0.83124,1,1,0,12.0617,0.0260228 +-8.21825,0.994196,0.83124,2,3,0,11.7239,0.0840855 +-7.66942,1,0.83124,2,3,0,8.16999,0.11007 +-6.91984,0.999109,0.83124,2,3,0,7.69374,0.181898 +-6.78687,0.978684,0.83124,1,3,0,7.14461,0.28587 +-6.78346,1,0.83124,1,1,0,6.79287,0.284218 +-7.27811,0.831927,0.83124,1,3,0,7.88547,0.137991 +-7.23536,1,0.83124,2,3,0,7.33423,0.141886 +-7.37743,0.981922,0.83124,1,1,0,7.41202,0.129733 +-6.81382,0.945983,0.83124,2,3,0,8.10266,0.206581 +-6.8553,0.976565,0.83124,1,3,0,7.09389,0.310644 +-6.92544,0.928885,0.83124,1,3,0,7.36104,0.180889 +-6.82435,1,0.83124,2,3,0,6.90815,0.203404 +-6.86948,0.973652,0.83124,1,3,0,7.14311,0.314697 +-6.90771,0.925607,0.83124,1,3,0,7.34968,0.184155 +-6.74802,0.994844,0.83124,1,3,0,6.95766,0.250139 +-6.75042,0.999458,0.83124,1,3,0,6.75137,0.25872 +-6.75028,1,0.83124,2,7,0,6.75039,0.241671 +-6.768,0.960202,0.83124,2,3,0,7.07186,0.275525 +-6.74936,0.998122,0.83124,1,3,0,6.78133,0.243572 +-6.85341,0.986672,0.83124,2,3,0,6.86337,0.195738 +-7.42954,0.865673,0.83124,1,3,0,8.10763,0.41076 +-6.76667,0.98275,0.83124,2,3,0,7.56304,0.274643 +-6.74976,0.999609,0.83124,2,3,0,6.77005,0.257422 +-6.85345,0.958802,0.83124,2,3,0,7.03239,0.195727 +-6.74802,1,0.83124,2,3,0,6.83724,0.250057 +-6.75667,0.957558,0.83124,2,3,0,7.07779,0.266674 +-6.75417,0.786511,0.83124,2,3,0,8.50589,0.236311 +-6.83211,0.986441,0.83124,1,3,0,6.8457,0.201216 +-6.92529,0.984261,0.83124,1,1,0,6.92579,0.180915 +-7.0946,0.991361,0.83124,2,3,0,7.09586,0.156647 +-6.76822,0.991666,0.83124,1,3,0,7.11608,0.225457 +-6.75063,0.985668,0.83124,2,3,0,6.88296,0.241038 +-6.75063,0.913898,0.83124,1,3,0,7.24494,0.241038 +-6.74919,0.999353,0.83124,2,7,0,6.75543,0.256082 +-6.74806,0.999186,0.83124,2,3,0,6.75537,0.248847 +-6.91536,0.963629,0.83124,1,3,0,6.97837,0.326496 +-6.91536,0.966256,0.83124,1,1,0,7.03575,0.326496 +-6.8701,0.814489,0.83124,2,3,0,8.28314,0.191871 +-7.34587,0.880152,0.83124,1,3,0,8.03065,0.399942 +-7.13938,1,0.83124,1,1,0,7.34728,0.369726 +-6.87923,0.91688,0.83124,1,3,0,7.73026,0.189883 +-7.28722,0.961855,0.83124,2,7,0,7.29556,0.391933 +-6.97949,1,0.83124,1,1,0,7.22073,0.340708 +-7.29622,0.923533,0.83124,1,1,0,7.30638,0.393187 +-7.18376,0.860064,0.83124,2,3,0,8.41749,0.376745 +-6.90516,0.945139,0.83124,2,3,0,7.64572,0.324015 +-6.75024,0.992254,0.83124,1,3,0,6.95933,0.241742 +-6.79811,0.993726,0.83124,2,3,0,6.80685,0.211895 +-6.87454,0.986471,0.83124,2,3,0,6.94309,0.190893 +-6.87066,1,0.83124,2,3,0,6.89482,0.191745 +-7.04939,0.889911,0.83124,2,3,0,7.88737,0.162222 +-7.10248,0.980136,0.83124,2,3,0,7.38285,0.155726 +-6.75701,0.959748,0.83124,2,3,0,7.5595,0.233497 +-6.7774,0.909653,0.83124,2,3,0,7.53683,0.281081 +-7.48854,0.775847,0.83124,1,3,0,8.28076,0.121558 +-6.9938,0.9085,0.83124,1,3,0,8.74034,0.343621 +-6.84898,1,0.83124,2,3,0,6.9622,0.308758 +-6.80491,1,0.83124,1,1,0,6.84326,0.293653 +-6.76831,0.963487,0.83124,2,3,0,7.08812,0.225403 +-7.1262,0.968645,0.83124,2,3,0,7.13483,0.367571 +-7.13882,0.996805,0.83124,1,1,0,7.22615,0.369634 +-6.9585,0.937061,0.83124,2,3,0,7.69631,0.336284 +-6.76349,0.99334,0.83124,2,3,0,7.01074,0.272405 +-7.3077,0.913449,0.83124,2,3,0,7.52301,0.394774 +-7.31914,1,0.83124,2,7,0,7.32605,0.134455 +-7.63764,0.962657,0.83124,1,1,0,7.64931,0.111951 +-6.81705,1,0.83124,2,3,0,7.57168,0.20558 +-6.83357,0.999029,0.83124,2,3,0,6.8419,0.200818 +-6.76289,0.989624,0.83124,1,3,0,6.93017,0.271959 +-6.76249,0.997774,0.83124,2,3,0,6.78677,0.271656 +-6.88637,0.955711,0.83124,1,3,0,7.04548,0.188384 +-7.05585,0.991078,0.83124,2,3,0,7.0559,0.161393 +-7.48388,0.863007,0.83124,1,3,0,8.72515,0.417456 +-7.57991,1,0.83124,2,7,0,7.58089,0.115509 +-7.22688,0.873432,0.83124,1,3,0,9.44486,0.383258 +-7.22688,0.792043,0.83124,1,3,0,8.71736,0.383258 +-7.75844,0.869436,0.83124,1,1,0,7.79558,0.448176 +-7.68603,1,0.83124,2,3,0,7.96018,0.44051 +-7.28797,1,0.83124,1,1,0,7.64492,0.392037 +-8.04273,0.818251,0.83124,1,1,0,8.07371,0.475939 +-8.82221,0.808887,0.83124,1,1,0,9.01829,0.538919 +-7.07998,1,0.83124,3,7,0,8.36851,0.359728 +-7.38081,0.825492,0.83124,2,3,0,8.40446,0.404541 +-6.76721,0.96623,0.83124,1,3,0,7.63037,0.226061 +-6.7649,0.775322,0.83124,2,3,0,8.94489,0.273422 +-7.01197,0.923279,0.83124,2,7,0,7.28761,0.167254 +-7.17433,0.900558,0.83124,1,3,0,8.10545,0.375282 +-7.1308,1,0.83124,2,7,0,7.15669,0.152517 +-7.31673,0.967825,0.83124,2,3,0,7.63974,0.134657 +-7.08262,1,0.83124,1,1,0,7.28998,0.158077 +-6.95789,0.989292,0.83124,2,3,0,7.27081,0.175381 +-7.15382,0.970885,0.83124,1,1,0,7.15518,0.150022 +-7.16743,0.998118,0.83124,1,1,0,7.228,0.148591 +-7.78568,0.950049,0.83124,2,7,0,7.86488,0.450991 +-6.79441,0.94168,0.83124,1,3,0,8.25052,0.213275 +-6.78609,0.987816,0.83124,1,3,0,6.91885,0.2855 +-7.03885,0.902658,0.83124,1,3,0,7.41969,0.163597 +-6.75408,1,0.83124,2,3,0,7.008,0.23641 +-6.92626,0.982871,0.83124,2,3,0,6.93174,0.329068 +-6.85272,1,0.83124,1,1,0,6.91861,0.30988 +-7.06749,0.931131,0.83124,2,3,0,7.40822,0.357524 +-6.75899,0.999194,0.83124,1,3,0,7.0446,0.268813 +-7.43537,0.907282,0.83124,2,3,0,7.43537,0.125346 +-7.12273,1,0.83124,1,1,0,7.39553,0.153414 +-8.80058,0.855819,0.83124,2,3,0,8.93794,0.0651208 +-6.79441,0.988156,0.83124,2,7,0,8.46303,0.289299 +-7.12951,0.954892,0.83124,2,7,0,7.13648,0.15266 +-7.04909,0.909301,0.83124,2,7,0,8.12986,0.354204 +-7.03487,1,0.83124,1,1,0,7.10954,0.351573 +-7.18092,0.987963,0.83124,2,3,0,7.21997,0.376307 +-6.7582,0.977551,0.83124,1,3,0,7.3415,0.232454 +-7.06299,0.928991,0.83124,1,3,0,7.25372,0.356721 +-6.81925,0.973163,0.83124,2,3,0,7.27878,0.299032 +-6.86807,0.952759,0.83124,1,3,0,7.15596,0.192324 +-6.77283,0.99799,0.83124,2,3,0,6.89196,0.222871 +-7.53588,0.930234,0.83124,2,3,0,7.58322,0.423647 +-7.10576,1,0.83124,2,7,0,7.53605,0.155346 +-6.75998,0.990989,0.83124,1,3,0,7.14958,0.231009 +-6.8546,0.985018,0.83124,1,3,0,6.86663,0.195449 +-6.86412,0.820813,0.83124,2,3,0,8.89141,0.313192 +-8.07684,0.733933,0.83124,2,3,0,9.01202,0.479057 +-8.79165,0.43458,0.83124,3,7,0,12.3811,0.53672 +-10.168,0.693618,0.83124,1,1,0,10.4608,0.621355 +-6.75099,1,0.83124,2,3,0,10.2624,0.240445 +-6.76743,0.994377,0.83124,1,3,0,6.78956,0.275152 +-6.74802,1,0.83124,2,3,0,6.76526,0.249906 +-7.26292,0.93715,0.83124,2,3,0,7.35514,0.388496 +-6.9598,1,0.83124,1,1,0,7.19535,0.336562 +-7.03347,0.881388,0.83124,1,3,0,7.83067,0.164311 +-7.12372,0.986908,0.83124,1,1,0,7.14639,0.153304 +-7.11126,1,0.83124,1,1,0,7.17697,0.154714 +-6.74882,0.967722,0.83124,2,3,0,7.49087,0.245016 +-9.87289,0.667865,0.83124,3,7,0,9.91668,0.0423813 +-7.37053,1,0.83124,2,3,0,9.71975,0.130274 +-7.51509,0.994287,0.83124,2,3,0,7.56352,0.119743 +-8.07113,0.942998,0.83124,1,1,0,8.07242,0.0900643 +-8.30409,0.980274,0.83124,1,1,0,8.39063,0.0808552 +-8.64005,0.974654,0.83124,1,1,0,8.71465,0.0697256 +-7.94544,1,0.83124,1,1,0,8.58389,0.0956776 +-7.56343,1,0.83124,1,1,0,7.92373,0.11656 +-7.53226,1,0.83124,1,1,0,7.66116,0.118596 +-7.7185,0.979788,0.83124,1,1,0,7.77244,0.107267 +-6.93088,0.991557,0.83124,2,7,0,7.61746,0.330137 +-6.84558,1,0.83124,1,1,0,6.91779,0.307721 +-6.78054,1,0.83124,1,1,0,6.831,0.282743 +-7.21002,0.941592,0.83124,2,7,0,7.21287,0.144308 +-7.07476,0.900529,0.83124,2,7,0,8.34915,0.358811 +-7.04526,1,0.83124,1,1,0,7.13043,0.353501 +-6.99076,1,0.83124,1,1,0,7.07607,0.343009 +-6.94969,1,0.83124,1,1,0,7.01782,0.334365 +-7.60817,0.899713,0.83124,2,7,0,7.68059,0.113743 +-7.2221,1,0.83124,1,1,0,7.56145,0.143142 +-7.47904,0.967914,0.83124,1,1,0,7.49182,0.12222 +-6.82308,0.943186,0.83124,1,3,0,8.24455,0.300378 +-7.6281,0.83076,0.83124,2,3,0,8.19849,0.434168 +-7.13111,1,0.83124,1,1,0,7.52116,0.368378 +-7.44047,0.804811,0.83124,2,3,0,8.61146,0.412127 +-7.42694,1,0.83124,1,1,0,7.60205,0.410434 +-6.82628,0.926955,0.83124,1,3,0,7.95012,0.20285 +-8.25298,0.747758,0.83124,1,3,0,9.16428,0.494542 +-6.76356,0.968814,0.83124,2,3,0,8.50658,0.272455 +-6.78746,0.985816,0.83124,1,3,0,6.86197,0.216038 +-8.00108,0.777665,0.83124,1,3,0,8.57395,0.0931302 +-8.43027,0.963892,0.83124,1,1,0,8.4665,0.0764114 +-6.92384,0.951086,0.83124,1,3,0,8.69294,0.181174 +-6.76339,0.996632,0.83124,1,3,0,6.92114,0.228523 +-6.78255,0.886053,0.83124,2,3,0,7.78492,0.283766 +-6.84807,0.963408,0.83124,1,3,0,7.03001,0.197046 +-6.94545,0.983824,0.83124,1,1,0,6.94662,0.177427 +-7.10754,0.991839,0.83124,2,3,0,7.11043,0.15514 +-6.75206,0.990792,0.83124,1,3,0,7.18406,0.23888 +-6.75206,0.749219,0.83124,1,3,0,8.35235,0.23888 +-8.79153,0.574896,0.83124,1,3,0,10.4533,0.0653696 +-6.76249,0.92029,0.83124,1,3,0,9.82805,0.229152 +-6.77931,0.996801,0.83124,1,1,0,6.7795,0.219631 +-6.78542,0.998865,0.83124,1,1,0,6.78975,0.216896 +-6.83156,0.976459,0.83124,2,3,0,7.03651,0.303253 +-6.84555,0.996772,0.83124,1,1,0,6.86066,0.30771 +-6.84555,0.728082,0.83124,1,3,0,8.40725,0.30771 +-7.01186,0.896194,0.83124,2,7,0,7.53061,0.167269 +-7.48511,0.958872,0.83124,2,7,0,7.52605,0.417605 +-7.48511,0.626343,0.83124,1,1,0,8.76138,0.417605 +-7.3994,0.655782,0.83124,1,3,0,9.79743,0.128036 +-7.62624,0.963981,0.83124,2,3,0,8.09082,0.112638 +-7.19593,1,0.83124,1,1,0,7.57189,0.145694 +-6.75175,0.97848,0.83124,2,3,0,7.50004,0.260893 +-6.77329,0.991969,0.83124,1,3,0,6.80402,0.222627 +-6.76699,0.751692,0.83124,2,3,0,9.24945,0.274858 +-7.44326,0.910622,0.83124,2,7,0,7.44387,0.124771 +-6.86973,0.938481,0.83124,2,3,0,8.30612,0.191954 +-6.74858,1,0.83124,2,3,0,6.85438,0.245841 +-6.76175,0.95756,0.83124,2,3,0,7.08443,0.271083 +-7.30166,0.915479,0.83124,2,3,0,7.50717,0.393941 +-7.46467,0.958138,0.83124,1,1,0,7.56648,0.415116 +-7.10025,1,0.83124,1,1,0,7.39828,0.363225 +-6.96184,1,0.83124,1,1,0,7.08981,0.336999 +-6.84422,0.972875,0.83124,2,3,0,7.19726,0.307302 +-7.008,0.987279,0.83124,2,3,0,7.00943,0.346435 +-6.9106,1,0.83124,1,1,0,7.00278,0.325347 +-7.09334,0.855476,0.83124,2,7,0,7.86711,0.156796 +-6.75359,0.991174,0.83124,1,3,0,7.15683,0.236964 +-8.06068,0.765804,0.83124,1,3,0,8.52946,0.477586 +-7.26799,1,0.83124,2,7,0,8.00849,0.138892 +-7.20104,1,0.83124,2,7,0,7.26635,0.37939 +-7.58599,0.904256,0.83124,1,1,0,7.63215,0.429432 +-6.97993,1,0.83124,1,1,0,7.43258,0.3408 +-6.95606,0.947196,0.83124,2,3,0,7.44203,0.335756 +-7.16938,0.810824,0.83124,1,3,0,8.14873,0.148389 +-6.80224,0.998185,0.83124,2,7,0,7.10378,0.292583 +-6.78255,1,0.83124,1,1,0,6.80126,0.283766 +-8.23019,0.807995,0.83124,2,7,0,8.24486,0.0836257 +-7.0982,0.983298,0.83124,2,7,0,8.14583,0.362876 +-7.08647,1,0.83124,1,1,0,7.17275,0.360858 +-6.75258,0.99775,0.83124,2,3,0,7.11018,0.262061 +-6.77851,0.990656,0.83124,2,3,0,6.81968,0.220013 +-8.41876,0.848758,0.83124,2,3,0,8.6108,0.508278 +-8.41876,0.911633,0.83124,1,1,0,9.03193,0.508278 +-7.22102,1,0.83124,2,3,0,8.10431,0.382389 +-7.38417,0.958484,0.83124,1,1,0,7.46554,0.404977 +-6.75199,0.996359,0.83124,2,3,0,7.42889,0.261251 +-6.75104,0.998738,0.83124,1,3,0,6.76224,0.240367 +-7.71922,0.892545,0.83124,2,3,0,7.87548,0.444057 +-6.86778,0.917679,0.83124,2,3,0,8.48586,0.192389 +-6.95126,0.956628,0.83124,2,3,0,7.40808,0.334709 +-8.96304,0.736422,0.83124,2,7,0,9.03682,0.548826 +-8.35895,1,0.83124,1,1,0,9.10177,0.503409 +-8.47509,0.96886,0.83124,1,1,0,8.86946,0.512781 +-7.32948,1,0.83124,1,1,0,8.18422,0.397743 +-7.30027,1,0.83124,1,1,0,7.45019,0.393749 +-7.59187,0.926039,0.83124,1,1,0,7.67276,0.430101 +-7.26753,0.998524,0.83124,2,7,0,7.70223,0.138934 +-6.76899,0.970545,0.83124,1,3,0,7.6577,0.27616 +-6.75171,0.999175,0.83124,2,3,0,6.77632,0.260835 +-6.81331,0.992529,0.83124,2,3,0,6.81333,0.206741 +-6.74809,0.998276,0.83124,1,3,0,6.82834,0.248545 +-6.81438,0.99156,0.83124,2,3,0,6.81864,0.206406 +-6.81163,0.982,0.83124,1,3,0,7.01108,0.296243 +-7.02836,0.945327,0.83124,2,3,0,7.26202,0.35035 +-6.94533,0.854683,0.83124,2,3,0,8.15538,0.177447 +-6.82795,0.95801,0.83124,2,7,0,7.2953,0.302047 +-6.84041,0.999043,0.83124,2,3,0,6.85504,0.306112 +-6.82322,0.984625,0.83124,2,3,0,6.98844,0.300428 +-6.76785,0.98604,0.83124,1,3,0,6.92197,0.225672 +-7.23958,0.912753,0.83124,1,3,0,7.39269,0.141491 +-7.61645,0.954382,0.83124,1,1,0,7.61899,0.113235 +-7.42711,1,0.83124,1,1,0,7.63783,0.125955 +-7.19589,0.907037,0.83124,2,3,0,8.81518,0.145698 +-7.01047,1,0.83124,1,1,0,7.17423,0.167464 +-6.74815,1,0.83124,2,3,0,6.9691,0.248011 +-6.75882,0.949563,0.83124,2,3,0,7.14567,0.26866 +-6.83891,0.970866,0.83124,1,3,0,6.94556,0.19939 +-6.77329,0.987181,0.83124,1,3,0,6.96876,0.278779 +-6.75123,0.996837,0.83124,1,3,0,6.79586,0.240082 +-6.80947,0.994089,0.83124,2,3,0,6.81015,0.295427 +-6.77308,0.983807,0.83124,2,3,0,6.95378,0.222737 +-6.78554,0.99767,0.83124,1,1,0,6.78752,0.216843 +-6.78568,0.98879,0.83124,1,3,0,6.90055,0.285303 +-6.88538,0.950348,0.83124,1,3,0,7.11342,0.188589 +-6.82178,1,0.83124,1,1,0,6.87608,0.204156 +-6.82736,0.999016,0.83124,1,1,0,6.83939,0.202541 +-6.89157,0.989011,0.83124,1,1,0,6.89373,0.18732 +-6.75901,0.989762,0.83124,2,3,0,7.01753,0.268825 +-6.80996,0.980821,0.83124,1,3,0,6.89298,0.207816 +-7.62764,0.868165,0.83124,1,3,0,7.87879,0.112554 +-6.83386,0.976113,0.83124,1,3,0,7.69414,0.200737 +-6.80187,1,0.83124,1,1,0,6.83123,0.21055 +-7.57988,0.871515,0.83124,1,3,0,7.82369,0.115511 +-6.77056,0.950889,0.83124,1,3,0,8.19634,0.277143 +-7.2632,0.589267,0.83124,3,7,0,9.8991,0.388535 +-6.76222,0.988918,0.83124,2,3,0,7.35072,0.27145 +-6.75441,0.828645,0.83124,2,3,0,8.11217,0.236052 +-6.75137,0.998602,0.83124,1,3,0,6.76732,0.26032 +-6.75119,1,0.83124,2,7,0,6.75134,0.240144 +-6.83777,0.977697,0.83124,1,3,0,6.89795,0.305273 +-7.05198,0.880242,0.83124,1,3,0,7.59803,0.161888 +-7.08906,0.909811,0.83124,1,3,0,8.04163,0.361307 +-6.9797,0.902237,0.83124,1,3,0,7.93237,0.171964 +-7.4862,0.944018,0.83124,2,3,0,7.68429,0.12172 +-6.82465,0.942357,0.83124,1,3,0,8.26316,0.300924 +-7.44841,0.760383,0.83124,1,3,0,8.40745,0.124397 +-8.00497,0.94107,0.83124,1,1,0,8.0053,0.092956 +-7.68538,1,0.83124,1,1,0,8.00992,0.109146 +-6.88754,0.97576,0.83124,1,3,0,7.70824,0.188142 +-7.04979,0.974365,0.83124,1,1,0,7.04997,0.16217 +-7.0781,0.995853,0.83124,1,1,0,7.11922,0.158625 +-6.98826,1,0.83124,1,1,0,7.0817,0.170676 +-6.89059,1,0.83124,2,3,0,6.97718,0.187519 +-6.91078,0.996679,0.83124,1,1,0,6.93017,0.183574 +-6.81655,1,0.83124,1,1,0,6.89449,0.205734 +-6.82246,0.971638,0.83124,2,7,0,7.03718,0.300165 +-6.77932,1,0.83124,1,1,0,6.81346,0.282107 +-6.75549,0.932426,0.83124,2,3,0,7.27781,0.234935 +-6.80928,0.992354,0.83124,2,3,0,6.82663,0.208039 +-6.74813,1,0.83124,2,3,0,6.79927,0.251869 +-6.8938,0.969146,0.83124,1,3,0,6.94097,0.321165 +-6.9363,0.910686,0.83124,1,3,0,7.46543,0.178982 +-6.75128,1,0.83124,2,3,0,6.90075,0.260184 +-6.75043,0.998985,0.83124,1,3,0,6.75953,0.241385 +-6.82389,0.981096,0.83124,1,3,0,6.87385,0.30066 +-6.79243,0.977277,0.83124,1,3,0,6.98931,0.214036 +-6.8333,0.918046,0.83124,2,3,0,7.59156,0.303827 +-6.76828,0.985022,0.83124,1,3,0,6.93845,0.225421 +-8.23007,0.858441,0.83124,2,3,0,8.41622,0.492582 +-8.07369,1,0.83124,1,1,0,8.49603,0.478771 +-6.91369,0.871004,0.83124,1,3,0,9.11615,0.18303 +-7.02274,0.982911,0.83124,1,1,0,7.02831,0.165762 +-8.57829,0.823075,0.83124,1,3,0,9.00592,0.0716101 +-9.18916,0.960411,0.83124,1,1,0,9.22074,0.0554741 +-6.93579,1,0.83124,2,3,0,8.91903,0.17907 +-6.84418,1,0.83124,1,1,0,6.92167,0.198025 +-7.36544,0.874983,0.83124,1,3,0,7.98564,0.402533 +-7.25144,1,0.83124,1,1,0,7.43375,0.386846 +-7.61039,0.910001,0.83124,1,1,0,7.67077,0.432191 +-7.68539,0.980101,0.83124,1,1,0,7.88577,0.44044 +-7.68539,0.740829,0.83124,1,1,0,8.56959,0.44044 +-7.61459,1,0.83124,2,3,0,7.86881,0.432662 +-7.61459,0.325198,0.83124,1,3,0,12.6633,0.432662 +-7.61459,0.824283,0.83124,1,1,0,8.23778,0.432662 +-7.28184,0.998587,0.83124,2,7,0,7.72852,0.137662 +-7.6469,0.954747,0.83124,2,3,0,8.03061,0.111398 +-7.33059,1,0.83124,2,3,0,7.62198,0.133501 +-6.81394,0.985851,0.83124,1,3,0,7.34163,0.206545 +-7.42402,0.863665,0.83124,1,3,0,7.976,0.410067 +-7.31989,1,0.83124,1,1,0,7.51429,0.396442 +-7.42367,0.973158,0.83124,1,1,0,7.54131,0.410023 +-6.74871,0.993336,0.83124,1,3,0,7.46265,0.25465 +-6.75426,0.998114,0.83124,1,3,0,6.76092,0.23621 +-6.82593,0.979598,0.83124,1,3,0,6.89302,0.30136 +-6.97612,0.909384,0.83124,1,3,0,7.40497,0.172511 +-6.9844,0.999099,0.83124,2,7,0,6.98905,0.341716 +-7.42223,0.670474,0.83124,3,7,0,9.28371,0.126316 +-7.10461,1,0.83124,2,3,0,7.38047,0.155478 +-7.10461,0.782705,0.83124,1,3,0,9.54674,0.155478 +-7.00188,1,0.83124,2,3,0,7.10561,0.168685 +-6.74806,0.992249,0.83124,1,3,0,7.08259,0.248939 +-7.08924,0.929186,0.83124,1,3,0,7.20661,0.361337 +-7.53961,0.96344,0.83124,2,3,0,7.55811,0.424084 +-7.53961,0.679531,0.83124,1,3,0,9.47386,0.424084 +-7.53961,0.761592,0.83124,1,1,0,8.33328,0.424084 +-7.4718,1,0.83124,1,1,0,7.68659,0.415988 +-6.97014,1,0.83124,2,3,0,7.34665,0.33876 +-6.97014,0.886425,0.83124,1,1,0,7.32969,0.33876 +-6.92333,1,0.83124,1,1,0,6.98846,0.328384 +-7.63824,0.666417,0.83124,1,3,0,9.16967,0.111915 +-6.77002,0.95385,0.83124,1,3,0,8.29479,0.276808 +-7.22734,0.864583,0.83124,2,7,0,7.72141,0.142643 +-7.00117,0.923013,0.83124,1,3,0,8.23168,0.34509 +-6.7669,0.975969,0.83124,1,3,0,7.164,0.226252 +-7.72183,0.908054,0.83124,2,3,0,7.81059,0.444334 +-6.99984,0.8392,0.83124,1,3,0,8.95765,0.16898 +-7.1022,0.984878,0.83124,1,1,0,7.1183,0.155758 +-7.12996,0.996062,0.83124,1,1,0,7.17868,0.15261 +-6.76356,0.979592,0.83124,1,3,0,7.40583,0.272452 +-8.38279,0.792121,0.83124,2,7,0,8.39169,0.0780431 +-6.97677,0.867392,0.83124,1,3,0,10.5448,0.340147 +-7.75945,0.615469,0.83124,1,3,0,9.62428,0.105017 +-7.80602,0.99843,0.83124,2,3,0,7.92568,0.102549 +-6.78105,0.971315,0.83124,1,3,0,8.06178,0.218825 +-6.98351,0.942457,0.83124,1,3,0,7.22232,0.341535 +-6.83545,1,0.83124,1,1,0,6.94979,0.304526 +-7.14087,0.851289,0.83124,1,3,0,7.7826,0.151413 +-7.60352,0.83851,0.83124,2,3,0,9.00236,0.114031 +-6.77286,0.940714,0.83124,2,7,0,8.25075,0.278522 +-6.77286,0.890756,0.83124,1,3,0,7.40339,0.278522 +-7.36896,0.826012,0.83124,2,7,0,8.01466,0.130398 +-8.1207,0.932646,0.83124,2,3,0,8.48115,0.0879831 +-8.93285,0.938257,0.83124,1,1,0,8.93377,0.0616164 +-8.02501,0.995976,0.83124,3,7,0,8.87805,0.0920654 +-6.74911,0.967012,0.83124,1,3,0,8.63806,0.244197 +-7.07113,0.930894,0.83124,1,3,0,7.204,0.35817 +-7.89567,0.807429,0.83124,1,1,0,7.897,0.462003 +-6.76236,1,0.83124,2,3,0,7.79892,0.229242 +-6.86448,0.937159,0.83124,2,3,0,7.23906,0.193138 +-7.13268,0.915204,0.83124,1,3,0,7.68429,0.368633 +-6.84688,0.930274,0.83124,1,3,0,7.62131,0.197344 +-6.79357,1,0.83124,1,1,0,6.83764,0.213594 +-7.08623,0.957889,0.83124,1,3,0,7.12656,0.157643 +-6.96553,1,0.83124,1,1,0,7.07713,0.17416 +-7.39033,0.843844,0.83124,2,3,0,8.525,0.128731 +-6.75045,0.983714,0.83124,1,3,0,7.60027,0.241349 +-7.4906,0.904785,0.83124,2,3,0,7.50392,0.121415 +-7.396,0.999851,0.83124,2,7,0,7.49189,0.406503 +-6.85681,1,0.83124,2,7,0,7.28796,0.194923 +-9.59079,0.548716,0.83124,1,3,0,11.3888,0.0472823 +-8.75304,0.98309,0.83124,3,7,0,9.60441,0.533915 +-7.84544,1,0.83124,1,1,0,8.63919,0.457041 +-6.75123,1,0.83124,2,3,0,7.80373,0.240084 +-6.76828,0.998145,0.83124,2,7,0,6.76839,0.275703 +-6.76889,0.996695,0.83124,2,3,0,6.8031,0.276096 +-11.4294,0.461439,0.83124,2,3,0,13.0472,0.680737 +-9.35255,1,0.83124,2,3,0,11.2183,0.574461 +-7.56067,1,0.83124,1,1,0,8.88487,0.426531 +-8.73551,0.727767,0.83124,1,1,0,8.78484,0.532631 +-7.28928,1,0.83124,1,1,0,8.35196,0.392221 +-7.28928,0.694436,0.83124,1,1,0,8.29393,0.392221 +-7.28928,0.802851,0.83124,1,3,0,8.48832,0.392221 +-7.06629,1,0.83124,1,1,0,7.26816,0.35731 +-7.17237,0.881171,0.83124,2,3,0,7.99775,0.374976 +-7.23357,0.984417,0.83124,1,1,0,7.32185,0.384243 +-7.08509,1,0.83124,1,1,0,7.24628,0.360618 +-6.78702,0.960694,0.83124,1,3,0,7.35343,0.216221 +-7.04316,0.968417,0.83124,2,3,0,7.1048,0.163032 +-7.13107,0.891141,0.83124,2,3,0,8.64503,0.36837 +-7.17285,1,0.83124,2,7,0,7.17311,0.148031 +-7.08326,0.985531,0.83124,2,3,0,7.45992,0.158 +-6.94166,1,0.83124,1,1,0,7.06592,0.178066 +-7.01249,0.928967,0.83124,1,3,0,7.66115,0.347309 +-7.04724,0.848178,0.83124,2,7,0,7.96848,0.162499 +-6.76062,0.979628,0.83124,1,3,0,7.25952,0.270185 +-6.7605,0.995253,0.83124,1,3,0,6.79978,0.230606 +-6.85203,0.985753,0.83124,1,3,0,6.86283,0.196071 +-6.75015,1,0.83124,2,3,0,6.83247,0.258223 +-6.82857,0.977493,0.83124,1,3,0,6.89113,0.202199 +-6.77998,1,0.83124,1,1,0,6.81968,0.219319 +-6.96696,0.973228,0.83124,1,3,0,6.98763,0.173935 +-6.97047,0.999285,0.83124,2,7,0,6.97664,0.33883 +-6.75603,0.984747,0.83124,1,3,0,7.0746,0.234404 +-7.09603,0.966221,0.83124,2,3,0,7.11519,0.362504 +-6.93133,0.618286,0.83124,3,7,0,9.46164,0.33024 +-6.85305,0.950931,0.83124,2,3,0,7.36418,0.195824 +-6.83247,1,0.83124,1,1,0,6.85938,0.201118 +-6.75124,1,0.83124,2,3,0,6.82916,0.240062 +-6.77024,0.946217,0.83124,2,3,0,7.19198,0.276946 +-7.95778,0.665628,0.83124,1,3,0,9.21451,0.0951035 +-8.07206,0.980713,0.83124,2,7,0,8.09834,0.478622 +-7.22031,1,0.83124,2,3,0,7.86168,0.382283 +-7.0186,1,0.83124,1,1,0,7.19746,0.34849 +-6.74803,1,0.83124,2,3,0,7.00358,0.250403 +-6.75627,0.962266,0.83124,2,3,0,7.03973,0.266281 +-7.11069,0.946682,0.83124,2,3,0,7.22869,0.364991 +-6.88617,1,0.83124,1,1,0,7.05917,0.319193 +-6.97035,0.979993,0.83124,1,1,0,6.98544,0.338805 +-6.86667,1,0.83124,2,3,0,6.95447,0.31391 +-6.86376,0.945028,0.83124,2,7,0,7.24053,0.193301 +-6.94577,0.957185,0.83124,2,3,0,7.39636,0.333499 +-7.34218,0.770921,0.83124,1,3,0,8.53308,0.132548 +-7.09224,1,0.83124,1,1,0,7.31269,0.156927 +-7.34785,0.875454,0.83124,1,3,0,8.58804,0.400206 +-7.34785,0.862311,0.83124,1,1,0,7.81582,0.400206 +-7.30385,0.769611,0.83124,1,3,0,9.27718,0.135751 +-7.42651,0.859869,0.83124,1,3,0,9.21224,0.41038 +-7.06748,1,0.83124,1,1,0,7.35632,0.357521 +-7.06748,0.807273,0.83124,1,1,0,7.68027,0.357521 +-7.76394,0.835162,0.83124,1,1,0,7.76777,0.448746 +-7.99916,0.938322,0.83124,1,1,0,8.209,0.471897 +-6.77872,1,0.83124,2,3,0,7.85984,0.21991 +-6.78562,0.998717,0.83124,1,1,0,6.78966,0.21681 +-6.77028,0.991468,0.83124,1,3,0,6.86769,0.276972 +-6.785,0.984903,0.83124,2,7,0,6.87204,0.217078 +-6.77969,1,0.83124,2,3,0,6.78861,0.219455 +-6.75449,0.996474,0.83124,1,3,0,6.81765,0.264395 +-6.95531,0.940138,0.83124,1,3,0,7.13377,0.175799 +-6.80022,0.972447,0.83124,1,3,0,7.243,0.29176 +-6.79534,1,0.83124,1,1,0,6.80816,0.289701 +-6.82896,0.99747,0.83124,2,3,0,6.83287,0.302387 +-6.83834,0.958323,0.83124,1,3,0,7.10873,0.199539 +-7.74959,0.937426,0.83124,2,3,0,7.76225,0.447253 +-7.16155,1,0.83124,1,1,0,7.61679,0.373275 +-7.06736,0.783818,0.83124,2,3,0,8.86614,0.159946 +-7.95082,0.821786,0.83124,1,3,0,9.47994,0.467328 +-6.7621,1,0.83124,2,7,0,7.88542,0.271359 +-6.74867,0.963377,0.83124,2,3,0,7.03305,0.245517 +-7.61253,0.798665,0.83124,1,3,0,8.16834,0.113475 +-8.13793,0.948335,0.83124,1,1,0,8.1434,0.0872762 +-8.12909,0.899391,0.83124,2,3,0,10.4073,0.0876381 +-8.29851,0.986636,0.83124,2,7,0,8.32014,0.49839 +-7.65135,1,0.83124,2,7,0,8.47551,0.111133 +-6.74805,0.968712,0.83124,2,7,0,8.08015,0.251015 +-7.35872,0.924625,0.83124,2,3,0,7.47891,0.401648 +-6.90838,0.740972,0.83124,3,7,0,8.80384,0.324807 +-7.1062,0.952787,0.83124,1,1,0,7.11379,0.364234 +-7.04657,0.838625,0.83124,1,3,0,8.14052,0.162587 +-6.95071,0.932467,0.83124,1,3,0,7.76085,0.334588 +-6.75722,0.999342,0.83124,1,3,0,6.93446,0.267202 +-7.33157,0.893368,0.83124,1,3,0,7.43378,0.398024 +-6.75394,0.994608,0.83124,2,3,0,7.3846,0.263755 +-6.75254,0.780504,0.83124,2,3,0,8.5811,0.238239 +-7.5464,0.826699,0.83124,1,3,0,7.98409,0.117665 +-6.88542,0.989494,0.83124,2,7,0,7.45093,0.318996 +-6.97985,0.947323,0.83124,2,3,0,7.32585,0.340783 +-7.47906,0.817247,0.83124,2,3,0,8.36651,0.416872 +-6.79989,1,0.83124,2,3,0,7.35448,0.211252 +-6.81061,0.979865,0.83124,1,3,0,6.97954,0.29586 +-7.09211,0.878605,0.83124,1,3,0,7.60631,0.156942 +-7.13247,0.994264,0.83124,1,1,0,7.1759,0.152332 +-9.21876,0.78164,0.83124,1,3,0,9.90391,0.0548146 +-9.29925,0.995532,0.83124,1,1,0,9.51404,0.053069 +-8.67842,1,0.83124,1,1,0,9.29343,0.0685871 +-6.99979,0.961642,0.83124,2,7,0,8.47008,0.344817 +-6.75547,1,0.83124,2,3,0,6.95919,0.234958 +-7.35044,0.877021,0.83124,1,3,0,7.62815,0.400551 +-7.35044,0.811523,0.83124,1,1,0,7.96359,0.400551 +-6.76757,1,0.83124,2,3,0,7.2615,0.225845 +-6.98987,0.962784,0.83124,1,3,0,7.03308,0.170437 +-6.76835,0.976692,0.83124,2,7,0,7.20115,0.275752 +-7.73534,0.722431,0.83124,1,3,0,8.72967,0.106333 +-6.78963,0.972833,0.83124,1,3,0,7.93075,0.215147 +-7.47849,0.882089,0.83124,1,3,0,7.69716,0.122258 +-9.97026,0.821727,0.83124,3,7,0,10.0986,0.0408291 +-10.0175,0.987818,0.83124,3,7,0,10.0487,0.0400998 +-12.7499,0.937823,0.83124,2,3,0,13.1189,0.0149227 +-7.94543,1,0.83124,2,3,0,12.4102,0.095678 +-7.63894,0.983286,0.83124,2,3,0,8.46491,0.111873 +-7.85792,0.96497,0.83124,2,3,0,8.43244,0.0999041 +-7.1518,0.871984,0.83124,1,3,0,9.88087,0.371725 +-6.74968,1,0.83124,2,3,0,7.11397,0.242839 +-6.75396,0.998179,0.83124,2,3,0,6.7648,0.263781 +-7.4993,0.796919,0.83124,1,3,0,8.12961,0.120816 +-7.75778,0.971947,0.83124,1,1,0,7.7925,0.105107 +-7.42799,1,0.83124,1,1,0,7.7378,0.12589 +-7.45318,0.977534,0.83124,2,3,0,7.96662,0.124054 +-6.83835,0.940137,0.83124,1,3,0,8.24865,0.305458 +-6.82157,0.766904,0.83124,2,3,0,8.58042,0.20422 +-6.81426,1,0.83124,1,1,0,6.83048,0.206444 +-6.75251,0.991602,0.83124,2,3,0,6.89959,0.261959 +-6.75888,0.996402,0.83124,1,3,0,6.7795,0.231887 +-6.78754,0.953952,0.83124,2,3,0,7.15557,0.28619 +-6.74802,0.999015,0.83124,1,3,0,6.79472,0.250144 +-6.76389,0.996244,0.83124,1,3,0,6.77126,0.228186 +-6.77363,0.993116,0.83124,1,3,0,6.83196,0.278972 +-7.17418,0.869724,0.83124,1,3,0,7.63572,0.147894 +-6.82074,0.940134,0.83124,2,3,0,7.88732,0.204466 +-6.79954,1,0.83124,1,1,0,6.82144,0.211377 +-6.84283,0.979552,0.83124,1,3,0,7.03936,0.306868 +-6.92713,0.922063,0.83124,2,7,0,7.33785,0.180587 +-6.76995,0.982303,0.83124,1,3,0,7.10509,0.276763 +-6.76995,0.771125,0.83124,2,7,0,8.24394,0.276763 +-6.88071,0.957005,0.83124,2,7,0,7.05959,0.189569 +-6.77031,0.999645,0.83124,2,7,0,6.86103,0.276991 +-7.28721,0.931056,0.83124,2,7,0,7.28806,0.13719 +-7.77884,0.942976,0.83124,1,1,0,7.77886,0.103978 +-8.47531,0.937876,0.83124,1,1,0,8.47596,0.0749059 +-6.84292,1,0.83124,2,3,0,8.26846,0.198349 +-6.75017,1,0.83124,2,3,0,6.82502,0.258255 +-6.96592,0.957215,0.83124,1,3,0,7.01598,0.337869 +-7.47073,0.960169,0.83124,2,3,0,7.47185,0.415858 +-7.52326,0.986161,0.83124,1,1,0,7.69125,0.422162 +-7.4362,0.721172,0.83124,1,3,0,9.97273,0.125285 +-7.18987,1,0.83124,1,1,0,7.41609,0.1463 +-6.94911,1,0.83124,1,1,0,7.15352,0.176816 +-6.84972,1,0.83124,2,3,0,6.93365,0.196638 +-6.75885,0.999353,0.83124,2,3,0,6.85668,0.231914 +-7.83083,0.763248,0.83124,3,7,0,8.86514,0.101271 +-6.84999,1,0.83124,2,3,0,7.75737,0.196572 +-7.5117,0.958354,0.83124,2,3,0,7.51226,0.420792 +-6.85261,0.910999,0.83124,1,3,0,8.15977,0.19593 +-6.88227,0.994982,0.83124,1,1,0,6.89327,0.18924 +-7.0631,0.926215,0.83124,1,3,0,7.61414,0.35674 +-6.80819,0.976188,0.83124,2,3,0,7.25217,0.294935 +-6.82499,0.966276,0.83124,2,7,0,7.03734,0.203218 +-6.8568,0.998159,0.83124,2,3,0,6.86317,0.194925 +-6.79677,0.980863,0.83124,1,3,0,7.05911,0.290314 +-6.84877,0.958249,0.83124,2,7,0,7.06491,0.196874 +-6.81614,1,0.83124,1,1,0,6.84798,0.205858 +-7.39174,0.936097,0.83124,2,3,0,7.47236,0.128623 +-6.7763,0.982848,0.83124,1,3,0,7.48359,0.221085 +-6.782,0.988793,0.83124,1,3,0,6.87443,0.28349 +-7.04337,0.903209,0.83124,1,3,0,7.41439,0.163003 +-7.06217,0.997224,0.83124,1,1,0,7.10535,0.160594 +-7.45079,0.866041,0.83124,1,3,0,8.68702,0.413408 +-7.72485,0.92952,0.83124,1,1,0,7.846,0.444654 +-6.75454,1,0.83124,2,3,0,7.65792,0.235912 +-7.33767,0.877162,0.83124,1,3,0,7.61019,0.132917 +-7.71528,0.956598,0.83124,1,1,0,7.72184,0.107448 +-7.51636,1,0.83124,1,1,0,7.74268,0.119657 +-6.74804,1,0.83124,2,3,0,7.38144,0.249241 +-6.79922,0.993505,0.83124,2,3,0,6.8024,0.211491 +-7.25447,0.930246,0.83124,1,3,0,7.34668,0.140117 +-7.30335,0.873825,0.83124,1,3,0,8.87988,0.394174 +-8.18192,0.791258,0.83124,1,1,0,8.20746,0.488413 +-9.4614,0.707113,0.83124,1,1,0,9.62793,0.58121 +-7.50685,1,0.83124,2,3,0,8.94062,0.420216 +-7.80349,0.923636,0.83124,1,1,0,7.93533,0.452811 +-7.06735,0.850334,0.83124,2,3,0,9.29779,0.159947 +-6.7585,0.992047,0.83124,1,3,0,7.10465,0.232203 +-7.43229,0.931952,0.83124,2,3,0,7.49373,0.411106 +-6.9972,1,0.83124,2,7,0,7.38847,0.169362 +-7.37383,0.966663,0.83124,2,7,0,7.42046,0.403632 +-6.95584,1,0.83124,1,1,0,7.27155,0.335708 +-6.9089,0.914492,0.83124,1,3,0,7.51473,0.183929 +-7.19728,0.973224,0.83124,2,7,0,7.22332,0.378818 +-7.18664,1,0.83124,2,7,0,7.19708,0.146625 +-6.82274,0.997532,0.83124,2,7,0,7.12798,0.300262 +-6.77496,1,0.83124,1,1,0,6.81222,0.279732 +-7.02746,0.911517,0.83124,1,3,0,7.35767,0.165119 +-7.03272,0.999211,0.83124,1,1,0,7.07802,0.164411 +-6.96591,0.930577,0.83124,1,3,0,7.76388,0.337868 +-7.44388,0.962192,0.83124,2,3,0,7.44556,0.412551 +-7.44388,0.584066,0.83124,1,1,0,8.90281,0.412551 +-6.77241,0.961055,0.83124,1,3,0,7.73354,0.223092 +-7.62061,0.921655,0.83124,2,3,0,7.68079,0.433335 +-7.09883,1,0.83124,1,1,0,7.50084,0.362983 +-7.00947,0.855858,0.83124,1,3,0,8.02898,0.167604 +-6.75096,0.993351,0.83124,1,3,0,7.05949,0.240498 +-8.32625,0.646282,0.83124,1,3,0,9.49443,0.0800494 +-8.40732,0.938118,0.83124,3,7,0,9.6866,0.0771942 +-6.9833,0.968064,0.83124,2,7,0,8.22593,0.341493 +-6.93729,1,0.83124,2,3,0,7.00523,0.3316 +-7.12342,0.985051,0.83124,2,3,0,7.1369,0.367112 +-6.86814,1,0.83124,1,1,0,7.06227,0.314323 +-7.07136,0.952222,0.83124,1,1,0,7.07345,0.35821 +-7.02361,0.860951,0.83124,2,7,0,8.01757,0.165643 +-7.31835,0.958896,0.83124,1,1,0,7.31841,0.134522 +-7.26371,1,0.83124,1,1,0,7.37285,0.139277 +-8.31056,0.921219,0.83124,2,7,0,8.37609,0.499399 +-8.09228,1,0.83124,2,7,0,8.2179,0.0891676 +-7.76792,1,0.83124,1,1,0,8.10286,0.104561 +-6.8205,0.971419,0.83124,1,3,0,7.90692,0.204536 +-6.86053,0.967509,0.83124,2,7,0,7.11817,0.312165 +-6.86053,0.839294,0.83124,1,3,0,7.7602,0.312165 +-7.07867,0.948921,0.83124,1,1,0,7.07961,0.359498 +-7.00135,0.859115,0.83124,2,7,0,7.97205,0.168761 +-7.10981,0.984021,0.83124,1,1,0,7.12497,0.154879 +-7.10981,0.799781,0.83124,1,3,0,9.27125,0.154879 +-7.20755,0.890858,0.83124,1,3,0,8.38441,0.380374 +-8.05737,0.798946,0.83124,1,1,0,8.07069,0.477283 +-6.78149,1,0.83124,2,3,0,7.91138,0.218625 +-7.00867,0.937334,0.83124,1,3,0,7.26203,0.346567 +-7.13676,0.96848,0.83124,1,1,0,7.17248,0.3693 +-7.56545,0.773819,0.83124,2,3,0,8.84473,0.427081 +-7.01862,1,0.83124,1,1,0,7.4298,0.348493 +-6.78407,1,0.83124,2,7,0,6.97067,0.217481 +-7.77478,0.882325,0.83124,2,3,0,7.81349,0.104194 +-6.74839,1,0.83124,2,3,0,7.59559,0.246611 +-6.74839,0.726857,0.83124,1,3,0,8.54148,0.246611 +-6.80284,0.986991,0.83124,1,3,0,6.83049,0.292828 +-6.79592,0.977392,0.83124,2,7,0,6.96043,0.212703 +-7.78115,0.828678,0.83124,1,3,0,8.16462,0.103855 +-6.87998,0.971912,0.83124,1,3,0,7.83885,0.189723 +-7.01664,0.976632,0.83124,2,3,0,7.16303,0.166601 +-6.94752,1,0.83124,1,1,0,7.02198,0.177081 +-6.94102,1,0.83124,1,1,0,6.97806,0.178174 +-6.77464,0.976443,0.83124,2,7,0,7.14348,0.279555 +-7.35069,0.816251,0.83124,1,3,0,7.98794,0.131858 +-7.05067,0.989381,0.83124,2,3,0,7.56562,0.162057 +-7.18936,0.98036,0.83124,1,1,0,7.20466,0.146351 +-7.32049,0.99428,0.83124,2,3,0,7.35251,0.134341 +-6.85082,0.939647,0.83124,1,3,0,8.04245,0.309312 +-6.86251,0.999855,0.83124,2,7,0,6.86251,0.193588 +-6.82918,0.975519,0.83124,1,3,0,7.14221,0.302461 +-6.86712,0.947414,0.83124,1,3,0,7.17472,0.192537 +-6.78356,0.999382,0.83124,2,7,0,6.85802,0.284269 +-6.79441,0.997586,0.83124,1,1,0,6.79954,0.289297 +-7.74251,0.697212,0.83124,1,3,0,8.9077,0.105939 +-7.81618,0.997515,0.83124,2,3,0,7.92448,0.102022 +-8.04743,0.992718,0.83124,2,3,0,8.11458,0.0910846 +-7.47052,1,0.83124,1,1,0,7.98547,0.122818 +-6.75093,0.967506,0.83124,1,3,0,7.8585,0.25961 +-7.17786,0.892908,0.83124,2,3,0,7.49873,0.147516 +-6.83257,0.997205,0.83124,2,3,0,7.22011,0.201091 +-8.45978,0.732752,0.83124,1,3,0,9.22622,0.0754204 +-7.77472,1,0.83124,2,3,0,8.39743,0.104197 +-6.97089,0.981411,0.83124,2,7,0,7.68748,0.338918 +-6.89245,0.920504,0.83124,1,3,0,7.49844,0.187143 +-6.77637,0.999491,0.83124,2,7,0,6.8732,0.280523 +-6.80294,0.978849,0.83124,1,3,0,6.92288,0.210174 +-6.78857,0.723063,0.83124,2,3,0,9.77278,0.286669 +-7.10029,0.958158,0.83124,2,7,0,7.10567,0.155981 +-6.88194,0.950123,0.83124,1,3,0,7.71381,0.31808 +-6.82045,0.929997,0.83124,2,3,0,7.42623,0.20455 +-6.82297,0.979869,0.83124,1,3,0,7.04615,0.30034 +-7.4118,0.918783,0.83124,2,7,0,7.43508,0.408521 +-6.74848,1,0.83124,2,3,0,7.41976,0.253791 +-6.75298,0.968355,0.83124,2,3,0,6.98876,0.262583 +-6.75298,0.694815,0.83124,1,3,0,8.62863,0.262583 +-8.19757,0.624714,0.83124,1,3,0,9.53347,0.0848908 +-8.03339,1,0.83124,1,1,0,8.28745,0.0916972 +-7.92155,1,0.83124,1,1,0,8.13494,0.0968037 +-8.29745,0.966992,0.83124,1,1,0,8.33907,0.0810988 +-8.53927,0.983302,0.83124,2,7,0,8.55352,0.517816 +-10.174,0.646003,0.83124,1,1,0,10.3778,0.621676 +-12.1144,0.810818,0.83124,3,7,0,13.039,0.0186551 +-7.07292,0.964563,0.83124,3,7,0,11.0927,0.358487 +-7.87087,0.873612,0.83124,2,7,0,8.00892,0.0992609 +-6.75866,0.972023,0.83124,1,3,0,8.26993,0.232066 +-6.99244,0.94289,0.83124,1,3,0,7.15606,0.343347 +-6.82029,0.951094,0.83124,1,3,0,7.33313,0.204598 +-6.79306,1,0.83124,1,1,0,6.81796,0.213791 +-6.93839,0.979303,0.83124,2,3,0,7.00466,0.178623 +-7.01481,0.912717,0.83124,2,3,0,8.13529,0.34776 +-6.74884,0.996134,0.83124,1,3,0,7.03237,0.25508 +-8.66191,0.774419,0.83124,3,7,0,8.66326,0.0690741 +-8.07898,1,0.83124,2,3,0,8.63117,0.0897297 +-8.72682,0.948904,0.83124,1,1,0,8.73669,0.0671859 +-7.03893,0.942942,0.83124,1,3,0,8.97917,0.163586 +-6.79153,0.965131,0.83124,2,7,0,7.36216,0.288022 +-6.78617,0.993208,0.83124,2,3,0,6.86016,0.285539 +-6.8071,0.995321,0.83124,1,1,0,6.81103,0.294512 +-6.80154,0.740376,0.83124,2,3,0,8.79928,0.210664 +-6.80946,0.998572,0.83124,1,1,0,6.81728,0.207979 +-6.78481,1,0.83124,1,1,0,6.80681,0.217159 +-7.0432,0.888958,0.83124,2,3,0,7.66922,0.163026 +-7.22803,0.973996,0.83124,1,1,0,7.23597,0.142578 +-7.5135,0.964663,0.83124,1,1,0,7.52318,0.119851 +-6.75175,0.964523,0.83124,2,7,0,7.93896,0.26089 +-6.75951,0.999109,0.83124,2,7,0,6.76029,0.231382 +-6.76189,0.999539,0.83124,1,1,0,6.76351,0.229577 +-6.78564,0.997277,0.83124,2,7,0,6.78845,0.285286 +-6.79213,0.992347,0.83124,2,3,0,6.86148,0.28829 +-6.77159,0.987572,0.83124,2,7,0,6.88243,0.223538 +-6.77159,0.970605,0.83124,1,3,0,6.983,0.223538 +-6.80634,0.982915,0.83124,2,3,0,6.94091,0.294219 +-6.75946,0.990818,0.83124,1,3,0,6.87112,0.23142 +-6.78335,0.917796,0.83124,2,3,0,7.4738,0.284165 +-6.78933,0.983866,0.83124,1,3,0,6.90817,0.215271 +-6.81092,0.996076,0.83124,1,1,0,6.81384,0.207504 +-7.1809,0.929503,0.83124,2,3,0,7.61169,0.376304 +-6.80722,1,0.83124,2,3,0,7.10483,0.208718 +-7.74538,0.780327,0.83124,2,3,0,8.6578,0.105782 +-7.46218,1,0.83124,1,1,0,7.74085,0.12341 +-7.20688,1,0.83124,1,1,0,7.44136,0.144614 +-7.44059,0.97043,0.83124,1,1,0,7.45542,0.124965 +-6.82406,0.982347,0.83124,1,3,0,7.46608,0.20349 +-7.07013,0.967894,0.83124,2,3,0,7.167,0.159602 +-7.4025,0.955293,0.83124,1,1,0,7.40256,0.1278 +-7.22459,0.872027,0.83124,2,7,0,9.05636,0.382919 +-7.11268,0.790561,0.83124,2,3,0,8.92476,0.154551 +-9.17948,0.781581,0.83124,1,3,0,9.86888,0.055692 +-9.2665,0.995104,0.83124,1,1,0,9.47647,0.053771 +-9.84074,0.967571,0.83124,2,7,0,9.85361,0.6035 +-7.60363,1,0.83124,2,3,0,9.24351,0.43143 +-6.8368,0.917004,0.83124,1,3,0,8.21727,0.199948 +-7.17099,0.907058,0.83124,1,3,0,7.67115,0.37476 +-6.80781,0.94595,0.83124,1,3,0,7.54445,0.208524 +-6.83785,0.879025,0.83124,2,3,0,8.03833,0.305298 +-6.75334,0.998324,0.83124,2,3,0,6.8517,0.263036 +-7.37368,0.848036,0.83124,2,7,0,7.88407,0.130027 +-6.79509,1,0.83124,2,3,0,7.33649,0.213017 +-7.16328,0.944717,0.83124,1,3,0,7.2271,0.149025 +-7.11417,0.886172,0.83124,3,7,0,8.41438,0.154382 +-6.95416,1,0.83124,1,1,0,7.0935,0.175987 +-6.76152,0.987523,0.83124,1,3,0,7.11694,0.270902 +-6.75,0.990996,0.83124,2,3,0,6.83039,0.242187 +-6.77672,0.997279,0.83124,2,3,0,6.77682,0.280713 +-6.75763,1,0.83124,1,1,0,6.7726,0.267585 +-7.35659,0.834836,0.83124,1,3,0,7.89133,0.131383 +-6.80053,0.952879,0.83124,1,3,0,7.94338,0.291887 +-6.98303,0.915992,0.83124,1,3,0,7.35216,0.17146 +-6.89083,0.925284,0.83124,2,3,0,7.79098,0.18747 +-6.88966,0.964241,0.83124,1,3,0,7.32194,0.320103 +-7.48835,0.733642,0.83124,2,7,0,8.71588,0.121571 +-6.87631,0.982988,0.83124,1,3,0,7.47694,0.19051 +-6.97848,0.983469,0.83124,1,1,0,6.98138,0.172149 +-7.07083,0.913498,0.83124,2,3,0,8.1609,0.358117 +-6.79558,0.956979,0.83124,1,3,0,7.36528,0.212832 +-6.91837,0.955744,0.83124,1,3,0,7.15979,0.327213 +-7.02487,0.974408,0.83124,1,1,0,7.04367,0.349688 +-6.84162,1,0.83124,1,1,0,6.98194,0.306492 +-7.1903,0.839686,0.83124,1,3,0,7.9069,0.146256 +-7.2047,0.99935,0.83124,2,3,0,7.26996,0.144828 +-7.49285,0.963893,0.83124,1,1,0,7.50077,0.12126 +-7.544,0.994932,0.83124,2,7,0,7.56004,0.424596 +-6.75436,0.980075,0.83124,1,3,0,7.72538,0.236101 +-7.04678,0.970576,0.83124,2,3,0,7.06325,0.35378 +-6.99502,1,0.83124,1,1,0,7.07984,0.343865 +-6.82382,1,0.83124,1,1,0,6.95483,0.300636 +-6.78357,0.985313,0.83124,1,3,0,6.96639,0.217696 +-7.2575,0.890842,0.83124,1,3,0,7.6326,0.38772 +-7.48017,0.943393,0.83124,1,1,0,7.5609,0.417006 +-6.90613,0.887572,0.83124,1,3,0,8.30596,0.184456 +-6.90613,0.870141,0.83124,1,3,0,8.24338,0.184456 +-6.76904,0.99968,0.83124,2,7,0,6.88027,0.27619 +-6.77656,0.998354,0.83124,1,1,0,6.77931,0.280626 +-7.28609,0.909846,0.83124,2,3,0,7.54284,0.391774 +-6.75187,0.984197,0.83124,1,3,0,7.41445,0.239149 +-7.12785,0.959934,0.83124,2,3,0,7.16083,0.367842 +-6.86855,1,0.83124,2,3,0,7.06565,0.314439 +-6.99134,0.971035,0.83124,1,1,0,6.99866,0.343127 +-7.34994,0.913492,0.83124,1,1,0,7.35921,0.400485 +-7.73719,0.902339,0.83124,1,1,0,7.81694,0.445955 +-8.17357,0.888476,0.83124,1,1,0,8.34249,0.487683 +-7.54992,1,0.83124,2,3,0,8.10298,0.425286 +-7.49625,1,0.83124,2,7,0,7.52846,0.121026 +-7.16931,0.987608,0.83124,2,3,0,7.77775,0.148397 +-7.09573,1,0.83124,1,1,0,7.19356,0.156515 +-6.89368,0.937414,0.83124,2,7,0,7.73271,0.321134 +-6.8188,1,0.83124,1,1,0,6.87987,0.298871 +-6.7771,0.983079,0.83124,1,3,0,6.94098,0.220694 +-6.96757,0.945957,0.83124,1,3,0,7.18569,0.338219 +-6.90748,1,0.83124,1,1,0,6.97661,0.324586 +-7.43703,0.745713,0.83124,1,3,0,8.65086,0.125224 +-6.76291,0.999948,0.83124,2,7,0,7.3071,0.271971 +-6.76164,0.994302,0.83124,1,3,0,6.80668,0.229761 +-6.7553,1,0.83124,2,3,0,6.76067,0.23513 +-6.77564,0.98544,0.83124,2,3,0,6.87926,0.280113 +-7.89026,0.668715,0.83124,1,3,0,9.11055,0.0983094 +-8.40043,0.95557,0.83124,1,1,0,8.41848,0.0774314 +-6.92864,0.951996,0.83124,1,3,0,8.64117,0.18032 +-6.80745,0.967917,0.83124,2,7,0,7.21467,0.294648 +-6.8125,0.970932,0.83124,1,3,0,7.00755,0.207001 +-7.27803,0.932836,0.83124,1,3,0,7.3605,0.137998 +-7.11244,0.872885,0.83124,3,7,0,8.59103,0.365284 +-6.77647,0.984971,0.83124,2,3,0,7.22712,0.280577 +-6.76764,0.990981,0.83124,1,3,0,6.84549,0.225801 +-6.98546,0.963687,0.83124,1,3,0,7.027,0.171095 +-6.75248,0.986453,0.83124,1,3,0,7.11882,0.261928 +-7.00721,0.96671,0.83124,2,3,0,7.00821,0.167924 +-6.77372,0.999672,0.83124,2,3,0,7.0112,0.222402 +-6.76803,0.971778,0.83124,2,3,0,7.00664,0.225565 +-7.27656,0.905319,0.83124,1,3,0,7.44861,0.138128 +-7.32837,0.887249,0.83124,1,3,0,8.97474,0.397592 +-6.97834,1,0.83124,1,1,0,7.24831,0.340471 +-6.85367,0.999899,0.83124,2,7,0,6.97919,0.195674 +-8.5941,0.701615,0.83124,2,3,0,9.62207,0.0711213 +-9.26932,0.956878,0.83124,1,1,0,9.29205,0.0537101 +-13.9248,0.83665,0.83124,2,3,0,13.9651,0.00993544 +-14.2366,0.996822,0.83124,1,1,0,14.4764,0.00892753 +-10.0466,1,0.83124,2,3,0,14.2137,0.0396581 +-10.0406,1,0.83124,1,1,0,10.3327,0.0397483 +-9.35124,1,0.83124,1,1,0,10.0503,0.0519773 +-10.0943,0.988232,0.83124,2,3,0,10.1286,0.038945 +-10.9778,0.968473,0.83124,1,1,0,11.0065,0.0280451 +-7.34479,1,0.83124,2,3,0,10.6346,0.132336 +-6.75637,0.968725,0.83124,1,3,0,7.7084,0.266382 +-7.4561,0.870982,0.83124,1,3,0,7.58688,0.414063 +-7.2022,1,0.83124,1,1,0,7.45269,0.379565 +-6.75588,0.998092,0.83124,1,3,0,7.1857,0.265886 +-6.75908,0.999318,0.83124,1,1,0,6.76,0.26889 +-6.89345,0.954925,0.83124,1,3,0,7.04542,0.186942 +-6.92397,0.948177,0.83124,1,3,0,7.39337,0.328533 +-6.88537,0.928021,0.83124,1,3,0,7.39835,0.188592 +-6.7886,0.999261,0.83124,2,7,0,6.87479,0.286684 +-6.8666,0.955599,0.83124,1,3,0,7.08277,0.192655 +-6.85166,0.964934,0.83124,1,3,0,7.19693,0.309565 +-6.95173,0.976564,0.83124,1,1,0,6.95832,0.334811 +-7.36767,0.967028,0.83124,2,3,0,7.36991,0.402826 +-7.53083,0.985944,0.83124,2,3,0,7.64959,0.423054 +-7.45387,1,0.83124,1,1,0,7.66871,0.413788 +-7.02225,1,0.83124,1,1,0,7.35336,0.34919 +-7.03738,0.996255,0.83124,1,1,0,7.09801,0.352041 +-7.75081,0.832258,0.83124,1,1,0,7.75217,0.44738 +-7.0847,1,0.83124,1,1,0,7.58462,0.36055 +-7.36635,0.930396,0.83124,1,1,0,7.39907,0.402653 +-7.30022,0.705985,0.83124,1,3,0,9.30071,0.136062 +-7.45316,0.969196,0.83124,2,3,0,7.87841,0.124055 +-7.46965,0.998056,0.83124,1,1,0,7.5672,0.122879 +-7.31408,1,0.83124,1,1,0,7.49037,0.134881 +-9.69549,0.86634,0.83124,2,7,0,9.69854,0.59518 +-11.3431,0.659407,0.83124,1,1,0,11.7996,0.677081 +-7.25606,1,0.83124,2,7,0,10.3442,0.387512 +-6.81282,0.939796,0.83124,1,3,0,7.67612,0.206899 +-6.81282,0.897486,0.83124,1,3,0,7.52703,0.206899 +-6.79345,0.683157,0.83124,2,3,0,10.3368,0.288875 +-6.90385,0.943246,0.83124,1,3,0,7.17124,0.184894 +-7.34743,0.959342,0.83124,2,7,0,7.35928,0.40015 +-6.99915,1,0.83124,1,1,0,7.2705,0.344689 +-8.45138,0.785349,0.83124,2,7,0,8.58478,0.0757005 +-9.71208,0.934067,0.83124,2,3,0,10.2656,0.0450978 +-6.80914,0.985533,0.83124,3,7,0,9.15788,0.295302 +-6.79341,0.792474,0.83124,2,3,0,8.37029,0.213657 +-6.75271,0.995332,0.83124,1,3,0,6.83329,0.262233 +-6.90784,0.970518,0.83124,1,3,0,6.93453,0.324675 +-7.12855,0.947402,0.83124,1,1,0,7.13449,0.367957 +-7.33571,0.758451,0.83124,1,3,0,8.93561,0.133078 +-7.43423,0.987969,0.83124,1,1,0,7.49126,0.12543 +-6.75288,0.965312,0.83124,2,7,0,7.8226,0.262459 +-7.15439,0.923116,0.83124,1,3,0,7.2363,0.372139 +-7.22444,0.758874,0.83124,1,3,0,8.69823,0.142919 +-7.36705,0.993916,0.83124,2,3,0,7.40034,0.13055 +-7.55388,0.859677,0.83124,2,3,0,9.81129,0.425745 +-8.17005,0.846915,0.83124,1,1,0,8.26941,0.487374 +-7.40868,1,0.83124,1,1,0,8.01893,0.408124 +-7.10702,1,0.83124,1,1,0,7.36627,0.364373 +-6.82314,0.970014,0.83124,2,3,0,7.34594,0.300399 +-6.93401,0.974417,0.83124,1,1,0,6.93572,0.330855 +-7.01947,0.979356,0.83124,1,1,0,7.0448,0.348656 +-6.87749,0.999868,0.83124,2,7,0,7.02398,0.190256 +-6.86677,0.960811,0.83124,1,3,0,7.24932,0.313938 +-6.76204,0.995345,0.83124,2,3,0,6.90455,0.271308 +-8.44141,0.570044,0.83124,1,3,0,10.1997,0.0760353 +-7.16128,0.999952,0.83124,2,3,0,8.4761,0.149235 +-6.76895,0.98964,0.83124,1,3,0,7.19817,0.225027 +-7.62677,0.792418,0.83124,2,3,0,8.40538,0.112606 +-8.66946,0.922448,0.83124,2,7,0,8.87914,0.527738 +-6.79039,0.946193,0.83124,2,7,0,9.22648,0.214843 +-6.82196,0.894113,0.83124,2,3,0,7.8172,0.299987 +-6.77883,0.971119,0.83124,2,3,0,7.06215,0.219861 +-7.59494,0.835256,0.83124,1,3,0,8.07914,0.430449 +-7.07867,0.876524,0.83124,2,3,0,8.65391,0.359498 +-7.05615,1,0.83124,1,1,0,7.14038,0.355488 +-6.74917,0.991113,0.83124,1,3,0,7.1252,0.24403 +-7.21295,0.940256,0.83124,2,3,0,7.22647,0.144023 +-7.76346,0.830358,0.83124,2,3,0,9.25552,0.104801 +-7.31789,1,0.83124,1,1,0,7.71239,0.13456 +-6.81238,0.986233,0.83124,1,3,0,7.32787,0.207037 +-6.95591,0.985919,0.83124,2,7,0,6.96476,0.335723 +-6.83467,1,0.83124,1,1,0,6.92981,0.304271 +-6.75378,0.991915,0.83124,1,3,0,6.89004,0.236752 +-6.77103,0.988181,0.83124,2,3,0,6.8529,0.277428 +-7.06634,0.906759,0.83124,2,7,0,7.41652,0.160073 +-6.94269,1,0.83124,1,1,0,7.05382,0.177892 +-6.97994,0.994153,0.83124,1,1,0,7.00279,0.171927 +-7.56881,0.937966,0.83124,2,3,0,7.75966,0.116215 +-8.10987,0.945818,0.83124,1,1,0,8.11305,0.0884317 +-7.95695,1,0.83124,1,1,0,8.19751,0.0951421 +-6.8685,0.965638,0.83124,1,3,0,8.09171,0.192228 +-6.76029,0.988392,0.83124,1,3,0,6.97736,0.269915 +-6.74891,0.911224,0.83124,2,3,0,7.43307,0.244756 +-7.42023,0.912902,0.83124,2,3,0,7.43121,0.126465 +-7.34223,0.999701,0.83124,2,7,0,7.4227,0.399457 +-6.75652,0.992019,0.83124,2,3,0,7.41195,0.266528 +-6.76283,0.994113,0.83124,2,7,0,6.7964,0.228913 +-6.80605,0.983335,0.83124,1,3,0,6.88718,0.294104 +-6.97427,0.917773,0.83124,1,3,0,7.34947,0.172796 +-6.78479,0.97611,0.83124,1,3,0,7.23119,0.284872 +-6.7651,1,0.83124,1,1,0,6.78103,0.273564 +-6.74958,1,0.83124,2,3,0,6.76193,0.243075 +-7.02863,0.969077,0.83124,2,3,0,7.05541,0.3504 +-6.91736,0.953693,0.83124,2,3,0,7.44255,0.326972 +-6.918,0.618501,0.83124,2,3,0,9.85086,0.182235 +-6.84677,1,0.83124,1,1,0,6.90933,0.197372 +-6.96252,0.980836,0.83124,1,1,0,6.96279,0.174638 +# +# Elapsed Time: 0.01 seconds (Warm-up) +# 0.008 seconds (Sampling) +# 0.018 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/bernoulli_zeta.csv b/src/test/unit/mcmc/test_csv_files/bernoulli_zeta.csv new file mode 100644 index 00000000000..5688883ef0f --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/bernoulli_zeta.csv @@ -0,0 +1,1057 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = bernoulli_model +# start_datetime = 2024-07-20 18:56:30 UTC +# method = sample (Default) +# sample +# num_samples = 1000 (Default) +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/bernoulli/bernoulli.data.json +# init = 2 (Default) +# random +# seed = 3635036313 (Default) +# output +# file = bernoulli_out.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,zeta +# Adaptation terminated +# Step size = 0.932037 +# Diagonal elements of inverse mass matrix: +# 0.591014 +-7.81355,0.761218,0.932037,1,3,0,8.13669,0.102158 +-8.71049,0.894869,0.932037,1,1,0,8.72268,0.0676546 +-7.3531,0.957519,0.932037,1,3,0,8.53469,0.131664 +-7.02007,1,0.932037,1,1,0,7.29505,0.166128 +-8.49033,0.716959,0.932037,1,3,0,9.20407,0.513986 +-7.18724,1,0.932037,1,1,0,8.06459,0.377282 +-10.0621,0.636916,0.932037,2,3,0,10.0852,0.615706 +-8.11851,1,0.932037,1,1,0,9.65805,0.482811 +-6.86936,0.948809,0.932037,2,3,0,8.60097,0.192035 +-7.13756,0.935492,0.932037,2,3,0,7.43717,0.151774 +-7.09122,1,0.932037,1,1,0,7.19518,0.157048 +-6.91669,1,0.932037,1,1,0,7.06383,0.182475 +-6.76371,0.840542,0.932037,2,3,0,8.08838,0.228308 +-6.84805,0.983351,0.932037,1,3,0,6.84861,0.197051 +-8.3727,0.653843,0.932037,2,3,0,9.53079,0.504537 +-7.25928,0.806553,0.932037,1,3,0,9.43963,0.139678 +-6.95987,0.853051,0.932037,2,3,0,9.71446,0.175062 +-6.95334,1,0.932037,1,1,0,7.00708,0.17612 +-6.98417,0.993206,0.932037,1,1,0,7.02663,0.171288 +-8.9535,0.727406,0.932037,1,3,0,9.27425,0.0610911 +-7.08162,0.995936,0.932037,2,3,0,9.00617,0.158197 +-7.16691,0.98306,0.932037,1,1,0,7.22238,0.148646 +-6.8898,1,0.932037,1,1,0,7.10684,0.18768 +-7.8902,0.846547,0.932037,1,3,0,7.96857,0.0983126 +-7.24239,1,0.932037,1,1,0,7.78446,0.14123 +-7.94748,0.888836,0.932037,1,1,0,7.94857,0.0955821 +-6.83694,0.864212,0.932037,2,3,0,8.91495,0.305006 +-6.83694,0.425574,0.932037,1,3,0,9.01249,0.305006 +-6.80131,0.985852,0.932037,1,3,0,6.93894,0.210747 +-6.74824,0.978446,0.932037,2,3,0,6.95179,0.252645 +-6.74832,0.945401,0.932037,2,3,0,7.0277,0.24694 +-6.85442,0.972221,0.932037,1,3,0,6.87104,0.310384 +-6.86406,0.996818,0.932037,1,1,0,6.89618,0.313175 +-7.11238,0.918504,0.932037,1,1,0,7.12695,0.365274 +-7.11238,0.431368,0.932037,1,1,0,8.53302,0.365274 +-6.79843,1,0.932037,1,1,0,7.00834,0.291015 +-6.74804,0.996585,0.932037,2,3,0,6.81732,0.249269 +-9.50952,0.509265,0.932037,1,3,0,9.67564,0.584141 +-8.27778,1,0.932037,1,1,0,9.48419,0.496645 +-7.2527,1,0.932037,2,3,0,8.04703,0.140278 +-6.75205,0.907555,0.932037,2,3,0,8.25548,0.238895 +-7.3411,0.857468,0.932037,1,3,0,7.42326,0.399305 +-7.07094,1,0.932037,1,1,0,7.32247,0.358137 +-7.04767,0.556206,0.932037,2,3,0,9.56585,0.353943 +-6.87625,1,0.932037,2,3,0,6.9975,0.190522 +-7.12535,0.945777,0.932037,1,1,0,7.12652,0.153122 +-7.12535,0.913353,0.932037,1,1,0,7.53634,0.153122 +-6.78755,1,0.932037,2,3,0,7.04258,0.286194 +-7.7545,0.780448,0.932037,1,3,0,7.76329,0.447766 +-6.77502,0.859809,0.932037,2,3,0,8.49845,0.221729 +-7.19668,0.726665,0.932037,2,3,0,8.64609,0.145619 +-9.64819,0.775506,0.932037,2,3,0,10.0305,0.0462333 +-6.86272,0.7808,0.932037,1,3,0,10.9403,0.312792 +-6.99329,0.696273,0.932037,2,3,0,8.30815,0.343519 +-6.99329,0.700745,0.932037,1,1,0,7.63428,0.343519 +-7.11558,0.957857,0.932037,1,1,0,7.18108,0.365809 +-6.80487,1,0.932037,2,3,0,7.09376,0.209509 +-6.97334,0.955154,0.932037,2,3,0,7.16146,0.17294 +-7.2664,0.98044,0.932037,2,3,0,7.27318,0.139035 +-7.06819,1,0.932037,2,3,0,7.25815,0.159843 +-6.74803,0.991749,0.932037,1,3,0,7.05576,0.250595 +-7.05542,0.823118,0.932037,2,3,0,7.78068,0.161448 +-6.89251,1,0.932037,1,1,0,7.02757,0.18713 +-6.76584,0.932575,0.932037,2,3,0,7.49343,0.22691 +-6.75064,0.997924,0.932037,2,3,0,6.78013,0.241023 +-6.91371,0.96173,0.932037,1,3,0,6.93351,0.183027 +-6.74953,0.994131,0.932037,1,3,0,6.91533,0.256915 +-8.33302,0.635332,0.932037,1,3,0,9.05105,0.0798054 +-8.04729,1,0.932037,1,1,0,8.43889,0.0910907 +-8.42015,0.956552,0.932037,1,1,0,8.53727,0.0767553 +-7.91154,1,0.932037,1,1,0,8.4304,0.0972813 +-7.65791,1,0.932037,1,1,0,7.97836,0.110745 +-7.97869,0.955317,0.932037,1,1,0,8.06587,0.0941427 +-6.81845,1,0.932037,1,3,0,7.88771,0.205153 +-6.76575,0.914099,0.932037,2,3,0,7.34829,0.274011 +-6.74964,0.996733,0.932037,2,3,0,6.78491,0.257167 +-6.77106,0.99494,0.932037,1,3,0,6.77141,0.27745 +-6.77106,0.945747,0.932037,1,3,0,6.92649,0.27745 +-6.77106,0.856062,0.932037,1,3,0,7.35372,0.27745 +-6.88028,0.948865,0.932037,2,3,0,7.03829,0.18966 +-7.33958,0.635769,0.932037,2,3,0,9.861,0.132761 +-8.06974,0.890942,0.932037,1,1,0,8.07292,0.0901234 +-6.97186,0.998838,0.932037,1,3,0,7.91764,0.173168 +-6.76939,0.981956,0.932037,1,3,0,7.03238,0.276417 +-7.44177,0.80944,0.932037,1,3,0,7.79154,0.124879 +-8.01591,0.972061,0.932037,2,3,0,8.03736,0.0924685 +-9.92045,0.865258,0.932037,2,3,0,9.92397,0.607959 +-7.31963,1,0.932037,2,3,0,10.3209,0.134414 +-6.9789,1,0.932037,1,1,0,7.25409,0.172086 +-7.21981,0.951312,0.932037,1,1,0,7.23197,0.143362 +-7.47612,0.930523,0.932037,2,3,0,8.12075,0.122424 +-6.81131,0.990375,0.932037,2,3,0,7.55719,0.207381 +-6.80278,0.920389,0.932037,2,3,0,7.43635,0.210229 +-6.88803,0.979103,0.932037,1,1,0,6.89063,0.188041 +-7.02902,0.795987,0.932037,2,3,0,8.6993,0.164908 +-6.74805,0.993012,0.932037,1,3,0,7.01716,0.250947 +-6.93322,0.952905,0.932037,1,3,0,6.95228,0.330673 +-6.76781,0.904559,0.932037,2,3,0,7.33629,0.275396 +-6.76232,0.985564,0.932037,2,3,0,6.83656,0.271521 +-6.87137,0.974516,0.932037,1,3,0,6.87148,0.31522 +-7.21556,0.953187,0.932037,2,3,0,7.22785,0.381575 +-6.76367,0.998041,0.932037,1,3,0,7.1984,0.228336 +-6.82308,0.981349,0.932037,1,3,0,6.86896,0.30038 +-6.82308,0.352125,0.932037,1,3,0,10.8402,0.30038 +-6.99474,0.738309,0.932037,2,3,0,8.0486,0.34381 +-6.99474,0.963463,0.932037,1,1,0,7.1311,0.34381 +-6.8637,0.713515,0.932037,2,3,0,8.29356,0.313071 +-6.94178,0.974091,0.932037,1,1,0,6.96832,0.332611 +-6.80481,1,0.932037,2,3,0,6.9081,0.209531 +-6.92327,0.971351,0.932037,1,1,0,6.92425,0.181278 +-7.1233,0.957499,0.932037,1,1,0,7.13244,0.153351 +-6.76778,0.973133,0.932037,1,3,0,7.19571,0.275378 +-6.90939,0.888041,0.932037,2,3,0,7.29419,0.325052 +-7.3757,0.927908,0.932037,2,3,0,7.37586,0.129868 +-7.33194,1,0.932037,1,1,0,7.48008,0.133389 +-6.86262,0.893077,0.932037,2,3,0,9.38827,0.193563 +-6.74929,0.996117,0.932037,1,3,0,6.86347,0.256335 +-6.74964,0.943201,0.932037,2,3,0,7.03592,0.242941 +-6.9015,0.968295,0.932037,2,3,0,6.96204,0.18535 +-7.81106,0.864491,0.932037,1,3,0,7.86554,0.102287 +-8.616,0.90424,0.932037,1,1,0,8.63659,0.0704513 +-8.16761,1,0.932037,1,1,0,8.67561,0.0860773 +-6.96545,1,0.932037,1,3,0,8.01828,0.174173 +-6.75813,1,0.932037,1,3,0,6.92669,0.232517 +-6.75424,1,0.932037,1,1,0,6.75812,0.236232 +-7.76056,0.503853,0.932037,2,3,0,10.2889,0.104957 +-7.12518,1,0.932037,1,1,0,7.64631,0.153141 +-7.67249,0.905419,0.932037,1,1,0,7.67491,0.109892 +-7.63881,1,0.932037,1,1,0,7.83222,0.11188 +-7.3844,0.889767,0.932037,1,3,0,8.80917,0.405007 +-6.76719,1,0.932037,1,3,0,7.348,0.226074 +-7.47953,0.852161,0.932037,1,3,0,7.59716,0.122185 +-7.42386,1,0.932037,2,3,0,7.59422,0.126195 +-7.91668,0.975432,0.932037,2,3,0,7.94672,0.0970356 +-6.83066,1,0.932037,2,3,0,7.62924,0.302955 +-6.96269,0.956934,0.932037,1,1,0,6.97473,0.337182 +-6.74847,0.963031,0.932037,2,3,0,7.15706,0.253745 +-6.80708,0.988647,0.932037,2,3,0,6.82289,0.208765 +-6.91792,0.9732,0.932037,1,1,0,6.91947,0.18225 +-6.84983,1,0.932037,2,3,0,6.91467,0.196611 +-6.88905,0.990653,0.932037,1,1,0,6.90679,0.187834 +-7.15463,0.975663,0.932037,2,3,0,7.16,0.372177 +-6.9586,1,0.932037,1,1,0,7.13267,0.336303 +-7.56708,0.803851,0.932037,1,1,0,7.59178,0.42727 +-6.76736,1,0.932037,1,3,0,7.31987,0.275105 +-6.80123,0.959699,0.932037,2,3,0,6.95431,0.292173 +-6.80123,0.759564,0.932037,1,3,0,7.84546,0.292173 +-6.80123,0.902778,0.932037,1,3,0,7.20675,0.292173 +-6.80123,0.96482,0.932037,1,1,0,6.88076,0.292173 +-6.78299,0.988689,0.932037,2,3,0,6.88032,0.217954 +-7.1107,0.936673,0.932037,1,3,0,7.12632,0.154778 +-7.31567,0.961429,0.932037,1,1,0,7.35195,0.134747 +-7.07455,0.968694,0.932037,2,3,0,7.7776,0.159058 +-6.74831,0.993779,0.932037,1,3,0,7.05357,0.247022 +-6.84249,0.975275,0.932037,1,3,0,6.85756,0.306763 +-6.88224,0.995647,0.932037,2,3,0,6.90622,0.31816 +-8.68021,0.668585,0.932037,2,3,0,8.68611,0.0685348 +-7.80603,1,0.932037,1,1,0,8.5851,0.102548 +-7.27572,1,0.932037,1,1,0,7.73044,0.138203 +-8.91337,0.902662,0.932037,2,3,0,9.15324,0.545374 +-7.22471,0.840347,0.932037,1,3,0,9.85532,0.142893 +-7.57214,0.980256,0.932037,2,3,0,7.60142,0.116002 +-7.46188,1,0.932037,1,1,0,7.66831,0.123431 +-7.21293,1,0.932037,1,1,0,7.46083,0.144026 +-7.27196,0.911127,0.932037,1,3,0,8.06683,0.389783 +-6.99285,1,0.932037,1,1,0,7.22442,0.343431 +-7.64686,0.789204,0.932037,1,1,0,7.67915,0.436243 +-7.64686,0.588674,0.932037,1,1,0,8.70948,0.436243 +-6.76317,0.84811,0.932037,2,3,0,8.40171,0.228672 +-6.75852,0.995961,0.932037,2,3,0,6.79457,0.232184 +-6.96185,0.956175,0.932037,2,3,0,7.06538,0.174745 +-6.7597,0.95957,0.932037,2,3,0,7.23201,0.269421 +-6.95356,0.940807,0.932037,1,3,0,7.05195,0.176085 +-6.74802,0.995879,0.932037,1,3,0,6.94105,0.250316 +-6.80409,0.985416,0.932037,1,3,0,6.81492,0.209778 +-6.78431,0.93291,0.932037,2,3,0,7.30965,0.217376 +-6.85124,0.98309,0.932037,1,1,0,6.85256,0.196264 +-6.91874,0.970098,0.932037,1,3,0,7.11707,0.327302 +-6.91874,0.434093,0.932037,1,3,0,9.39656,0.327302 +-6.92998,0.940657,0.932037,2,3,0,7.25758,0.180084 +-6.7616,0.987015,0.932037,1,3,0,6.96899,0.270965 +-6.77385,0.996249,0.932037,1,1,0,6.77617,0.279101 +-7.11956,0.891801,0.932037,1,3,0,7.32561,0.153771 +-7.10361,0.938678,0.932037,1,3,0,7.72046,0.363797 +-7.10361,0.642361,0.932037,1,1,0,7.89438,0.363797 +-8.5001,0.593919,0.932037,1,1,0,8.53813,0.514754 +-7.1692,1,0.932037,2,3,0,8.39313,0.148408 +-6.99964,1,0.932037,2,3,0,7.15856,0.169008 +-6.82605,1,0.932037,1,1,0,6.95904,0.202915 +-6.80069,1,0.932037,1,1,0,6.8286,0.210965 +-6.80069,0.826864,0.932037,1,3,0,7.56839,0.210965 +-6.80069,0.712989,0.932037,1,3,0,8.08135,0.210965 +-6.79864,1,0.932037,1,1,0,6.81323,0.211702 +-7.21975,0.922333,0.932037,1,3,0,7.24006,0.143367 +-6.75061,0.978686,0.932037,1,3,0,7.23991,0.259057 +-8.50882,0.710206,0.932037,2,3,0,8.58833,0.0738116 +-6.98994,1,0.932037,1,3,0,8.37388,0.170428 +-8.68191,0.796805,0.932037,2,3,0,9.47091,0.528667 +-7.31609,1,0.932037,2,3,0,8.2644,0.395923 +-7.14381,1,0.932037,1,1,0,7.36712,0.370442 +-7.14381,0.475525,0.932037,1,1,0,8.41075,0.370442 +-7.29505,0.813437,0.932037,2,3,0,8.20133,0.136508 +-7.97276,0.895575,0.932037,1,1,0,7.97663,0.0944136 +-9.00874,0.888587,0.932037,1,1,0,9.0167,0.0597133 +-8.5484,1,0.932037,1,1,0,9.10361,0.0725465 +-7.88735,1,0.932037,1,1,0,8.51142,0.0984513 +-7.36782,1,0.932037,1,1,0,7.8262,0.130489 +-7.34887,1,0.932037,1,1,0,7.48713,0.132005 +-6.81839,0.987631,0.932037,2,3,0,7.46646,0.205169 +-6.81839,0.712592,0.932037,1,3,0,8.16085,0.205169 +-6.74807,0.998893,0.932037,1,3,0,6.81316,0.251268 +-6.87013,0.959268,0.932037,2,3,0,6.97825,0.314875 +-6.76585,1,0.932037,1,1,0,6.83725,0.274086 +-6.7566,0.994396,0.932037,2,3,0,6.80045,0.233869 +-6.7566,0.628726,0.932037,1,3,0,8.7002,0.233869 +-6.82277,0.986161,0.932037,1,3,0,6.82387,0.203864 +-7.3013,0.877627,0.932037,1,3,0,7.5333,0.393891 +-8.78447,0.79108,0.932037,2,3,0,8.87542,0.536201 +-7.50584,1,0.932037,1,1,0,8.46306,0.420094 +-7.15669,1,0.932037,1,1,0,7.48033,0.372505 +-7.43591,0.967588,0.932037,2,3,0,7.54437,0.411558 +-6.96987,0.913229,0.932037,1,3,0,7.88228,0.173478 +-6.89773,1,0.932037,1,1,0,6.97541,0.186089 +-7.36158,0.930716,0.932037,1,3,0,7.36402,0.130984 +-7.16589,1,0.932037,1,1,0,7.37174,0.148752 +-6.95869,1,0.932037,1,1,0,7.13528,0.175252 +-7.16168,0.929564,0.932037,1,3,0,7.57434,0.373296 +-8.02154,0.725795,0.932037,1,1,0,8.09574,0.473982 +-8.63423,0.930003,0.932037,2,3,0,9.03662,0.52509 +-6.93887,1,0.932037,1,1,0,8.0172,0.331956 +-6.87271,1,0.932037,1,1,0,6.94734,0.315589 +-6.77339,1,0.932037,2,3,0,6.85408,0.222571 +-6.98298,0.942095,0.932037,1,3,0,7.07789,0.341427 +-6.75868,1,0.932037,1,3,0,6.91623,0.268536 +-6.7906,0.973381,0.932037,2,3,0,6.88716,0.2876 +-7.56742,0.820209,0.932037,1,3,0,7.57193,0.427309 +-6.75108,1,0.932037,1,3,0,7.35001,0.259868 +-6.80655,0.983396,0.932037,1,3,0,6.83092,0.208942 +-6.91728,0.973208,0.932037,1,1,0,6.91879,0.182366 +-7.7691,0.915431,0.932037,2,3,0,7.98664,0.449282 +-6.765,1,0.932037,1,3,0,7.46164,0.273492 +-7.37311,0.856184,0.932037,1,3,0,7.3856,0.403538 +-7.3305,1,0.932037,1,1,0,7.55404,0.39788 +-7.3305,0.663523,0.932037,1,1,0,8.12143,0.39788 +-7.12567,0.837343,0.932037,1,3,0,8.09517,0.153086 +-7.15885,0.957841,0.932037,2,3,0,7.71194,0.149489 +-6.75049,0.994782,0.932037,1,3,0,7.12461,0.241282 +-6.81461,0.982255,0.932037,1,3,0,6.83366,0.297352 +-6.75614,0.996516,0.932037,1,3,0,6.83027,0.234298 +-6.74853,0.904663,0.932037,2,3,0,7.2911,0.246039 +-7.01677,0.911602,0.932037,2,3,0,7.26139,0.348138 +-6.92929,0.642216,0.932037,2,3,0,8.77716,0.32977 +-7.65529,0.771289,0.932037,1,1,0,7.66932,0.43717 +-7.01834,1,0.932037,1,1,0,7.46402,0.348441 +-6.74897,1,0.932037,1,3,0,6.95557,0.255474 +-9.81129,0.348606,0.932037,1,3,0,11.6845,0.0433987 +-10.4379,0.964322,0.932037,1,1,0,10.6078,0.0342236 +-12.3737,0.923455,0.932037,1,1,0,12.3737,0.0170254 +-8.6914,0.906628,0.932037,1,3,0,12.5921,0.0682079 +-7.8205,1,0.932037,1,1,0,8.59832,0.1018 +-6.76573,0.925015,0.932037,1,3,0,8.00716,0.274002 +-7.18424,0.803585,0.932037,2,3,0,7.86457,0.146867 +-6.74867,0.98391,0.932037,1,3,0,7.18696,0.254535 +-6.74867,0.809678,0.932037,1,3,0,7.5541,0.254535 +-6.78928,0.864392,0.932037,2,3,0,7.45892,0.21529 +-7.73008,0.857073,0.932037,2,3,0,7.95215,0.106623 +-6.90924,0.999548,0.932037,1,3,0,7.59486,0.183866 +-6.83204,1,0.932037,1,1,0,6.89889,0.201236 +-6.92095,0.978894,0.932037,1,1,0,6.92784,0.181697 +-6.84946,1,0.932037,1,1,0,6.91633,0.196703 +-6.87329,0.97872,0.932037,1,3,0,7.05429,0.315746 +-7.77797,0.726161,0.932037,1,1,0,7.77978,0.450197 +-7.91451,0.983052,0.932037,2,3,0,8.2695,0.463836 +-6.99541,0.905965,0.932037,1,3,0,8.38798,0.169623 +-6.76541,0.9819,0.932037,1,3,0,7.04888,0.273777 +-6.75969,1,0.932037,1,1,0,6.76622,0.269411 +-6.88511,0.980043,0.932037,2,3,0,6.89657,0.188645 +-6.77682,0.92494,0.932037,2,3,0,7.55206,0.220831 +-7.22693,0.885941,0.932037,1,3,0,7.36359,0.383265 +-7.08301,1,0.932037,2,3,0,7.27,0.360257 +-6.74807,1,0.932037,1,3,0,7.01313,0.251185 +-6.78184,0.991048,0.932037,1,3,0,6.7889,0.218469 +-7.7414,0.782413,0.932037,1,3,0,7.94246,0.446396 +-8.34868,0.79224,0.932037,1,1,0,8.64598,0.502563 +-6.96656,1,0.932037,1,1,0,7.85206,0.338006 +-8.55062,0.559382,0.932037,1,1,0,8.55696,0.518696 +-8.71259,0.939683,0.932037,1,1,0,9.36157,0.530944 +-7.02011,1,0.932037,1,1,0,8.0992,0.34878 +-7.73032,0.771978,0.932037,1,1,0,7.7681,0.445231 +-7.58699,1,0.932037,1,1,0,7.95753,0.429546 +-10.1664,0.37457,0.932037,1,1,0,10.2962,0.621272 +-9.05941,1,0.932037,2,3,0,10.4928,0.555399 +-6.95163,0.994678,0.932037,1,3,0,9.25144,0.176401 +-6.991,0.991344,0.932037,1,1,0,7.03106,0.170271 +-6.93665,1,0.932037,1,1,0,7.01246,0.178921 +-7.53693,0.951931,0.932037,2,3,0,7.60421,0.42377 +-7.35042,1,0.932037,1,1,0,7.65542,0.400548 +-6.74833,1,0.932037,1,3,0,7.21002,0.253091 +-7.30096,0.866757,0.932037,1,3,0,7.34306,0.393844 +-7.33424,0.995938,0.932037,2,3,0,7.52117,0.398384 +-7.00834,1,0.932037,1,1,0,7.27119,0.346501 +-7.00834,0.750927,0.932037,1,3,0,7.93882,0.346501 +-6.85276,0.717415,0.932037,2,3,0,8.2801,0.309891 +-6.88149,0.915088,0.932037,2,3,0,7.26489,0.189404 +-7.01531,0.954346,0.932037,2,3,0,7.30842,0.166787 +-8.49716,0.821021,0.932037,2,3,0,8.90444,0.0741898 +-7.75198,1,0.932037,2,3,0,8.42455,0.105422 +-6.78374,0.995713,0.932037,1,3,0,7.67855,0.217625 +-6.78319,0.955918,0.932037,2,3,0,7.05067,0.284087 +-6.76877,0.993356,0.932037,2,3,0,6.83116,0.225131 +-6.76604,1,0.932037,2,3,0,6.77242,0.226786 +-6.80257,0.828664,0.932037,2,3,0,7.81548,0.210302 +-6.7921,0.928548,0.932037,2,3,0,7.34502,0.214164 +-6.7921,0.869785,0.932037,1,3,0,7.3846,0.214164 +-6.78247,1,0.932037,1,1,0,6.7969,0.218184 +-6.77338,0.944315,0.932037,2,3,0,7.11056,0.278828 +-6.88767,0.984579,0.932037,2,3,0,6.89149,0.188115 +-6.87758,1,0.932037,1,1,0,6.91573,0.190237 +-6.98427,0.975828,0.932037,1,1,0,6.997,0.171274 +-8.16006,0.847199,0.932037,1,3,0,8.23533,0.0863802 +-6.92926,1,0.932037,1,3,0,8.02086,0.180209 +-6.75334,1,0.932037,1,3,0,6.89875,0.237258 +-6.76157,0.984481,0.932037,2,3,0,6.84166,0.270942 +-6.77437,0.916298,0.932037,2,3,0,7.16943,0.222065 +-6.89883,0.966797,0.932037,2,3,0,7.01941,0.185873 +-7.61554,0.929243,0.932037,2,3,0,7.77465,0.432768 +-6.74865,1,0.932037,1,3,0,7.4327,0.2456 +-7.90889,0.736401,0.932037,1,3,0,8.30046,0.0974084 +-7.36433,1,0.932037,1,1,0,7.84078,0.130766 +-6.7517,1,0.932037,2,3,0,7.32628,0.239385 +-7.47731,0.835796,0.932037,1,3,0,7.65004,0.122341 +-6.82682,1,0.932037,1,3,0,7.36972,0.202696 +-6.75257,1,0.932037,1,3,0,6.81023,0.238212 +-6.74814,0.924039,0.932037,2,3,0,7.16556,0.251902 +-6.77547,0.992637,0.932037,1,3,0,6.7818,0.221503 +-6.77883,0.96017,0.932037,2,3,0,7.01271,0.281846 +-6.83214,0.92718,0.932037,2,3,0,7.10706,0.303446 +-6.74855,0.999857,0.932037,1,3,0,6.82323,0.245948 +-6.75208,0.991977,0.932037,2,3,0,6.79074,0.261375 +-6.74875,1,0.932037,2,3,0,6.7511,0.254796 +-6.76331,0.987877,0.932037,2,3,0,6.81164,0.228577 +-7.11253,0.925924,0.932037,1,3,0,7.14728,0.154568 +-7.33832,0.934594,0.932037,2,3,0,7.89183,0.132864 +-7.40317,0.891695,0.932037,1,3,0,8.40906,0.407422 +-6.83199,1,0.932037,2,3,0,7.43757,0.20125 +-6.83199,0.774019,0.932037,1,3,0,8.04658,0.20125 +-6.99888,0.961352,0.932037,1,1,0,7.00012,0.169119 +-6.76802,0.991205,0.932037,2,3,0,7.06627,0.225576 +-7.1899,0.912501,0.932037,1,3,0,7.23327,0.146297 +-7.0344,0.951025,0.932037,1,3,0,7.71962,0.351486 +-6.74861,0.964191,0.932037,2,3,0,7.23266,0.245744 +-6.9356,0.954146,0.932037,1,3,0,6.96807,0.179103 +-6.8766,1,0.932037,1,1,0,6.94182,0.190446 +-6.86303,0.963467,0.932037,2,3,0,7.17361,0.312881 +-6.89691,0.996253,0.932037,2,3,0,6.92839,0.321957 +-6.74898,0.989445,0.932037,2,3,0,6.95643,0.244562 +-6.75192,0.906807,0.932037,2,3,0,7.25324,0.239077 +-6.89356,0.962004,0.932037,1,3,0,6.92873,0.321106 +-6.8915,1,0.932037,1,1,0,6.93856,0.320577 +-8.04782,0.661095,0.932037,1,1,0,8.04944,0.476407 +-6.96778,1,0.932037,2,3,0,8.10818,0.173806 +-6.94531,0.967319,0.932037,1,3,0,7.30665,0.333397 +-6.79303,1,0.932037,1,1,0,6.89785,0.28869 +-6.75073,0.998473,0.932037,1,3,0,6.79703,0.240873 +-6.74807,0.922346,0.932037,2,3,0,7.17097,0.248807 +-6.79664,0.986959,0.932037,2,3,0,6.82676,0.290259 +-7.42084,0.890966,0.932037,2,3,0,7.44601,0.12642 +-7.07938,1,0.932037,1,1,0,7.36895,0.158469 +-6.76996,0.975074,0.932037,1,3,0,7.1524,0.27677 +-6.97097,0.781354,0.932037,2,3,0,7.8694,0.173307 +-7.45672,0.874497,0.932037,1,3,0,7.94747,0.41414 +-7.73982,0.898709,0.932037,1,1,0,7.95818,0.446231 +-6.75761,1,0.932037,1,3,0,7.45331,0.267571 +-6.75128,1,0.932037,2,3,0,6.75597,0.26018 +-6.74857,0.969275,0.932037,2,3,0,6.90378,0.245862 +-6.78162,0.964009,0.932037,2,3,0,6.94604,0.218566 +-6.94452,0.969782,0.932037,1,3,0,6.94577,0.177582 +-6.83464,1,0.932037,1,1,0,6.92359,0.200526 +-6.85125,0.978801,0.932037,2,3,0,7.03988,0.196263 +-8.70862,0.498506,0.932037,2,3,0,10.892,0.0677086 +-7.14422,0.988771,0.932037,1,3,0,8.54862,0.151051 +-8.22719,0.86569,0.932037,1,3,0,8.25029,0.083741 +-7.98302,1,0.932037,1,1,0,8.34174,0.0939456 +-7.66766,1,0.932037,1,1,0,8.02784,0.110173 +-8.24143,0.924458,0.932037,1,1,0,8.28161,0.0831957 +-7.67998,1,0.932037,1,1,0,8.20801,0.109457 +-7.87681,0.972029,0.932037,1,1,0,7.99803,0.0989677 +-6.74849,0.941373,0.932037,1,3,0,7.96721,0.253832 +-7.11836,0.837369,0.932037,2,3,0,7.62397,0.366273 +-6.79142,1,0.932037,2,3,0,7.01021,0.287974 +-6.77524,1,0.932037,1,1,0,6.79217,0.279893 +-6.79636,0.997801,0.932037,2,3,0,6.8016,0.290137 +-6.79636,0.948581,0.932037,1,1,0,6.90729,0.290137 +-6.87559,0.872276,0.932037,2,3,0,7.36427,0.316373 +-7.91757,0.674512,0.932037,1,3,0,8.87065,0.0969933 +-6.74935,0.935438,0.932037,1,3,0,8.03013,0.256485 +-6.74803,0.97594,0.932037,2,3,0,6.86976,0.250537 +-6.81513,0.982667,0.932037,1,3,0,6.82306,0.297542 +-7.49872,0.879887,0.932037,2,3,0,7.51782,0.120857 +-7.49872,0.948913,0.932037,1,1,0,7.85236,0.120857 +-8.04293,0.922216,0.932037,1,1,0,8.07282,0.0912801 +-7.35293,1,0.932037,2,3,0,7.93996,0.131677 +-7.35293,0.883408,0.932037,1,1,0,8.02395,0.131677 +-6.80493,1,0.932037,1,3,0,7.25923,0.209492 +-6.82698,0.998151,0.932037,2,3,0,6.83752,0.202651 +-6.88114,0.986899,0.932037,1,1,0,6.89144,0.189478 +-6.74827,0.964042,0.932037,2,3,0,7.17919,0.25277 +-6.93633,0.882605,0.932037,2,3,0,7.40536,0.178978 +-8.02922,0.766313,0.932037,1,3,0,8.54794,0.474694 +-6.88064,1,0.932037,1,1,0,7.62039,0.317732 +-6.99856,0.960668,0.932037,1,1,0,7.02674,0.344573 +-6.9205,1,0.932037,1,1,0,7.0171,0.327717 +-7.23497,0.895629,0.932037,1,1,0,7.26191,0.384449 +-6.81255,0.65863,0.932037,2,3,0,8.81442,0.296589 +-6.8557,0.986062,0.932037,1,1,0,6.86976,0.310763 +-6.8557,0.724177,0.932037,1,3,0,7.66358,0.310763 +-6.75301,0.997497,0.932037,1,3,0,6.85969,0.23766 +-9.62741,0.500859,0.932037,1,3,0,9.855,0.591191 +-7.2064,1,0.932037,2,3,0,8.74926,0.3802 +-6.75431,0.815869,0.932037,2,3,0,7.99167,0.264191 +-6.77251,0.990864,0.932037,2,3,0,6.80395,0.22304 +-7.81008,0.844756,0.932037,2,3,0,8.00316,0.102338 +-8.11847,0.959711,0.932037,1,1,0,8.22643,0.0880753 +-9.24757,0.890376,0.932037,2,3,0,10.2168,0.0541819 +-6.88942,0.799493,0.932037,1,3,0,10.3695,0.320039 +-6.88942,0.261019,0.932037,1,3,0,10.9724,0.320039 +-6.80124,0.870892,0.932037,2,3,0,7.43049,0.29218 +-6.74978,0.998863,0.932037,1,3,0,6.80164,0.242642 +-7.17245,0.854684,0.932037,2,3,0,7.6,0.374989 +-8.81972,0.538088,0.932037,1,1,0,8.86828,0.538741 +-7.40622,1,0.932037,2,3,0,8.5393,0.127518 +-7.26318,0.961918,0.932037,2,3,0,8.05474,0.139325 +-7.34728,0.984906,0.932037,1,1,0,7.43596,0.132134 +-6.86243,0.997387,0.932037,1,3,0,7.24798,0.193608 +-6.89308,0.975225,0.932037,1,3,0,7.09809,0.320982 +-7.32886,0.939094,0.932037,2,3,0,7.34307,0.397658 +-7.57152,0.913466,0.932037,1,1,0,7.74604,0.427779 +-6.94728,1,0.932037,1,1,0,7.36923,0.333835 +-6.81842,1,0.932037,1,1,0,6.91356,0.298735 +-6.76216,1,0.932037,2,3,0,6.80728,0.229381 +-6.85768,0.974601,0.932037,2,3,0,6.94204,0.194717 +-6.77062,0.988638,0.932037,1,3,0,6.90934,0.277178 +-6.91451,0.978923,0.932037,2,3,0,6.91452,0.326292 +-6.78227,1,0.932037,1,1,0,6.87294,0.283622 +-7.62346,0.806356,0.932037,1,3,0,7.63204,0.433652 +-6.83206,1,0.932037,1,1,0,7.34914,0.303417 +-7.29941,0.815839,0.932037,2,3,0,7.843,0.136132 +-7.31671,0.996885,0.932037,1,1,0,7.4311,0.134659 +-6.78343,0.991818,0.932037,2,3,0,7.37529,0.21776 +-6.86006,0.980687,0.932037,1,1,0,6.8608,0.194157 +-6.77605,1,0.932037,1,1,0,6.83853,0.221209 +-6.86042,0.973286,0.932037,1,3,0,6.93518,0.312134 +-6.75338,0.997358,0.932037,1,3,0,6.86494,0.237216 +-6.83799,0.976298,0.932037,1,3,0,6.868,0.305342 +-7.00374,0.713633,0.932037,2,3,0,8.19304,0.345598 +-6.75259,0.98344,0.932037,2,3,0,7.10169,0.238182 +-6.79496,0.987555,0.932037,1,3,0,6.81495,0.289538 +-6.9391,0.981259,0.932037,2,3,0,6.94195,0.332008 +-7.22517,0.904285,0.932037,1,1,0,7.25937,0.383004 +-7.21052,1,0.932037,1,1,0,7.37602,0.38082 +-6.75985,0.787087,0.932037,2,3,0,8.11836,0.269544 +-6.86031,0.946513,0.932037,2,3,0,7.03793,0.194099 +-8.19403,0.780681,0.932037,1,3,0,8.38612,0.0850298 +-6.7609,1,0.932037,2,3,0,7.87703,0.270409 +-6.95309,0.78127,0.932037,2,3,0,7.88077,0.176161 +-9.56705,0.565191,0.932037,1,3,0,10.2818,0.587604 +-6.75776,1,0.932037,1,3,0,8.93023,0.232834 +-6.77632,0.994978,0.932037,1,1,0,6.77679,0.221079 +-6.82265,0.996019,0.932037,2,3,0,6.82416,0.203899 +-6.89139,0.983404,0.932037,1,1,0,6.89889,0.187357 +-6.89139,0.777655,0.932037,1,3,0,8.12126,0.187357 +-7.13161,0.926877,0.932037,1,3,0,7.44089,0.36846 +-8.35546,0.633109,0.932037,1,1,0,8.40627,0.503122 +-7.06834,0.886614,0.932037,1,3,0,8.96147,0.159824 +-7.28399,0.958522,0.932037,1,1,0,7.31204,0.137472 +-7.28327,1,0.932037,1,1,0,7.40052,0.137535 +-7.93284,0.898826,0.932037,1,1,0,7.93762,0.0962692 +-7.81694,1,0.932037,1,1,0,8.08024,0.101983 +-7.6919,1,0.932037,1,1,0,7.94232,0.108772 +-6.76979,0.932315,0.932037,1,3,0,7.86435,0.276668 +-6.97696,0.966811,0.932037,2,3,0,6.99094,0.172382 +-7.49857,0.902721,0.932037,2,3,0,7.93254,0.120867 +-7.50324,0.999237,0.932037,1,1,0,7.65578,0.120547 +-6.91611,1,0.932037,2,3,0,7.33316,0.326673 +-6.74956,1,0.932037,1,3,0,6.89861,0.243108 +-8.35635,0.667972,0.932037,1,3,0,8.48862,0.503195 +-8.35709,0.999715,0.932037,1,1,0,8.94945,0.503256 +-7.01492,1,0.932037,2,3,0,8.49553,0.16684 +-7.08433,0.985549,0.932037,1,1,0,7.13054,0.157871 +-7.29556,0.986569,0.932037,2,3,0,7.32674,0.136464 +-6.82002,1,0.932037,2,3,0,7.16863,0.299304 +-6.82002,0.827599,0.932037,1,1,0,7.18527,0.299304 +-6.96415,0.766705,0.932037,2,3,0,7.8936,0.337494 +-7.10108,0.953204,0.932037,1,1,0,7.15511,0.363367 +-7.08567,1,0.932037,1,1,0,7.2067,0.36072 +-8.18465,0.665208,0.932037,1,1,0,8.22692,0.488652 +-6.98816,1,0.932037,2,3,0,8.27915,0.170692 +-6.9991,0.951104,0.932037,2,3,0,7.40622,0.344679 +-6.87003,0.959893,0.932037,1,3,0,7.2399,0.191886 +-8.86597,0.67165,0.932037,1,3,0,9.3173,0.0633574 +-9.22117,0.969943,0.932037,1,1,0,9.41531,0.0547614 +-10.3294,0.926924,0.932037,1,1,0,10.3727,0.0356412 +-8.32325,0.989504,0.932037,2,3,0,10.9313,0.0801578 +-8.85098,0.946649,0.932037,1,1,0,8.95519,0.0637563 +-9.31959,0.960963,0.932037,1,1,0,9.47897,0.0526385 +-10.3022,0.93649,0.932037,1,1,0,10.3691,0.0360059 +-10.3363,0.998194,0.932037,1,1,0,10.7444,0.0355494 +-7.06812,1,0.932037,2,3,0,10.0104,0.159851 +-7.09449,0.998201,0.932037,2,3,0,7.16215,0.156661 +-7.41044,0.941678,0.932037,1,1,0,7.42835,0.127199 +-6.74954,0.897451,0.932037,2,3,0,8.358,0.256927 +-7.01483,0.952044,0.932037,2,3,0,7.06471,0.166853 +-7.04361,0.949288,0.932037,1,3,0,7.50082,0.353197 +-6.84344,1,0.932037,1,1,0,6.98754,0.30706 +-6.76346,1,0.932037,1,1,0,6.81845,0.272378 +-6.77171,0.981093,0.932037,2,3,0,6.85292,0.277844 +-6.84864,0.975946,0.932037,1,1,0,6.84963,0.308656 +-6.79009,1,0.932037,1,1,0,6.8359,0.287368 +-7.3603,0.823525,0.932037,1,3,0,7.7309,0.131086 +-7.81047,0.929962,0.932037,1,1,0,7.84015,0.102318 +-7.78154,1,0.932037,1,1,0,7.99363,0.103835 +-6.7517,1,0.932037,2,3,0,7.65292,0.239378 +-6.78798,0.848042,0.932037,2,3,0,7.61324,0.21582 +-6.76,0.921142,0.932037,2,3,0,7.25211,0.269673 +-6.79557,0.983288,0.932037,2,3,0,6.85013,0.212834 +-7.19183,0.926349,0.932037,1,3,0,7.21025,0.146103 +-7.38792,0.988215,0.932037,2,3,0,7.43851,0.128917 +-6.96601,1,0.932037,2,3,0,7.30212,0.174084 +-7.05786,0.980406,0.932037,1,1,0,7.08973,0.161138 +-7.16196,0.993052,0.932037,2,3,0,7.20877,0.149163 +-6.77281,0.912405,0.932037,2,3,0,8.28922,0.22288 +-6.75974,1,0.932037,1,1,0,6.77054,0.2312 +-6.74904,0.896827,0.932037,2,3,0,7.34903,0.244397 +-6.99017,0.938166,0.932037,1,3,0,7.02613,0.342891 +-9.18272,0.444151,0.932037,1,1,0,9.18621,0.563582 +-7.27998,1,0.932037,1,1,0,8.53072,0.390916 +-6.81588,0.976625,0.932037,1,3,0,7.39388,0.205939 +-6.85158,0.981914,0.932037,1,3,0,6.98055,0.309541 +-7.61781,0.765141,0.932037,1,1,0,7.61874,0.433021 +-6.79258,0.997137,0.932037,1,3,0,7.61795,0.21398 +-8.09444,0.722711,0.932037,1,3,0,8.35089,0.48065 +-8.09444,0.731058,0.932037,1,1,0,9.00859,0.48065 +-8.96537,0.715603,0.932037,1,1,0,9.37304,0.548986 +-8.78035,1,0.932037,1,1,0,9.62889,0.535902 +-7.21874,0.836764,0.932037,1,3,0,9.71962,0.143465 +-6.75061,0.911636,0.932037,2,3,0,8.14176,0.241082 +-7.65204,0.639147,0.932037,2,3,0,8.88575,0.436812 +-6.95151,1,0.932037,1,1,0,7.42019,0.334765 +-7.03245,0.89047,0.932037,2,3,0,7.4925,0.164448 +-6.93323,1,0.932037,1,1,0,7.03482,0.179514 +-6.93323,0.839701,0.932037,1,3,0,7.95662,0.179514 +-6.8181,1,0.932037,1,1,0,6.90794,0.205258 +-6.96817,0.964576,0.932037,1,1,0,6.96901,0.173744 +-6.75177,1,0.932037,2,3,0,6.94088,0.260926 +-6.75748,0.994596,0.932037,2,3,0,6.77947,0.267449 +-6.75598,1,0.932037,2,3,0,6.75911,0.265983 +-7.35596,0.838068,0.932037,1,3,0,7.60728,0.131434 +-6.75779,0.906448,0.932037,2,3,0,8.09794,0.267737 +-6.83162,0.952059,0.932037,2,3,0,6.9908,0.303273 +-7.67816,0.806003,0.932037,1,3,0,7.67819,0.43966 +-6.92603,0.932427,0.932037,1,3,0,8.01057,0.180783 +-7.07054,0.950192,0.932037,2,3,0,7.4224,0.159552 +-6.7484,0.994215,0.932037,1,3,0,7.0485,0.246555 +-7.08258,0.918347,0.932037,1,3,0,7.15481,0.158082 +-7.08258,0.737878,0.932037,1,3,0,9.18161,0.158082 +-7.35202,0.949338,0.932037,1,1,0,7.3743,0.131751 +-6.74881,0.983413,0.932037,1,3,0,7.33477,0.245074 +-6.95539,0.949695,0.932037,1,3,0,6.9911,0.175786 +-7.15608,0.958335,0.932037,1,1,0,7.16954,0.149783 +-6.83348,0.99773,0.932037,1,3,0,7.08351,0.200841 +-7.24483,0.931935,0.932037,1,3,0,7.25275,0.141003 +-6.98535,1,0.932037,1,1,0,7.20252,0.171111 +-6.79714,0.986131,0.932037,2,3,0,7.11242,0.212252 +-6.75975,0.994219,0.932037,2,3,0,6.84154,0.231186 +-7.85764,0.768175,0.932037,1,3,0,8.13554,0.0999182 +-7.75607,1,0.932037,2,3,0,8.00291,0.1052 +-7.45436,1,0.932037,1,1,0,7.77479,0.123968 +-6.75812,0.956844,0.932037,1,3,0,7.53861,0.268042 +-6.78653,0.996723,0.932037,2,3,0,6.78699,0.285711 +-6.78653,0.689753,0.932037,1,3,0,7.7558,0.285711 +-7.13767,0.941965,0.932037,2,3,0,7.15428,0.151762 +-6.8166,0.824152,0.932037,2,3,0,8.71226,0.205717 +-6.79612,1,0.932037,1,1,0,6.82009,0.21263 +-7.16066,0.926371,0.932037,2,3,0,7.36744,0.149299 +-6.7485,0.867631,0.932037,2,3,0,8.25218,0.253873 +-6.7485,0.374064,0.932037,1,3,0,9.69677,0.253873 +-6.906,0.899506,0.932037,2,3,0,7.30301,0.184481 +-6.97495,0.960716,0.932037,1,3,0,7.26467,0.339768 +-6.87784,0.957976,0.932037,1,3,0,7.22871,0.190181 +-6.76764,1,0.932037,1,3,0,6.85023,0.225799 +-7.06045,0.939987,0.932037,2,3,0,7.20313,0.160811 +-7.56678,0.90837,0.932037,1,1,0,7.56807,0.116345 +-8.21909,0.9114,0.932037,1,1,0,8.24106,0.0840531 +-7.1694,0.972439,0.932037,1,3,0,8.05615,0.148387 +-7.51659,0.939017,0.932037,1,1,0,7.53941,0.119642 +-6.80441,1,0.932037,2,3,0,7.33714,0.293457 +-6.84769,0.986098,0.932037,1,1,0,6.85924,0.308366 +-6.75447,1,0.932037,1,3,0,6.82024,0.264369 +-6.75447,0.941471,0.932037,1,3,0,6.92636,0.264369 +-7.31897,0.848317,0.932037,1,3,0,7.54592,0.134469 +-7.51256,0.936742,0.932037,2,3,0,8.23518,0.119914 +-7.00844,1,0.932037,1,1,0,7.41354,0.16775 +-6.81721,1,0.932037,2,3,0,6.95395,0.298298 +-7.45194,0.852204,0.932037,1,3,0,7.45194,0.413549 +-6.87259,1,0.932037,2,3,0,7.42285,0.191321 +-6.75616,1,0.932037,1,3,0,6.8471,0.234287 +-6.89502,0.961898,0.932037,1,3,0,6.94092,0.321477 +-6.77836,1,0.932037,2,3,0,6.87334,0.220083 +-6.79421,0.982898,0.932037,2,3,0,6.9004,0.28921 +-7.26621,0.798873,0.932037,2,3,0,7.90837,0.139052 +-6.86681,0.892468,0.932037,2,3,0,9.22078,0.192607 +-6.79361,1,0.932037,1,1,0,6.85058,0.213582 +-6.77748,1,0.932037,2,3,0,6.79435,0.220507 +-6.77887,0.999632,0.932037,1,1,0,6.78659,0.21984 +-6.78375,0.998717,0.932037,1,1,0,6.79108,0.217619 +-6.74954,0.987641,0.932037,2,3,0,6.86737,0.256925 +-7.83854,0.756676,0.932037,1,3,0,7.90005,0.456351 +-7.50039,1,0.932037,1,1,0,7.94015,0.419443 +-6.7491,1,0.932037,1,3,0,7.35194,0.244238 +-6.7636,0.996702,0.932037,1,3,0,6.76405,0.228378 +-6.78205,0.845782,0.932037,2,3,0,7.69714,0.218372 +-6.75014,0.997559,0.932037,2,3,0,6.79806,0.241923 +-8.34122,0.670679,0.932037,1,3,0,8.47733,0.501947 +-7.99963,1,0.932037,1,1,0,8.62888,0.471941 +-8.76385,0.745363,0.932037,1,1,0,9.14503,0.534703 +-7.04418,1,0.932037,1,1,0,8.14217,0.353302 +-7.43305,0.868749,0.932037,1,1,0,7.49441,0.4112 +-7.43305,0.297658,0.932037,1,1,0,9.48457,0.4112 +-6.83865,0.968461,0.932037,1,3,0,7.58424,0.199459 +-7.53033,0.883514,0.932037,1,3,0,7.57348,0.118724 +-6.96261,0.979104,0.932037,2,3,0,7.81614,0.174624 +-7.0999,0.990364,0.932037,2,3,0,7.12317,0.156026 +-8.07438,0.928426,0.932037,2,3,0,8.16995,0.478833 +-7.08332,1,0.932037,1,1,0,7.75278,0.36031 +-6.82918,1,0.932037,1,1,0,7.0036,0.302462 +-7.53288,0.784396,0.932037,1,1,0,7.53294,0.423295 +-7.05091,1,0.932037,2,3,0,7.39902,0.162026 +-7.40251,0.977978,0.932037,2,3,0,7.41207,0.127799 +-6.82898,1,0.932037,2,3,0,7.24836,0.302395 +-6.79153,1,0.932037,1,1,0,6.8253,0.288021 +-6.79153,0.459704,0.932037,1,3,0,9.85444,0.288021 +-6.76756,1,0.932037,1,1,0,6.7869,0.275233 +-6.97728,0.932763,0.932037,1,3,0,7.10469,0.172333 +-6.95157,1,0.932037,1,1,0,7.01491,0.17641 +-6.75905,0.960947,0.932037,2,3,0,7.21354,0.26886 +-6.7615,0.936647,0.932037,2,3,0,7.06828,0.229862 +-6.89331,0.972573,0.932037,1,3,0,6.89762,0.18697 +-6.77722,0.906489,0.932037,2,3,0,7.52048,0.280983 +-7.05175,0.910169,0.932037,1,3,0,7.23443,0.161917 +-6.92365,1,0.932037,1,1,0,7.04143,0.18121 +-6.92285,1,0.932037,2,3,0,6.9668,0.181353 +-7.13379,0.955304,0.932037,1,1,0,7.14184,0.152188 +-7.4804,0.884188,0.932037,1,3,0,8.21421,0.417034 +-7.40948,1,0.932037,1,1,0,7.67663,0.408227 +-6.7729,0.94969,0.932037,2,3,0,7.7319,0.222833 +-6.88124,0.967448,0.932037,1,3,0,6.95576,0.317894 +-8.24949,0.746027,0.932037,2,3,0,8.25756,0.0828895 +-6.96905,1,0.932037,1,3,0,8.10239,0.173607 +-7.27306,0.939109,0.932037,1,1,0,7.27863,0.138439 +-7.00308,0.956818,0.932037,1,3,0,7.78354,0.345468 +-6.75472,0.998187,0.932037,1,3,0,6.9917,0.235716 +-6.75494,0.999941,0.932037,1,1,0,6.75678,0.235495 +-6.87358,0.96725,0.932037,1,3,0,6.91321,0.315825 +-6.88529,0.996099,0.932037,1,1,0,6.92345,0.318963 +-8.16803,0.810902,0.932037,2,3,0,8.16856,0.487197 +-8.16803,0.500501,0.932037,1,1,0,9.65653,0.487197 +-6.84099,0.909134,0.932037,2,3,0,8.86386,0.198846 +-6.7482,0.97014,0.932037,2,3,0,7.07304,0.252336 +-6.88126,0.965042,0.932037,1,3,0,6.91312,0.189453 +-6.91537,0.971395,0.932037,1,3,0,7.15288,0.326496 +-6.74803,1,0.932037,1,3,0,6.88372,0.250563 +-6.78862,0.991449,0.932037,2,3,0,6.8033,0.215557 +-6.75166,1,0.932037,1,3,0,6.77932,0.239445 +-7.64177,0.652534,0.932037,2,3,0,8.81793,0.435682 +-7.39307,1,0.932037,1,1,0,7.74629,0.406126 +-7.39307,0.385651,0.932037,1,1,0,9.0256,0.406126 +-6.79731,0.988358,0.932037,1,3,0,7.44468,0.212186 +-7.26742,0.912562,0.932037,1,3,0,7.29563,0.138943 +-8.03606,0.881597,0.932037,1,1,0,8.03636,0.0915803 +-7.18684,0.969203,0.932037,1,3,0,7.89297,0.146604 +-7.82185,0.895632,0.932037,1,1,0,7.82342,0.10173 +-6.9258,0.999365,0.932037,1,3,0,7.68077,0.180825 +-6.84345,1,0.932037,1,1,0,6.91592,0.198213 +-8.02819,0.799375,0.932037,1,3,0,8.18865,0.0919253 +-9.74173,0.805241,0.932037,1,3,0,9.76127,0.0445821 +-8.33143,1,0.932037,1,1,0,9.60755,0.0798627 +-7.18582,0.972127,0.932037,1,3,0,8.16309,0.146708 +-6.92783,1,0.932037,1,1,0,7.13538,0.180463 +-7.11005,0.961217,0.932037,1,1,0,7.12168,0.154851 +-6.79373,1,0.932037,1,3,0,7.04271,0.213532 +-7.11956,0.955726,0.932037,2,3,0,7.20271,0.366472 +-7.48398,0.958399,0.932037,2,3,0,7.57261,0.417468 +-7.05344,1,0.932037,2,3,0,7.38948,0.354998 +-6.89526,1,0.932037,1,1,0,7.02854,0.321538 +-6.75297,0.996542,0.932037,2,3,0,6.92061,0.237701 +-6.83977,0.975809,0.932037,1,3,0,6.86918,0.305909 +-6.8251,1,0.932037,2,3,0,6.85672,0.301077 +-6.76932,1,0.932037,1,1,0,6.8089,0.276371 +-7.2411,0.887441,0.932037,1,3,0,7.24713,0.385345 +-6.77198,0.978158,0.932037,2,3,0,7.39681,0.223328 +-6.91344,0.959133,0.932037,1,3,0,6.99309,0.326033 +-7.04881,0.85015,0.932037,2,3,0,7.62026,0.162296 +-7.60525,0.863371,0.932037,1,3,0,8.23873,0.431613 +-6.78473,0.999819,0.932037,1,3,0,7.58373,0.217191 +-6.78473,0.898858,0.932037,1,3,0,7.22409,0.217191 +-7.78377,0.579188,0.932037,2,3,0,9.7066,0.103716 +-7.70743,1,0.932037,1,1,0,7.93357,0.10789 +-7.96247,0.96471,0.932037,1,1,0,8.07171,0.0948869 +-7.12674,0.974601,0.932037,1,3,0,7.81844,0.152967 +-6.75681,1,0.932037,1,3,0,7.07784,0.233681 +-6.74929,0.899259,0.932037,2,3,0,7.32696,0.243745 +-6.74929,0.646445,0.932037,1,3,0,8.08205,0.243745 +-7.15628,0.857788,0.932037,2,3,0,7.57467,0.372439 +-7.75903,0.923317,0.932037,2,3,0,7.84476,0.448237 +-6.85106,0.987384,0.932037,2,3,0,7.98227,0.19631 +-8.0294,0.746944,0.932037,1,3,0,8.39902,0.474711 +-6.8022,0.859301,0.932037,2,3,0,8.84948,0.210434 +-6.77032,1,0.932037,1,1,0,6.79542,0.22424 +-7.64151,0.740592,0.932037,2,3,0,8.46249,0.435654 +-8.37811,0.917274,0.932037,2,3,0,8.62816,0.504979 +-7.49482,1,0.932037,1,1,0,8.22793,0.418775 +-9.18827,0.523755,0.932037,1,1,0,9.33046,0.563944 +-7.76093,1,0.932037,1,1,0,8.88732,0.448435 +-6.97798,1,0.932037,1,1,0,7.50122,0.340396 +-7.35575,0.873861,0.932037,1,1,0,7.39654,0.401255 +-7.35575,0.110444,0.932037,1,1,0,11.0745,0.401255 +-7.35575,0.0800688,0.932037,1,3,0,15.4327,0.401255 +-7.48223,0.672997,0.932037,1,3,0,8.8362,0.121997 +-6.78001,0.901552,0.932037,2,3,0,8.42084,0.28247 +-7.27496,0.91456,0.932037,2,3,0,7.304,0.13827 +-7.27496,0.889573,0.932037,1,1,0,7.87313,0.13827 +-6.74818,0.981145,0.932037,1,3,0,7.27579,0.252199 +-6.74818,0.540736,0.932037,1,3,0,8.56126,0.252199 +-6.84577,0.975084,0.932037,1,3,0,6.8552,0.307778 +-6.84577,0.460221,0.932037,1,3,0,8.80117,0.307778 +-7.22623,0.87774,0.932037,1,1,0,7.23183,0.383162 +-6.86085,0.957571,0.932037,1,3,0,7.44679,0.193973 +-6.84216,1,0.932037,1,1,0,6.8764,0.198544 +-6.82726,0.902432,0.932037,2,3,0,7.67881,0.202571 +-7.01244,0.957121,0.932037,1,1,0,7.01282,0.167187 +-6.753,0.947388,0.932037,2,3,0,7.40574,0.262602 +-6.75612,0.999688,0.932037,2,3,0,6.75709,0.266127 +-7.10487,0.901325,0.932037,1,3,0,7.25063,0.155448 +-6.75288,0.934052,0.932037,2,3,0,7.61355,0.262456 +-6.75911,0.998131,0.932037,1,1,0,6.75973,0.268918 +-6.97448,0.935151,0.932037,1,3,0,7.07933,0.172763 +-8.33687,0.727783,0.932037,1,3,0,8.95629,0.501587 +-7.19311,1,0.932037,1,1,0,7.97929,0.378182 +-6.86239,0.957299,0.932037,1,3,0,7.41859,0.193617 +-8.81489,0.675307,0.932037,1,3,0,9.25628,0.0647295 +-9.08174,0.976561,0.932037,1,1,0,9.30033,0.0579512 +-8.72465,1,0.932037,2,3,0,9.23184,0.067248 +-9.02058,0.973248,0.932037,1,1,0,9.2222,0.059423 +-6.75096,0.87105,0.932037,1,3,0,9.3739,0.240494 +-6.77061,0.8673,0.932037,2,3,0,7.49474,0.224077 +-7.18049,0.687335,0.932037,2,3,0,8.77168,0.147248 +-6.83677,0.997719,0.932037,1,3,0,7.10412,0.199956 +-7.0242,0.942244,0.932037,1,3,0,7.2293,0.349561 +-6.75027,1,0.932037,1,3,0,6.95554,0.258452 +-7.19098,0.922423,0.932037,2,3,0,7.25741,0.146188 +-6.75095,0.998409,0.932037,2,3,0,7.18042,0.240521 +-6.87936,0.965588,0.932037,1,3,0,6.90968,0.31739 +-6.78928,1,0.932037,2,3,0,6.85581,0.215288 +-7.24713,0.912602,0.932037,1,3,0,7.27833,0.14079 +-7.64349,0.933948,0.932037,1,1,0,7.6686,0.111601 +-7.89818,0.963732,0.932037,1,1,0,7.99945,0.0979248 +-9.96894,0.866816,0.932037,2,3,0,10.0037,0.610637 +-8.27408,1,0.932037,1,1,0,9.73188,0.496333 +-8.97796,0.763178,0.932037,1,1,0,9.46742,0.549854 +-7.07994,1,0.932037,2,3,0,9.38837,0.158401 +-6.75736,0.879611,0.932037,2,3,0,8.01228,0.267336 +-6.7519,1,0.932037,1,1,0,6.75617,0.261115 +-6.78524,0.992274,0.932037,1,3,0,6.78539,0.285089 +-7.86462,0.758008,0.932037,1,3,0,7.87664,0.458948 +-7.97349,0.959152,0.932037,1,1,0,8.36464,0.469482 +-7.11236,1,0.932037,2,3,0,7.71314,0.365271 +-7.71805,0.799983,0.932037,1,1,0,7.78908,0.443934 +-9.81575,0.716945,0.932037,2,3,0,10.0088,0.602086 +-7.32169,1,0.932037,1,1,0,8.93058,0.396686 +-6.74807,0.833534,0.932037,2,3,0,8.05557,0.251241 +-6.74803,1,0.932037,2,3,0,6.74806,0.250572 +-6.75538,0.991246,0.932037,2,3,0,6.79373,0.235049 +-6.93792,0.962649,0.932037,2,3,0,7.01983,0.331741 +-7.2862,0.88434,0.932037,1,1,0,7.31645,0.391789 +-6.99084,1,0.932037,2,3,0,7.19845,0.170294 +-7.65042,0.905856,0.932037,2,3,0,8.20379,0.436635 +-7.41337,1,0.932037,1,1,0,7.7679,0.40872 +-8.85702,0.576942,0.932037,1,1,0,8.98493,0.541403 +-6.78589,1,0.932037,1,3,0,8.17164,0.285406 +-6.90223,0.954007,0.932037,1,3,0,7.03131,0.185207 +-8.14191,0.811993,0.932037,1,3,0,8.27248,0.0871143 +-8.10592,1,0.932037,1,1,0,8.36491,0.0885962 +-8.2689,0.993522,0.932037,2,3,0,8.4528,0.0821583 +-9.32894,0.899169,0.932037,1,1,0,9.34484,0.0524422 +-8.02809,1,0.932037,1,1,0,9.18688,0.0919298 +-6.99166,0.993898,0.932037,1,3,0,7.87392,0.170173 +-8.06441,0.911089,0.932037,2,3,0,8.31617,0.477926 +-8.7506,0.922675,0.932037,2,3,0,9.16274,0.533736 +-7.8978,1,0.932037,1,1,0,8.75888,0.462211 +-6.94446,1,0.932037,1,1,0,7.56554,0.333209 +-8.54285,0.771096,0.932037,2,3,0,8.54633,0.518094 +-6.78594,1,0.932037,1,3,0,7.9627,0.285428 +-6.78594,0.906519,0.932037,1,3,0,7.16707,0.285428 +-6.92112,0.942672,0.932037,2,3,0,7.08892,0.181666 +-6.87261,0.875781,0.932037,2,3,0,8.17854,0.191316 +-7.08975,0.952205,0.932037,1,1,0,7.09201,0.157223 +-7.02149,1,0.932037,2,3,0,7.12326,0.165933 +-7.04584,0.998287,0.932037,2,3,0,7.10444,0.162681 +-7.04584,0.672299,0.932037,1,3,0,9.55749,0.162681 +-7.77921,0.832639,0.932037,1,3,0,8.43718,0.450325 +-6.93132,0.932106,0.932037,1,3,0,8.11383,0.179848 +-7.37155,0.932331,0.932037,1,3,0,7.37171,0.130194 +-6.74802,0.977866,0.932037,1,3,0,7.37247,0.250051 +-6.90501,0.947815,0.932037,2,3,0,7.04469,0.32398 +-6.90501,0.515929,0.932037,1,1,0,8.06608,0.32398 +-7.26517,0.747153,0.932037,2,3,0,8.10285,0.139146 +-6.77759,0.959776,0.932037,1,3,0,7.38193,0.281187 +-6.75799,1,0.932037,1,1,0,6.77244,0.267921 +-6.79277,0.99575,0.932037,2,3,0,6.79381,0.213903 +-6.76109,1,0.932037,1,1,0,6.78457,0.230166 +-6.7596,0.969448,0.932037,2,3,0,6.95304,0.231305 +-6.79156,0.988014,0.932037,2,3,0,6.84381,0.214376 +-6.78312,1,0.932037,1,1,0,6.79707,0.217895 +-6.77762,0.949288,0.932037,2,3,0,7.08484,0.2812 +-7.09494,0.924565,0.932037,1,3,0,7.09566,0.362318 +-6.95426,1,0.932037,2,3,0,7.09613,0.335364 +-7.28442,0.889685,0.932037,1,1,0,7.32064,0.391541 +-6.79484,0.997398,0.932037,2,3,0,7.36362,0.213111 +-6.81648,0.99449,0.932037,1,1,0,6.8247,0.205753 +-6.84974,0.991789,0.932037,1,1,0,6.86103,0.196633 +-6.74879,0.865097,0.932037,2,3,0,7.74614,0.245131 +-6.88211,0.967449,0.932037,1,3,0,6.902,0.189273 +-6.74845,0.957844,0.932037,2,3,0,7.24214,0.246361 +-7.20685,0.887254,0.932037,1,3,0,7.25766,0.380267 +-7.20685,0.564767,0.932037,1,3,0,8.81898,0.380267 +-7.20685,0.320306,0.932037,1,3,0,12.13,0.380267 +-6.97752,0.935114,0.932037,2,3,0,7.66742,0.172296 +-6.87049,1,0.932037,1,1,0,6.96427,0.191784 +-6.74837,0.966424,0.932037,2,3,0,7.14605,0.253312 +-6.98253,0.907073,0.932037,2,3,0,7.2529,0.341334 +-7.79349,0.745081,0.932037,1,1,0,7.81771,0.451791 +-6.77388,1,0.932037,1,3,0,7.46942,0.279119 +-6.90086,0.954561,0.932037,1,3,0,7.00827,0.185473 +-6.79914,1,0.932037,2,3,0,6.8716,0.291311 +-8.11178,0.713466,0.932037,1,3,0,8.12201,0.482208 +-8.11178,0.190125,0.932037,1,1,0,11.1441,0.482208 +-7.24841,1,0.932037,1,1,0,7.88964,0.386408 +-7.23081,1,0.932037,1,1,0,7.40517,0.383837 +-6.80377,1,0.932037,2,3,0,7.08741,0.293202 +-6.85418,0.994603,0.932037,2,3,0,6.86482,0.310312 +-6.74965,0.98222,0.932037,2,3,0,6.95136,0.257173 +-7.03844,0.928412,0.932037,1,3,0,7.0566,0.352239 +-7.22621,0.808036,0.932037,1,3,0,7.93488,0.14275 +-6.77583,0.927823,0.932037,2,3,0,7.69178,0.280224 +-6.86535,0.971878,0.932037,1,1,0,6.86662,0.313541 +-6.77928,0.990027,0.932037,1,3,0,6.92787,0.219648 +-6.78451,0.998625,0.932037,1,1,0,6.79187,0.217287 +-6.78451,0.773207,0.932037,1,3,0,7.90069,0.217287 +-6.75189,0.967957,0.932037,2,3,0,6.99818,0.23911 +-6.88731,0.96889,0.932037,1,3,0,6.89993,0.18819 +-6.83332,1,0.932037,1,1,0,6.8859,0.200884 +-6.96445,0.969353,0.932037,1,1,0,6.9678,0.174331 +-6.74853,0.993691,0.932037,1,3,0,6.95955,0.253983 +-6.79227,0.98474,0.932037,2,3,0,6.83336,0.288352 +-6.78141,0.965461,0.932037,2,3,0,6.96936,0.218663 +-6.75837,0.995995,0.932037,1,3,0,6.80286,0.268259 +-6.80841,0.982527,0.932037,1,3,0,6.84862,0.208324 +-6.92145,0.989324,0.932037,2,3,0,6.92312,0.327942 +-6.94393,0.992369,0.932037,1,1,0,6.99666,0.33309 +-8.0719,0.66438,0.932037,1,1,0,8.0808,0.478608 +-8.30789,0.913191,0.932037,1,1,0,8.7652,0.499176 +-6.88395,1,0.932037,2,3,0,7.79691,0.318612 +-6.88395,0.525809,0.932037,1,3,0,8.46396,0.318612 +-7.66074,0.862122,0.932037,2,3,0,7.66587,0.110579 +-7.48718,1,0.932037,1,1,0,7.73391,0.121652 +-7.24771,1,0.932037,1,1,0,7.49536,0.140737 +-6.75294,0.907734,0.932037,2,3,0,8.2612,0.23774 +-6.75294,0.882023,0.932037,1,3,0,7.23222,0.23774 +-6.75294,0.648763,0.932037,1,3,0,8.1161,0.23774 +-6.75671,0.998954,0.932037,1,1,0,6.75747,0.233769 +-7.51733,0.821118,0.932037,1,3,0,7.63136,0.421461 +-7.23718,1,0.932037,2,3,0,7.55107,0.384773 +-7.23718,0.584164,0.932037,1,1,0,8.1976,0.384773 +-6.75151,1,0.932037,1,3,0,7.10952,0.260533 +-6.76119,0.993068,0.932037,2,3,0,6.78713,0.270643 +-6.79508,0.984853,0.932037,2,3,0,6.84415,0.213018 +-8.30022,0.789495,0.932037,2,3,0,8.51335,0.0809972 +-7.08882,0.985416,0.932037,1,3,0,8.13433,0.157333 +-6.74804,0.991804,0.932037,1,3,0,7.07332,0.249263 +-6.76797,0.994746,0.932037,1,3,0,6.77114,0.275501 +-6.87611,0.984786,0.932037,2,3,0,6.88112,0.190553 +-7.10363,0.930507,0.932037,1,3,0,7.38443,0.3638 +-7.1931,0.968366,0.932037,1,1,0,7.30124,0.378181 +-7.02744,1,0.932037,1,1,0,7.20716,0.350175 +-7.47087,0.716122,0.932037,1,3,0,8.36114,0.122794 +-7.77445,0.953734,0.932037,1,1,0,7.84235,0.104212 +-7.10232,0.976364,0.932037,1,3,0,7.65215,0.155744 +-6.89247,0.977052,0.932037,2,3,0,7.36801,0.187138 +-6.88406,1,0.932037,2,3,0,6.92287,0.188864 +-7.00739,0.972361,0.932037,1,1,0,7.01912,0.167899 +-7.4581,0.959878,0.932037,2,3,0,7.46539,0.414309 +-7.4581,0.358894,0.932037,1,1,0,9.21803,0.414309 +-8.39486,0.699937,0.932037,1,1,0,8.5651,0.506344 +-6.98009,0.931934,0.932037,1,3,0,8.77344,0.171904 +-7.75622,0.895607,0.932037,2,3,0,8.30908,0.447944 +-7.45294,1,0.932037,1,1,0,7.85686,0.413673 +-7.81191,0.87317,0.932037,1,1,0,8.02199,0.453667 +-7.07889,1,0.932037,2,3,0,7.65163,0.158528 +-8.02018,0.93056,0.932037,2,3,0,8.11738,0.473856 +-7.32245,1,0.932037,1,1,0,7.89443,0.396789 +-7.11924,1,0.932037,2,3,0,7.35057,0.366419 +-7.13426,0.994637,0.932037,1,1,0,7.25741,0.368892 +-6.81324,1,0.932037,1,1,0,7.02809,0.296845 +-7.90962,0.554652,0.932037,2,3,0,9.26763,0.0973734 +-10.1284,0.790216,0.932037,1,3,0,10.2416,0.0384446 +-8.90062,1,0.932037,1,1,0,10.0537,0.0624477 +-6.80723,1,0.932037,2,3,0,8.62687,0.208714 +-6.86729,0.973895,0.932037,2,3,0,7.02735,0.192499 +-6.79392,1,0.932037,1,1,0,6.85106,0.213461 +-7.40012,0.888235,0.932037,2,3,0,7.70807,0.407031 +-6.93792,1,0.932037,2,3,0,7.29993,0.178704 +-7.00949,0.984312,0.932037,1,1,0,7.03975,0.167602 +-7.13808,0.973678,0.932037,1,1,0,7.17115,0.151717 +-6.78692,0.965669,0.932037,1,3,0,7.25761,0.285893 +-6.87345,0.885758,0.932037,2,3,0,7.29989,0.315791 +-7.7385,0.869841,0.932037,2,3,0,7.74068,0.446092 +-7.7385,0.102215,0.932037,1,1,0,11.7215,0.446092 +-8.03266,0.893586,0.932037,1,1,0,8.35655,0.475011 +-8.22194,0.92979,0.932037,1,1,0,8.66902,0.491883 +-7.3561,1,0.932037,2,3,0,7.97443,0.131423 +-6.78127,1,0.932037,1,3,0,7.27452,0.218728 +-6.82275,0.984055,0.932037,1,3,0,6.89491,0.300263 +-7.6571,0.742126,0.932037,1,3,0,8.29259,0.110793 +-8.03026,0.829375,0.932037,1,3,0,9.64909,0.47479 +-7.37223,1,0.932037,1,1,0,7.93907,0.403423 +-6.79515,0.988926,0.932037,1,3,0,7.42116,0.212995 +-6.82487,0.992469,0.932037,1,1,0,6.83189,0.203253 +-7.12496,0.969767,0.932037,2,3,0,7.16248,0.367365 +-8.26834,0.652897,0.932037,1,1,0,8.32004,0.495847 +-8.67193,0.856184,0.932037,1,1,0,9.18766,0.527922 +-6.90442,1,0.932037,1,1,0,8.03082,0.323833 +-7.94108,0.68975,0.932037,1,1,0,7.94519,0.466396 +-7.78516,0.528351,0.932037,1,3,0,10.1916,0.103643 +-7.48177,1,0.932037,1,1,0,7.8074,0.122029 +-6.80338,0.90422,0.932037,2,3,0,8.07863,0.293044 +-6.89878,0.96934,0.932037,1,1,0,6.90583,0.322427 +-7.30937,0.866085,0.932037,1,1,0,7.32592,0.395003 +-6.85274,1,0.932037,1,1,0,7.15684,0.309887 +-6.85274,0.743543,0.932037,1,3,0,7.59752,0.309887 +-6.85274,0.563681,0.932037,1,3,0,9.12334,0.309887 +-7.14252,0.905701,0.932037,1,1,0,7.15244,0.370233 +-6.88606,1,0.932037,1,1,0,7.07414,0.319166 +-6.81352,1,0.932037,1,1,0,6.87385,0.296952 +-7.22426,0.603012,0.932037,2,3,0,8.88007,0.382871 +-6.75466,1,0.932037,1,3,0,7.17215,0.235789 +-6.77207,0.962029,0.932037,2,3,0,6.97984,0.223275 +-7.20122,0.9126,0.932037,1,3,0,7.2415,0.145171 +-7.97419,0.889846,0.932037,1,3,0,7.97427,0.0943483 +-7.1089,0.976552,0.932037,1,3,0,7.82637,0.154983 +-7.1089,0.884111,0.932037,1,3,0,7.82698,0.154983 +-6.98201,0.835391,0.932037,2,3,0,9.32581,0.171614 +-7.4823,0.923908,0.932037,1,3,0,7.48233,0.121992 +-8.13382,0.907974,0.932037,1,1,0,8.15008,0.0874439 +-7.0191,0.992287,0.932037,1,3,0,7.97523,0.166261 +-7.38884,0.929413,0.932037,1,1,0,7.39423,0.128846 +-7.05345,0.945247,0.932037,1,3,0,8.00914,0.354999 +-7.88022,0.88235,0.932037,2,3,0,7.92302,0.460488 +-7.47896,1,0.932037,1,1,0,7.94438,0.41686 +-8.26848,0.902685,0.932037,2,3,0,8.45552,0.495858 +-8.36145,0.964836,0.932037,1,1,0,8.90958,0.503614 +-6.80918,1,0.932037,1,3,0,7.82987,0.295317 +-7.23868,0.600861,0.932037,2,3,0,8.89375,0.384993 +-6.89006,1,0.932037,1,1,0,7.13419,0.320205 +-6.8044,1,0.932037,2,3,0,6.86543,0.209671 +-6.86009,0.995405,0.932037,2,3,0,6.86567,0.194151 +-6.86009,0.799308,0.932037,1,3,0,7.97123,0.194151 +-8.99856,0.728419,0.932037,2,3,0,9.23129,0.0599642 +-9.09468,0.991837,0.932037,1,1,0,9.38997,0.0576457 +-8.73756,1,0.932037,1,1,0,9.24597,0.0668798 +-7.55986,0.937761,0.932037,1,3,0,8.57866,0.11679 +-7.99912,0.937675,0.932037,1,1,0,8.05117,0.0932182 +-7.76055,1,0.932037,1,1,0,8.08641,0.104958 +-8.28732,0.977606,0.932037,2,3,0,8.34339,0.0814724 +-6.82679,0.992827,0.932037,1,3,0,8.22618,0.202702 +-6.87274,0.996281,0.932037,2,3,0,6.88424,0.191288 +-6.78865,0.91873,0.932037,2,3,0,7.41091,0.286706 +-6.76058,1,0.932037,2,3,0,6.78115,0.230549 +-6.76058,0.44465,0.932037,2,3,0,10.1097,0.230549 +-8.19963,0.701948,0.932037,1,3,0,8.62984,0.0848102 +-6.87827,1,0.932037,1,3,0,8.08649,0.190089 +-6.90011,0.99488,0.932037,1,1,0,6.92793,0.185622 +-7.58846,0.835161,0.932037,1,3,0,7.98997,0.429714 +-6.84168,1,0.932037,2,3,0,7.32922,0.306509 +-6.79898,0.907476,0.932037,2,3,0,7.23342,0.291247 +-7.18968,0.940405,0.932037,2,3,0,7.1897,0.377657 +-7.30081,0.811278,0.932037,2,3,0,8.27114,0.136012 +-7.44395,0.975262,0.932037,1,1,0,7.52376,0.124721 +-7.10913,1,0.932037,1,1,0,7.3984,0.154957 +-6.74902,0.994264,0.932037,1,3,0,7.08219,0.24445 +-7.95169,0.736282,0.932037,1,3,0,8.05657,0.467411 +# +# Elapsed Time: 0.005 seconds (Warm-up) +# 0.012 seconds (Sampling) +# 0.017 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/eight_schools_1.csv b/src/test/unit/mcmc/test_csv_files/eight_schools_1.csv new file mode 100644 index 00000000000..e89e6fe189a --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/eight_schools_1.csv @@ -0,0 +1,557 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = eight_schools_model +# start_datetime = 2024-08-01 14:37:47 UTC +# method = sample (Default) +# sample +# num_samples = 1000 (Default) +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 2 +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = true +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 2 +# data +# file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/eight_schools.data.json +# init = 2 (Default) +# random +# seed = 2075043197 +# output +# file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/test_csv_files/eight_schools-202408011037-2-509896.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/test_csv_files/eight_schools-profile-202408011037-2-8881e2.csv +# save_cmdstan_config = true +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,mu,theta.1,theta.2,theta.3,theta.4,theta.5,theta.6,theta.7,theta.8,tau +# Adaptation terminated +# Step size = 0.182121 +# Diagonal elements of inverse mass matrix: +# 27.4582, 75.4878, 47.3922, 57.6197, 46.4329, 43.3031, 53.4421, 50.9888, 64.8955, 0.56423 +-9.86509,0.645896,0.182121,2,7,0,13.0863,2.42733,4.75786,2.30752,2.565,2.59007,1.95177,3.13204,0.788537,0.123147,1.97795 +-16.7829,0.746667,0.182121,3,7,0,18.206,2.14075,7.72292,0.841849,5.75126,-1.91017,2.2323,5.33172,-0.437593,4.12906,5.35909 +-17.7679,0.947022,0.182121,4,15,0,25.3207,6.333,1.45584,6.42164,2.27245,9.69039,8.49929,10.5631,3.81449,9.01344,6.51386 +-18.7584,0.882228,0.182121,4,15,0,23.5935,11.4492,20.5649,15.2865,11.2515,8.64558,4.55189,6.71622,24.4689,6.52678,7.30388 +-17.707,0.926497,0.182121,4,15,0,22.8126,13.5023,5.93102,15.2875,10.4963,10.2879,10.2008,8.96432,15.6226,6.71857,6.13992 +-26.3779,0.947897,0.182121,5,31,0,28.0764,19.7172,40.6806,3.63682,-3.78586,23.7969,6.02259,13.9801,14.8664,6.34372,11.1794 +-23.2735,0.998993,0.182121,4,31,0,29.0403,0.0154208,24.1624,3.49508,6.80818,-0.843305,-7.67893,1.41435,21.4325,11.2328,18.8148 +-17.8749,0.996084,0.182121,4,15,0,22.6923,11.0895,10.4972,15.0931,18.0634,2.54727,9.40511,7.2927,16.5566,13.8667,5.67502 +-16.6735,0.972013,0.182121,4,15,0,19.3776,11.4684,13.9409,13.8094,10.7995,1.52693,4.54174,10.9954,15.5962,14.1692,5.06244 +-22.5861,0.813004,0.182121,4,15,0,24.6257,10.7503,24.2016,1.26057,25.3579,15.0952,6.61237,14.5451,15.6648,11.3419,12.0211 +-24.1471,0.966225,0.182121,4,15,0,27.5041,13.9558,22.4501,29.7801,1.86916,4.9372,11.3393,15.7049,11.8226,9.06193,12.6626 +-25.7508,1,0.182121,4,15,0,29.4814,9.88873,21.8595,0.823675,13.2405,9.56461,0.119162,-6.74127,39.2718,12.511,12.8704 +-21.2212,0.916747,0.182121,3,15,0,30.8934,0.904319,2.96899,10.9323,1.61916,4.55135,10.3696,-3.94025,17.271,-0.158881,7.37372 +-20.0403,0.995792,0.182121,4,15,0,23.7614,11.3698,15.5444,3.09159,-1.92821,4.36033,2.68887,11.8758,11.7244,22.7989,9.18119 +-19.1036,0.941566,0.182121,4,15,0,22.6269,4.74025,11.9386,2.02739,-1.37132,-3.25149,5.55477,4.1941,9.78897,2.6764,10.1187 +-18.4427,0.993001,0.182121,4,15,0,24.0462,2.36691,9.61177,1.34323,-6.45443,-2.33098,2.60366,0.538423,6.85433,1.64473,3.40981 +-21.1543,0.984996,0.182121,4,15,0,23.505,3.13156,-2.20154,3.60993,13.6743,14.5911,-1.25583,3.56182,4.52984,7.70256,8.91683 +-21.1367,0.98812,0.182121,4,31,0,25.2763,10.1845,9.09669,10.7124,0.520021,-0.96565,16.1231,10.0433,11.9499,10.2303,10.6258 +-21.7336,0.870004,0.182121,4,15,0,24.0437,10.8175,-0.445962,21.5058,13.2795,16.5558,7.04978,7.6123,17.7611,16.3115,7.10427 +-17.489,0.77061,0.182121,4,31,0,22.8741,2.57984,14.2524,5.98651,3.14046,2.11737,-3.29249,8.57379,6.01777,4.48556,6.06808 +-20.5686,0.988409,0.182121,4,15,0,24.728,1.05622,5.29108,-2.69598,-4.41886,8.59328,2.16857,13.0776,7.37152,-2.47516,5.3399 +-19.4956,0.935081,0.182121,4,15,0,24.9658,-2.404,-2.42178,2.72443,-4.31589,-6.67699,-0.467576,0.141977,8.58302,-1.0487,7.69525 +-21.8599,0.972228,0.182121,4,31,0,25.9311,13.2478,14.1408,8.77788,9.63255,28.8149,0.720253,5.60861,14.9879,15.5967,11.4771 +-17.8283,0.995443,0.182121,4,15,0,23.6506,10.5639,7.17225,6.0864,11.2762,7.44366,11.7917,18.5487,13.4243,5.73541,4.85547 +-14.9676,0.970598,0.182121,4,15,0,23.0134,5.81727,5.10298,2.31857,3.8715,5.06679,6.93581,11.667,9.74674,9.50128,4.13906 +-12.4313,0.956559,0.182121,3,7,0,18.57,8.11119,10.472,7.45486,6.05646,8.02261,5.35231,7.59499,9.89387,4.98113,4.05837 +-10.0453,0.996518,0.182121,3,7,0,14.408,8.84861,12.5691,9.81934,7.90717,9.94226,7.60077,8.8337,10.8906,7.38654,2.36454 +-8.45401,0.758616,0.182121,3,7,0,12.3469,8.15528,9.51466,6.9534,8.86293,7.08321,5.18592,6.90889,8.72428,9.29163,1.57861 +-12.8552,0.232624,0.182121,3,15,0,19.8593,10.6868,12.4968,9.4622,11.1016,13.0168,5.98744,8.38288,9.28146,13.2073,3.72191 +-16.8031,0.696022,0.182121,3,9,0,17.9421,8.09501,15.0715,12.0288,10.2616,8.60068,9.10141,4.42633,12.1816,9.09523,7.69015 +-17.278,0.978359,0.182121,3,7,0,21.5184,-1.91844,-2.09628,-0.824864,-4.35664,2.37399,-3.07143,4.53883,-2.67589,-3.85054,4.29696 +-14.7658,0.79785,0.182121,4,31,0,22.7956,8.46299,8.96653,4.06785,7.73408,7.76305,5.03223,14.0888,6.5968,6.31524,4.10266 +-15.2593,0.679891,0.182121,3,7,0,20.6645,6.65131,10.2203,5.94607,10.7265,0.143242,6.34968,7.9238,9.65897,10.2995,4.83422 +-17.2877,0.960663,0.182121,3,15,0,22.0821,5.82259,13.5308,1.00045,11.3893,9.03503,1.4575,-1.41432,7.55038,6.07202,6.61896 +-21.1301,0.981332,0.182121,4,15,0,24.2669,7.60523,21.3424,4.73858,6.00083,18.5278,2.73061,3.35509,16.2184,-2.09266,6.03784 +-18.7167,0.996758,0.182121,4,15,0,29.4195,3.87206,11.7164,4.09943,-7.40417,1.9462,3.50514,10.5574,12.3422,-0.77882,6.84675 +-21.0512,0.970415,0.182121,4,15,0,23.5011,0.076106,16.8775,-2.7548,-4.51549,-0.103287,-10.9525,3.0452,5.70537,6.56554,8.32772 +-20.6019,0.984066,0.182121,5,31,0,26.4191,8.86442,8.20564,6.5557,12.3696,-5.0347,10.7539,-3.54781,9.97488,9.32593,7.25155 +-17.5782,0.980682,0.182121,4,15,0,22.8467,9.531,5.12857,2.32163,8.17819,7.09942,6.53272,0.242337,11.0103,11.6679,3.95595 +-16.6145,0.517755,0.182121,3,15,0,23.6017,9.40089,12.6205,13.6696,8.63105,7.56899,7.23261,15.3378,5.44704,3.9829,4.74301 +-29.848,0.965607,0.182121,4,15,0,31.8897,19.9855,18.127,33.4953,13.5716,14.5634,0.0355428,8.14424,3.18313,44.2364,16.6419 +-29.9919,0.973753,0.182121,5,31,0,36.9575,10.1981,14.5031,11.0876,-8.88061,-2.64031,-11.9996,-11.0952,-6.96637,33.1763,16.0434 +-24.2869,0.991394,0.182121,5,31,0,32.4213,6.85823,4.81533,8.96766,26.8022,10.7026,6.71106,-3.66496,4.18416,16.8275,13.0218 +-20.4571,0.987687,0.182121,4,31,0,29.9034,8.49094,21.1704,7.00367,11.1369,4.19552,9.24511,1.5388,5.43382,0.817282,11.6037 +-24.5687,0.990997,0.182121,5,31,0,31.1034,5.78307,30.4653,14.7624,6.94265,5.9474,7.02666,11.5042,0.106959,-10.1918,11.7798 +-25.5877,0.955467,0.182121,4,15,0,27.6942,5.57192,-3.24592,3.46363,15.731,-2.36875,8.50899,14.3546,20.8177,12.6447,17.1133 +-22.8062,0.997916,0.182121,4,31,0,25.5216,17.0095,18.2197,14.0857,0.835786,15.4464,0.504576,21.9772,21.5031,20.7459,6.68307 +-22.9652,0.942874,0.182121,4,31,0,30.9335,3.93379,32.5364,-4.95481,-3.33207,-3.12578,4.02894,1.63588,9.86546,10.7669,12.0692 +-23.2254,1,0.182121,4,31,0,27.5516,5.57349,25.7028,6.9087,-15.8769,1.60028,7.51082,14.357,13.2445,1.12133,10.1446 +-20.9445,0.990374,0.182121,5,31,0,26.1656,3.62872,11.9775,-1.19747,-13.4733,-2.91666,3.30395,5.76914,8.52292,-1.43681,9.26218 +-23.3052,0.98108,0.182121,4,31,0,26.8581,-2.67482,13.2894,15.457,-6.89278,-0.398181,-11.0125,-7.10679,10.7747,10.5774,10.9837 +-15.1226,0.994088,0.182121,4,15,0,23.1147,9.42407,8.21767,16.1956,4.82459,8.41846,7.26393,11.0927,11.1117,13.2629,4.15413 +-20.7023,0.758502,0.182121,4,15,0,23.0315,14.2198,10.8317,3.67355,18.498,11.8958,5.28024,-2.62561,17.4549,11.5482,9.20874 +-19.584,0.998351,0.182121,4,15,0,25.9437,11.868,13.3937,11.4124,2.05404,13.9267,12.1435,14.8266,24.9888,13.0648,5.39826 +-21.0748,0.995616,0.182121,4,31,0,26.1558,0.555861,-3.04316,5.45228,3.53893,-2.52548,-6.07365,-10.9254,11.4121,-1.16039,7.15531 +-21.5537,0.826236,0.182121,4,31,0,26.2918,6.52727,7.64853,7.71891,8.63393,8.77177,11.1363,0.281385,15.282,27.386,10.0274 +-21.8271,0.979005,0.182121,4,31,0,24.4363,4.07567,31.0394,11.0313,0.782586,0.676965,5.90403,-1.25988,12.2656,-3.63731,11.8054 +-22.115,0.989456,0.182121,4,31,0,28.9221,10.0268,9.4102,2.20879,-5.89059,6.00973,10.0547,3.7763,0.211693,4.63503,6.93568 +-22.2441,0.997587,0.182121,4,15,0,29.9512,5.8162,2.24063,12.1119,18.6107,1.18464,-4.40735,5.33805,8.11404,20.5444,9.44353 +-21.7794,0.912045,0.182121,4,31,0,28.3957,6.91704,-1.54189,14.1808,-3.92331,6.51743,6.86921,3.94874,15.5489,4.41838,13.4506 +-19.4068,0.917199,0.182121,4,15,0,28.0494,8.92581,13.051,15.8881,1.82645,-1.17408,4.97875,10.2457,12.7757,0.124808,5.49559 +-18.6749,0.961473,0.182121,4,15,0,23.4284,3.68255,4.3858,-3.79024,3.7896,8.26623,3.2502,-6.33469,4.25028,8.8773,5.76642 +-17.3585,1,0.182121,4,15,0,22.1248,4.10524,10.0761,-2.1273,-2.08418,3.77569,1.96853,-1.67679,11.4334,1.16336,6.43145 +-24.426,0.97027,0.182121,4,15,0,27.7113,-1.19789,20.3915,6.90239,-5.43393,10.5301,-1.05133,8.38984,5.13939,-20.8019,13.1073 +-23.6069,0.978494,0.182121,4,31,0,26.2434,19.9841,14.6154,18.8899,6.2433,6.21282,10.0038,12.8283,17.3968,5.47628,16.5151 +-19.4552,0.997946,0.182121,4,15,0,24.1238,10.6289,17.5684,15.2543,3.86824,16.1439,11.4343,-0.553691,14.6119,19.7628,7.08672 +-15.4632,0.941813,0.182121,4,15,0,20.0813,4.48756,9.66132,3.68668,-1.16824,7.99302,9.68467,3.69234,8.6982,5.17668,4.12421 +-18.8648,0.917678,0.182121,4,15,0,22.1551,9.93458,13.8833,-1.44417,14.1061,3.18488,8.36838,3.90198,10.4835,4.64108,5.76981 +-19.6297,0.977396,0.182121,4,15,0,22.8009,10.135,19.103,5.91985,1.05961,1.04975,2.78076,8.17055,15.9536,19.8625,5.94568 +-20.9959,0.984434,0.182121,5,31,0,25.9564,14.2874,22.7688,17.753,19.4353,23.3682,12.2098,2.17494,17.1768,15.473,7.64761 +-16.467,0.960872,0.182121,3,15,0,19.5237,10.8507,14.9346,7.2208,5.903,11.685,-0.279288,10.0491,13.4512,10.8901,6.70521 +-19.9171,0.99163,0.182121,4,15,0,25.913,0.226935,4.49993,1.06098,9.14868,5.92114,8.00974,-0.225086,12.0363,3.56023,8.54283 +-21.0277,0.990456,0.182121,4,31,0,27.2709,18.3354,17.3477,27.0314,20.0138,19.3856,10.7011,8.16895,19.8007,18.9545,5.02183 +-18.2583,0.985,0.182121,4,15,0,23.9416,17.1638,23.7847,10.2413,19.7372,12.5031,14.4686,14.7749,19.5137,13.0603,6.18089 +-19.4845,0.420475,0.182121,4,31,0,24.802,9.0489,2.7892,3.26464,7.2417,-1.03378,5.53505,2.0915,9.72439,11.4141,8.97255 +-16.0416,0.985517,0.182121,4,15,0,20.6605,1.68477,3.05626,4.71457,-2.20515,9.52539,4.64116,4.22328,2.73506,1.13717,3.59284 +-21.4877,0.993164,0.182121,4,15,0,23.8383,4.17709,5.95749,-0.922134,2.0335,-13.1064,3.1823,0.236561,9.00586,3.5175,6.1056 +-23.0508,0.995436,0.182121,4,15,0,25.0197,7.63557,7.21494,10.3829,-11.553,22.8663,-5.49149,-0.0702165,8.77073,9.59721,10.2108 +-21.3128,1,0.182121,4,15,0,25.4208,6.77697,12.9643,17.0026,17.9569,15.5216,-0.677009,7.73949,15.8358,6.16873,11.7032 +-28.7346,0.987058,0.182121,5,31,0,33.9681,12.4897,45.1748,21.0711,-5.36148,2.92485,-9.98989,2.98859,20.0737,28.8179,11.779 +-26.2825,0.992075,0.182121,5,31,0,31.8188,12.6617,27.0204,22.5911,-6.32876,3.14308,-13.9756,8.94996,28.2049,21.7419,19.5079 +-25.9552,0.993989,0.182121,5,31,0,31.2664,14.2957,23.0782,3.36599,-12.0249,15.1563,-1.78359,11.3246,2.45805,-3.05223,11.0583 +-16.868,0.946751,0.182121,4,15,0,34.4128,7.00321,8.71714,7.32811,7.26755,2.17209,-1.75902,8.62687,3.87871,8.44818,6.47084 +-11.3268,1,0.182121,3,7,0,17.6225,4.13569,1.93992,3.20677,4.68428,2.07063,5.75288,4.04118,5.9528,1.51259,2.51006 +-15.8582,0.889007,0.182121,3,7,0,18.333,4.94448,1.97726,-0.777651,5.99759,7.41991,3.74819,7.74724,5.49384,4.42934,1.90063 +-18.7493,0.973093,0.182121,4,31,0,25.6718,15.813,9.83365,10.5522,15.0582,20.0755,11.6774,17.893,21.3892,19.9204,4.28015 +-21.9698,0.994319,0.182121,5,31,0,28.1494,12.3035,26.5558,19.2071,18.4902,1.16463,15.1261,3.11149,16.3488,14.8372,8.35478 +-18.8301,0.999999,0.182121,4,15,0,25.7607,12.2778,14.77,19.2486,16.7446,19.0658,11.1352,11.6681,7.85585,9.05788,3.8993 +-19.5663,0.986951,0.182121,4,31,0,27.155,10.592,25.4582,6.60562,12.4742,7.77415,10.8734,5.97708,19.6265,7.23959,10.3496 +-20.3019,0.992981,0.182121,4,15,0,23.097,13.4857,24.8561,11.3321,12.9772,4.27404,9.50591,10.8553,25.5872,7.77771,6.12237 +-28.0613,0.985026,0.182121,5,31,0,32.3435,15.0172,8.55346,-10.7257,14.3926,23.1235,1.40581,2.74425,13.5624,28.122,9.02993 +-24.3927,0.993367,0.182121,4,15,0,32.7582,10.3922,16.93,3.83614,7.38387,26.7596,-3.98646,-3.55281,16.0405,-2.15282,8.28918 +-18.7753,0.97236,0.182121,4,15,0,26.6867,6.01969,15.5767,4.65754,4.49175,4.1183,9.93408,10.8193,-0.0449499,1.60891,4.51928 +-22.1069,0.998169,0.182121,4,15,0,26.0815,10.1305,14.2563,13.1861,3.95973,1.84091,21.6648,2.48582,4.74889,12.5864,7.30345 +-16.8205,0.999922,0.182121,4,15,0,25.6465,7.64819,11.6757,9.18097,14.3361,10.6232,3.25742,7.27802,2.6156,11.6128,3.55825 +-22.5141,0.997549,0.182121,5,31,0,26.9257,7.23934,20.2454,-1.8654,-10.0816,-1.86517,8.24736,2.69557,16.9318,-4.85792,11.1592 +-23.9676,0.977378,0.182121,4,31,0,26.2735,-0.60448,11.992,19.7488,-11.3801,-3.64996,-4.09476,-4.72067,17.3549,2.69676,9.24949 +-17.2787,0.992219,0.182121,5,31,0,28.078,5.93919,9.07018,1.39428,5.36667,9.96574,7.08357,8.03798,0.363977,7.01189,6.21649 +-17.1183,1,0.182121,4,31,0,22.0894,0.843867,3.60871,-5.96439,-0.438361,4.67507,1.05833,6.45551,3.28217,3.48413,3.51814 +-17.5967,0.940612,0.182121,4,15,0,24.6192,3.2752,0.223937,1.37511,-2.73581,-3.28785,-2.6064,3.25574,1.65657,4.01685,4.61494 +-25.9671,0.962873,0.182121,5,31,0,30.3553,20.4607,18.9232,30.0442,12.23,7.30811,4.37091,21.2619,15.9858,25.8014,16.1711 +-28.0014,0.986686,0.182121,3,15,0,34.0325,-1.03956,10.13,-3.00692,-11.7614,-5.88187,-23.7814,3.85619,22.9257,-0.405082,17.2189 +-21.1365,0.983853,0.182121,5,31,0,29.5766,9.77591,22.9258,16.4675,9.93853,6.33043,13.026,-5.45682,12.5639,17.4181,10.0143 +-19.3803,0.947743,0.182121,5,31,0,31.5156,3.79274,8.61663,-5.932,9.6635,10.9658,0.0316136,1.5392,9.8905,9.74891,7.95412 +-22.8546,1,0.182121,4,15,0,25.8176,3.59583,31.5879,1.37551,2.51746,6.4031,3.27057,-10.2054,11.4121,-2.66844,14.9304 +-22.0185,0.982154,0.182121,5,31,0,30.2914,14.5542,15.0416,-0.524654,2.6532,5.81826,-3.47803,11.2211,17.5254,16.6802,14.9384 +-21.7869,0.998882,0.182121,5,31,0,30.7221,3.89562,6.65608,10.1855,1.25212,6.32885,-8.76101,9.10858,20.9061,17.2971,12.5608 +-20.3679,1,0.182121,4,15,0,22.9625,0.729146,16.9117,4.25839,-7.79438,1.60702,1.12496,1.14193,19.3603,3.82834,9.06539 +-16.0908,0.999772,0.182121,4,15,0,18.1355,6.69936,12.8096,12.9928,4.64917,4.62852,7.23088,0.0893693,12.9587,5.27043,5.21116 +-15.2339,1,0.182121,3,7,0,22.5101,3.52517,3.87385,10.0873,4.5196,2.17201,6.68305,2.80109,10.2949,2.99095,3.66215 +-10.0786,0.719254,0.182121,3,7,0,16.6756,8.29659,9.16507,9.03868,10.8188,7.57958,8.98925,7.4462,10.1513,5.92387,2.41746 +-9.29919,1,0.182121,3,7,0,12.3963,8.26708,8.102,8.27524,6.31149,10.6561,6.35437,10.1893,7.27935,8.84689,1.79299 +-10.0981,0.584522,0.182121,2,5,0,15.3635,5.2131,4.93003,6.12754,4.1988,6.57228,3.8419,8.00148,6.4452,8.05497,1.62933 +-10.2462,0.0759334,0.182121,3,7,0,16.4737,7.54863,9.05117,5.16732,5.76632,6.20842,5.39408,5.90918,7.58793,5.22616,1.6024 +-22.2724,0.782866,0.182121,4,15,0,25.589,11.1108,28.2465,5.68475,0.339428,6.55371,3.37752,2.08006,10.2929,0.802994,19.0657 +-18.5055,0.995203,0.182121,4,15,0,24.9194,9.42036,4.48819,15.4486,7.51797,7.02062,5.76897,-0.148119,9.76249,11.247,3.4531 +-18.4517,0.997841,0.182121,4,15,0,23.0321,14.0561,10.9567,15.857,14.4916,11.8636,9.16991,2.27644,17.4649,14.8923,8.16041 +-23.2305,0.977015,0.182121,4,31,0,27.6351,7.39988,8.75709,3.11487,-10.7814,2.05085,-4.95703,-0.466065,13.6431,28.1182,15.9142 +-22.6513,0.988448,0.182121,4,31,0,27.8155,9.54519,32.866,-3.54227,2.91723,7.66993,-3.21715,2.26849,13.7447,1.15275,9.74313 +-21.5547,0.998973,0.182121,5,31,0,27.9052,8.4508,12.1268,-6.02189,3.32775,17.0669,-3.22557,13.1798,15.919,6.72108,9.89486 +-28.2904,0.995213,0.182121,5,31,0,32.8412,5.38596,10.2388,-7.10439,-19.4037,12.1047,-14.215,16.2882,10.0173,23.9034,12.2243 +-19.3916,0.993369,0.182121,4,15,0,23.1883,9.18281,13.7379,7.92613,19.2026,2.65791,9.03287,16.5923,9.38178,9.45003,7.06022 +-20.4486,0.986988,0.182121,4,15,0,23.1431,9.91291,15.7233,10.9195,19.315,7.52465,-3.35975,1.49346,22.7825,15.5894,9.31606 +-17.1881,0.992273,0.182121,4,15,0,20.7963,3.6094,6.58908,8.31552,2.31998,10.499,8.01226,0.216269,2.12999,5.26664,2.95323 +-20.3697,0.765553,0.182121,5,31,0,27.9523,17.083,33.4841,10.8194,10.0891,12.7501,11.664,13.5911,21.735,13.896,8.23953 +-17.0504,0.940262,0.182121,4,31,0,24.9234,8.74369,20.6457,10.7006,1.75914,3.33835,4.50116,5.50132,12.6147,10.2857,5.53418 +-20.2327,0.984686,0.182121,4,31,0,25.2743,4.91098,8.36862,12.5198,-8.66095,7.10986,-7.39926,2.36469,13.1004,-0.246834,9.58093 +-21.2097,0.902856,0.182121,4,31,0,24.0673,1.66657,20.511,13.0903,8.67205,-1.70626,-5.10246,-3.25009,9.06095,9.25584,10.9011 +-21.4686,0.959416,0.182121,4,31,0,27.0476,9.39934,7.10315,-3.48226,-1.73738,15.1833,11.4206,13.3677,10.9066,9.0188,5.52955 +-22.2236,0.972913,0.182121,5,31,0,25.9786,4.38915,4.68264,7.1328,-0.768243,-6.20096,-12.4376,2.82049,10.285,-0.770588,11.3213 +-20.3981,0.997872,0.182121,4,15,0,24.2618,2.71232,2.69407,4.99831,-11.1802,11.0614,1.49821,-5.69324,6.0379,9.01606,8.93703 +-20.267,0.932093,0.182121,4,15,0,24.9177,5.03144,4.01689,6.93464,3.43431,19.6938,5.95781,-5.55513,10.4081,3.64132,6.89928 +-21.1135,0.990321,0.182121,4,31,0,24.7015,3.41216,7.33249,-6.25041,3.81553,12.6797,-4.08733,-5.53537,10.0053,13.14,9.55 +-26.1625,0.987228,0.182121,5,31,0,31.595,2.91223,-7.4138,13.7563,-13.8979,3.16364,2.28057,-3.24522,28.7487,-3.48609,15.7793 +-22.587,0.972004,0.182121,4,31,0,26.6431,8.36665,27.966,15.2911,5.00754,14.9677,10.0849,6.94088,-1.24134,6.32494,8.09494 +-20.6618,1,0.182121,4,15,0,25.6443,7.35986,8.26441,14.3079,2.86695,15.5523,-1.28952,2.94234,6.53173,-0.833096,11.6816 +-19.6854,0.995645,0.182121,4,15,0,25.1893,7.81696,13.7757,-4.09703,6.65087,-2.74514,4.54352,5.63431,7.58552,11.1573,5.61204 +-19.2561,1,0.182121,4,15,0,22.6258,9.93931,7.33391,15.5882,0.314251,12.3327,2.94308,-0.196494,9.92171,5.19072,5.10874 +-19.6132,0.807013,0.182121,4,15,0,24.6685,5.61002,1.68906,11.7283,-0.971697,13.0671,10.349,0.0752065,16.5988,5.49171,7.31152 +-22.5081,0.993489,0.182121,4,31,0,29.0802,7.99431,29.6207,17.568,9.50645,-2.69328,-1.63425,11.1402,17.3327,5.04912,8.84589 +-15.0868,0.997596,0.182121,4,15,0,23.9048,-0.2152,-1.57196,4.24332,-2.94404,3.84181,1.36129,-2.20612,1.52146,1.85279,3.84887 +-21.2706,0.988256,0.182121,4,15,0,23.8745,-0.762896,2.77182,1.38246,-9.73324,-4.92923,-9.17556,-0.372967,12.8581,4.34042,5.68029 +-23.2325,0.994678,0.182121,5,31,0,27.1525,7.15261,-1.87143,-0.80465,-2.01871,11.3295,-8.14205,14.5025,9.10827,10.7713,12.0327 +-24.2142,0.977267,0.182121,4,15,0,27.1991,3.47382,10.512,-7.74523,15.8689,-1.88968,3.09083,-10.9713,3.13608,0.85751,11.5699 +-23.2336,0.993054,0.182121,4,31,0,28.4146,18.5013,29.0408,18.105,12.3764,17.6701,8.83723,13.7272,30.8577,7.48442,6.31825 +-24.4456,0.986428,0.182121,5,31,0,36.6701,13.4673,11.1589,-0.668086,7.07844,1.72919,17.0851,-1.34859,6.41632,24.5993,12.2359 +-18.7036,0.990684,0.182121,4,15,0,27.4378,10.9975,19.0335,11.6998,12.3815,10.4814,3.84156,20.802,11.4415,14.5316,7.04074 +-17.1671,0.976227,0.182121,4,15,0,23.3894,12.8326,19.2753,19.4532,11.2714,12.565,3.82517,10.3774,17.9212,12.5368,4.90561 +-19.0451,0.96224,0.182121,4,15,0,23.4396,8.74774,2.78591,7.66423,17.6028,9.26874,11.1773,0.635939,14.849,10.7062,6.54197 +-22.8177,0.990417,0.182121,5,31,0,26.1757,14.879,20.6036,19.5099,-3.6377,1.9098,4.22044,15.9132,12.462,19.5642,7.25284 +-23.498,0.932595,0.182121,4,31,0,28.4856,7.12947,17.468,3.47028,12.8192,2.75126,19.5952,-2.93712,15.3196,18.2774,13.0692 +-20.7688,0.981245,0.182121,4,31,0,26.908,4.69793,16.002,5.73229,-2.49911,-0.2427,0.913414,-11.4829,5.53865,12.5859,9.38327 +-23.6586,0.96049,0.182121,5,31,0,30.2384,6.6966,27.5705,-0.838035,-8.89897,17.4716,9.8955,-5.31432,16.299,7.46575,17.3606 +-25.532,0.921007,0.182121,5,31,0,31.744,12.3497,14.1527,18.3938,4.06575,-2.68096,-4.2204,-5.56895,29.5906,14.582,8.82242 +-22.4483,0.999462,0.182121,5,31,0,27.4467,7.07938,8.77973,25.6112,-3.81392,8.84527,5.02507,0.530081,16.0307,-1.75241,9.08853 +-17.1187,0.998681,0.182121,4,15,0,24.6743,8.94821,6.14801,4.25938,0.0971269,10.1605,4.87849,10.8438,14.1698,15.4402,5.23001 +-19.0779,0.885278,0.182121,3,15,0,27.4936,5.43431,0.939503,13.5216,8.78742,5.47171,9.84613,8.38135,5.66188,4.825,7.50948 +-29.8469,0.987705,0.182121,5,31,0,36.7069,11.8742,34.6018,-4.35257,12.6048,-10.1639,-3.70682,-16.0595,22.9483,37.8898,18.9925 +-28.0319,0.992767,0.182121,5,31,0,40.0141,29.0749,32.8653,-4.71349,-5.68543,12.78,-4.15888,-3.92304,19.7786,27.5162,28.4056 +-15.8571,0.932877,0.182121,5,31,0,31.9992,10.2937,9.55928,10.2047,6.45776,16.0413,12.6029,10.1338,13.8103,16.4895,3.8342 +-18.6282,0.964665,0.182121,3,15,0,22.2047,10.5844,11.0498,14.5218,2.93916,12.0714,5.89904,0.96525,10.2507,8.24926,9.77392 +-21.4091,0.98716,0.182121,4,15,0,23.6807,9.44998,28.3309,0.496114,-4.36121,11.3174,1.48487,6.8142,5.39994,2.94462,11.2876 +-20.4943,0.998268,0.182121,4,31,0,24.5929,12.247,27.0567,4.6473,7.72411,16.6404,2.37384,5.05378,25.7541,10.9772,10.2766 +-17.6594,0.996631,0.182121,4,15,0,23.1477,11.4158,18.2949,19.7259,8.59735,6.03739,8.87064,8.10799,9.37384,14.6987,4.20503 +-19.233,0.957472,0.182121,4,31,0,25.7617,11.9572,13.6237,7.73043,12.779,3.66701,9.46351,8.77646,5.94785,3.19997,8.44052 +-17.5233,0.992881,0.182121,4,15,0,22.5097,8.72031,19.8559,8.97805,5.30967,12.5483,3.66433,12.5398,11.841,3.04878,7.34251 +-26.1456,0.724682,0.182121,4,31,0,31.2578,11.5844,11.2709,1.27607,6.34734,4.61702,-13.9106,-0.244059,15.5047,-11.2339,22.0482 +-23.0013,0.979614,0.182121,4,15,0,26.7727,14.2642,8.94492,5.71573,13.5003,6.71042,10.0214,2.88677,9.91143,13.0058,3.83069 +-20.7834,0.987812,0.182121,4,31,0,23.7864,8.70017,20.8093,11.0712,12.5161,17.8166,2.73333,8.88697,10.3228,12.271,13.463 +-20.5492,0.976978,0.182121,4,15,0,28.2613,7.38993,13.8668,18.3631,4.56221,11.0526,4.80943,10.9669,13.2016,13.7541,12.6967 +-19.962,0.987145,0.182121,4,15,0,23.3525,11.9906,8.58627,12.4127,1.36526,14.2202,14.452,6.63697,19.3446,2.18625,5.72723 +-24.7921,0.999481,0.182121,4,15,0,29.9103,17.5654,28.36,-3.7784,21.6852,5.62408,10.4139,8.27943,17.5255,25.6795,17.6126 +-20.7376,0.98087,0.182121,5,31,0,29.4662,12.0989,4.66401,3.61015,17.5842,6.03764,13.4833,16.3425,16.19,16.0842,7.47901 +-15.8535,0.948559,0.182121,4,15,0,22.9184,9.61187,16.7696,16.8836,5.89231,9.98619,10.9883,9.40609,11.5892,10.8114,4.16596 +-12.9627,0.978819,0.182121,3,7,0,15.501,11.8173,11.7899,16.3141,13.9754,13.0536,11.1361,9.1666,11.6025,9.14641,2.92927 +-20.1817,0.84967,0.182121,4,15,0,23.3724,8.88884,9.59941,-4.50931,12.0012,7.40966,7.34863,8.33582,13.611,16.0708,4.32166 +-20.8022,0.860947,0.182121,4,15,0,25.8081,9.65624,12.6624,21.9511,1.95403,18.2718,12.3498,1.8562,11.7569,12.5458,7.5145 +-17.6315,0.989515,0.182121,4,15,0,23.8128,9.31261,6.03788,5.09646,-3.5216,9.87289,9.51372,6.37885,11.7089,7.16992,5.43528 +-17.0046,0.964335,0.182121,4,15,0,19.9471,4.27669,8.53157,5.78153,0.400128,8.60596,7.63037,13.2019,6.36303,5.788,4.37907 +-15.5313,1,0.182121,3,7,0,18.532,8.87758,8.71624,4.74265,13.5583,6.28808,6.25219,1.58766,8.24773,11.2727,3.54375 +-9.87282,0.994199,0.182121,3,7,0,14.4219,7.09579,6.94979,7.47345,4.92716,8.32809,9.57933,7.10767,6.06017,5.09031,2.05046 +-11.3243,0.851806,0.182121,3,15,0,16.8574,5.22996,3.80563,4.99954,5.67294,8.1554,5.59021,4.79149,5.98178,6.58381,3.15902 +-14.5898,0.720299,0.182121,3,7,0,18.3713,5.21557,4.34437,0.815351,5.88312,7.64111,2.16606,1.3068,3.14329,2.06412,2.51497 +-17.9548,0.923139,0.182121,4,15,0,20.2218,2.01412,6.91579,5.29894,-5.40799,-4.10551,-2.32942,3.43968,9.6705,4.08788,4.29065 +-18.404,0.977978,0.182121,4,15,0,21.0175,-1.65782,6.58383,-0.442805,0.628933,2.17491,-5.24162,-2.4784,0.777476,2.71241,7.32278 +-16.8035,0.999674,0.182121,4,15,0,21.8271,9.7701,9.78594,6.73564,2.59436,13.8451,7.31811,4.00511,11.6066,1.79388,5.53906 +-16.5709,0.98387,0.182121,4,15,0,19.9332,3.78142,8.45471,7.58667,7.21807,11.2297,7.45385,1.10563,9.85045,6.36278,4.99807 +-19.7103,0.99591,0.182121,4,15,0,25.2078,4.34526,20.4766,15.275,3.7891,3.06114,7.32917,-0.366811,5.3922,6.38085,8.58851 +-21.7946,0.983336,0.182121,4,15,0,24.0388,5.56302,8.16455,6.64607,13.2613,6.02135,5.81746,11.9382,21.7607,10.1848,14.1697 +-27.9149,0.942514,0.182121,5,31,0,32.8688,0.0582337,13.6878,14.6368,-17.0499,13.4186,-6.83518,0.317237,-1.03649,4.08072,31.1996 +-24.7802,0.934128,0.182121,4,15,0,27.6722,5.71094,30.8412,8.44719,19.291,4.50326,-3.08434,21.0885,18.65,13.3214,15.9377 +-21.6271,1,0.182121,5,31,0,26.6848,6.04587,14.3886,8.37976,11.648,4.32494,9.38536,3.45161,22.0942,24.5166,10.436 +-20.4681,0.999704,0.182121,4,15,0,23.6934,9.07124,10.9088,13.2117,13.5986,3.35277,-2.42801,-1.74447,21.8252,17.759,8.08374 +-19.0416,0.99536,0.182121,4,31,0,27.7148,9.52167,19.3386,5.46204,7.97962,1.71419,4.98603,-1.18239,19.2593,11.5266,5.9954 +-22.6263,1,0.182121,4,15,0,23.4878,14.4815,18.3737,12.7444,16.9678,8.19021,7.22893,2.98061,27.4727,16.1871,17.1638 +-18.1372,0.949378,0.182121,5,31,0,29.2152,-0.594123,2.95584,-1.7783,-2.7299,4.34693,-4.87099,-3.85994,-1.43437,-0.12376,6.4579 +-18.4831,0.82906,0.182121,4,15,0,20.8707,3.51007,1.56674,-3.54169,-0.577359,1.05192,-2.73818,1.6354,1.58675,-1.02516,3.60798 +-22.6441,0.997298,0.182121,4,15,0,29.4479,-3.58698,-11.3241,0.671754,-11.4581,-4.92437,-2.45715,3.47449,0.51289,-9.32685,5.50655 +-18.53,0.993718,0.182121,4,15,0,23.4251,7.19449,21.0846,5.76955,12.7577,11.6136,2.26342,1.93782,16.9664,11.3408,7.84246 +-23.5847,0.851231,0.182121,3,7,0,25.404,4.84542,18.582,0.236532,7.70474,10.5716,-3.20627,2.31637,16.2256,9.97374,4.39111 +-17.9648,0.989962,0.182121,4,15,0,22.2455,6.99674,5.40827,4.83754,-0.0881892,1.08133,10.2797,10.722,2.45041,6.95817,3.69085 +-16.4214,0.990962,0.182121,3,15,0,20.2626,0.658393,2.39028,1.52772,-0.773597,-1.24855,-4.07341,1.7191,10.0281,-0.871477,5.22756 +-22.0634,0.67224,0.182121,4,15,0,25.2892,2.06744,-2.2706,-5.85677,2.85409,-4.49819,-4.66702,1.97518,10.274,-5.39982,10.0348 +-20.3282,0.986595,0.182121,5,31,0,25.7172,8.5085,20.2886,-0.325534,17.5466,10.1956,0.48626,-2.44154,13.9075,7.00927,7.21717 +-17.6993,0.940138,0.182121,3,15,0,23.2187,6.51054,10.9588,4.11537,8.93929,10.4057,4.78247,5.39324,6.72181,1.9938,8.64465 +-21.7925,1,0.182121,5,31,0,23.4942,-2.25609,14.0336,6.26807,0.795732,4.00273,-0.0207051,-1.62469,17.9854,13.9056,14.4417 +-20.5458,0.999414,0.182121,5,31,0,25.2019,10.5924,10.4184,8.33452,0.795969,19.0792,1.59688,-1.27518,4.25269,14.1732,6.93658 +-22.9913,0.995938,0.182121,4,15,0,26.32,9.5154,22.526,19.2639,5.40515,4.33386,-1.11008,17.9675,14.1627,-7.46768,9.19915 +-17.7248,0.996143,0.182121,4,15,0,26.4025,0.528889,6.30506,4.17153,2.72569,-4.18962,-4.43798,4.93616,2.38579,7.18453,4.44443 +-20.681,0.727658,0.182121,4,31,0,28.3633,13.2203,11.7625,13.227,13.5801,5.03101,4.99769,17.2189,1.21584,12.2413,7.1723 +-23.904,0.976308,0.182121,5,31,0,26.9487,6.76035,19.4752,10.4069,-1.36186,13.7077,-8.27781,-3.38636,12.4204,-3.58909,22.6742 +-29.148,0.992066,0.182121,5,31,0,36.9726,6.20894,31.1906,2.86085,-8.23821,-12.3751,10.3887,10.1408,23.1509,9.14311,38.698 +-21.1286,0.995701,0.182121,5,31,0,26.3326,4.45335,6.68065,-0.704252,1.01175,4.73478,-5.36086,6.79545,17.9804,21.0863,11.1003 +-19.8254,0.929179,0.182121,4,15,0,26.0067,1.91188,-4.24542,-0.783194,6.00023,-2.98369,7.98536,4.84392,8.95171,-1.96703,6.0936 +-22.0011,0.95673,0.182121,4,15,0,24.809,10.7262,22.3753,11.2202,4.3214,8.2807,3.01169,14.4767,-0.873786,24.0306,9.58543 +-19.085,0.979768,0.182121,4,15,0,25.363,12.7336,12.3187,15.6488,1.61335,17.8049,2.93969,3.17349,18.8342,15.1646,7.96995 +-16.0693,0.991556,0.182121,4,15,0,21.5924,10.3801,15.8776,5.42321,15.3501,6.11675,11.6723,11.1012,8.65664,7.62002,3.79855 +-19.3099,0.798441,0.182121,3,15,0,20.7694,4.39889,15.2429,5.06352,-1.5297,3.04799,-5.80596,-3.28008,10.5862,13.5628,10.0746 +-25.0544,0.967079,0.182121,4,15,0,28.8465,10.7639,23.1384,-3.67407,-8.49915,11.7335,15.3742,19.4957,9.52864,18.6349,13.5026 +-21.0883,0.982645,0.182121,4,31,0,25.0258,10.2088,18.5689,3.1117,-0.546534,10.9008,13.4464,14.1888,9.55945,15.5427,11.7761 +-18.978,0.951203,0.182121,4,15,0,21.2695,7.83211,18.6808,6.79542,-0.3442,18.2829,0.947555,5.49759,16.5208,10.2961,9.40691 +-18.4853,0.992337,0.182121,4,15,0,23.4594,10.2174,6.07226,7.87821,17.2629,7.94526,-0.280822,6.78255,16.4796,13.8286,7.81477 +-16.6739,0.808464,0.182121,3,15,0,18.5839,12.6274,21.5057,9.7285,12.6737,16.1845,11.2389,11.309,15.8743,8.51056,5.94508 +-20.638,0.98773,0.182121,4,15,0,26.7611,4.21102,6.2879,8.66204,-8.16599,4.9956,6.37207,10.7452,15.0565,17.3652,10.0323 +-17.4538,0.974075,0.182121,4,31,0,27.116,10.8,15.1968,13.3495,15.975,11.8234,4.82503,1.40892,15.6789,5.14242,5.26297 +-14.1062,0.969106,0.182121,3,7,0,17.5796,2.28885,4.56722,3.082,5.75934,4.24586,0.888192,5.8458,3.45248,1.56062,4.29601 +-16.8134,0.913069,0.182121,4,23,0,19.6788,12.3352,15.1213,14.3249,14.9986,5.07855,6.13783,14.5116,14.0875,15.4184,3.15426 +-18.695,0.991882,0.182121,4,15,0,21.0182,11.3508,9.67754,6.30182,2.80684,16.8754,13.5181,1.24201,10.8429,9.76574,6.07237 +-24.2747,0.978558,0.182121,5,31,0,30.0842,16.5377,21.0049,5.64344,13.1831,14.7038,-5.1098,-9.95683,21.3763,11.5109,20.2117 +-23.4547,0.982396,0.182121,4,15,0,28.261,14.6699,16.2137,4.49849,21.214,20.7615,17.2353,6.5544,26.6177,4.27611,8.20531 +-23.7685,0.998885,0.182121,5,31,0,30.3463,-1.25657,6.86621,14.0362,-13.3211,-9.75573,7.37323,-5.52992,3.25911,1.93111,10.5634 +-22.8772,0.986806,0.182121,4,23,0,30.3823,-0.347499,18.5784,9.18622,5.63701,8.9055,-2.04303,-7.05634,20.4003,6.02808,8.93507 +-20.4236,0.952021,0.182121,4,15,0,25.4305,12.9441,20.2249,2.80522,2.08706,7.52647,0.291134,10.5565,22.8521,14.4367,12.8175 +-22.0623,0.984693,0.182121,4,31,0,29.3032,10.6567,28.3521,7.65577,2.41333,7.70085,-8.25355,10.2148,16.7677,20.2043,8.33281 +-23.5941,0.978307,0.182121,3,15,0,26.4924,14.3307,29.3494,4.08629,-3.34767,3.26114,-8.81301,15.9882,19.7222,20.9453,14.934 +-19.568,0.994082,0.182121,4,31,0,28.6695,2.36237,7.80434,7.61808,8.58031,5.32717,4.30597,12.1237,14.8362,-0.977103,7.18432 +-24.5323,0.993375,0.182121,4,15,0,25.9568,0.484808,19.8687,14.2447,-10.4483,7.95541,-14.119,11.6787,8.42482,-7.15363,12.5236 +-23.9811,0.94272,0.182121,4,15,0,31.5867,0.885253,7.10147,10.5992,7.05325,-1.23426,16.0458,4.08178,12.9043,7.16185,6.25052 +-22.336,0.981359,0.182121,4,31,0,28.5653,7.02185,11.0384,15.9142,7.9574,5.55165,-11.0023,2.76392,14.2096,16.5757,15.5139 +-23.2184,0.989278,0.182121,4,31,0,28.0572,12.9236,25.0729,7.94091,-6.1952,8.80811,-8.70345,14.5588,23.721,16.6349,17.063 +-18.7937,0.999352,0.182121,4,15,0,25.0396,8.78816,9.88173,13.4095,9.94355,5.53885,-5.61416,6.55593,17.5714,14.787,7.56632 +-18.0718,0.858839,0.182121,4,15,0,20.2615,15.9835,14.2982,11.7725,15.7018,10.0767,6.03199,8.68322,14.6801,22.7014,5.97605 +-23.5896,0.940315,0.182121,4,31,0,26.4621,11.1519,34.6294,9.35012,-3.45316,-3.21191,-1.71202,-6.66589,20.8994,7.43865,18.6465 +-16.0592,1,0.182121,4,15,0,20.4965,14.7368,19.0455,8.17696,12.5786,10.9466,11.9917,10.9632,14.0676,19.7593,4.65278 +-17.7824,0.948694,0.182121,4,15,0,21.6993,12.0615,13.2169,21.8836,13.8497,14.5416,12.9927,12.2846,13.4786,11.6734,3.06569 +-15.4538,0.989798,0.182121,4,15,0,22.2549,7.15551,9.76352,13.8652,4.18855,4.77482,9.79948,4.0683,4.26477,5.08716,3.73986 +-19.2256,0.988894,0.182121,4,15,0,23.0964,6.50051,3.49857,12.4888,8.85125,-2.54419,11.9333,1.72212,10.0106,5.17384,4.16309 +-15.3939,0.962252,0.182121,4,31,0,21.2022,11.104,12.1273,13.2793,8.86074,11.673,2.52001,5.79389,9.60874,15.0601,4.68141 +-17.4131,0.981529,0.182121,4,15,0,23.2767,11.516,15.9787,18.3924,7.97905,11.6123,12.8911,6.33522,15.7398,17.2365,6.22548 +-21.4886,0.944306,0.182121,4,15,0,26.6235,11.8136,5.86223,16.2567,2.00569,17.755,4.45837,13.9534,5.73977,2.8721,9.52786 +-28.7065,0.991079,0.182121,4,31,0,32.8509,13.6365,49.1655,15.9611,10.9961,-6.90026,1.96021,14.4734,20.2018,40.011,18.9897 +-30.541,1,0.182121,4,15,0,37.826,29.8969,6.69219,8.26028,-1.26624,20.4363,3.01247,-11.2639,20.5633,36.2051,38.6175 +-32.2562,0.945016,0.182121,5,31,0,37.5404,-4.60034,5.73856,9.01243,0.401855,16.0395,15.1096,6.15894,6.14458,-10.3012,49.5674 +-28.3693,0.995419,0.182121,5,31,0,39.079,2.9683,1.66867,28.5811,-4.14338,21.3677,-1.30114,11.5125,23.6438,-0.448354,11.6453 +-29.7628,0.994049,0.182121,5,31,0,34.7668,21.1685,0.779504,34.6207,14.8137,22.418,2.62427,14.1682,30.4413,14.6233,13.0831 +-21.3743,0.987164,0.182121,4,15,0,35.5535,6.55993,25.3501,11.7309,16.021,9.43659,2.27409,-5.64928,10.5838,10.8393,13.2868 +-27.4891,0.950122,0.182121,5,31,0,34.0441,-5.79624,22.2004,15.7382,19.4043,5.46844,-2.07114,-11.4286,4.42641,12.4887,14.791 +-18.2339,0.874011,0.182121,5,31,0,29.0895,3.74356,13.6297,8.11306,-0.0229592,0.8049,2.26467,6.20502,10.941,14.8021,5.65904 +-19.7863,0.983061,0.182121,4,15,0,23.2347,18.038,16.0877,14.794,15.9973,25.9251,17.1444,11.7071,14.162,22.1077,4.44769 +-18.6389,0.979788,0.182121,4,15,0,22.83,12.2075,16.0879,14.0841,12.7709,10.5869,15.7218,8.4634,21.4006,21.046,5.96238 +-17.9583,0.979906,0.182121,4,15,0,24.2081,13.2903,14.8425,9.25558,19.1404,15.7899,5.51154,16.0603,18.084,17.9206,6.27223 +-20.4617,0.999477,0.182121,4,15,0,24.3189,12.654,22.6356,5.94429,16.158,0.947062,7.83299,3.28203,20.5947,6.81505,6.66601 +-20.8994,0.998994,0.182121,4,15,0,25.0202,12.2967,2.48966,10.8929,4.41479,21.469,5.24233,16.0482,9.09953,12.6154,6.60476 +-18.2036,0.967419,0.182121,4,15,0,24.4048,12.2619,13.4854,5.11123,11.68,3.43823,2.44924,14.7397,18.4378,11.3418,6.81797 +-19.4534,0.97683,0.182121,4,15,0,22.102,4.74784,11.8517,2.0115,5.57478,6.58832,10.8414,11.0272,14.6819,-3.17935,5.56942 +-16.8908,0.994086,0.182121,4,15,0,21.3216,8.24475,13.3877,13.661,1.7599,13.2924,9.57132,3.96387,7.90193,10.4188,6.40871 +-20.2186,0.993061,0.182121,3,15,0,23.6701,5.84073,13.7721,3.65662,-3.65971,11.3939,12.7613,5.05904,9.66907,16.6479,10.0441 +-24.6313,0.996022,0.182121,4,15,0,26.2141,5.51925,20.3551,1.34509,-15.582,8.67567,6.61805,4.12611,-0.865422,20.5191,8.45548 +-24.218,0.974941,0.182121,4,31,0,34.0098,21.4569,35.6667,13.3246,15.9398,6.75723,1.84776,4.27675,11.7128,10.5325,10.3232 +-25.3532,0.852989,0.182121,5,31,0,28.6,4.81817,40.9939,17.2263,8.77735,1.4839,-2.31141,4.6006,11.0944,5.87933,24.9914 +-22.936,0.995812,0.182121,4,15,0,27.8839,12.7499,1.55824,5.27438,-1.04321,8.78131,3.54593,-0.422722,27.9857,5.82416,12.373 +-15.9161,0.95934,0.182121,3,11,0,23.2017,3.56616,-0.766383,2.90315,0.585535,1.04495,-2.52016,1.75839,8.37257,5.71667,4.85598 +-17.1741,0.967298,0.182121,4,31,0,22.5672,7.78581,16.723,3.56607,6.61433,9.6864,13.0714,11.0369,11.3015,9.07528,3.81226 +-17.986,0.92781,0.182121,4,23,0,22.8728,5.80803,8.11842,5.89468,-3.72955,1.39361,5.82281,4.32926,8.37088,11.4575,8.66551 +-16.1343,0.95682,0.182121,3,7,0,19.6474,0.891196,-0.0910796,3.47656,6.67053,2.0331,2.88637,3.48988,4.99563,-1.58846,2.39546 +-11.0504,0.887432,0.182121,3,7,0,13.5382,2.72792,5.21731,3.56906,5.43357,3.07986,-0.428557,2.63319,2.49714,3.41959,2.38412 +-13.9054,0.893934,0.182121,3,7,0,18.3024,3.08428,2.47122,8.2923,5.84645,-0.180428,2.50433,3.52691,2.20432,5.44253,3.13037 +-15.3174,0.896104,0.182121,3,7,0,23.5059,1.61546,-0.874177,2.28602,0.0690594,0.529328,1.69655,7.25969,6.03711,-1.51698,2.65266 +-13.4645,0.906995,0.182121,3,15,0,18.0638,4.55769,5.83152,6.69978,2.99077,-1.25989,5.69532,2.17132,5.74525,2.69051,2.40523 +-14.1238,0.963911,0.182121,4,15,0,20.5633,6.5813,7.8776,4.24304,7.71478,8.15835,3.33501,4.15808,13.9116,9.59204,4.35223 +-19.7608,0.986867,0.182121,4,15,0,24.4036,4.81984,3.08359,1.81059,14.2328,5.63045,-0.0835444,3.69608,3.71604,-6.06551,6.62747 +-18.035,0.970319,0.182121,4,15,0,20.5202,8.37235,14.2663,11.091,18.0621,10.1009,-0.682788,6.88898,9.7334,3.94069,5.17343 +-16.4725,0.944207,0.182121,3,7,0,24.3025,12.1398,11.5657,18.6388,12.025,10.9659,9.69991,9.37873,14.5219,17.6976,5.78555 +-20.5347,0.919315,0.182121,4,31,0,23.1697,7.70095,5.30628,4.34393,18.2349,7.64875,7.32896,11.9576,9.95193,-4.78263,7.02459 +-22.7865,0.969779,0.182121,5,31,0,27.0614,8.9277,14.619,2.526,-10.247,5.5239,-6.77364,-7.21409,6.10115,11.2602,13.8452 +-24.1224,0.982415,0.182121,4,15,0,31.423,4.75403,-2.89823,-0.0624725,-6.81628,3.91262,4.68539,0.675563,2.15289,-13.0563,11.4228 +-23.4936,0.990899,0.182121,4,15,0,26.4628,3.59304,23.5077,19.7809,15.5547,5.98457,5.68842,-4.62501,16.1226,17.3778,14.1246 +-24.6638,0.964496,0.182121,5,31,0,28.3135,9.72115,38.8944,-7.65242,10.0286,5.18777,0.0538811,4.29642,18.8407,0.0737417,18.3569 +-21.5494,0.931488,0.182121,5,31,0,30.922,13.789,11.6252,5.26848,-6.11706,13.7161,1.36709,11.945,16.8046,23.0789,12.3888 +-21.2403,0.923074,0.182121,3,7,0,25.9909,8.62453,17.6129,14.7533,18.4007,6.03524,14.1257,3.10942,12.8174,3.89342,11.24 +-30.1323,0.997892,0.182121,5,31,0,32.8086,27.2806,17.9349,13.8996,-16.331,-9.86952,5.31288,15.0106,17.3779,5.55324,19.3414 +-25.9122,0.979429,0.182121,5,31,0,34.3392,21.6944,15.6491,10.888,13.6585,31.758,4.07701,5.97912,25.2531,22.7749,18.6165 +-21.2291,0.998871,0.182121,4,15,0,24.6667,8.10963,15.5612,9.73453,-2.37558,-8.9061,5.89145,13.0152,14.6035,14.0785,9.2315 +-19.9403,0.994266,0.182121,4,15,0,22.6402,10.5027,19.2204,7.72299,4.54515,-4.07108,3.25983,5.28875,9.56534,18.8214,10.0482 +-20.982,0.990176,0.182121,4,15,0,24.4474,7.12764,10.0711,0.520983,11.8911,-4.3282,6.52249,7.09366,7.58012,21.6332,8.24292 +-17.3084,0.997778,0.182121,4,15,0,26.4171,12.7192,11.2626,11.6276,12.4243,15.0366,5.11771,16.1965,13.7847,5.72369,3.1315 +-19.882,0.984112,0.182121,4,31,0,23.8777,8.05133,4.90735,3.31825,5.4831,14.3751,-4.42565,13.199,8.58308,8.41512,9.1823 +-24.1243,0.987077,0.182121,5,31,0,28.3428,6.32508,11.5772,1.95509,25.2668,5.20219,0.0323379,-4.49023,24.075,19.7791,10.1642 +-23.989,0.999875,0.182121,5,31,0,30.6269,8.32987,28.3353,10.1115,14.5202,13.6992,5.4597,3.87005,29.7682,27.2125,13.0789 +-20.9424,0.92054,0.182121,5,31,0,24.9458,6.91597,2.6865,9.61512,-6.76266,2.37337,1.0546,-0.90851,10.2885,5.15479,13.0241 +-18.5474,0.986223,0.182121,4,15,0,22.4498,-1.72939,4.77666,4.45734,-7.38371,3.99231,-7.35212,0.17869,4.09291,1.05929,6.75609 +-21.0602,0.985953,0.182121,4,15,0,24.0881,1.68261,13.2212,9.97003,-7.31125,0.835921,-6.15214,0.642572,-0.00593844,12.6744,6.64166 +-22.7682,0.960544,0.182121,4,15,0,24.0108,4.24997,6.89635,13.6744,-3.37295,4.43583,-2.52724,-0.396871,3.02738,21.5174,5.63639 +-24.4768,0.998615,0.182121,4,15,0,26.7206,11.0409,27.725,7.35365,21.2165,5.23186,14.6095,2.70592,14.9523,-11.1081,12.3122 +-24.044,0.983897,0.182121,5,31,0,29.4619,9.65892,13.2074,25.6747,6.55754,13.176,16.4263,10.8576,23.6319,1.91108,9.81187 +-20.8462,0.925283,0.182121,5,31,0,26.275,10.675,27.8433,7.81375,15.8121,6.7382,-2.68054,-2.48546,11.4887,9.25818,12.2255 +-24.7626,0.998906,0.182121,4,31,0,28.0937,4.51482,15.7016,10.3617,0.765211,-10.8563,-8.75667,11.1819,13.5302,27.8993,12.0005 +-28.3129,0.996413,0.182121,5,31,0,33.8784,27.1869,27.7426,10.3238,9.20932,23.8977,11.9035,5.54059,27.2075,-10.3382,22.7423 +-23.9742,0.994624,0.182121,5,31,0,28.6489,10.824,7.32904,-1.58586,-8.98621,1.25404,15.033,4.12096,16.7368,7.92882,15.2511 +-18.0044,0.996914,0.182121,4,15,0,21.6096,1.63327,-0.757063,7.75037,6.48267,4.51266,-3.08668,0.0444042,11.3998,0.657455,4.29336 +-22.9616,0.980039,0.182121,4,15,0,27.9453,-5.2936,15.9095,-3.92706,-4.95536,2.20853,-3.77783,2.77965,7.31349,1.78822,7.55079 +-21.7189,0.988658,0.182121,4,15,0,28.1281,7.1262,6.54697,-3.22385,14.519,3.39133,-1.543,2.04335,1.63721,15.5816,5.65522 +-23.2754,0.996332,0.182121,5,31,0,28.5939,5.89685,13.7304,9.37261,-3.01869,-10.3327,9.37092,1.86014,16.1988,-4.75056,15.0872 +-23.1061,1,0.182121,5,31,0,32.4609,10.7266,24.5591,5.1157,-5.46584,-5.17564,8.65284,8.08644,18.3626,-5.82273,12.4322 +-21.5187,1,0.182121,5,31,0,25.2752,13.8539,35.3819,14.0601,6.97139,10.6963,12.0038,13.8769,17.6458,14.5413,11.8418 +-21.1368,0.990294,0.182121,4,31,0,29.4196,4.52708,-7.03872,11.9571,0.96167,13.9932,-2.92726,3.5298,12.6911,3.47487,7.59049 +-29.1766,0.992361,0.182121,5,31,0,37.4452,12.3888,44.5194,8.61438,32.5199,2.11525,1.72844,15.3143,32.4885,15.8393,23.8214 +-25.311,0.999011,0.182121,5,31,0,32.9289,-1.41235,16.8097,-5.04006,-11.1823,6.10235,-15.4132,13.3324,10.0556,9.39789,16.8511 +-21.8694,0.996973,0.182121,5,31,0,27.1189,3.95153,10.6029,-0.208928,-11.1691,4.83982,4.82695,15.2791,1.2697,10.0582,9.03319 +-18.8567,0.93997,0.182121,4,23,0,21.845,11.4133,21.6909,4.13365,8.60356,8.92987,13.1192,15.9522,10.904,8.33187,4.11148 +-22.7697,0.968431,0.182121,4,31,0,27.5924,9.87419,5.87422,6.22822,10.389,12.9468,-11.2537,-7.56386,15.6057,10.6113,11.0306 +-22.6111,0.979515,0.182121,4,23,0,28.6631,18.4182,23.5744,21.4232,9.53505,14.9874,10.596,10.3594,32.7075,24.8149,9.81206 +-27.5419,0.972144,0.182121,5,31,0,30.1072,11.0519,39.3725,-5.93502,-4.05511,29.0795,2.1828,-5.2829,16.3947,25.6515,16.2525 +-21.5418,0.995493,0.182121,4,31,0,30.5261,17.1159,25.2541,1.68554,10.3229,14.3249,7.87944,11.7187,28.2524,18.9993,10.584 +-24.038,0.874245,0.182121,4,31,0,26.6829,13.1105,8.74505,1.40552,-12.7129,10.3539,-4.4494,-2.33944,15.0101,17.2366,19.0712 +-20.1981,0.982688,0.182121,4,15,0,26.3675,6.05726,16.5999,11.1662,-5.28042,3.43087,-6.38295,-2.59829,16.2578,9.97532,7.67696 +-16.7605,0.974719,0.182121,3,7,0,22.6599,2.88698,7.03935,5.46539,2.61267,-3.88287,3.2168,2.35193,-2.03307,6.32786,4.03442 +-13.8658,0.561509,0.182121,3,15,0,18.9716,4.1237,8.3166,3.7794,6.15507,3.9538,-1.50241,1.92135,8.04854,1.68145,3.62743 +-16.9371,0.769897,0.182121,4,31,0,19.4196,12.9843,13.6413,20.1101,9.7307,8.3617,6.73833,8.5447,16.9648,16.4316,5.65905 +-14.5908,0.935204,0.182121,4,15,0,20.4178,9.84292,9.14202,8.90886,12.3993,13.2498,10.4519,7.03185,4.60002,12.0189,3.64878 +-13.014,0.787929,0.182121,4,23,0,17.6331,7.86828,9.17275,10.8145,9.18434,6.8304,8.24893,8.03024,3.16309,10.2972,3.08305 +-16.1643,0.912678,0.182121,3,11,0,20.3046,17.2264,15.6721,13.759,17.0042,17.2618,11.068,13.8606,17.4967,12.3629,4.77224 +-11.6932,0.0434416,0.182121,2,7,0,22.2597,14.3253,13.8857,15.124,12.8562,13.3668,15.5067,15.9193,10.8425,15.6027,1.67708 +-15.2595,0.577046,0.182121,2,3,0,19.9081,14.7004,15.1312,13.4494,13.0768,16.5956,15.1696,16.4665,11.4239,18.8423,1.59637 +-24.7049,0.983192,0.182121,3,7,0,25.9923,19.9717,13.5412,15.5616,22.6775,5.02944,5.96574,7.36388,32.2258,3.78865,12.0832 +-24.4982,0.99478,0.182121,4,31,0,29.7467,16.1253,10.6413,17.6054,14.4205,7.30713,5.98281,1.55407,31.589,-4.23346,12.3198 +-22.3758,0.998316,0.182121,5,31,0,28.0053,1.70346,0.0922549,4.09168,-0.665212,-0.817089,8.37902,-9.0136,19.8332,-5.14995,9.87456 +-14.8423,0.950172,0.182121,4,15,0,25.4166,15.0806,9.00243,16.7964,14.547,12.796,11.9143,13.1766,16.1488,16.8948,3.03211 +-18.9255,0.944202,0.182121,4,15,0,23.6391,8.52408,24.2264,5.36629,10.4383,4.88925,2.00599,8.15191,12.0714,14.0714,10.3561 +-21.6448,0.932498,0.182121,4,31,0,24.6908,11.763,22.119,9.82518,12.1333,5.26555,-4.34928,7.00235,6.53687,17.4714,5.47303 +-20.9127,0.985653,0.182121,4,15,0,24.4226,6.95422,18.4685,21.4131,6.34698,6.56354,2.14653,-4.79615,7.32442,10.7787,10.7576 +-21.1098,0.983934,0.182121,4,31,0,26.8836,-0.825743,-0.46581,1.12446,-6.15412,-3.6904,-5.19046,-13.6359,1.30642,-2.83321,6.51461 +-18.7716,0.9817,0.182121,4,15,0,24.912,2.40225,8.86112,0.667612,-0.737407,4.55028,6.38299,10.5554,2.94647,4.51415,3.03186 +-25.3769,0.905813,0.182121,4,15,0,30.3541,1.00543,10.8709,2.03457,19.5159,15.9336,0.628839,1.52893,3.97239,-1.2932,20.5108 +-17.2344,0.932237,0.182121,3,7,0,21.18,3.95371,5.75094,9.42516,5.1072,6.99723,-0.511517,11.5291,7.88277,10.6102,5.8981 +-26.1853,0.993227,0.182121,4,15,0,30.6328,-3.38769,-0.38554,-16.8342,-7.67385,-3.1619,2.55066,-15.3774,7.65502,2.92429,10.7186 +-18.649,0.877315,0.182121,3,7,0,22.4601,3.52471,-3.31494,-1.34763,5.72149,7.08646,-0.909556,3.23051,1.41025,10.0152,4.07671 +-17.5068,0.988987,0.182121,4,15,0,22.6177,0.549346,4.84323,-5.69644,-0.991009,-0.125868,-0.21551,-6.28105,4.61896,-0.861138,3.66257 +-19.2616,0.632335,0.182121,3,7,0,26.7225,2.40594,-1.39947,-0.767467,8.14295,2.72872,4.52206,4.07829,1.16125,9.81801,2.78666 +-11.2702,0.0770596,0.182121,3,7,0,15.8941,3.13486,1.00956,1.04885,1.59916,2.40414,5.24236,0.447103,3.31217,3.33222,2.08355 +-10.6838,0.634513,0.182121,3,7,0,16.7791,2.97648,5.21993,4.84368,3.67596,1.41364,1.02417,3.62701,2.45229,1.39951,2.46223 +-12.3676,0.978997,0.182121,3,7,0,14.9309,6.55201,9.609,12.0996,4.94783,5.79364,7.04357,6.8419,8.0011,5.85182,2.18856 +-15.0034,0.878552,0.182121,4,31,0,17.0883,14.2335,16.0249,17.0149,16.3853,12.2197,13.7789,14.6372,14.9848,20.0541,2.18684 +-23.9408,0.825045,0.182121,4,15,0,27.4806,17.8111,25.2703,14.5678,24.5232,14.4645,16.417,1.78449,15.7038,32.8346,11.5942 +-20.2479,0.999052,0.182121,5,31,0,25.1398,12.2106,17.3149,7.70423,14.957,16.1844,0.549277,-3.59861,10.9688,17.5916,10.3073 +-22.4647,0.984376,0.182121,4,31,0,26.1067,22.3368,21.1678,16.6637,17.7479,20.1495,8.87533,7.15828,15.5641,20.2513,6.21369 +-20.2733,0.993807,0.182121,5,31,0,29.0797,3.7657,9.85928,6.64004,-12.3445,1.70534,0.975328,6.78086,11.9627,-6.03717,7.80424 +-13.646,0.918326,0.182121,3,7,0,18.3764,5.9345,4.47639,6.84619,2.73091,1.84823,3.49437,5.06345,2.7825,3.01472,2.60677 +-18.8391,0.939252,0.182121,4,15,0,22.0308,3.39833,15.2009,5.56207,3.32957,-2.82909,4.05209,-2.63127,7.71589,12.7014,8.49468 +-24.7423,0.993531,0.182121,4,15,0,29.1183,-2.9564,-0.149613,-9.99755,-8.96527,14.662,-8.70036,-4.29827,-0.820748,-4.1518,10.1996 +-22.242,0.986705,0.182121,4,31,0,25.6055,8.06955,3.52661,18.9274,-5.7795,2.29821,-3.62259,-2.59537,7.1446,2.8933,10.7015 +-22.5441,0.972624,0.182121,4,15,0,26.3027,1.64972,-7.94137,4.67066,-10.4332,-0.191632,-2.84715,10.9664,12.1896,6.89774,7.06562 +-20.4695,0.997638,0.182121,4,15,0,25.1112,1.1186,-4.13093,-3.11126,2.88689,-2.56778,-5.6084,1.21659,8.15461,12.1847,5.65518 +-25.6211,0.862607,0.182121,4,15,0,30.322,1.16192,-6.18395,12.9573,6.36664,10.5197,-1.07749,-10.4622,18.6549,-9.70307,7.9538 +-18.0524,0.946348,0.182121,3,15,0,24.1594,14.194,17.1728,10.9692,18.0015,16.9698,7.62334,7.71792,11.5022,17.201,7.84056 +-12.2058,0.691845,0.182121,4,23,0,17.1741,5.97734,5.14562,5.68921,1.4809,4.32394,4.94692,8.86696,7.32096,3.47912,2.17356 +-11.5273,0.07169,0.182121,3,7,0,14.8381,4.02799,3.80496,3.64425,7.40713,4.85565,3.77904,0.325496,2.84479,4.64453,1.70436 +-14.4282,0.471098,0.182121,2,7,0,19.4176,3.92825,2.20247,4.4353,7.80554,1.49785,-1.80458,2.95513,7.96413,4.31688,3.79161 +-13.2868,1,0.182121,3,7,0,20.9963,7.24477,4.5131,3.12139,8.03769,9.86633,4.62534,9.09276,9.64375,5.76841,3.47281 +-13.8397,0.977788,0.182121,4,15,0,20.1774,8.0233,8.97006,8.39783,7.69301,15.1117,5.04824,7.91089,8.80486,11.3034,2.93952 +-13.2368,0.932771,0.182121,3,7,0,20.0015,10.309,6.54871,10.051,6.91352,9.52596,9.78369,11.845,10.9792,5.70447,2.50342 +-18.6291,0.901801,0.182121,4,15,0,21.4384,6.9829,5.26117,9.58831,-3.26386,1.06184,4.93358,6.91497,12.4073,18.1078,6.37904 +-19.722,1,0.182121,4,31,0,26.2855,10.1923,4.30605,5.15428,0.55956,4.53415,9.87395,12.8134,10.6953,20.7332,6.7338 +-15.0098,0.784343,0.182121,4,15,0,19.9445,5.46278,13.3823,5.40774,5.61234,6.07469,0.0426306,2.28899,4.48962,2.49295,3.6301 +-18.253,0.989909,0.182121,3,15,0,22.5759,6.33913,12.0439,-0.774791,9.0507,9.35738,6.44635,11.1238,5.34966,2.46748,7.42418 +-20.7729,0.92002,0.182121,5,39,0,22.7592,5.18738,26.3492,12.7815,6.02617,12.6897,4.24485,3.31201,20.4464,6.63863,10.7075 +-21.0154,0.976906,0.182121,4,15,0,24.8903,8.553,18.0767,7.12107,11.0219,3.87371,14.2055,12.6715,15.3108,23.5479,6.9221 +-22.1517,0.963688,0.182121,4,15,0,26.1591,4.55019,14.4589,13.876,12.9693,0.237904,-9.35046,12.1978,8.46812,13.1014,7.6854 +-22.2818,0.97905,0.182121,4,31,0,28.6875,13.1064,8.80554,14.3692,11.5597,6.01636,-6.72911,5.94577,13.959,12.0679,5.53261 +-19.1496,0.990356,0.182121,4,23,0,28.4782,9.94913,22.8465,11.8579,11.5799,11.3611,10.0494,7.70563,22.1523,11.4846,9.22015 +-22.7449,0.989311,0.182121,4,15,0,25.7426,8.66521,12.8447,9.19372,-0.935372,7.23245,3.20331,14.6116,-3.3781,21.9922,6.66322 +-19.558,0.977726,0.182121,4,15,0,21.3995,10.1275,6.3858,19.0076,14.2524,4.84883,8.80562,8.03372,19.9688,6.76579,7.81073 +-24.5367,0.428309,0.182121,5,31,0,27.2837,17.9437,2.22866,17.7949,5.64752,6.99656,16.9386,5.48506,14.5457,6.66613,9.50518 +-20.0242,0.929277,0.182121,5,31,0,29.5827,10.7658,5.40151,12.0866,20.2835,17.0583,7.24115,10.2617,13.5922,2.45455,7.46149 +-14.6905,0.959765,0.182121,3,7,0,18.5815,9.31827,6.53151,12.3052,9.20575,6.71299,14.0045,11.0724,7.84079,8.96752,2.10642 +-15.5352,0.961306,0.182121,3,15,0,18.633,10.3482,14.8171,4.53124,7.49369,5.27051,9.06432,9.04192,12.1403,10.3857,2.55376 +-15.6006,0.964459,0.182121,4,15,0,21.8883,12.1274,16.4176,10.3197,7.52201,4.44061,7.29326,12.1404,14.6467,9.15097,4.21439 +-16.2286,0.99726,0.182121,4,15,0,22.0923,10.5561,8.9376,12.7744,9.25352,8.3342,6.80076,19.1451,13.1779,10.7345,3.65164 +-13.8538,0.89901,0.182121,3,15,0,18.5003,9.17678,12.021,10.0362,10.1757,4.89131,8.99113,4.83121,13.5653,12.8447,2.98885 +-18.7379,0.876301,0.182121,4,15,0,20.7873,4.38713,0.119562,10.3792,4.21139,7.21882,0.0594604,-0.4933,12.1443,-5.22875,6.94839 +-14.131,0.939502,0.182121,4,15,0,19.9394,8.52056,12.4891,5.43171,7.25351,10.6955,13.2628,8.96902,10.4803,8.15649,2.22845 +-13.585,0.42636,0.182121,2,7,0,15.803,10.7564,6.30014,9.07194,8.23963,9.89435,11.7329,11.1165,7.233,10.2741,3.17332 +-14.841,0.0507756,0.182121,3,7,0,23.1287,3.09583,9.15229,4.16396,4.58635,7.31951,5.1099,6.0358,5.71021,5.77977,4.65034 +-19.3979,0.435195,0.182121,4,15,0,22.63,13.4131,20.2674,17.9243,15.1387,16.8595,6.3562,14.6797,6.13247,15.3327,7.71293 +-20.5975,0.998226,0.182121,4,15,0,22.3395,15.0869,17.8863,6.2377,26.7687,6.014,7.16796,13.5377,13.102,14.8497,7.41783 +-19.3445,0.994052,0.182121,4,31,0,26.9077,12.7657,11.6662,10.1778,24.7726,7.43971,9.74759,12.2059,8.47556,15.6712,5.57835 +-20.9999,0.985446,0.182121,3,15,0,24.2578,1.93994,11.5056,9.8039,3.17994,6.77495,0.937614,12.4063,-4.12018,0.500236,7.90084 +-20.7523,0.88606,0.182121,4,15,0,25.0816,5.83648,-3.00621,13.0347,16.1976,6.90547,1.6992,2.92337,3.51071,2.60506,5.59957 +-16.4973,0.993596,0.182121,4,15,0,24.6932,11.3475,8.95126,8.70484,4.1618,8.32387,5.9359,6.21802,18.5444,10.1689,4.26312 +-16.0552,0.980766,0.182121,3,7,0,21.4515,2.16731,9.0675,3.39003,2.64506,3.43275,4.04743,-2.25361,-2.35205,2.86068,3.53701 +-15.8477,0.990987,0.182121,3,15,0,19.6775,3.99991,8.38765,3.6538,4.89607,5.09175,-3.18514,1.54798,7.78322,1.53112,6.16484 +-16.5498,0.946617,0.182121,3,7,0,19.5071,8.56798,12.2244,3.79715,10.4859,5.58945,6.21694,6.15483,19.2183,5.34169,4.57176 +-20.9956,0.991018,0.182121,4,15,0,24.6961,9.90818,12.0838,6.43351,1.34864,19.7326,0.861488,6.0212,23.7096,5.32866,6.05546 +-21.5288,0.987001,0.182121,5,31,0,27.653,16.6365,14.6574,22.0755,7.11553,21.9731,7.62884,5.48513,15.4071,8.25595,6.12153 +-23.7105,0.996127,0.182121,5,31,0,28.7029,-2.09531,9.71761,18.7821,2.10637,-5.28344,-8.0462,-7.65857,12.8519,9.2711,11.6766 +-17.9293,0.990322,0.182121,3,15,0,25.3927,6.79245,5.04304,10.0313,3.1501,5.89237,10.1264,10.8199,0.976724,2.96816,5.91622 +-19.2925,0.999947,0.182121,4,15,0,26.4409,9.79681,16.0918,0.723326,-0.0477423,0.0171735,6.68691,1.54121,15.0252,15.0591,8.42128 +-19.4437,0.992695,0.182121,4,15,0,22.4767,13.0353,18.3779,-2.00078,8.2165,6.78576,6.97056,8.78061,11.4161,16.5934,8.15391 +-19.5933,0.985448,0.182121,5,31,0,26.7833,10.5403,9.155,5.33096,-5.33227,11.3808,7.66491,1.66474,20.0579,13.0136,8.23703 +-22.5896,0.963056,0.182121,4,15,0,25.2178,12.6157,9.05642,5.83123,3.72836,22.847,5.69759,8.23238,3.1145,23.3801,7.08439 +-20.7553,0.935521,0.182121,3,7,0,22.6277,16.8977,24.0907,19.8116,20.7644,8.13256,12.1161,13.0884,23.603,14.7548,4.04657 +-19.1482,0.983444,0.182121,4,15,0,25.3084,3.48548,-1.25613,7.14412,8.70014,0.157888,4.2377,-4.07253,0.630133,1.58866,6.5512 +-25.0785,0.999976,0.182121,5,31,0,30.2207,8.02483,-2.8103,5.68187,24.3781,7.63105,11.4852,-2.55467,11.0819,-5.17066,8.64435 +-20.9107,0.998791,0.182121,4,31,0,24.9407,11.6912,11.9888,2.90014,10.2961,13.8324,9.36434,18.8462,11.7408,24.6891,8.88134 +-16.94,0.985114,0.182121,4,15,0,23.6267,13.7042,17.4138,5.3475,16.3387,13.8943,13.1401,6.37045,14.5472,15.238,5.28791 +-19.9791,0.998619,0.182121,4,15,0,23.3019,6.36285,18.7487,6.30104,-1.89652,10.4347,6.63563,4.28551,15.5795,-7.57343,7.65976 +-24.1937,0.967303,0.182121,5,31,0,33.1382,10.2439,20.8636,1.18131,-10.3441,4.03448,-2.75357,-6.58959,23.7351,-8.29422,16.8368 +-25.3605,0.973792,0.182121,5,31,0,29.7692,6.35533,38.0541,-2.59191,18.8095,4.39202,4.03339,14.7513,13.5959,20.6914,15.3879 +-24.9097,0.999592,0.182121,4,15,0,28.9889,-0.814467,12.5085,14.7785,1.08902,9.84347,13.7785,-0.154004,12.9438,-11.6796,17.3517 +-25.5874,0.999164,0.182121,4,15,0,30.4633,-8.44297,-5.64921,2.72601,3.11691,-8.10577,4.99981,2.05269,-2.21288,-1.57685,10.3643 +-23.9103,0.995736,0.182121,4,15,0,28.7723,19.999,28.9765,16.9209,22.7685,5.10884,7.54526,5.46513,26.4051,14.5393,7.03342 +-24.1311,0.994627,0.182121,5,31,0,30.473,12.6881,10.0218,19.1556,14.6773,1.77695,-4.1919,20.2325,17.4008,3.35796,15.0646 +-12.1655,0.95273,0.182121,3,7,0,18.6211,11.9715,12.9306,9.39816,10.574,11.7135,13.8581,9.22074,12.1755,9.18006,3.07823 +-10.7669,0.646431,0.182121,3,7,0,14.4624,12.3962,12.878,10.9366,13.0557,12.6527,10.7183,8.69756,14.0983,14.8694,1.99644 +-12.378,0.160533,0.182121,3,7,0,17.8976,14.0931,12.8753,14.6339,15.2068,15.2522,11.8821,13.4216,11.3244,12.423,3.01626 +-14.152,0.888017,0.182121,3,15,0,21.913,8.32878,10.7474,11.201,7.58476,7.47876,8.80001,6.26232,15.6534,4.45284,3.73036 +-21.4966,0.968217,0.182121,3,7,0,22.8614,11.2955,17.8271,7.70977,17.5021,5.43442,4.35063,12.5399,-1.10564,12.3606,5.03641 +-22.2357,0.990184,0.182121,4,15,0,26.2651,13.4711,27.9309,16.5688,4.37581,10.4715,7.61871,25.1784,9.54451,10.6806,8.6846 +-18.7289,0.992706,0.182121,4,15,0,21.1257,8.06182,18.0055,10.2826,3.97824,16.1248,-1.99486,2.16422,6.56413,9.44377,8.92614 +-20.9455,0.931785,0.182121,3,15,0,25.9543,1.83287,11.7291,9.30153,13.6215,5.24098,8.19921,5.79361,15.1818,10.024,9.83683 +-24.7098,0.969984,0.182121,5,31,0,28.2804,5.563,33.2686,2.24106,12.3644,3.41981,1.23328,0.837909,32.0187,2.62093,12.1858 +-21.6421,0.973737,0.182121,4,23,0,24.0983,14.1247,27.7168,18.7188,-2.9503,5.69572,3.95924,6.13962,14.4559,13.858,7.39643 +-23.1484,0.99769,0.182121,5,31,0,30.6698,7.40777,19.522,10.6183,8.87564,7.61748,-12.3848,13.3012,-0.873552,5.89707,10.2178 +-23.5936,0.97235,0.182121,4,31,0,25.9184,1.47275,14.8868,12.6546,20.6176,5.0348,-5.60465,8.74466,6.16513,15.6127,11.9156 +-23.6202,0.987068,0.182121,4,31,0,27.4251,20.9131,26.1414,9.1403,-5.24836,17.9898,14.7845,10.3216,17.3535,14.9849,10.8068 +-23.6817,0.992181,0.182121,5,31,0,29.2244,-2.38644,8.73108,14.5885,0.407297,8.24235,-10.7365,-5.83281,15.438,0.735388,17.6382 +-19.5742,0.932226,0.182121,4,15,0,24.05,7.44839,21.3101,5.76811,11.9599,13.2133,8.12166,0.69795,18.9037,6.27522,6.26826 +-13.3106,1,0.182121,2,3,0,18.2392,4.9117,7.79533,8.64461,5.09385,0.457131,5.8643,4.68702,7.96492,6.63613,3.7256 +-16.0473,0.818877,0.182121,4,15,0,21.1362,5.58936,9.44778,10.1592,3.42323,8.07313,4.06989,1.50323,7.74983,14.9802,4.36332 +-12.4012,0.962921,0.182121,3,7,0,20.1923,6.06553,3.74285,5.66823,7.11864,6.39466,6.72956,10.0907,8.05666,4.39638,3.16534 +-13.3421,0.714678,0.182121,4,23,0,18.8753,5.18981,8.86755,3.13212,6.55242,5.88927,5.36654,10.2904,8.38274,4.44428,2.39864 +-9.7627,0.0186516,0.182121,2,3,0,13.7559,7.19564,5.81527,6.54159,6.40841,5.29626,5.1183,8.84226,6.0336,5.40852,2.06752 +-12.3364,0.713667,0.182121,3,7,0,14.2788,3.5073,4.42913,3.19398,4.19039,4.97816,5.29682,7.49344,6.94756,5.5454,1.94024 +-11.0958,0.43004,0.182121,3,7,0,17.9598,5.20941,5.48412,4.1418,4.78488,7.83201,4.10232,2.26107,6.6036,7.12983,1.2936 +-8.69836,0.23973,0.182121,3,7,0,14.6662,4.36448,4.49569,4.19077,4.35195,7.64577,5.28957,3.84593,3.19703,4.9653,1.40818 +-7.34756,0.0475514,0.182121,1,3,0,13.1473,4.76302,6.27167,3.31358,5.93887,4.30922,4.76977,4.66388,3.62477,6.24151,1.32005 +-7.34756,0.0436256,0.182121,1,3,0,13.1736,4.76302,6.27167,3.31358,5.93887,4.30922,4.76977,4.66388,3.62477,6.24151,1.32005 +-9.4686,0.0842893,0.182121,2,3,0,12.7161,4.76155,3.39729,4.43684,4.02314,3.94673,3.48795,3.63246,4.15024,7.71742,1.13378 +-9.28712,7.22006e-05,0.182121,2,3,0,13.654,4.51434,5.77389,5.14774,4.9719,3.85016,5.91788,4.00812,2.84122,7.38862,1.35063 +-9.28712,0.200138,0.182121,2,3,0,17.5386,4.51434,5.77389,5.14774,4.9719,3.85016,5.91788,4.00812,2.84122,7.38862,1.35063 +-8.71702,0.00522869,0.182121,2,3,0,12.1783,5.36184,3.92896,6.74907,5.04164,4.03405,6.4458,4.12751,4.05052,7.23458,1.38846 +-14.264,0.0262452,0.182121,3,7,0,19.5574,4.58754,3.75337,3.08002,6.37168,8.94871,4.80822,6.00911,5.2664,4.52264,1.15106 +-14.264,1.56131e-06,0.182121,2,3,0,24.8353,4.58754,3.75337,3.08002,6.37168,8.94871,4.80822,6.00911,5.2664,4.52264,1.15106 +-11.3659,0.915372,0.182121,3,7,0,15.8994,4.37761,3.11622,2.11586,4.98236,7.45317,4.7735,5.67641,4.93012,2.37143,2.62154 +-12.653,0.977755,0.182121,3,7,0,15.4731,6.15442,7.53796,7.45234,6.23733,3.06953,2.30013,3.81751,4.28285,8.96845,2.01162 +-15.662,0.977476,0.182121,4,15,0,19.4514,5.40425,7.49304,1.13609,-1.41977,7.57611,2.89907,7.72961,5.97257,11.3485,4.1819 +-17.9678,0.833927,0.182121,3,7,0,21.4536,8.91475,4.64317,7.18536,7.47329,2.62564,6.80566,5.45111,13.3915,8.73277,2.18529 +-17.9107,0.514506,0.182121,3,7,0,22.898,8.82189,2.11417,7.31152,6.3345,3.30068,7.1321,7.34734,12.4034,8.46786,2.30421 +-17.8952,0.992532,0.182121,3,7,0,23.0743,10.368,5.3255,16.6163,12.9032,10.8602,6.70634,8.8103,9.8801,15.5303,2.67057 +-17.211,0.984969,0.182121,4,15,0,23.1814,11.2454,4.81746,16.259,10.6634,7.05424,4.71365,12.2514,12.2838,16.0159,4.09207 +-13.2916,0.846229,0.182121,3,15,0,18.999,8.7108,9.94533,9.10087,8.12394,12.2157,7.34272,7.99245,11.4868,2.63953,3.42359 +-15.431,0.00788768,0.182121,2,3,0,23.6279,0.676493,1.2961,1.40518,0.884643,5.23294,4.13607,-2.35747,2.74862,-1.88123,1.90434 +-16.5245,1,0.182121,3,7,0,19.5173,6.21099,10.6024,6.88768,5.85715,0.446729,0.326167,11.1481,6.33538,11.7726,3.68382 +-21.7513,0.979428,0.182121,4,15,0,24.4828,19.5338,24.6902,17.2231,11.6989,24.4171,3.50048,3.4779,19.8578,17.3846,10.9827 +-29.4904,0.879888,0.182121,4,15,0,31.1307,-0.891192,20.5972,8.82379,-0.261535,1.14711,4.05392,0.386551,-16.5628,28.1493,15.2789 +-24.8553,0.952801,0.182121,4,31,0,30.7314,-4.10739,10.6412,19.2792,-11.1604,4.00005,-1.21033,2.37576,20.2724,6.00772,21.8473 +-23.6722,0.983343,0.182121,4,31,0,25.8594,4.23796,39.8074,10.9638,-2.07046,10.5396,-6.23997,6.10016,13.4894,0.27644,13.15 +-20.3861,0.981191,0.182121,4,31,0,26.7788,9.75087,13.8135,-2.50676,-1.55116,11.3589,5.64447,12.3148,14.9528,2.34156,10.5856 +-20.181,0.96663,0.182121,4,31,0,24.2715,8.347,18.2932,5.20574,10.762,5.18129,-4.04862,-1.68063,7.07885,4.65655,5.23152 +-18.2405,0.976429,0.182121,4,15,0,23.7304,7.46442,17.2406,9.99725,2.67895,7.71071,5.88785,3.24,-1.34406,8.47669,5.14766 +-19.5639,0.99236,0.182121,4,15,0,24.3832,5.55318,11.0735,9.62348,11.2967,5.19893,3.80765,14.8696,2.24188,2.29876,3.68818 +-10.5004,0.980407,0.182121,3,11,0,20.5299,4.48142,7.22121,4.77403,3.36818,3.29394,1.35601,5.87449,7.19919,4.6003,2.20317 +-10.7063,0.895427,0.182121,3,7,0,14.1914,5.33722,6.82532,3.77866,3.87561,6.62379,2.81477,3.88538,6.01563,4.23863,2.92143 +-10.0056,0.955462,0.182121,3,15,0,14.7711,6.70459,5.75135,4.49968,8.74406,5.05251,7.28798,5.0994,7.78463,4.91999,2.11161 +-9.5235,0.401877,0.182121,3,7,0,15.2977,3.59635,2.92951,2.52421,0.337345,3.48598,2.46397,4.32352,3.88345,5.4382,1.51888 +-16.4751,0.614114,0.182121,3,7,0,21.7547,0.527387,0.484142,-0.833484,-5.16627,2.41388,1.41899,-0.0515988,1.83224,6.84431,5.05315 +-9.07904,0.277865,0.182121,3,7,0,24.1289,2.73566,2.97204,3.79542,4.62655,1.67188,2.68138,3.34689,3.66063,5.16432,1.82264 +-10.72,0.90661,0.182121,3,15,0,15.4743,3.94099,3.01396,6.94522,6.42779,3.23159,4.51089,2.3927,6.16228,3.51863,2.25061 +-16.2084,1,0.182121,4,15,0,18.9966,10.9784,7.24539,12.902,13.0978,8.10629,4.42883,4.62308,17.3213,10.1238,5.09397 +-20.3662,1,0.182121,4,15,0,23.4144,8.0566,20.6015,5.78959,-6.85463,14.1762,0.353613,10.1479,11.2157,12.5116,12.701 +-22.0288,0.936297,0.182121,5,31,0,27.9458,13.7487,4.50765,-1.62721,1.93883,13.3693,2.2211,7.27713,21.9553,18.4956,10.5246 +-22.0083,0.936215,0.182121,4,31,0,26.5966,16.7957,22.4139,-3.23979,7.99206,14.0637,10.2734,4.3397,21.2623,19.377,11.4549 +-22.3444,0.95729,0.182121,4,31,0,26.8487,11.6913,4.61966,21.8721,10.0865,6.09746,2.71552,10.3636,4.70374,2.54353,10.7345 +-21.1797,0.983273,0.182121,4,31,0,25.0163,14.2137,13.8292,8.42985,-3.07242,6.26157,15.7886,13.4597,11.9076,10.79,9.87272 +-20.4331,0.915606,0.182121,4,15,0,29.2835,8.13954,12.2054,13.4071,24.2686,10.8234,2.12288,1.39075,15.3151,6.37531,8.42572 +-19.3867,0.91976,0.182121,4,31,0,26.5314,13.0688,24.014,18.5634,4.1105,18.1491,5.15286,14.7617,12.0463,10.4042,6.91621 +-17.162,0.837196,0.182121,4,15,0,21.0031,11.8544,13.5748,13.0173,2.11785,7.28567,4.9203,15.1966,13.7227,16.6396,5.1575 +-15.379,0.992216,0.182121,4,15,0,21.8516,6.05376,10.0524,9.3768,-1.88224,4.49518,4.79088,5.72777,11.5148,7.0565,5.6482 +-14.6975,0.993069,0.182121,4,15,0,20.7988,9.89749,12.5768,8.88521,13.3359,13.6045,5.81744,5.46586,14.0196,10.4153,2.66364 +-15.9631,0.964593,0.182121,3,7,0,18.1078,7.65818,7.57237,6.14099,7.0726,3.40073,12.6752,11.0787,4.90073,12.358,3.57287 +-18.564,0.776949,0.182121,4,31,0,22.3328,12.9125,3.32948,16.2546,7.81107,9.94205,8.29124,9.34631,20.1814,12.3713,6.48441 +-14.1347,0.965521,0.182121,4,15,0,22.9374,12.9176,15.6002,7.35822,14.2572,12.2189,12.3194,8.2777,11.5816,14.5203,3.65628 +-17.0105,1,0.182121,3,7,0,18.593,9.80639,12.4271,12.9434,11.2176,15.8563,9.0402,10.7685,4.29804,12.4341,5.7611 +-18.2901,0.99108,0.182121,4,15,0,23.2534,6.85375,3.3348,14.2401,8.56194,9.36802,-3.36692,9.89048,9.11442,4.43106,6.86243 +-19.2399,0.795826,0.182121,4,15,0,21.778,2.03996,2.34739,9.33996,3.46384,1.72892,-8.4492,4.95722,3.19113,9.547,7.21569 +-16.2031,0.951159,0.182121,4,15,0,19.977,5.95471,13.3501,10.0575,8.95337,6.01971,11.6715,3.74652,8.84567,4.37327,3.66562 +-15.432,0.964331,0.182121,4,15,0,22.562,6.38961,8.91075,6.61703,5.5607,7.4082,-1.10682,10.9796,3.87121,6.50734,2.82847 +-20.0475,0.649902,0.182121,4,15,0,22.0061,3.42992,15.8588,3.02822,5.17707,2.80142,1.40652,9.07183,20.8198,-1.2328,10.3522 +-19.3212,0.997575,0.182121,4,15,0,21.5268,5.09931,17.4029,15.7512,1.19264,-0.762529,1.57646,5.11005,12.0962,1.38057,9.8779 +-24.6914,0.536628,0.182121,4,15,0,29.1446,1.30014,27.001,-0.687212,6.79555,1.79753,-3.27025,6.06327,19.9418,12.4043,26.7752 +# +# Elapsed Time: 0.029 seconds (Warm-up) +# 0.021 seconds (Sampling) +# 0.05 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/eight_schools_2.csv b/src/test/unit/mcmc/test_csv_files/eight_schools_2.csv new file mode 100644 index 00000000000..64de3747fe0 --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/eight_schools_2.csv @@ -0,0 +1,557 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = eight_schools_model +# start_datetime = 2024-08-01 14:37:47 UTC +# method = sample (Default) +# sample +# num_samples = 1000 (Default) +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 2 +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = true +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/eight_schools.data.json +# init = 2 (Default) +# random +# seed = 2075043197 +# output +# file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/test_csv_files/eight_schools-202408011037-1-509896.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/test_csv_files/eight_schools-profile-202408011037-1-8881e2.csv +# save_cmdstan_config = true +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,mu,theta.1,theta.2,theta.3,theta.4,theta.5,theta.6,theta.7,theta.8,tau +# Adaptation terminated +# Step size = 0.336745 +# Diagonal elements of inverse mass matrix: +# 33.7664, 89.1003, 44.7183, 77.6697, 52.9281, 45.1871, 50.4784, 57.663, 73.1941, 0.341311 +-22.6886,0.880578,0.336745,4,15,0,32.7969,13.2473,15.7896,11.5358,-5.68628,13.5109,-7.53635,13.0527,12.4528,18.6467,8.02557 +-19.3145,0.954769,0.336745,3,15,0,22.6261,6.1528,0.797012,8.52562,2.65594,8.49469,-1.71417,9.97396,1.99237,3.18343,8.16682 +-12.4894,0.0202636,0.336745,2,3,0,15.3711,10.5769,12.2114,9.1497,9.7484,6.92357,10.3499,6.30889,14.4636,11.6266,2.97153 +-16.8688,0.706217,0.336745,3,7,0,19.958,12.0977,16.0092,8.5893,11.8224,15.177,10.3836,3.71407,12.023,20.0213,5.10221 +-20.468,0.981849,0.336745,3,7,0,23.4307,5.49581,18.9053,15.7116,7.31855,6.49528,-0.0553498,4.77399,19.2253,-4.20723,7.88286 +-28.4128,0.302647,0.336745,3,7,0,31.0343,-14.8743,17.0861,22.7324,-3.21626,4.81599,-4.66415,3.41751,7.50682,-1.12973,19.7658 +-29.4646,0.563959,0.336745,4,15,0,32.9702,-11.519,1.80985,23.9039,0.191833,11.3353,-6.16039,9.07088,7.56787,-0.301194,28.9277 +-29.0094,0.990637,0.336745,4,15,0,35.3706,-7.28196,17.5661,14.3459,5.2689,10.2409,-18.6033,5.73685,-0.421077,-13.2063,12.8773 +-23.3076,0.969738,0.336745,4,15,0,30.3738,12.4574,28.3714,8.12059,12.8843,8.09313,13.7736,-6.20402,25.886,21.7372,14.0086 +-24.0875,0.948923,0.336745,4,15,0,31.3681,9.35464,8.4027,5.86584,-8.79059,1.23003,-6.52361,16.0415,21.8991,-4.90624,15.2764 +-24.3268,1,0.336745,4,15,0,27.6136,3.42876,9.39434,5.54666,0.281693,6.89688,2.49699,-14.3263,2.45431,5.62066,19.1486 +-24.0567,0.984728,0.336745,4,15,0,29.3246,-2.23762,8.79686,3.82499,-0.207701,-1.77482,-7.09891,17.845,15.074,-8.37795,13.2676 +-18.7506,0.886482,0.336745,3,7,0,24.4331,7.73572,15.5746,11.7325,3.49219,8.65352,-0.557089,6.47597,15.9432,0.583509,10.8419 +-22.1187,0.802135,0.336745,3,7,0,24.2019,2.76834,11.2331,20.2385,-3.57565,6.6838,-0.77299,10.6604,6.12999,14.8559,11.6784 +-26.397,0.549684,0.336745,4,15,0,29.1176,-4.24508,24.8887,16.5749,-6.34447,3.11954,-9.71014,15.0953,12.7268,-1.60855,12.4955 +-19.449,0.781919,0.336745,3,15,0,25.2202,8.97615,25.4043,0.40312,-0.370398,4.55433,0.0158989,5.49247,12.5062,12.0611,8.92751 +-18.8089,0.963673,0.336745,3,7,0,22.3952,9.20019,21.7132,6.96208,0.508724,4.80623,1.50924,6.60615,12.6341,-0.997686,6.97664 +-21.9061,0.921554,0.336745,3,7,0,25.2184,5.95709,12.2251,12.8349,2.9682,-1.85612,9.93506,-12.515,7.93478,1.72482,8.78038 +-19.4538,0.961608,0.336745,3,15,0,23.4061,5.54447,20.7614,7.33078,-4.39222,7.29867,1.47111,6.9228,0.78008,4.19767,8.31734 +-16.1855,0.242812,0.336745,3,7,0,19.6273,8.00701,16.2846,13.5251,6.43705,10.5692,7.02671,8.98963,10.3168,13.4037,5.98788 +-13.9972,0.52341,0.336745,4,15,0,20.9346,2.86875,5.69875,0.794145,1.28552,0.298065,0.533068,-1.3405,2.28481,4.97359,3.80866 +-16.5245,0.47639,0.336745,3,7,0,21.0599,3.61635,8.43538,4.99042,0.955502,8.85947,4.53697,2.39907,9.42441,6.71699,7.40484 +-15.7455,0.861341,0.336745,3,7,0,19.6851,4.81042,8.98423,3.96844,3.47048,9.58331,2.14787,2.79161,6.03476,4.39872,6.62872 +-23.219,0.879515,0.336745,3,15,0,26.1876,2.08673,25.4095,4.7921,-2.57683,-2.40805,11.7224,-1.97393,5.35487,15.5465,8.93404 +-27.042,0.963723,0.336745,3,7,0,31.2397,-2.56296,1.61922,27.6971,3.94519,5.68595,2.63125,3.0822,19.357,-9.53038,14.0527 +-26.489,0.984711,0.336745,4,15,0,34.7536,14.6155,38.9808,8.34255,20.0868,9.25706,0.0136326,-1.82896,27.3218,-8.30448,25.1643 +-16.9432,0.996514,0.336745,4,15,0,27.0771,11.4809,21.0728,15.1656,7.73926,10.4439,13.0461,10.6893,12.3063,5.51711,4.53165 +-12.3125,0.668631,0.336745,3,7,0,19.8052,6.4968,12.5314,8.88919,4.37656,7.85662,6.96461,5.68598,8.31408,7.89048,2.77739 +-12.3125,6.04506e-60,0.336745,1,1,0,23.4284,6.4968,12.5314,8.88919,4.37656,7.85662,6.96461,5.68598,8.31408,7.89048,2.77739 +-19.2378,0.327917,0.336745,3,7,0,23.5412,9.49716,3.93073,0.401037,11.6413,15.1373,9.09801,0.159433,11.9032,6.42938,5.52792 +-20.5982,0.980795,0.336745,3,15,0,24.3275,15.5483,26.3599,12.9873,1.12393,12.6549,7.85358,3.84004,7.26102,17.8123,9.86013 +-18.1331,0.998593,0.336745,3,7,0,23.1196,8.70941,16.9579,11.6376,4.76768,6.02058,9.88981,9.0687,6.66472,12.2272,8.87869 +-16.9326,0.782968,0.336745,3,7,0,25.9135,5.58623,9.665,11.6963,2.84883,2.67145,-4.61831,4.97189,6.14646,3.242,4.44196 +-17.2421,0.951013,0.336745,3,7,0,20.4241,-1.06872,-1.35313,-3.96344,2.80621,-0.876724,-2.17003,6.2258,-1.33802,0.899026,3.38798 +-21.0027,0.0551134,0.336745,3,7,0,29.3786,2.27212,12.3937,4.46194,-4.55037,-0.89558,-7.58072,2.52942,-3.62748,10.3207,8.6664 +-15.4407,0.82354,0.336745,2,7,0,18.1197,6.19045,13.2747,2.03237,6.93183,7.50246,9.11817,6.16066,11.6095,7.51635,5.27915 +-25.4517,0.883292,0.336745,4,15,0,29.8831,20.3517,39.7368,3.65305,7.26511,12.9462,0.244267,22.5898,26.9332,8.09364,13.0228 +-20.8324,0.279236,0.336745,4,15,0,29.2189,2.47233,0.395155,8.82104,-4.15696,0.783236,-3.83295,3.46444,-4.45404,-4.12997,4.59068 +-14.4202,0.616451,0.336745,3,7,0,22.2511,1.43426,1.68647,-3.19533,0.436927,4.69653,-0.763487,-0.54441,-0.499351,3.16735,2.95402 +-14.1553,0.00228758,0.336745,4,15,0,20.1641,0.755754,0.225586,4.93361,1.15124,0.458856,3.07849,3.92649,4.58372,-1.80078,2.41781 +-14.0027,0.142858,0.336745,3,7,0,16.618,2.50592,0.289008,1.01335,3.59618,-1.62076,3.31844,3.60053,1.33261,-1.28598,2.53975 +-14.3756,4.43273e-08,0.336745,2,3,0,21.9033,2.64988,-0.537618,6.07913,4.86148,0.734135,1.80702,-0.639765,4.94684,-0.772056,2.536 +-10.7584,0.000455813,0.336745,2,3,0,16.268,2.23875,1.45399,3.18428,3.39346,1.00429,-0.0807303,0.137133,5.3784,1.77278,1.99999 +-10.7584,0.00319096,0.336745,3,7,0,18.6288,2.23875,1.45399,3.18428,3.39346,1.00429,-0.0807303,0.137133,5.3784,1.77278,1.99999 +-10.7584,1.28503e-08,0.336745,1,3,1,15.6982,2.23875,1.45399,3.18428,3.39346,1.00429,-0.0807303,0.137133,5.3784,1.77278,1.99999 +-10.7584,0.0534463,0.336745,2,3,0,13.5759,2.23875,1.45399,3.18428,3.39346,1.00429,-0.0807303,0.137133,5.3784,1.77278,1.99999 +-11.9832,0.00994946,0.336745,4,31,0,14.3697,2.81203,5.44825,2.7558,5.89306,4.25474,-0.942488,1.43402,4.24344,3.23929,1.98396 +-11.9832,0.000442033,0.336745,3,9,1,14.4064,2.81203,5.44825,2.7558,5.89306,4.25474,-0.942488,1.43402,4.24344,3.23929,1.98396 +-11.9832,1.54269e-16,0.336745,1,3,1,15.3148,2.81203,5.44825,2.7558,5.89306,4.25474,-0.942488,1.43402,4.24344,3.23929,1.98396 +-11.428,0.136595,0.336745,3,7,0,17.8267,2.46945,5.40131,1.74712,0.637951,1.61507,3.99451,0.97043,2.26133,0.454164,2.6322 +-14.8496,0.278809,0.336745,2,3,0,17.8431,2.69366,6.58783,-0.0332277,7.88967,2.74804,5.71494,1.43385,2.35982,1.12191,2.44652 +-13.6013,0.00142053,0.336745,3,7,0,17.7769,4.48648,8.29187,2.63666,2.41744,9.07799,4.10764,1.66051,3.85246,4.40713,2.02103 +-11.0722,0.142968,0.336745,3,7,0,15.8979,5.35639,7.53196,4.13846,3.5297,2.52141,2.69537,6.47125,5.38106,7.90831,2.09781 +-11.0722,0.0947968,0.336745,2,3,0,14.6002,5.35639,7.53196,4.13846,3.5297,2.52141,2.69537,6.47125,5.38106,7.90831,2.09781 +-11.0722,0.0296109,0.336745,3,7,0,14.0781,5.35639,7.53196,4.13846,3.5297,2.52141,2.69537,6.47125,5.38106,7.90831,2.09781 +-11.0722,0.00151114,0.336745,2,3,0,19.5546,5.35639,7.53196,4.13846,3.5297,2.52141,2.69537,6.47125,5.38106,7.90831,2.09781 +-12.8414,0.048018,0.336745,3,7,0,16.4583,3.04255,1.00951,2.22933,5.06537,2.92683,3.21377,8.28367,2.95093,3.03178,2.33707 +-12.8414,3.21579e-12,0.336745,4,15,0,29.4293,3.04255,1.00951,2.22933,5.06537,2.92683,3.21377,8.28367,2.95093,3.03178,2.33707 +-13.0527,0.151943,0.336745,3,7,0,17.2056,2.53774,2.59757,4.8573,4.06201,-1.66415,2.73483,5.32538,5.45213,1.00362,2.24958 +-19.7729,0.914968,0.336745,3,7,0,23.0961,-2.69599,0.263924,3.33995,-1.83124,-5.9362,0.44283,-6.22925,-2.75479,-10.4606,3.89814 +-16.3164,0.829996,0.336745,2,3,0,22.8007,-0.709233,-1.8119,-1.598,-4.6566,-0.0653986,0.229359,-3.84582,4.06408,-1.02844,5.03199 +-17.1871,0.239463,0.336745,2,3,0,19.8536,1.00509,1.53281,-0.610147,1.25551,6.64073,1.89316,7.53355,2.60579,-2.58369,2.65033 +-17.1871,6.75341e-06,0.336745,2,3,0,20.4862,1.00509,1.53281,-0.610147,1.25551,6.64073,1.89316,7.53355,2.60579,-2.58369,2.65033 +-17.1871,0.000729429,0.336745,2,3,0,20.5921,1.00509,1.53281,-0.610147,1.25551,6.64073,1.89316,7.53355,2.60579,-2.58369,2.65033 +-16.0054,0.164763,0.336745,3,7,0,20.55,2.63241,5.77416,2.71924,2.37444,5.64984,1.25722,1.59241,-2.27681,6.47242,5.09315 +-12.0636,0.33396,0.336745,3,7,0,18.569,6.1569,6.8259,6.97686,6.82455,9.45006,5.37404,4.50148,5.34824,3.81147,3.48619 +-16.6946,0.0537378,0.336745,3,7,0,19.5284,0.755109,5.39531,6.00004,-3.45712,1.51609,1.50783,0.930658,8.37564,5.29549,3.44094 +-15.5079,0.858657,0.336745,3,7,0,22.181,3.7267,3.7596,9.38399,1.15755,3.27015,1.80545,6.62398,-0.880668,6.058,3.91736 +-18.2698,0.732208,0.336745,3,7,0,22.0431,2.0551,4.60508,-3.2753,3.32442,4.21875,3.04507,7.57886,4.4126,10.0121,7.05575 +-16.6349,0.817978,0.336745,2,7,0,18.3642,0.793212,2.67971,-2.32625,2.50264,-2.15474,5.28983,1.96087,6.54756,4.52241,5.21736 +-18.9056,0.986476,0.336745,3,7,0,22.6216,4.0914,9.51447,2.76229,4.89716,3.77273,-1.30628,-7.12681,9.03147,0.0145548,9.34067 +-26.0842,0.845266,0.336745,3,15,0,31.9936,-2.23139,1.2797,1.3769,-21.233,13.2073,-7.25861,-6.10335,25.418,14.316,15.1699 +-16.9968,1,0.336745,3,15,0,25.1288,4.96418,-1.54339,3.8951,3.62521,10.1182,7.93864,2.0072,12.4443,5.68634,4.67648 +-18.1864,0.809022,0.336745,3,7,0,22.8229,7.59436,4.83954,-3.53011,12.3692,7.55021,4.47615,5.42427,12.3931,4.44083,4.79602 +-20.1449,0.935731,0.336745,3,15,0,25.2966,10.1009,19.7288,10.0026,-9.27742,6.76363,3.49935,2.70867,16.094,7.76252,7.31591 +-18.7837,0.186858,0.336745,3,7,0,27.4482,8.8814,-0.974996,0.433684,6.2943,8.36174,7.83795,9.15348,9.09901,4.52456,4.83514 +-19.3059,0.900601,0.336745,4,15,0,27.8631,3.72996,16.5668,4.57817,6.71662,10.1275,-2.57368,-3.22769,1.64184,5.10483,8.82457 +-18.2107,0.471856,0.336745,3,7,0,25.0501,10.6468,18.2205,2.12259,12.08,2.13881,10.8602,9.36372,11.4206,8.81984,4.29732 +-16.9532,0.978955,0.336745,3,7,0,21.8906,6.98153,12.6973,5.246,9.25276,3.06975,14.4855,6.5142,5.4311,10.0241,4.6606 +-16.1423,0.833588,0.336745,2,7,0,20.7301,8.60176,9.74199,6.43086,5.96647,5.4426,7.25241,7.90906,13.7915,7.72955,7.39278 +-18.1664,0.996983,0.336745,3,7,0,21.9164,3.8094,13.8212,3.72491,3.36423,2.62028,-2.70324,6.76405,3.8718,13.2911,4.72015 +-20.463,0.779302,0.336745,3,7,0,23.433,9.24774,10.1276,14.28,10.4691,12.3024,19.8672,12.3225,17.3841,8.64749,6.76588 +-22.7935,0.943062,0.336745,4,15,0,29.0029,7.52936,32.6997,-2.25716,-1.46568,-4.62232,0.352958,7.54768,17.8197,2.50778,12.9415 +-21.3497,0.987967,0.336745,4,15,0,28.8,12.7073,29.2821,14.8151,-1.8235,17.6903,-3.83165,3.19139,12.8301,13.4656,10.7238 +-21.0675,0.98779,0.336745,4,31,0,26.0427,8.59647,16.6398,-2.51913,9.38217,18.3285,1.84875,1.47793,1.59586,6.30183,8.10267 +-21.9002,0.912152,0.336745,4,15,0,24.8507,8.24217,8.61984,-5.00169,-6.81917,-2.12442,4.08074,9.67453,16.0129,2.49962,9.07472 +-21.5604,0.979818,0.336745,4,15,0,25.772,9.15717,7.45051,4.15441,-6.32209,8.63149,1.20881,10.7703,20.2918,-4.172,7.66851 +-19.1229,0.985308,0.336745,3,7,0,22.3493,16.34,24.7657,13.6041,10.0956,7.10727,14.0923,10.827,16.6435,17.7358,8.72845 +-14.0634,0.0264728,0.336745,3,7,0,23.0389,14.4571,11.0604,15.1693,17.3457,17.8038,12.6123,15.7648,14.6094,12.4174,2.15631 +-14.0634,0.0638957,0.336745,1,3,1,17.6324,14.4571,11.0604,15.1693,17.3457,17.8038,12.6123,15.7648,14.6094,12.4174,2.15631 +-14.0634,4.00519e-05,0.336745,2,3,0,18.9994,14.4571,11.0604,15.1693,17.3457,17.8038,12.6123,15.7648,14.6094,12.4174,2.15631 +-14.981,0.037204,0.336745,3,7,0,21.2413,13.5265,15.783,16.361,15.2183,18.5072,12.3173,14.0547,18.0103,12.7639,2.67615 +-15.5607,0.152799,0.336745,3,7,0,19.493,15.6319,14.0369,16.8575,10.3348,12.746,9.00482,14.9237,18.9767,13.816,3.50444 +-18.6421,0.896437,0.336745,3,7,0,20.1076,9.10802,10.585,8.81184,-0.675078,2.69093,-2.08683,7.72942,16.224,17.7274,6.98338 +-21.5129,0.737057,0.336745,3,15,0,28.7766,8.73131,21.4418,12.8402,18.4316,9.8701,2.79784,10.6143,22.7471,20.5949,12.0997 +-18.6644,0.926691,0.336745,3,7,0,21.2891,11.116,16.6143,21.5197,13.601,14.303,3.65482,9.5422,14.9302,16.1864,6.95806 +-26.8834,0.887468,0.336745,3,15,0,33.8679,-1.37421,25.0834,-13.8698,-2.89056,13.99,-1.98297,-3.55221,17.9093,-14.732,12.1291 +-26.5163,0.949985,0.336745,4,15,0,34.9807,2.06698,8.26322,-4.09044,-4.10617,21.6365,-6.49264,-10.5521,-4.53981,3.2422,7.96031 +-17.9246,0.99959,0.336745,3,7,0,30.5525,4.62204,8.09648,6.77509,6.10888,14.3169,-1.56594,-3.93944,9.51098,7.59463,6.58972 +-19.3984,0.633322,0.336745,3,7,0,24.7264,8.09131,16.0881,7.35783,5.95146,13.8715,8.71723,0.245034,17.4178,-0.455663,4.88392 +-24.8213,0.62489,0.336745,3,7,0,28.8654,15.952,19.0077,20.7428,21.3746,9.14482,13.5533,2.57804,29.1551,-1.84834,8.47882 +-21.0732,0.93059,0.336745,3,7,0,24.0195,4.25749,8.12062,9.94694,-3.97197,5.65452,-11.0254,-1.3441,7.28362,15.035,11.2073 +-18.2812,0.968457,0.336745,3,15,0,25.4691,11.2257,17.4573,8.12966,4.88409,6.23753,7.99407,13.7777,20.6007,3.23341,5.53527 +-14.8575,0.714565,0.336745,2,7,0,18.468,10.9272,9.40445,10.923,12.59,9.40604,9.1142,4.06815,11.8316,5.98657,4.58299 +-16.5064,0.975795,0.336745,3,7,0,19.1713,7.90907,13.0498,12.4037,5.45535,10.1026,4.13857,-2.66733,11.4736,8.30712,4.69422 +-15.6686,0.940233,0.336745,3,7,0,21.1133,6.27791,1.96986,7.79161,7.35534,5.16405,-2.31222,4.69493,9.61193,8.15068,4.88994 +-16.5314,0.206851,0.336745,3,7,0,20.772,12.0134,7.98947,10.5264,10.7036,7.09996,4.00709,11.0537,18.1322,14.7211,5.94863 +-22.2122,0.939717,0.336745,4,15,0,29.4084,3.0175,13.3678,7.05755,8.54539,-11.9674,-6.81895,-4.32963,13.0308,6.62922,8.25517 +-24.1945,0.886917,0.336745,4,15,0,31.5683,11.4141,20.7045,18.2255,19.0151,-1.88775,-2.94496,0.829276,27.1317,11.21,18.7246 +-22.0962,0.863669,0.336745,3,7,0,29.035,9.44329,26.3766,9.02631,15.2543,-4.64201,-0.594319,1.5272,17.9262,11.9332,7.49274 +-27.6114,0.88378,0.336745,4,15,0,34.1714,12.8842,26.7266,-2.33023,29.5738,1.26018,-3.18347,13.9325,4.86406,30.9103,19.4026 +-24.0295,0.881678,0.336745,3,7,0,26.2099,6.47162,23.0919,7.02103,-3.74263,19.3344,17.6223,9.9554,22.1939,9.11745,13.3444 +-25.3151,0.960222,0.336745,4,15,0,31.7563,11.6424,21.8349,21.1729,21.2593,22.6923,14.505,19.8144,22.7379,10.2593,9.32112 +-31.3723,0.866969,0.336745,4,31,0,37.1693,17.2287,52.5234,14.0967,27.5676,8.75857,18.2536,6.92341,26.7828,42.4863,19.078 +-24.5293,0.77066,0.336745,3,7,0,27.251,7.091,8.18332,-2.4963,6.03374,22.2718,-7.88691,13.0462,13.2523,-6.61173,13.5068 +-22.0065,0.866397,0.336745,3,13,0,26.3665,5.12096,14.9078,-1.38685,-12.115,4.98838,1.92804,9.76683,21.9409,17.3906,11.8583 +-23.4779,0.824757,0.336745,4,15,0,28.7514,17.267,16.7265,22.4498,20.388,3.38389,-0.32373,9.27799,18.4622,25.2739,15.1053 +-20.4038,0.965245,0.336745,3,7,0,25.4167,2.95099,13.7831,-2.96632,-0.514614,0.511824,3.24277,-0.216698,-4.86468,4.95764,7.70109 +-25.6711,0.898391,0.336745,4,15,0,29.6798,15.2542,3.66057,17.4313,9.74129,28.1639,-6.1272,11.0738,26.2716,9.32152,10.7732 +-25.5343,0.889036,0.336745,3,7,0,31.5243,11.7277,22.6169,-7.11117,27.3003,2.32102,7.43362,8.65473,4.8801,6.84599,14.4731 +-21.6234,0.983467,0.336745,4,15,0,25.412,8.02792,6.895,4.74753,-3.50112,9.80674,1.79571,2.61785,30.1946,10.8219,11.0144 +-17.9401,0.93148,0.336745,3,7,0,27.074,11.6183,17.2189,18.7043,11.4958,13.6264,7.89897,8.74245,13.2672,4.34563,7.54004 +-13.8779,0.00706265,0.336745,4,15,0,17.8201,9.94871,11.3803,13.3954,10.9687,10.4823,8.66052,7.27888,10.861,3.50333,2.61799 +-19.4217,0.428571,0.336745,3,7,0,28.9738,4.04379,2.91018,4.31455,-0.0225848,6.90625,-2.63815,0.907486,4.8195,14.2703,3.24982 +-14.615,0.913364,0.336745,3,7,0,19.6082,8.19615,4.31037,9.68755,9.10566,8.66177,2.55184,8.03643,10.2252,10.9638,4.95904 +-19.1698,0.755633,0.336745,3,7,0,22.3411,8.03085,12.11,11.891,3.93808,3.52419,-0.157168,13.3982,9.69502,11.8121,10.7398 +-24.9867,0.999777,0.336745,4,15,0,28.914,9.28422,6.76367,-3.27154,26.2864,7.0046,-0.00734001,4.73855,29.1585,16.1191,13.3087 +-20.9622,0.817312,0.336745,4,15,0,26.8573,3.73261,20.2775,6.49127,9.00963,-0.456552,-0.684754,7.05777,13.6148,8.33544,15.0713 +-25.8214,0.727036,0.336745,3,7,0,28.9121,0.84842,6.5442,4.31591,13.081,-3.70817,9.05087,1.16148,-3.18536,-3.71397,17.342 +-24.3671,0.874781,0.336745,4,15,0,29.1623,3.56696,8.00257,11.6725,9.7732,10.2563,8.07208,-3.14822,17.9326,12.5568,23.1062 +-26.6125,0.944453,0.336745,4,15,0,38.1586,8.04099,30.369,15.8947,-3.66089,6.23395,10.6382,-19.4604,25.7632,20.9577,18.8785 +-25.7252,0.985218,0.336745,4,15,0,33.6053,12.5735,4.30326,17.277,15.5798,-6.25489,17.7662,13.5505,7.3407,13.604,12.2856 +-16.8248,0.0370545,0.336745,3,7,0,21.5567,11.7372,17.4801,17.0577,6.48941,11.5897,14.4323,15.336,11.0485,11.596,3.34931 +-14.9949,0.851932,0.336745,3,7,0,19.617,11.9658,16.1313,12.1541,9.92867,12.7369,10.7958,10.8859,5.60385,11.7684,4.4571 +-15.6017,0.894634,0.336745,4,15,0,22.5628,11.5226,12.5044,12.0273,8.65036,9.61045,9.41755,5.0383,7.20175,17.1574,4.72112 +-17.2132,0.929013,0.336745,3,7,0,19.7815,8.99392,7.7151,8.99817,9.37132,9.83643,9.32169,-0.0199518,6.30835,17.582,4.65776 +-18.447,0.462077,0.336745,4,15,0,23.8172,16.6539,18.0786,15.9305,19.6292,13.8699,8.91433,5.95309,12.6878,19.8615,4.74838 +-14.9303,1,0.336745,3,7,0,19.2658,10.3519,10.2918,13.1473,11.7592,8.79523,11.5811,10.5386,17.0345,12.0491,4.79315 +-16.2465,1,0.336745,2,3,0,23.6707,13.2971,16.6217,12.4015,12.96,15.1744,9.38648,13.3778,17.2966,18.3734,6.21031 +-15.4939,0.827962,0.336745,3,7,0,19.4373,11.667,15.4685,9.75846,13.214,9.95434,14.7117,13.7522,8.77262,10.4156,4.75617 +-17.5886,0.193949,0.336745,3,7,0,21.5649,12.5294,8.93636,18.417,8.66618,12.0855,7.98567,13.4917,8.64676,16.8597,3.00117 +-17.7512,0.333338,0.336745,2,3,0,24.0479,10.5359,12.8426,8.25738,5.33962,13.6098,8.65604,16.0112,7.22461,19.2206,4.23381 +-23.7254,0.217149,0.336745,4,15,0,25.8219,14.2998,13.2638,1.85653,9.95981,-0.750806,-6.49811,-0.347659,21.6092,6.37868,18.7258 +-21.7967,0.927264,0.336745,4,15,0,27.8036,6.05021,10.2164,8.72294,-11.1647,5.69867,10.061,4.20787,-0.11958,16.1963,9.82114 +-22.8926,0.83746,0.336745,3,7,0,28.3398,9.954,27.2666,10.6408,12.5568,18.2522,-0.62352,19.8359,3.87166,5.50933,9.15651 +-19.0409,0.589092,0.336745,4,23,0,27.4013,8.32087,3.79788,1.61926,3.70069,-0.048959,12.6958,7.46466,12.2397,2.80033,5.85091 +-26.2323,0.998411,0.336745,3,15,0,29.27,1.9905,8.37412,11.3853,-1.40429,10.1678,-13.2527,12.7735,29.7475,-1.15364,20.9431 +-19.6526,0.670932,0.336745,4,15,0,29.1108,13.5204,24.7058,12.31,16.2404,17.4247,8.58337,12.0703,20.1106,7.35892,4.25617 +-16.9458,0.193994,0.336745,4,31,0,21.3832,8.82644,12.9077,3.70165,8.36841,9.14947,7.63463,14.6397,12.5445,3.41997,2.93708 +-16.9458,0.0553466,0.336745,3,7,0,26.6352,8.82644,12.9077,3.70165,8.36841,9.14947,7.63463,14.6397,12.5445,3.41997,2.93708 +-19.8669,0.94952,0.336745,3,7,0,21.6929,8.2667,4.78449,0.287415,14.8191,-0.328943,1.98988,5.09734,19.1146,6.8939,6.60818 +-17.2949,0.954609,0.336745,3,7,0,24.8526,9.29113,6.55584,11.8316,7.52613,11.4698,9.17532,2.96991,19.5221,13.2995,6.42347 +-13.5958,0.295062,0.336745,3,7,0,18.4953,-0.601725,-1.36983,0.644438,0.0740533,0.179103,3.02582,-2.99021,2.96213,1.96459,2.28401 +-15.5622,0.01255,0.336745,2,3,0,22.8247,1.76111,-0.460258,1.04599,-3.67038,0.588099,0.29677,-1.5517,3.26951,-3.21706,3.32825 +-14.7407,0.00683899,0.336745,3,7,0,18.0189,-0.0313869,-0.391987,3.69049,3.45001,4.19853,-0.936129,-2.93645,-0.733467,-0.584544,2.95553 +-14.7407,0.0649302,0.336745,2,3,0,20.1229,-0.0313869,-0.391987,3.69049,3.45001,4.19853,-0.936129,-2.93645,-0.733467,-0.584544,2.95553 +-14.7407,0.0363891,0.336745,2,3,0,18.2465,-0.0313869,-0.391987,3.69049,3.45001,4.19853,-0.936129,-2.93645,-0.733467,-0.584544,2.95553 +-14.0142,0.142874,0.336745,3,7,0,18.4672,3.36731,6.83784,-0.250952,1.56306,2.87647,-0.229919,0.0407163,7.59099,1.41595,2.94085 +-17.2266,0.747652,0.336745,3,7,0,19.2337,3.57789,11.6773,5.08986,-3.13019,-0.93831,3.6071,0.189921,10.0798,6.2242,3.95098 +-18.5228,0.608117,0.336745,3,7,0,22.1391,4.24066,11.6301,13.8889,-0.603614,2.62143,2.81743,7.40977,4.48746,-3.19001,7.17082 +-20.0355,0.960472,0.336745,4,15,0,25.0116,4.30852,9.42456,-4.30705,8.56075,6.46216,0.949655,-2.57695,15.7943,13.5929,5.9329 +-20.2998,0.684034,0.336745,3,7,0,22.2768,7.93531,1.69734,9.75188,9.3037,12.3205,6.73203,16.0089,17.5698,-1.169,7.19521 +-21.6434,0.951709,0.336745,3,15,0,23.9314,10.0996,28.4775,7.98274,-4.33775,0.997066,2.01731,-6.01306,12.2312,17.1553,10.6498 +-16.9868,0.967432,0.336745,3,7,0,23.8015,8.62694,16.5571,6.10851,3.55886,8.25714,-0.680856,3.47674,10.7886,14.4857,7.47146 +-19.87,0.755636,0.336745,3,15,0,24.5821,11.4763,5.42648,17.3557,5.18579,9.27844,7.85566,15.0191,11.2794,3.65078,8.77446 +-27.1734,0.877044,0.336745,4,15,0,30.358,2.60469,32.4817,-0.986353,8.65,20.0168,5.4067,6.2319,7.3438,29.9846,26.078 +-21.4307,0.979616,0.336745,4,15,0,26.4273,14.5955,15.1397,19.0943,-0.727498,18.6423,-1.26581,10.4926,13.6841,21.0614,11.4343 +-19.9369,0.964882,0.336745,3,15,0,24.879,13.0946,7.67739,14.8566,-1.66503,12.7314,0.906855,13.0607,14.8036,8.85612,8.91218 +-19.4064,0.659418,0.336745,2,7,0,20.396,7.7568,5.80243,7.84171,7.6767,9.41826,3.45027,17.3991,16.2574,17.0324,8.1782 +-20.2974,0.730778,0.336745,4,15,0,24.6035,13.3225,17.6648,9.15257,19.3581,9.7687,4.78434,-1.29874,18.9192,22.4696,10.3991 +-21.7269,0.831038,0.336745,3,7,0,25.9835,17.3635,23.7829,16.5835,14.016,2.72738,18.3884,19.6372,19.178,10.9904,7.43392 +-19.7351,0.905754,0.336745,3,7,0,23.8291,14.4636,5.7732,12.3926,16.9719,10.177,5.33771,10.9707,16.1229,21.1774,4.29815 +-21.204,0.982279,0.336745,4,15,0,30.3902,12.2954,11.2163,8.53177,21.5489,13.4551,10.8813,17.4828,2.48848,16.8793,5.86938 +-20.0059,0.825036,0.336745,4,23,0,25.9513,14.1724,9.23431,20.8869,9.52033,7.8805,4.45049,10.8534,10.0364,5.08326,6.33527 +-22.721,0.875736,0.336745,3,7,0,29.6435,14.6344,10.4038,8.28188,14.0744,-0.144538,8.91748,18.1579,14.3605,27.2559,6.23554 +-21.5999,0.994319,0.336745,4,15,0,26.6165,9.74659,18.0435,6.26296,0.996266,6.7386,11.1718,14.19,21.2608,27.0792,10.6323 +-18.2786,0.993918,0.336745,3,15,0,23.9923,10.075,12.5759,5.2284,7.82945,15.2662,2.3748,0.532884,16.42,18.6837,6.09013 +-16.9743,0.809051,0.336745,3,15,0,22.3131,13.1381,16.2442,10.551,4.95688,11.4684,7.21651,8.47532,13.3053,5.96491,7.02281 +-21.3985,0.979292,0.336745,3,15,0,25.3174,4.33149,11.4059,4.41396,-4.66046,0.0948128,14.7522,4.58853,12.6399,13.6745,5.48896 +-18.1367,0.814233,0.336745,3,7,0,26.2981,1.44387,2.01084,4.6797,-9.22918,5.01947,-0.694908,-1.51436,6.90904,8.94977,5.9726 +-25.9032,0.677039,0.336745,4,15,0,29.5633,-2.72816,-7.56437,23.1535,-3.81273,1.27231,-0.692393,3.91432,4.15764,3.65108,14.3688 +-24.3769,0.685925,0.336745,4,15,0,28.5964,15.0659,12.5199,0.013674,-8.96665,7.82217,0.607801,9.63331,1.75763,14.9867,12.2752 +-22.0667,1,0.336745,3,7,0,28.4393,9.32958,5.94204,12.0982,9.26553,14.9443,1.22036,16.6902,26.0489,1.94548,10.7963 +-19.3764,0.949479,0.336745,3,15,0,22.5954,9.54378,16.3368,17.9242,-0.745166,5.9823,1.46217,12.717,6.95366,14.9358,8.35646 +-21.2219,0.96599,0.336745,3,15,0,24.07,5.75625,13.7475,18.8296,5.25302,-2.13572,-7.6418,6.88108,16.373,9.94365,8.12838 +-22.9945,0.961548,0.336745,4,15,0,27.4979,7.28043,12.1934,-1.36638,9.32643,6.22415,-11.8155,-2.76389,11.8001,19.3765,15.2069 +-18.3209,0.840742,0.336745,3,7,0,23.3301,2.6299,11.6026,-2.02868,8.25442,3.85245,3.04534,3.05266,7.16786,4.97217,8.59089 +-16.465,0.781151,0.336745,2,5,0,19.6447,7.23776,0.639479,11.6365,2.96893,3.78249,7.55302,5.41187,13.7043,6.92565,4.25322 +-17.7793,0.612537,0.336745,4,15,0,21.1312,9.04096,16.1211,10.0257,0.413902,1.70462,4.47154,0.195778,10.8315,4.17133,7.22316 +-21.5946,0.569639,0.336745,3,7,0,23.4412,11.1757,19.2656,8.78194,4.84948,17.6337,9.01158,21.8727,17.5045,0.0263482,9.57076 +-22.332,0.717647,0.336745,3,7,0,26.6582,11.1082,13.0684,19.5089,-8.15576,1.1564,8.86134,13.4713,5.77279,10.8106,9.40901 +-23.91,0.951898,0.336745,3,7,0,27.7505,7.71678,7.98513,-3.00807,-0.0736402,3.03574,3.99894,21.5079,9.34133,16.0506,5.33694 +-19.5874,0.911339,0.336745,3,7,0,23.5669,9.77289,23.3871,7.02497,3.79837,-1.74896,6.36492,11.5842,11.3575,12.9202,5.7657 +-21.7897,0.729653,0.336745,3,15,0,25.6195,7.7467,-0.890959,1.40917,20.0903,0.909933,9.07874,6.8482,7.35567,4.84328,8.05582 +-26.9432,0.997626,0.336745,4,15,0,34.7663,-1.91901,35.1462,-9.41931,-16.8578,-0.104395,-8.44723,5.29883,2.11494,4.07367,15.2072 +-24.4082,0.989248,0.336745,4,15,0,35.1549,1.57384,-3.08312,9.33904,-11.1432,4.88957,12.1769,-7.45459,-3.08421,0.643375,7.38811 +-20.1869,1,0.336745,3,7,0,24.0069,7.24824,2.36886,12.4467,3.33926,4.38843,17.752,7.47119,4.5183,7.98799,4.58039 +-18.0705,0.996303,0.336745,3,7,0,23.3893,7.42773,3.9602,10.8857,12.2959,4.41547,5.18386,14.5591,3.38361,11.6013,5.00595 +-18.0941,0.806618,0.336745,3,7,0,21.8159,11.3493,15.2477,10.8276,17.4252,18.4269,5.52907,11.6774,10.1181,18.8128,5.96036 +-15.5498,0.913481,0.336745,3,7,0,20.087,7.02077,9.41966,11.1524,8.68057,15.5337,4.23371,6.46082,9.85307,8.95524,4.76966 +-20.5391,0.541134,0.336745,3,15,0,25.6891,14.8205,10.861,14.7037,10.8027,9.89386,3.11079,4.21441,16.6998,15.3203,4.10001 +-20.8865,0.886464,0.336745,4,15,0,32.4626,12.7802,19.9628,15.6452,7.06581,16.9575,-1.01262,9.20511,20.5651,17.6993,4.86238 +-24.5636,0.872615,0.336745,4,15,0,29.2208,10.5634,23.3963,2.0851,-6.0747,22.3356,-6.61505,-10.5611,18.8637,1.63925,13.6377 +-19.9142,0.954747,0.336745,4,15,0,25.774,4.64089,25.4999,2.39255,7.21843,4.68822,7.03821,6.33114,6.32878,9.32474,8.60005 +-26.7845,0.992236,0.336745,4,15,0,30.8937,3.58158,-9.74837,0.904438,7.02106,13.9473,8.39343,16.9292,5.93901,17.941,15.1786 +-25.0372,0.942365,0.336745,4,15,0,35.4537,16.6696,32.5935,19.0924,19.6654,14.603,4.20151,1.10118,18.9719,-10.8078,13.3051 +-24.3325,0.973916,0.336745,3,7,0,29.7526,16.81,35.3245,23.9719,7.32267,16.783,3.68253,16.2724,30.4333,16.0307,12.9253 +-29.5819,0.89596,0.336745,4,15,0,34.8692,-4.59274,2.60746,-11.3335,8.36377,-13.0166,-9.56393,-1.17204,15.0601,2.36722,6.01558 +-21.0726,0.688758,0.336745,2,7,0,24.9636,5.52474,11.0842,8.64849,-4.39852,3.30042,-1.73511,-1.39619,16.3827,5.42748,16.4361 +-22.0918,0.94423,0.336745,4,15,0,26.4597,11.1891,7.73531,4.3958,5.70247,1.40548,13.0264,-1.79545,6.06228,2.46517,11.1979 +-20.062,0.995356,0.336745,3,15,0,26.3967,8.20868,11.7371,2.97409,-3.75481,9.23729,0.485493,4.91388,13.2859,14.3933,4.17966 +-19.965,0.972049,0.336745,3,7,0,25.9629,3.69895,4.62467,0.791531,-9.74111,2.6601,5.20646,-1.72856,13.5059,4.82831,4.8382 +-18.939,0.667624,0.336745,4,23,0,25.0714,17.087,25.7374,12.8716,16.9196,19.3936,15.8804,10.9876,21.557,22.0773,5.8202 +-17.0462,0.887565,0.336745,3,7,0,23.5767,15.1558,11.7191,13.2242,15.7869,10.0815,10.2647,15.6877,20.2778,19.6605,3.07938 +-16.3486,0.9932,0.336745,3,7,0,21.5255,9.19016,12.2492,8.68728,15.5328,7.11238,3.67984,11.8968,15.2944,14.7381,4.78994 +-18.1977,0.95824,0.336745,3,7,0,22.6456,1.11357,9.15621,4.83516,3.75025,0.719746,-1.78405,-1.65074,-1.01763,8.82363,6.87911 +-20.6405,0.983443,0.336745,3,7,0,23.2318,17.8644,21.6626,16.5718,4.1574,17.9596,6.34075,15.0561,26.4602,12.1605,8.08875 +-18.2078,0.849507,0.336745,3,15,0,23.2117,10.1216,14.4278,17.0826,9.82046,11.974,1.91128,6.49109,21.486,8.57746,5.29667 +-21.2478,0.61335,0.336745,4,15,0,27.4766,6.61745,25.0843,-4.43486,-4.47079,2.8686,5.96695,-2.0559,11.9285,13.2843,10.1147 +-21.8282,0.930637,0.336745,4,15,0,26.5938,12.5566,21.2326,7.47239,5.16045,6.49608,13.8114,19.6718,5.36775,4.29236,5.55872 +-23.7423,0.948431,0.336745,4,15,0,29.7294,9.61591,1.60278,13.2481,8.02307,8.10708,-9.38618,-9.99478,8.4167,6.30527,12.5145 +-17.2974,0.929117,0.336745,3,15,0,23.218,7.38558,16.7335,7.4663,-1.43507,6.6611,3.69382,8.51847,17.6442,7.13869,5.64459 +-21.1919,0.974392,0.336745,3,15,0,24.0057,6.26514,20.8048,1.29394,-0.720984,2.22333,4.82315,5.85301,16.2557,-9.64955,12.1365 +-27.3581,0.7856,0.336745,4,15,0,33.0951,1.44415,34.154,8.51256,-13.7791,-5.55643,1.34382,-9.22952,5.51433,-19.6705,21.3868 +-17.0996,0.893502,0.336745,3,7,0,23.6767,10.149,13.8201,11.2388,12.6285,12.3783,-0.969061,7.05476,17.1233,5.14809,6.03036 +-18.4424,0.388524,0.336745,3,7,0,23.2852,10.6123,8.31858,13.9526,9.42214,8.88659,2.79592,7.70799,13.7651,17.1296,9.73478 +-21.19,0.990844,0.336745,4,15,0,25.3926,7.22409,2.2722,13.6889,17.7606,13.7271,10.1797,8.21976,11.5587,-0.624721,5.4424 +-21.1548,0.821127,0.336745,4,15,0,26.777,2.16712,4.40782,-1.10389,-5.19103,12.1286,0.0157685,-3.62695,12.926,-3.45481,4.73543 +-12.7846,0.98795,0.336745,3,7,0,18.3097,5.26407,9.25731,3.42023,5.47711,1.37356,2.05043,4.39875,8.68496,5.4415,3.35922 +-12.6283,0.278977,0.336745,3,7,0,16.6679,5.17401,5.7462,4.51016,7.13733,2.57849,3.20062,3.06025,10.7673,5.63893,3.33623 +-13.0058,0.00093517,0.336745,3,15,0,19.9038,6.45424,6.20645,4.9443,2.94201,9.45802,6.69934,5.56616,3.23728,5.6984,3.49117 +-14.3048,0.0207714,0.336745,1,3,1,19.1578,6.69312,7.73432,2.60619,2.52156,11.8308,4.96804,8.46427,4.64647,7.06813,2.94881 +-18.3149,0.259068,0.336745,3,7,0,19.8394,1.9392,9.36893,6.51975,5.24811,-4.30222,-0.48532,-0.312308,12.6211,3.1623,4.65209 +-20.4181,0.826435,0.336745,3,15,0,23.054,2.78296,14.0663,6.58622,2.59248,-1.59251,-5.08954,-0.536675,21.7274,5.666,7.6808 +-23.841,0.806371,0.336745,3,7,0,26.4504,8.41407,18.4235,-0.918997,-0.0275567,-4.26537,17.2777,7.88593,22.7356,14.5586,8.04973 +-20.2622,0.63414,0.336745,3,7,0,23.6875,12.6573,18.077,10.9369,15.2194,9.60046,8.57257,19.8097,3.3243,5.28469,6.49578 +-20.6192,0.558722,0.336745,3,7,0,25.6417,9.37019,7.50069,9.4808,9.04686,5.38068,18.4456,17.8705,7.39259,8.95542,6.68458 +-20.9835,1,0.336745,3,7,0,22.7321,7.03263,28.9474,12.2631,-2.77754,1.06347,4.51668,0.195621,15.8277,14.2369,13.7623 +-18.4872,0.615233,0.336745,2,7,0,20.3868,13.829,8.74604,12.0599,14.8759,19.0438,2.75994,15.1077,18.9607,11.9046,5.25231 +-15.8227,0.0171133,0.336745,3,7,0,19.0539,7.36171,11.3388,5.85278,1.89137,1.0891,7.84779,0.578901,6.90251,7.43241,4.08992 +-17.669,0.95194,0.336745,3,7,0,20.2196,15.0381,17.6131,17.8592,13.0478,6.53172,7.8425,14.8913,19.3353,19.2332,4.26113 +-20.185,0.787902,0.336745,3,7,0,24.4439,10.3635,29.0171,7.07778,9.49618,12.5037,-0.231539,6.5619,19.9954,17.7893,11.6754 +-17.3104,0.880741,0.336745,3,15,0,21.8618,8.07984,8.81044,8.8954,5.75261,10.2618,2.48225,1.03242,3.79704,16.9205,6.02727 +-19.3712,0.865326,0.336745,3,7,0,22.7168,10.4647,20.1749,3.82062,5.08065,6.64623,7.2586,6.40697,15.0568,2.16989,11.6455 +-21.6925,0.534692,0.336745,3,7,0,24.1496,8.42964,9.3203,6.32368,23.1957,2.36358,-0.456265,10.4006,8.73484,21.1207,7.65091 +-18.5848,0.906033,0.336745,3,7,0,23.5271,7.27639,1.1497,8.94341,9.8003,8.66462,-3.83459,6.26652,8.65735,14.1388,4.47008 +-20.5159,0.9628,0.336745,3,15,0,25.2759,7.0534,7.38786,-4.40515,13.0452,2.937,2.97647,9.84524,1.42848,13.4884,6.43228 +-18.0696,0.722583,0.336745,3,15,0,23.8431,7.54651,12.0568,8.7323,10.0733,8.16482,-4.72913,9.47932,14.8134,5.48963,8.55138 +-22.0188,0.930407,0.336745,4,15,0,26.3613,12.8364,16.4467,5.80303,9.97431,5.38688,19.1855,4.63081,3.1653,17.1406,9.41682 +-19.5375,0.899681,0.336745,3,7,0,27.5074,13.5381,11.236,7.89812,9.22699,10.5952,18.4319,2.83483,12.4542,19.8938,5.50331 +-14.9453,0.558711,0.336745,2,7,0,19.4139,8.86145,7.40437,6.43241,2.55543,11.7893,12.8785,8.55334,10.7812,10.9173,3.02337 +-14.0806,0.143137,0.336745,3,7,0,18.3658,7.36256,7.97043,2.30708,8.53419,11.567,4.79509,3.5998,10.4439,4.90796,3.34834 +-12.9671,0.371336,0.336745,2,7,1,15.0705,6.44693,1.50271,7.51698,6.35407,4.33322,5.46024,6.51982,5.23805,6.07367,3.37957 +-14.4799,0.0292608,0.336745,3,7,0,18.0356,9.15926,7.77389,10.5375,2.5816,7.45881,4.24896,6.71614,8.29269,5.4982,3.41821 +-14.4799,0.303012,0.336745,2,7,0,21.3294,9.15926,7.77389,10.5375,2.5816,7.45881,4.24896,6.71614,8.29269,5.4982,3.41821 +-15.0574,0.0740058,0.336745,4,15,0,22.1605,8.69544,14.1524,7.26424,6.86332,7.08202,0.903087,7.62122,6.64669,6.22417,3.17696 +-13.3791,0.77204,0.336745,2,3,0,18.9138,9.12187,12.5452,7.58123,3.68895,8.2476,5.90801,9.78289,11.5019,6.46206,4.08051 +-17.9039,0.884131,0.336745,3,15,0,22.0991,-1.9997,2.61995,-1.92236,0.252125,2.20024,-3.24348,1.57793,6.32927,4.40735,6.41534 +-19.3425,0.881054,0.336745,3,7,0,20.8179,1.92926,12.009,-1.17344,-7.13656,11.2803,5.85759,3.79278,7.58035,-1.08594,6.65728 +-16.2182,0.974982,0.336745,3,7,0,19.3597,7.97826,13.4124,5.08456,1.56471,2.55309,7.04111,9.36165,13.7793,5.90237,6.26537 +-21.8395,0.762369,0.336745,3,7,0,23.9566,16.7743,21.0069,5.91175,-0.158182,9.31298,16.1414,7.94228,18.4771,5.26283,10.304 +-18.6151,0.975125,0.336745,3,7,0,23.474,7.86663,8.01414,9.40404,15.4141,7.03589,5.68892,12.5437,6.53625,13.7774,8.07364 +-16.3675,0.220553,0.336745,3,7,0,19.4555,13.3154,12.2881,13.6898,7.77229,8.00009,15.767,12.7151,18.0973,12.026,5.05363 +-21.3136,0.893736,0.336745,4,15,0,31.6282,13.7628,21.3318,20.8111,13.6064,20.0031,7.72932,22.9894,14.5251,8.49854,6.70239 +-20.082,0.845125,0.336745,3,7,0,24.6327,14.2498,20.3039,13.9438,3.09557,7.02411,9.34985,18.9821,6.75056,9.95965,7.40589 +-25.3386,0.999317,0.336745,3,7,0,27.7001,18.5884,28.0729,22.6749,-6.58248,-0.152093,-0.404789,8.54779,5.8996,24.2255,16.357 +-26.7534,0.968432,0.336745,4,15,0,32.2309,-4.56476,-1.29325,12.9758,-12.5295,5.56657,-6.34112,8.96115,12.4891,3.24369,27.2738 +-22.5495,0.984668,0.336745,4,15,0,28.1391,9.70796,22.7212,-2.01888,17.8487,10.3754,-1.17592,2.04883,8.83444,-6.16079,11.7479 +-18.9527,0.652681,0.336745,3,11,0,22.7899,2.90127,8.87813,1.57428,-7.08055,4.04607,3.52944,8.81692,13.0855,0.973262,9.15407 +-21.2474,0.97237,0.336745,4,15,0,26.7663,14.7866,16.9759,17.8596,17.3447,5.13296,13.1549,2.78294,17.1444,25.1334,10.488 +-19.6409,0.741322,0.336745,3,7,0,23.6243,3.72255,-1.5738,7.55686,6.75155,0.442038,9.05343,-0.167048,5.90808,9.68405,8.44768 +-19.2843,0.930847,0.336745,3,7,0,21.9125,4.01087,14.4647,-4.16312,-2.01914,2.68668,-4.87243,3.53631,2.77192,2.57355,6.93308 +-18.6548,0.850315,0.336745,3,15,0,21.7436,7.59829,2.78694,16.4563,7.33369,6.06605,11.1864,-0.0646236,11.0503,12.2283,6.27396 +-16.6444,0.99669,0.336745,4,15,0,24.8578,6.23223,2.12936,6.92977,1.13826,2.52989,9.69765,9.02502,6.44079,0.357102,4.05592 +-17.1032,0.912905,0.336745,3,7,0,21.9336,8.23208,10.7587,7.5959,11.9444,10.8174,-2.33665,3.50175,11.7747,13.0702,4.12839 +-21.9954,0.946488,0.336745,3,7,0,25.6996,20.6762,22.1528,7.68257,7.33913,6.05906,8.35689,5.24816,14.5503,13.7419,13.026 +-27.2191,0.95322,0.336745,3,15,0,29.1034,4.0757,35.3458,8.40796,20.855,9.11336,13.4603,-8.97645,26.1021,18.3424,21.1393 +-26.0237,0.98322,0.336745,4,15,0,32.3755,-4.7435,16.1823,-5.49412,-12.0995,6.74,-19.206,7.92716,8.90013,7.30833,15.5416 +-29.0706,0.804813,0.336745,4,15,0,35.4142,16.5715,5.20398,5.31082,4.14922,1.49987,-9.7576,18.2315,37.1576,33.3385,18.7386 +-30.2372,0.986934,0.336745,4,15,0,34.9338,-0.172491,-0.973466,6.69419,1.65024,12.6827,-11.1549,15.0494,41.0023,-3.068,18.014 +-23.9025,0.99602,0.336745,3,7,0,30.9652,10.0354,31.3244,10.6247,6.56873,4.81869,8.04102,-1.77188,-3.71387,10.8217,14.8069 +-17.1067,0.916033,0.336745,3,7,0,24.5885,10.5268,7.77051,8.78917,6.9884,15.625,5.55865,13.2003,6.0778,9.56417,6.19587 +-24.9759,0.952976,0.336745,3,7,0,28.6311,12.0547,21.9292,4.25141,15.9587,4.20881,9.41859,-3.18773,37.3794,14.8238,10.8672 +-19.3334,0.934873,0.336745,3,7,0,23.0176,14.0596,28.5404,14.057,15.5091,13.2495,7.45737,16.017,14.5346,9.07372,5.11343 +-25.3925,0.369906,0.336745,4,15,0,27.4008,20.2289,14.4483,7.83334,3.57844,18.7071,7.80926,24.5351,16.7644,19.0014,18.8788 +-21.3633,0.944636,0.336745,3,7,0,26.4752,16.3534,23.3746,8.10959,4.33481,12.8796,18.7011,4.93925,20.2804,17.4263,10.9688 +-16.4048,0.768363,0.336745,3,15,0,20.0073,10.0555,7.3481,10.3429,10.809,16.3223,0.840324,7.10204,13.6624,11.0415,4.21881 +-22.0569,0.704043,0.336745,4,15,0,25.5866,15.4947,11.3771,8.34213,3.8823,16.1376,-8.56297,8.30345,20.1046,11.1876,10.6851 +-23.5588,1,0.336745,4,15,0,26.9121,6.886,22.3729,20.311,9.20015,9.62632,8.08512,-12.9231,13.7361,12.5386,15.2024 +-24.0067,0.686483,0.336745,3,15,0,26.0623,6.59574,15.7238,4.97184,-16.5328,5.42012,1.34126,14.7784,28.7634,1.29,12.0306 +-29.0258,0.992265,0.336745,4,15,0,31.0382,2.45266,3.12989,2.14963,-31.9147,5.9401,-5.78298,15.9501,26.35,3.87531,26.186 +-28.4767,0.997813,0.336745,4,15,0,36.0352,3.11478,13.7867,8.55658,-28.8921,1.79027,-6.49411,19.1407,32.6243,9.89641,18.573 +-25.0764,0.981231,0.336745,4,15,0,30.9176,14,5.03697,13.1878,6.38754,-5.69594,-0.187144,22.2519,22.1393,9.66749,8.69517 +-26.997,0.975994,0.336745,4,15,0,37.0633,24.912,44.7226,13.1131,18.6942,11.5824,11.3513,9.11031,21.4128,37.2807,21.7501 +-25.5448,0.969542,0.336745,4,15,0,31.0961,12.5543,24.2911,11.0231,-3.59925,17.3477,2.80978,-9.29003,22.6174,-1.15289,27.893 +-28.4779,1,0.336745,4,15,0,33.201,17.3797,9.9162,1.38635,-7.07023,-10.7519,6.71388,-3.82678,27.3393,-7.216,22.5422 +-26.4549,0.964765,0.336745,3,15,0,31.4635,7.5133,0.602607,5.7086,-1.19937,13.2892,-10.6306,4.59242,9.89067,7.44495,27.8133 +-23.9561,0.984922,0.336745,3,15,0,32.3945,7.18821,9.56849,20.2398,5.37937,5.96315,3.21309,5.09608,-0.299701,26.1825,14.3515 +-28.0579,0.979968,0.336745,4,15,0,35.347,23.1112,21.7204,-5.58703,31.9045,16.85,9.45564,0.113628,17.2785,13.9073,22.7032 +-25.3208,0.987193,0.336745,4,15,0,31.9092,16.074,18.3285,-8.9952,12.2657,2.1498,4.55415,-8.50852,15.6716,17.0736,15.817 +-24.8428,0.998528,0.336745,4,15,0,28.2165,-5.08025,4.12559,-0.216939,-8.82366,4.20921,9.33688,11.5442,10.8534,-5.71823,16.1118 +-21.1048,0.962255,0.336745,4,15,0,26.7873,10.6964,15.7068,15.4656,5.32548,13.1161,5.77926,-7.84919,13.6468,8.52324,13.4623 +-18.6915,1,0.336745,3,7,0,26.0587,12.1073,9.61143,2.18342,3.64145,6.69678,14.4969,10.0688,14.046,9.58047,6.50648 +-17.7207,0.957389,0.336745,3,7,0,20.8562,8.08684,6.35079,14.9325,7.40101,10.7337,-2.55304,11.9924,9.7781,6.60545,4.44456 +-15.0532,6.57707e-09,0.336745,2,3,0,25.7624,11.8413,17.1312,9.74945,10.3195,7.15102,14.9821,7.43431,14.0695,13.618,3.56234 +-15.0532,0.000919297,0.336745,4,15,0,24.1588,11.8413,17.1312,9.74945,10.3195,7.15102,14.9821,7.43431,14.0695,13.618,3.56234 +-13.3317,0.596208,0.336745,3,7,0,19.9353,13.0277,11.9554,13.637,13.7448,13.896,7.74632,12.0427,15.0074,17.5453,2.9466 +-27.4183,0.73612,0.336745,4,15,0,32.3704,18.5479,4.44122,24.1623,-6.34948,14.9534,-6.82986,5.65857,3.16932,15.1687,17.6875 +-30.2686,0.945624,0.336745,4,15,0,36.1354,27.4539,36.0006,2.37956,-0.160715,21.6937,2.48965,-5.13221,39.9697,37.122,27.2029 +-18.6427,0.977274,0.336745,3,15,0,24.651,5.99615,11.5091,12.8774,6.74727,4.96692,-0.149412,-2.90533,15.0693,-2.04604,8.28329 +-22.5379,0.682771,0.336745,3,7,0,25.4139,2.42432,13.8736,0.329865,4.2247,17.2669,10.4572,9.57579,16.8129,2.11335,7.78441 +-19.0359,0.846303,0.336745,4,15,0,25.7441,10.0966,5.28359,4.16167,7.28762,8.60897,-0.825311,12.6729,9.07473,19.8501,6.3982 +-20.4147,0.969131,0.336745,3,7,0,22.9684,8.59705,15.3871,14.8133,-5.81463,7.72026,2.83997,-0.00282625,11.991,1.69202,5.61025 +-23.2679,0.992371,0.336745,4,15,0,25.9054,0.150045,3.26918,9.15385,-13.1153,9.37231,7.29838,9.86996,19.6803,-3.70496,10.3212 +-17.893,0.528089,0.336745,2,7,0,21.9397,4.06066,9.01011,11.9595,10.6156,6.6432,0.998678,8.45901,11.0511,5.12577,4.25449 +-21.3087,0.976695,0.336745,3,15,0,26.9361,3.95776,-6.12642,0.785838,-8.74545,0.463329,0.535567,-2.53689,13.7541,6.01677,7.52535 +-36.2902,0.85337,0.336745,3,7,0,39.0879,7.19652,34.4057,5.93572,19.658,-23.2046,-9.71289,18.6297,-10.4374,-9.35013,26.0981 +-24.8715,0.989289,0.336745,3,15,0,27.8032,9.8551,32.7134,5.50038,-7.37436,21.6664,13.0186,5.70612,12.732,2.21157,19.8314 +-21.8446,0.800267,0.336745,3,7,0,26.4951,5.40405,4.13199,3.9603,11.6648,-0.941601,-1.13368,10.0388,0.65773,20.9979,6.93784 +-15.2212,0.951065,0.336745,3,7,0,25.0013,7.28159,4.0999,12.8119,2.19616,9.98148,7.23579,10.8225,7.95091,7.40729,3.92792 +-16.1372,0.580647,0.336745,2,7,0,19.6675,10.4859,7.15518,10.9155,17.8955,8.0298,6.72463,5.56685,8.52217,9.64691,3.70813 +-17.788,0.575283,0.336745,3,7,0,21.2839,5.70615,10.1232,4.9301,-2.13517,3.69061,7.25404,5.42925,12.8059,-1.49458,8.0456 +-18.2541,0.435244,0.336745,2,5,1,19.8995,7.01151,9.27652,1.27186,15.8012,3.69926,9.12634,8.45802,10.257,7.5304,7.3961 +-16.0401,0.0171983,0.336745,2,3,0,21.7853,8.98768,12.9797,10.534,3.08447,5.17575,11.5743,2.76639,14.2584,5.77143,4.29222 +-17.0321,0.992275,0.336745,3,7,0,21.6503,9.81856,10.8709,11.2861,5.73013,5.68623,-0.814637,14.7261,13.4216,13.514,4.99944 +-16.4247,0.892532,0.336745,4,15,0,20.8556,0.72121,2.26571,6.09924,2.92973,2.59478,1.74645,4.84923,7.54155,-0.529534,5.81596 +-26.2808,0.529706,0.336745,3,15,0,29.175,11.4354,6.87585,8.38141,-4.13459,11.1361,13.1663,16.4166,11.6785,-0.42803,23.7195 +-18.2484,0.980582,0.336745,3,7,0,23.818,4.83558,6.78185,7.77558,3.57938,8.31514,7.98898,11.8591,-1.573,9.7718,4.69686 +-20.9982,0.902117,0.336745,3,15,0,23.9995,8.31895,21.9617,10.5608,-4.45901,3.52183,2.68598,4.99273,-1.60791,5.35313,9.56424 +-22.4741,0.921354,0.336745,4,15,0,25.7978,4.20822,18.4213,10.8981,-5.51641,1.27741,8.23298,1.23739,-4.6977,1.88295,11.4537 +-19.2607,0.962121,0.336745,4,15,0,25.0081,4.70603,21.6736,-1.58127,-1.06087,10.2668,0.425886,7.55249,9.54906,5.75903,7.38251 +-21.8275,0.969565,0.336745,3,7,0,25.5735,2.61272,5.52025,6.09955,0.345436,-10.5958,11.0233,1.0444,8.79169,13.4123,9.20791 +-21.7563,0.470259,0.336745,3,7,0,29.3311,1.23576,6.51757,-0.249904,6.13804,1.36669,11.8802,9.6509,8.42795,7.28131,11.346 +-25.7175,0.953452,0.336745,3,15,0,32.3014,22.0414,31.276,13.8315,10.5445,21.9817,-0.403298,20.1054,4.85679,29.1732,11.448 +-24.4566,0.935192,0.336745,4,15,0,28.3576,-2.53536,-7.14158,2.51336,0.580113,-9.65241,4.85658,-12.7756,11.4215,9.12388,8.22068 +-16.5442,0.899506,0.336745,3,7,0,23.7264,3.47116,7.14555,5.29316,3.69121,-1.6512,8.14706,-2.27273,8.67791,2.34034,3.42336 +-20.9912,0.88837,0.336745,2,3,0,23.0207,1.93018,15.8131,3.23449,8.36414,-5.71099,-1.53904,2.12104,-0.434398,-0.138612,4.91155 +-21.4588,0.712132,0.336745,3,15,1,25.9812,15.0043,24.0412,18.8226,7.99284,5.79803,-0.105346,-1.95947,21.4617,21.0215,12.8546 +-22.7492,0.835899,0.336745,3,13,1,25.3467,9.72565,30.7469,10.4231,3.0922,21.4126,-5.05525,-2.10528,22.3492,13.0823,11.0499 +-21.1617,0.758147,0.336745,3,15,0,24.6217,13.3492,22.0039,-2.77941,-1.00016,13.0741,3.02891,12.3278,20.4075,15.7267,10.6106 +-20.7013,0.991801,0.336745,4,15,0,25.225,11.5064,22.4749,-3.52167,0.480022,12.7928,4.36318,14.7536,16.1467,13.7076,9.19444 +-19.4028,0.974808,0.336745,3,7,0,23.5948,4.01636,7.90619,8.1056,9.82058,2.87879,-4.41383,4.46184,-0.0126273,10.7481,8.51193 +-21.3517,0.976793,0.336745,3,7,0,26.8468,7.99745,26.3652,4.35005,-2.94904,6.06492,14.8336,6.17714,16.8668,1.04761,8.81555 +-17.2101,0.794253,0.336745,3,7,0,21.6331,9.13164,12.475,7.98307,4.09777,1.73424,6.73471,8.63119,17.5467,16.4553,6.76881 +-15.6913,0.571437,0.336745,2,7,1,18.328,9.98095,17.8873,7.36205,8.41237,6.11794,4.88555,6.80905,13.6976,15.1643,5.82322 +-20.2869,0.890684,0.336745,3,7,0,24.0747,8.2135,14.8939,15.4233,5.09843,8.33168,-1.04522,19.0211,12.2515,-0.848025,7.35175 +-30.4209,0.995571,0.336745,4,15,0,36.6256,-3.18531,47.7533,-1.20172,21.0625,-6.71048,-12.7078,-1.68279,5.50555,6.48732,18.2797 +-25.167,0.996374,0.336745,4,15,0,29.9464,5.83644,0.89463,26.2514,3.44471,6.18909,0.973349,15.0758,8.88252,18.5078,14.5646 +-27.6319,0.959732,0.336745,4,15,0,31.5025,23.6117,37.071,9.48439,29.7556,21.4396,12.3717,17.4787,25.2779,0.0879084,16.7783 +-22.0804,0.992823,0.336745,4,15,0,27.3167,12.1781,17.7327,11.1472,-1.00378,11.7259,18.5621,-2.54133,14.1411,13.0085,12.5912 +-21.4959,0.207562,0.336745,3,7,0,23.4484,15.9115,19.1063,9.4302,-1.23454,18.3896,16.7971,7.0531,14.2932,14.0209,10.9736 +-21.5913,0.97969,0.336745,4,15,0,27.6251,9.03483,-2.39075,0.690014,2.26528,11.2585,4.36369,13.2296,19.5267,16.2781,6.82157 +-21.7549,0.804342,0.336745,4,15,0,30.6425,13.3012,29.8186,13.8274,4.65968,3.72105,2.73629,8.17111,28.9712,9.78956,9.07421 +-20.0635,0.974474,0.336745,4,15,0,24.8175,10.0616,11.3608,6.25078,20.9085,10.3928,4.65074,7.65922,15.5561,12.9742,11.4483 +-21.9443,1,0.336745,3,15,0,27.2381,-0.951478,-5.54351,-0.167595,5.97712,-2.739,-5.00428,4.53831,7.53911,6.11443,11.0584 +-19.6447,0.969379,0.336745,3,7,0,22.3187,2.52484,8.94996,4.61803,7.1873,-5.01867,8.19544,-5.59667,3.70686,7.1391,7.32094 +-20.2492,0.945816,0.336745,3,7,0,23.884,1.11079,15.335,6.81748,1.99037,-2.4345,10.468,-1.49779,4.95088,6.78898,8.79863 +-25.3128,0.682079,0.336745,4,15,0,37.0683,21.7183,23.8361,10.9188,13.9248,24.4064,18.6722,27.0957,23.8276,8.6423,6.16462 +-18.3925,0.982147,0.336745,3,7,0,25.0593,14.181,11.2215,17.691,15.865,17.156,6.45666,10.4633,17.7077,23.2804,5.20508 +-15.5372,1,0.336745,3,7,0,18.4736,10.3235,13.7286,12.7722,6.6649,6.62101,9.02094,15.7527,14.3779,8.7786,5.04204 +-21.5089,0.000123102,0.336745,3,7,0,29.7766,14.5401,10.6886,12.0523,13.1326,4.36645,12.6703,16.1135,16.6492,5.01635,3.50557 +-18.1136,0.266672,0.336745,4,15,0,28.0536,8.89759,9.10914,11.0762,2.9232,15.6062,5.8937,13.8522,12.5915,18.6124,6.09724 +-18.6238,0.959599,0.336745,3,7,0,23.2809,12.991,10.7412,10.5007,-1.24397,14.5529,5.62425,4.64201,17.6852,13.4848,7.80383 +-25.0068,0.932346,0.336745,4,15,0,29.6062,12.3575,-1.46864,7.93352,-1.89709,16.3909,2.93714,-11.1688,21.5757,18.7357,16.7792 +-27.2509,0.979373,0.336745,4,15,0,32.443,13.609,17.7119,21.7644,8.37078,36.1545,1.85426,3.4095,7.53732,25.6044,15.739 +-23.3948,0.842402,0.336745,4,15,0,30.2627,14.4415,14.7478,14.3854,8.3671,26.1252,6.25441,-2.36755,18.3171,27.9209,7.83414 +-23.224,0.98396,0.336745,4,15,0,26.0804,14.0328,30.489,7.00095,5.04965,18.4909,7.90531,-7.33525,8.1778,24.0293,12.8578 +-21.1433,0.887922,0.336745,3,7,0,26.7468,4.73223,11.7659,2.7457,2.51326,3.66547,-3.07218,-8.34595,-0.638214,14.9263,6.3913 +-20.2238,0.923374,0.336745,4,31,0,24.8487,5.63004,7.18649,-0.438495,0.74318,4.75712,2.4822,-4.86128,-1.21927,14.0504,5.80673 +-18.5114,0.922992,0.336745,3,7,0,23.6672,5.58459,20.6521,8.40677,11.3882,3.66216,7.87205,7.99729,10.4861,6.58736,5.71323 +-20.9802,0.864888,0.336745,3,15,0,25.0639,6.77925,8.76349,10.3378,10.7922,4.67629,-8.97478,9.71154,20.0331,15.4153,10.8112 +-14.257,0.733935,0.336745,3,7,0,25.537,9.83445,15.4666,6.68918,7.74567,6.58027,7.00537,12.5582,11.0215,9.87447,4.6752 +-24.2227,0.08636,0.336745,4,15,0,28.6938,4.57776,2.37349,0.393764,-20.2861,4.37387,6.46067,2.26246,6.72019,15.844,15.6704 +-24.4969,0.914193,0.336745,4,15,0,27.2021,14.4264,38.2767,10.5707,-5.93649,14.2684,5.03904,13.6538,10.5616,3.3087,9.27613 +-23.2005,1,0.336745,3,15,0,28.9118,-1.2016,5.78713,0.298422,8.60543,15.5734,-3.85008,-1.83778,20.9571,-0.517288,14.1942 +-15.0374,0.23127,0.336745,4,15,0,24.7861,-0.381261,2.44897,-0.199356,1.15645,5.15308,-2.37772,-4.10004,2.64001,-0.978546,3.68079 +-16.9244,0.370102,0.336745,2,7,0,19.4703,0.772227,0.394251,-0.479643,4.41584,9.13384,-2.52777,-2.88719,3.55369,2.74566,3.92498 +-12.686,0.0497045,0.336745,3,7,0,18.1777,3.62442,1.70159,1.90875,4.81269,3.04501,2.5466,3.92605,5.75323,1.89186,3.68296 +-11.8575,0.0280035,0.336745,3,7,0,15.2907,9.82658,14.6888,10.2573,8.8143,9.57543,9.11642,7.97466,10.1522,11.6563,3.42723 +-11.8575,6.30282e-10,0.336745,2,3,0,20.9905,9.82658,14.6888,10.2573,8.8143,9.57543,9.11642,7.97466,10.1522,11.6563,3.42723 +-17.0412,0.303474,0.336745,2,3,0,21.8995,8.27103,12.7008,13.1868,8.38262,-0.740596,7.09506,6.7125,14.3874,13.3373,4.47908 +-22.676,0.797199,0.336745,3,7,0,25.0486,4.77038,15.6375,1.55787,-3.26801,-1.1124,11.6541,5.75297,13.0666,20.3445,15.9679 +-26.8957,0.953389,0.336745,4,31,0,32.7439,18.7202,28.7699,-0.0814748,5.57737,-1.58709,2.66477,1.40814,16.8523,31.8507,9.62392 +-24.3752,0.749129,0.336745,3,7,0,26.1475,20.0661,12.7961,9.19599,7.17169,-0.349448,4.82126,-2.24178,9.32338,9.3305,14.605 +-22.912,1,0.336745,4,15,0,27.5019,7.30142,17.6954,7.49486,15.3965,0.538164,2.68668,-10.3054,19.742,4.00743,17.1643 +-16.1011,0.945462,0.336745,3,7,0,18.6751,9.73661,10.5885,10.059,12.9581,7.32651,7.68925,5.15774,3.13539,14.7844,3.60865 +-13.9238,0.0340459,0.336745,2,3,0,21.7669,9.11865,9.34612,8.02834,6.4183,9.77497,9.89599,6.89118,3.00038,11.4702,3.18728 +-13.0943,0.123044,0.336745,3,7,0,16.6931,9.8691,9.59335,13.6629,10.2702,10.8184,10.8807,13.8411,11.7293,7.23174,2.89711 +-16.7272,1,0.336745,3,7,0,18.2454,7.68699,7.64127,-0.210282,6.89552,6.98045,-2.09777,6.47077,11.8912,9.39915,5.59705 +-19.6272,0.738478,0.336745,4,15,0,24.3014,13.2929,21.7618,18.4233,13.0575,14.4506,13.28,7.0765,6.02754,9.46739,7.92597 +-16.2076,0.961485,0.336745,3,7,0,23.1062,8.25651,10.2951,9.41935,-0.93137,6.46478,5.52581,10.8903,10.3529,15.3702,4.66933 +-16.1063,0.960197,0.336745,3,7,0,23.1007,14.2177,18.8525,10.0354,10.2199,11.3791,10.514,17.34,17.5394,9.21201,4.44584 +-21.3406,0.794867,0.336745,2,3,0,22.7276,11.7758,9.70953,4.15486,15.1135,14.6684,18.8394,13.4399,20.0335,14.8769,3.88325 +-18.2267,0.480571,0.336745,3,15,0,25.8282,9.86014,17.7798,6.81563,14.1408,19.1996,10.7502,8.85522,10.4336,6.85628,4.23468 +-27.9054,0.629887,0.336745,3,7,0,30.2138,7.91648,19.9813,4.33164,13.678,-7.80866,25.2699,4.61665,11.3802,-6.43457,9.35163 +-22.1029,0.899667,0.336745,3,15,0,29.8492,18.4119,24.4602,18.5929,5.62179,4.63254,10.027,13.2001,24.5876,5.58647,11.4594 +-20.5867,0.496802,0.336745,3,15,0,29.493,9.20066,14.127,12.6856,-3.21345,3.20135,4.10639,3.16125,16.5229,8.42255,15.1638 +-17.9475,0.810231,0.336745,3,7,0,21.0418,5.49033,14.2404,9.103,8.13285,6.18554,3.9653,15.0021,9.77581,10.9997,5.14281 +-18.8803,0.844983,0.336745,3,7,0,22.1474,1.08615,1.06011,9.76867,-3.04077,4.50764,-2.31589,-7.05638,4.28395,-3.78724,4.90053 +-18.0295,0.927964,0.336745,4,15,0,25.8906,14.4292,19.535,12.8434,16.2744,7.8765,5.57966,13.4911,15.1311,10.0398,8.28032 +-18.9433,0.839611,0.336745,4,15,0,23.6352,15.4417,21.0109,8.95509,2.45242,6.78544,8.25657,14.0226,18.7057,16.6454,7.22475 +-11.6494,0.663058,0.336745,2,7,0,17.9966,7.18432,6.88134,7.78423,5.56507,6.5006,7.35186,5.27683,5.31826,11.3526,2.96379 +-12.0259,0.0263662,0.336745,2,3,0,16.2178,6.74586,8.54524,7.4185,10.1761,5.67509,6.12614,4.83981,5.53478,2.61423,2.23392 +-10.0352,0.00019591,0.336745,2,3,0,21.6256,5.1358,5.19348,4.03037,3.26754,6.66425,6.03267,6.36212,6.93075,6.83999,2.49591 +-10.0352,3.48668e-05,0.336745,2,3,0,16.7765,5.1358,5.19348,4.03037,3.26754,6.66425,6.03267,6.36212,6.93075,6.83999,2.49591 +-10.0352,0.198225,0.336745,1,3,0,12.8895,5.1358,5.19348,4.03037,3.26754,6.66425,6.03267,6.36212,6.93075,6.83999,2.49591 +-10.0352,0.287158,0.336745,2,5,0,13.7953,5.1358,5.19348,4.03037,3.26754,6.66425,6.03267,6.36212,6.93075,6.83999,2.49591 +-10.0352,1.04069e-45,0.336745,1,1,0,16.1497,5.1358,5.19348,4.03037,3.26754,6.66425,6.03267,6.36212,6.93075,6.83999,2.49591 +-10.0352,0.00897583,0.336745,2,3,0,13.3721,5.1358,5.19348,4.03037,3.26754,6.66425,6.03267,6.36212,6.93075,6.83999,2.49591 +-10.0352,4.1702e-05,0.336745,2,3,0,12.0241,5.1358,5.19348,4.03037,3.26754,6.66425,6.03267,6.36212,6.93075,6.83999,2.49591 +-10.0352,6.18078e-10,0.336745,3,7,0,20.708,5.1358,5.19348,4.03037,3.26754,6.66425,6.03267,6.36212,6.93075,6.83999,2.49591 +-9.21885,0.262568,0.336745,1,3,0,11.3658,4.72139,7.30798,4.34092,2.76336,5.82138,4.3517,6.46127,5.80134,4.60974,2.0801 +-9.21885,1.3871e-37,0.336745,1,1,0,13.5706,4.72139,7.30798,4.34092,2.76336,5.82138,4.3517,6.46127,5.80134,4.60974,2.0801 +-9.21885,0.0298008,0.336745,2,3,0,11.6835,4.72139,7.30798,4.34092,2.76336,5.82138,4.3517,6.46127,5.80134,4.60974,2.0801 +-10.8311,0.0194114,0.336745,1,3,0,15.4254,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,0.00056157,0.336745,2,3,0,18.7296,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,0.0405947,0.336745,3,7,0,15.0761,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,0.0209439,0.336745,3,7,0,13.8484,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,6.79225e-22,0.336745,1,1,0,14.7271,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,1.74091e-27,0.336745,2,3,0,18.4399,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,2.7126e-22,0.336745,1,1,0,16.2678,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,2.27902e-06,0.336745,2,3,0,14.2741,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,0.000983312,0.336745,2,3,0,15.2579,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,6.64521e-13,0.336745,1,2,1,14.5926,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,3.19918e-18,0.336745,1,1,0,12.9347,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,7.07924e-06,0.336745,5,33,1,12.5107,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.8311,1.42472e-183,0.336745,1,1,0,15.3247,3.54473,0.564679,5.45996,1.89475,3.56933,5.95776,2.51649,3.92233,4.07332,1.67364 +-10.859,0.207029,0.336745,1,3,1,15.2718,3.85834,4.14205,4.57264,5.55872,4.50232,1.90445,3.85898,1.62197,4.94243,2.67727 +-10.859,0.00365698,0.336745,2,3,0,14.2066,3.85834,4.14205,4.57264,5.55872,4.50232,1.90445,3.85898,1.62197,4.94243,2.67727 +-14.1226,0.175539,0.336745,2,3,0,15.5473,4.63277,3.06904,6.63934,10.0427,1.61792,1.63065,4.43785,4.74353,2.49768,2.42497 +-14.1226,0.0307974,0.336745,2,3,0,19.4057,4.63277,3.06904,6.63934,10.0427,1.61792,1.63065,4.43785,4.74353,2.49768,2.42497 +-15.7001,0.65207,0.336745,3,7,0,18.3514,2.71679,8.42139,0.0943061,-1.44353,5.15963,5.42724,3.30092,3.05445,-1.16442,4.82738 +-21.2874,0.954768,0.336745,3,15,0,24.8792,8.11029,0.630415,4.96201,-2.303,3.68565,2.0371,-1.23116,20.5574,5.88238,5.8377 +-20.1197,0.911496,0.336745,4,15,0,25.6074,9.36171,22.3654,17.372,12.6751,16.3348,-0.541425,10.0479,19.2067,10.7381,7.71231 +-18.2188,0.779562,0.336745,3,11,0,22.7013,8.09939,17.6024,8.80975,2.37993,8.08115,-0.853144,11.9802,16.0303,1.44011,8.45768 +-22.5387,0.957546,0.336745,3,7,0,25.2541,12.0069,38.8091,12.0499,8.34968,7.99513,3.89644,7.96803,16.0465,1.35124,16.559 +-22.6766,0.907089,0.336745,4,15,0,28.2281,12.6787,16.5283,8.00316,0.820858,14.1743,-1.94587,7.35934,32.5012,24.2858,11.4834 +-23.3682,0.911655,0.336745,4,15,0,24.3003,1.108,29.3805,0.619137,8.70302,-2.93598,-6.53467,9.26126,17.3049,10.27,14.8963 +-22.963,1,0.336745,4,15,0,32.8935,11.7283,20.3789,1.47187,14.3873,0.683794,-3.55601,15.6484,2.47194,18.8031,11.079 +-25.3832,0.891728,0.336745,4,15,0,28.4531,10.846,31.4769,8.51869,7.85169,1.01256,9.23638,8.95459,30.5789,-12.9723,15.6572 +-21.3413,0.963059,0.336745,3,15,0,26.4395,1.64114,15.6251,0.0579482,3.41493,11.1188,5.56894,0.594919,18.4962,9.31098,14.4619 +-23.3925,0.85903,0.336745,4,15,0,36.3512,3.45898,11.5903,16.8018,3.32727,-4.69103,-0.853603,15.7743,14.4034,-9.95854,11.5509 +-22.4711,1,0.336745,4,15,0,28.8107,5.53666,11.7488,2.67445,10.2318,7.4661,-0.295597,5.33006,-4.03797,22.5628,6.75999 +-18.3519,0.650934,0.336745,2,6,1,21.6985,10.3699,14.9586,11.4198,13.9725,10.718,11.6503,11.5594,15.4419,2.57195,8.23189 +-16.4409,0.851258,0.336745,3,7,0,23.8677,13.7429,9.09578,12.3113,15.2575,12.7,17.7923,14.2369,13.0526,12.1251,4.5566 +-16.7705,0.591466,0.336745,2,7,0,19.1753,16.6106,17.7761,13.4283,9.1908,19.9006,11.047,13.5242,14.0691,13.8316,4.21257 +-17.8819,0.791463,0.336745,3,7,0,20.2102,4.12866,9.30867,4.83742,3.00293,6.93882,1.90931,5.89314,11.7937,-7.89822,6.46213 +-26.1996,0.741934,0.336745,4,15,0,28.9115,1.35281,18.4959,-1.22806,0.321125,-6.1884,9.19622,-4.22187,27.621,-6.09156,23.1511 +-27.9218,0.921302,0.336745,4,15,0,33.9228,-9.60603,8.31906,-5.01153,-14.4412,-12.9083,1.13317,-0.711089,22.7255,-14.9855,12.1763 +-26.4011,0.987429,0.336745,4,15,0,30.8694,3.47221,11.6025,14.0041,-11.3851,9.33443,-9.16705,5.10084,16.7183,28.2216,8.48613 +-24.1783,0.975768,0.336745,4,15,0,29.9776,3.2757,2.41607,6.32356,-11.7097,-1.99501,-3.99383,10.2155,-4.99739,16.636,9.08953 +-22.4694,0.975371,0.336745,3,15,0,25.6128,11.738,18.7406,3.75428,1.89837,22.3277,-0.338075,1.22816,28.6197,10.9389,13.5844 +-23.9932,0.922851,0.336745,3,15,0,27.0744,11.3047,42.1518,6.81157,-8.14127,3.94211,5.31718,-0.647443,21.5673,5.15771,13.0141 +-20.3217,1,0.336745,3,7,0,26.879,12.3976,8.2803,8.78896,15.1952,9.94448,4.18667,1.82316,13.7571,10.0301,12.703 +-22.532,0.931175,0.336745,3,7,0,26.4773,11.622,15.2722,-0.690223,17.0946,19.0491,13.1151,0.994819,9.37728,13.7535,4.9765 +-22.1436,0.826006,0.336745,3,7,0,24.3787,11.0056,-4.12117,18.5045,12.26,14.5274,11.9863,12.5382,16.317,12.0969,6.84844 +-22.4871,0.983046,0.336745,3,7,0,24.1533,17.012,18.1146,4.83536,10.2178,7.38442,14.4214,9.84266,23.4762,15.6725,15.266 +-25.285,0.899715,0.336745,4,15,0,35.9388,12.2503,16.331,3.07771,2.94402,-0.928332,10.2729,4.0577,2.99061,14.9093,4.74109 +-24.409,0.996942,0.336745,4,15,0,28.7133,1.92731,31.4994,-3.03393,-2.2508,-5.57571,11.7821,-3.25398,7.53316,2.30546,13.887 +-22.4209,0.976973,0.336745,3,15,0,27.9685,3.77218,23.7603,1.55752,-7.75733,5.54207,0.72442,8.24211,25.9109,14.9016,11.5754 +-22.6619,0.946558,0.336745,4,15,0,26.7266,9.03735,25.8368,4.41701,-3.20216,-0.694907,-1.74915,-2.40514,23.5674,22.1629,10.0751 +-21.9182,0.947835,0.336745,4,15,0,29.5182,9.14422,15.1473,15.1642,-9.39324,15.2686,15.9912,4.15807,15.0161,11.2474,10.7428 +-19.3531,0.919406,0.336745,4,31,0,25.4856,6.2005,5.43483,15.3251,-5.53421,12.1012,4.35679,7.90481,3.58084,9.13552,5.98859 +-23.3089,1,0.336745,4,15,0,27.4982,1.18657,3.30229,13.5647,-17.8207,2.99393,-2.37234,-8.71695,5.11045,6.24978,7.61964 +-19.4431,0.283094,0.336745,4,15,0,25.5995,6.50781,5.35509,-0.859629,2.89783,11.0083,7.55646,0.372878,-1.95316,7.3891,4.86381 +-26.9759,0.691295,0.336745,4,15,0,30.5906,2.72051,43.2935,15.6525,21.2698,5.32216,6.08599,-0.98289,6.2702,15.158,20.8478 +-23.5924,0.989251,0.336745,4,15,0,30.085,4.04984,30.3739,20.2051,7.58934,6.57008,1.49937,11.5953,10.7501,10.8386,17.3521 +-24.41,0.888797,0.336745,4,15,0,28.3563,6.12028,14.0367,22.5807,-6.12814,5.83412,4.03114,-5.08366,2.05762,25.9845,11.0976 +-22.1974,0.994768,0.336745,4,15,0,31.0575,14.2237,28.7059,10.3603,14.0616,-4.87943,9.36401,12.0302,17.444,5.40906,11.6105 +-14.1696,0.709837,0.336745,3,11,0,19.7331,15.9681,18.7514,15.2656,15.1527,10.4797,15.012,15.2679,17.025,17.9529,3.40531 +-14.4907,0.021047,0.336745,3,7,0,16.4405,14.9764,14.8696,11.7967,15.7974,14.2084,10.5986,14.9225,18.9482,19.4772,3.27572 +-15.4055,0.300138,0.336745,3,7,0,23.4673,11.7121,14.1051,12.3432,11.3707,15.3393,12.9864,6.31346,9.41294,14.2159,4.98951 +-15.8079,0.364128,0.336745,4,15,0,20.2539,9.08011,9.15961,4.19594,0.872986,5.496,6.15755,10.9845,10.335,12.6892,5.00765 +-18.7649,0.714286,0.336745,2,7,1,22.4775,9.48837,14.4946,15.0065,12.8769,9.37905,0.641803,0.195459,11.1618,0.710823,8.53976 +-25.1487,0.937918,0.336745,4,15,0,30.4718,6.33705,27.4899,-5.6571,9.1077,4.15108,20.7318,9.5952,11.9771,3.09614,11.6798 +-32.196,0.986945,0.336745,4,15,0,35.0963,6.15156,-11.3464,19.7338,-4.24472,31.2506,-10.0496,-3.88973,21.6028,26.0876,27.406 +-21.9544,0.967773,0.336745,4,15,0,25.9732,16.5322,12.0791,23.3136,10.0659,20.8625,-0.079561,10.6124,13.8721,18.7243,10.6837 +-20.0075,0.539987,0.336745,2,7,0,25.0897,11.5944,12.5285,4.35598,-0.656948,-2.78016,5.01872,7.28059,11.6611,7.20103,8.22928 +-22.2454,0.31691,0.336745,4,15,0,27.322,14.1913,36.8083,13.9573,9.45807,7.2093,7.85113,9.052,27.7697,18.3323,11.1118 +-25.0136,0.895256,0.336745,4,15,0,32.1723,-0.456606,9.14915,1.12047,3.24415,3.20007,-11.4082,13.5019,23.2876,-11.9034,15.3264 +-20.6791,0.960778,0.336745,3,15,0,35.9081,11.7339,8.95894,12.2122,-3.5993,8.65168,11.7904,-3.5005,15.6875,6.87793,8.96095 +-21.6769,0.930388,0.336745,4,15,0,27.2034,3.67072,11.4748,7.77133,-7.38866,11.1409,-1.48472,-3.87525,9.39501,22.5217,7.85932 +-18.1091,0.99531,0.336745,3,7,0,23.3359,9.64035,9.85188,19.0552,6.04828,5.67318,0.327966,7.83185,8.01275,14.7202,5.24851 +-17.6802,0.991146,0.336745,3,7,0,20.826,8.12887,8.98983,13.1344,5.61432,9.38492,-1.69121,9.88144,2.99302,7.0212,6.65635 +-21.7026,0.755985,0.336745,3,15,0,27.8246,6.90567,4.31983,13.9175,-0.00257747,14.5546,-9.91783,8.30026,20.3456,9.19659,9.13339 +-21.8721,0.929872,0.336745,3,7,0,27.4204,12.3844,8.37973,24.9725,9.81605,17.4002,4.36655,4.88499,23.6801,16.2054,9.61569 +-18.8908,1,0.336745,3,7,0,24.5854,3.194,9.75998,9.06204,0.183302,0.196596,-5.97357,5.16562,3.37759,-4.88835,5.07644 +-22.7828,0.86184,0.336745,3,7,0,26.2674,5.59897,4.71278,6.90791,5.8789,12.7258,1.17602,-6.6017,13.1816,10.5098,18.5821 +-22.5734,0.764378,0.336745,4,15,0,31.6748,13.3428,23.6905,3.23508,8.74927,6.00672,0.387502,-5.14408,13.5627,10.2369,19.5973 +-23.0557,0.717645,0.336745,3,15,0,25.8071,8.478,-2.018,4.18658,22.3128,-2.80499,6.61421,3.79011,7.33186,12.4917,8.49459 +-27.1179,0.916112,0.336745,4,15,0,33.4767,20.7388,40.3445,4.41775,-8.14155,26.5261,5.5807,4.92906,29.6332,14.1235,13.3984 +-29.363,0.951986,0.336745,4,15,0,37.2485,16.2518,25.1177,3.25609,19.0689,1.29517,-2.73295,-15.3183,40.6719,14.2395,14.7113 +-27.0516,0.68738,0.336745,4,15,0,36.8853,20.3164,22.4672,6.27826,7.74054,4.5806,1.53811,2.00511,40.2226,16.4054,26.6207 +-21.3013,0.576033,0.336745,4,15,0,26.9604,9.82982,13.7271,16.0268,24.1489,14.2994,3.03415,13.2682,17.841,16.864,8.61276 +-17.1328,0.393815,0.336745,4,15,0,29.2668,9.13415,8.69133,0.753641,10.0112,15.7982,6.94527,9.1939,11.3976,4.99216,3.63798 +-17.1669,0.51697,0.336745,3,15,0,19.9239,11.0228,19.2251,16.2691,7.80126,8.73697,5.05567,6.52144,17.9187,13.3159,7.51632 +-19.9621,0.512936,0.336745,3,15,0,26.0303,12.9022,13.0419,18.7603,7.02067,1.30278,2.60538,10.3783,16.0523,11.2631,4.81099 +-22.7311,0.990752,0.336745,4,15,0,26.833,13.4324,23.8206,5.898,16.9165,-2.62158,13.0999,-2.00217,11.3853,11.1324,13.2378 +-19.0636,1,0.336745,3,7,0,25.298,8.39533,15.4892,8.56764,12.137,-2.18516,10.3939,-1.42548,13.6689,4.43648,7.22636 +-15.6881,0.480904,0.336745,3,7,0,19.9769,7.72875,4.61929,7.79223,2.06302,2.28203,5.41732,5.37156,4.33698,4.47377,3.67658 +# +# Elapsed Time: 0.033 seconds (Warm-up) +# 0.014 seconds (Sampling) +# 0.047 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/eight_schools_5iters_1.csv b/src/test/unit/mcmc/test_csv_files/eight_schools_5iters_1.csv new file mode 100644 index 00000000000..c210031c92e --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/eight_schools_5iters_1.csv @@ -0,0 +1,62 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = eight_schools_model +# start_datetime = 2024-08-02 00:41:06 UTC +# method = sample (Default) +# sample +# num_samples = 5 +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = true +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/eight_schools.data.json +# init = 2 (Default) +# random +# seed = 1272150304 +# output +# file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/test_csv_files/eight_schools-202408012041-1-5c2994.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/test_csv_files/eight_schools-profile-202408012041-1-71b713.csv +# save_cmdstan_config = true +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,mu,theta.1,theta.2,theta.3,theta.4,theta.5,theta.6,theta.7,theta.8,tau +# Adaptation terminated +# Step size = 0.255122 +# Diagonal elements of inverse mass matrix: +# 29.0476, 61.52, 39.9696, 71.637, 55.2727, 46.9849, 47.056, 46.955, 63.8751, 0.452837 +-20.7877,0.992501,0.255122,4,31,0,26.7532,15.418,22.6964,2.33549,-0.47199,10.617,0.327037,10.1927,16.3596,19.9623,9.72387 +-20.3617,0.786426,0.255122,3,15,0,23.3769,15.4589,17.628,4.63432,10.408,11.706,2.19791,13.2514,13.176,24.6951,11.005 +-20.0581,0.970637,0.255122,3,15,0,23.1533,10.6479,9.46195,13.6135,12.0037,13.4518,-0.981723,14.7449,10.6646,23.8779,6.28949 +-27.7784,0.685455,0.255122,4,31,0,32.1245,18.1249,29.0012,16.4194,21.7475,18.8411,-5.54255,-0.590031,2.02352,1.58803,26.5075 +-20.4323,0.976331,0.255122,4,15,0,31.0216,6.67189,0.393845,2.87533,-5.4399,-0.80737,7.71426,5.1214,17.8469,7.69329,9.05484 +# +# Elapsed Time: 0.03 seconds (Warm-up) +# 0 seconds (Sampling) +# 0.03 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/eight_schools_5iters_2.csv b/src/test/unit/mcmc/test_csv_files/eight_schools_5iters_2.csv new file mode 100644 index 00000000000..5ac7176c6f9 --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/eight_schools_5iters_2.csv @@ -0,0 +1,62 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = eight_schools_model +# start_datetime = 2024-08-02 00:41:07 UTC +# method = sample (Default) +# sample +# num_samples = 5 +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = true +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 2 +# data +# file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/eight_schools.data.json +# init = 2 (Default) +# random +# seed = 1272150304 +# output +# file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/test_csv_files/eight_schools-202408012041-2-5c2994.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = /Users/mitzi/github/stan-dev/cmdstan/examples/eight_schools/test_csv_files/eight_schools-profile-202408012041-2-71b713.csv +# save_cmdstan_config = true +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,mu,theta.1,theta.2,theta.3,theta.4,theta.5,theta.6,theta.7,theta.8,tau +# Adaptation terminated +# Step size = 0.212532 +# Diagonal elements of inverse mass matrix: +# 36.7915, 71.7469, 39.8211, 74.4468, 50.0889, 46.2225, 50.7702, 47.6696, 63.508, 0.719632 +-25.6347,0.977811,0.212532,4,15,0,30.7373,3.48962,18.9434,-8.37292,-16.7421,0.568964,9.96071,17.3906,8.33767,4.11305,13.9073 +-26.2724,0.957923,0.212532,5,31,0,33.4452,1.10426,19.5777,7.16892,-4.27551,1.20374,1.75746,15.5193,-6.81069,-11.3926,16.3893 +-25.8267,0.989673,0.212532,4,15,0,28.8245,1.07736,17.5014,13.9165,0.358151,2.27947,-3.36194,14.716,-5.54053,-11.8808,8.61073 +-29.6451,0.640928,0.212532,5,31,0,35.3758,8.49943,13.8662,0.409198,7.39161,8.57074,6.92426,24.1421,4.40711,-10.1655,31.0153 +-21.8872,0.886503,0.212532,4,15,0,32.6965,7.28245,18.5208,12.251,6.33112,7.20102,3.02724,23.5692,10.1139,4.93785,5.93738 +# +# Elapsed Time: 0.03 seconds (Warm-up) +# 0 seconds (Sampling) +# 0.03 seconds (Total) +# diff --git a/src/test/unit/mcmc/test_csv_files/eight_schools_empty.csv b/src/test/unit/mcmc/test_csv_files/eight_schools_empty.csv new file mode 100644 index 00000000000..1e934144703 --- /dev/null +++ b/src/test/unit/mcmc/test_csv_files/eight_schools_empty.csv @@ -0,0 +1,57 @@ +# stan_version_major = 2 +# stan_version_minor = 35 +# stan_version_patch = 0 +# model = eight_schools_model +# start_datetime = 2024-07-20 18:52:24 UTC +# method = sample (Default) +# sample +# num_samples = 0 +# num_warmup = 1000 (Default) +# save_warmup = false (Default) +# thin = 1 (Default) +# adapt +# engaged = true (Default) +# gamma = 0.05 (Default) +# delta = 0.8 (Default) +# kappa = 0.75 (Default) +# t0 = 10 (Default) +# init_buffer = 75 (Default) +# term_buffer = 50 (Default) +# window = 25 (Default) +# save_metric = false (Default) +# algorithm = hmc (Default) +# hmc +# engine = nuts (Default) +# nuts +# max_depth = 10 (Default) +# metric = diag_e (Default) +# metric_file = (Default) +# stepsize = 1 (Default) +# stepsize_jitter = 0 (Default) +# num_chains = 1 (Default) +# id = 1 (Default) +# data +# file = examples/eight_schools/eight_schools.data.json +# init = 2 (Default) +# random +# seed = 3634790287 (Default) +# output +# file = eight_schools_1.csv +# diagnostic_file = (Default) +# refresh = 100 (Default) +# sig_figs = -1 (Default) +# profile_file = profile.csv (Default) +# save_cmdstan_config = false (Default) +# num_threads = 1 (Default) +# stanc_version = stanc3 v2.35.0-25-gbb9ce42 +# stancflags = +lp__,accept_stat__,stepsize__,treedepth__,n_leapfrog__,divergent__,energy__,mu,theta.1,theta.2,theta.3,theta.4,theta.5,theta.6,theta.7,theta.8,tau +# Adaptation terminated +# Step size = 0.21285 +# Diagonal elements of inverse mass matrix: +# 22.9615, 70.1007, 38.6355, 46.2857, 44.7487, 36.401, 46.9537, 45.2008, 61.2207, 0.755335 +# +# Elapsed Time: 0.046 seconds (Warm-up) +# 0.023 seconds (Sampling) +# 0.069 seconds (Total) +# diff --git a/src/test/unit/util.hpp b/src/test/unit/util.hpp index f47ddcad39a..61a967368c1 100644 --- a/src/test/unit/util.hpp +++ b/src/test/unit/util.hpp @@ -1,8 +1,6 @@ #ifndef TEST_UNIT_UTIL_HPP #define TEST_UNIT_UTIL_HPP -#include - #include #include #include