├── .Rbuildignore ├── .github ├── .gitignore └── workflows │ ├── R-CMD-check.yaml │ └── pkgdown.yaml ├── .gitignore ├── DESCRIPTION ├── LICENSE ├── LICENSE.md ├── NAMESPACE ├── R ├── StanEstimators-package.R ├── aaa.R ├── cpp_exports.R ├── diagnose.R ├── laplace.R ├── model_methods.R ├── optimize.R ├── pathfinder.R ├── sample.R ├── util.R └── variational.R ├── README.Rmd ├── README.md ├── StanEstimators.Rproj ├── _pkgdown.yml ├── man ├── StanBase-class.Rd ├── StanEstimators-package.Rd ├── constrain_variables-methods.Rd ├── grad_log_prob-methods.Rd ├── hessian-methods.Rd ├── log_prob-methods.Rd ├── loo.StanBase.Rd ├── stan_diagnose.Rd ├── stan_laplace.Rd ├── stan_optimize.Rd ├── stan_pathfinder.Rd ├── stan_sample.Rd ├── stan_variational.Rd ├── stan_versions.Rd ├── summary-StanLaplace.Rd ├── summary-StanMCMC.Rd ├── summary-StanOptimize.Rd ├── summary-StanPathfinder.Rd ├── summary-StanVariational.Rd ├── unconstrain_draws-methods.Rd └── unconstrain_variables-methods.Rd ├── src ├── Makevars ├── StanEstimators.cpp ├── include │ ├── cmdstan │ │ ├── arguments │ │ │ ├── arg_adapt.hpp │ │ │ ├── arg_bfgs.hpp │ │ │ ├── arg_data.hpp │ │ │ ├── arg_data_file.hpp │ │ │ ├── arg_dense_e.hpp │ │ │ ├── arg_diag_e.hpp │ │ │ ├── arg_diagnose.hpp │ │ │ ├── arg_diagnostic_file.hpp │ │ │ ├── arg_engine.hpp │ │ │ ├── arg_fail.hpp │ │ │ ├── arg_fixed_param.hpp │ │ │ ├── arg_generate_quantities.hpp │ │ │ ├── arg_generate_quantities_fitted_params.hpp │ │ │ ├── arg_history_size.hpp │ │ │ ├── arg_hmc.hpp │ │ │ ├── arg_id.hpp │ │ │ ├── arg_init.hpp │ │ │ ├── arg_laplace.hpp │ │ │ ├── arg_lbfgs.hpp │ │ │ ├── arg_log_prob.hpp │ │ │ ├── arg_log_prob_constrained_params.hpp │ │ │ ├── arg_log_prob_unconstrained_params.hpp │ │ │ ├── arg_method.hpp │ │ │ ├── arg_metric.hpp │ │ │ ├── arg_newton.hpp │ │ │ ├── arg_num_samples.hpp │ │ │ ├── arg_num_threads.hpp │ │ │ ├── arg_num_warmup.hpp │ │ │ ├── arg_nuts.hpp │ │ │ ├── arg_opencl.hpp │ │ │ ├── arg_opencl_device.hpp │ │ │ ├── arg_opencl_platform.hpp │ │ │ ├── arg_optimize.hpp │ │ │ ├── arg_optimize_algo.hpp │ │ │ ├── arg_output.hpp │ │ │ ├── arg_output_file.hpp │ │ │ ├── arg_output_sig_figs.hpp │ │ │ ├── arg_pathfinder.hpp │ │ │ ├── arg_profile_file.hpp │ │ │ ├── arg_random.hpp │ │ │ ├── arg_refresh.hpp │ │ │ ├── arg_rwm.hpp │ │ │ ├── arg_sample.hpp │ │ │ ├── arg_sample_algo.hpp │ │ │ ├── arg_seed.hpp │ │ │ ├── arg_single_bool.hpp │ │ │ ├── arg_single_int_nonneg.hpp │ │ │ ├── arg_single_int_pos.hpp │ │ │ ├── arg_single_real_bounded.hpp │ │ │ ├── arg_single_real_pos.hpp │ │ │ ├── arg_single_string.hpp │ │ │ ├── arg_single_u_int.hpp │ │ │ ├── arg_softabs.hpp │ │ │ ├── arg_softabs_alpha.hpp │ │ │ ├── arg_static.hpp │ │ │ ├── arg_test.hpp │ │ │ ├── arg_test_grad_eps.hpp │ │ │ ├── arg_test_grad_err.hpp │ │ │ ├── arg_test_gradient.hpp │ │ │ ├── arg_thin.hpp │ │ │ ├── arg_unit_e.hpp │ │ │ ├── arg_variational.hpp │ │ │ ├── arg_variational_adapt.hpp │ │ │ ├── arg_variational_algo.hpp │ │ │ ├── arg_variational_fullrank.hpp │ │ │ ├── arg_variational_meanfield.hpp │ │ │ ├── arg_x_delta.hpp │ │ │ ├── argument.hpp │ │ │ ├── argument_parser.hpp │ │ │ ├── categorical_argument.hpp │ │ │ ├── list_argument.hpp │ │ │ ├── singleton_argument.hpp │ │ │ ├── unvalued_argument.hpp │ │ │ └── valued_argument.hpp │ │ ├── command.hpp │ │ ├── command_helper.hpp │ │ ├── diagnose.cpp │ │ ├── file.hpp │ │ ├── main.cpp │ │ ├── print.cpp │ │ ├── print_helper.hpp │ │ ├── return_codes.hpp │ │ ├── stansummary.cpp │ │ ├── stansummary_helper.hpp │ │ ├── version.hpp │ │ ├── write_config.hpp │ │ ├── write_datetime.hpp │ │ ├── write_model.hpp │ │ ├── write_model_compile_info.hpp │ │ ├── write_opencl_device.hpp │ │ ├── write_parallel_info.hpp │ │ ├── write_profiling.hpp │ │ ├── write_stan.hpp │ │ └── write_stan_flags.hpp │ ├── cvodes │ │ ├── cvodes.h │ │ ├── cvodes_bandpre.h │ │ ├── cvodes_bbdpre.h │ │ ├── cvodes_diag.h │ │ ├── cvodes_direct.h │ │ ├── cvodes_ls.h │ │ └── cvodes_spils.h │ ├── estimator │ │ ├── estimator.hpp │ │ ├── estimator.stan │ │ └── estimator_ext_header.hpp │ ├── idas │ │ ├── idas.h │ │ ├── idas_bbdpre.h │ │ ├── idas_direct.h │ │ ├── idas_ls.h │ │ └── idas_spils.h │ ├── kinsol │ │ ├── kinsol.h │ │ ├── kinsol_bbdpre.h │ │ ├── kinsol_direct.h │ │ ├── kinsol_ls.h │ │ └── kinsol_spils.h │ ├── nvector │ │ ├── nvector_cuda.h │ │ ├── nvector_hip.h │ │ ├── nvector_manyvector.h │ │ ├── nvector_mpimanyvector.h │ │ ├── nvector_mpiplusx.h │ │ ├── nvector_openmp.h │ │ ├── nvector_openmpdev.h │ │ ├── nvector_parallel.h │ │ ├── nvector_parhyp.h │ │ ├── nvector_petsc.h │ │ ├── nvector_pthreads.h │ │ ├── nvector_raja.h │ │ ├── nvector_serial.h │ │ ├── nvector_sycl.h │ │ ├── nvector_trilinos.h │ │ └── trilinos │ │ │ ├── SundialsTpetraVectorInterface.hpp │ │ │ └── SundialsTpetraVectorKernels.hpp │ ├── stan │ │ ├── analyze │ │ │ └── mcmc │ │ │ │ ├── autocovariance.hpp │ │ │ │ ├── check_chains.hpp │ │ │ │ ├── compute_effective_sample_size.hpp │ │ │ │ ├── compute_potential_scale_reduction.hpp │ │ │ │ ├── ess.hpp │ │ │ │ ├── mcse.hpp │ │ │ │ ├── rank_normalization.hpp │ │ │ │ ├── rhat.hpp │ │ │ │ ├── split_chains.hpp │ │ │ │ ├── split_rank_normalized_ess.hpp │ │ │ │ └── split_rank_normalized_rhat.hpp │ │ ├── callbacks │ │ │ ├── concurrent_writer.hpp │ │ │ ├── interrupt.hpp │ │ │ ├── json_writer.hpp │ │ │ ├── logger.hpp │ │ │ ├── stream_logger.hpp │ │ │ ├── stream_writer.hpp │ │ │ ├── structured_writer.hpp │ │ │ ├── tee_writer.hpp │ │ │ ├── unique_stream_writer.hpp │ │ │ └── writer.hpp │ │ ├── io │ │ │ ├── array_var_context.hpp │ │ │ ├── chained_var_context.hpp │ │ │ ├── deserializer.hpp │ │ │ ├── dump.hpp │ │ │ ├── empty_var_context.hpp │ │ │ ├── ends_with.hpp │ │ │ ├── json │ │ │ │ ├── json_data.hpp │ │ │ │ ├── json_data_handler.hpp │ │ │ │ ├── json_error.hpp │ │ │ │ ├── json_handler.hpp │ │ │ │ └── rapidjson_parser.hpp │ │ │ ├── random_var_context.hpp │ │ │ ├── serializer.hpp │ │ │ ├── stan_csv_reader.hpp │ │ │ ├── validate_dims.hpp │ │ │ ├── validate_zero_buf.hpp │ │ │ └── var_context.hpp │ │ ├── lang │ │ │ └── rethrow_located.hpp │ │ ├── math.hpp │ │ ├── math │ │ │ ├── fwd.hpp │ │ │ ├── fwd │ │ │ │ ├── constraint.hpp │ │ │ │ ├── constraint │ │ │ │ │ └── unit_vector_constrain.hpp │ │ │ │ ├── core.hpp │ │ │ │ ├── core │ │ │ │ │ ├── fvar.hpp │ │ │ │ │ ├── operator_addition.hpp │ │ │ │ │ ├── operator_division.hpp │ │ │ │ │ ├── operator_equal.hpp │ │ │ │ │ ├── operator_greater_than.hpp │ │ │ │ │ ├── operator_greater_than_or_equal.hpp │ │ │ │ │ ├── operator_less_than.hpp │ │ │ │ │ ├── operator_less_than_or_equal.hpp │ │ │ │ │ ├── operator_logical_and.hpp │ │ │ │ │ ├── operator_logical_or.hpp │ │ │ │ │ ├── operator_multiplication.hpp │ │ │ │ │ ├── operator_not_equal.hpp │ │ │ │ │ ├── operator_subtraction.hpp │ │ │ │ │ ├── operator_unary_minus.hpp │ │ │ │ │ ├── operator_unary_not.hpp │ │ │ │ │ ├── operator_unary_plus.hpp │ │ │ │ │ ├── std_complex.hpp │ │ │ │ │ ├── std_iterator_traits.hpp │ │ │ │ │ └── std_numeric_limits.hpp │ │ │ │ ├── fun.hpp │ │ │ │ ├── fun │ │ │ │ │ ├── Eigen_NumTraits.hpp │ │ │ │ │ ├── Phi.hpp │ │ │ │ │ ├── Phi_approx.hpp │ │ │ │ │ ├── abs.hpp │ │ │ │ │ ├── accumulator.hpp │ │ │ │ │ ├── acos.hpp │ │ │ │ │ ├── acosh.hpp │ │ │ │ │ ├── arg.hpp │ │ │ │ │ ├── asin.hpp │ │ │ │ │ ├── asinh.hpp │ │ │ │ │ ├── atan.hpp │ │ │ │ │ ├── atan2.hpp │ │ │ │ │ ├── atanh.hpp │ │ │ │ │ ├── bessel_first_kind.hpp │ │ │ │ │ ├── bessel_second_kind.hpp │ │ │ │ │ ├── beta.hpp │ │ │ │ │ ├── binary_log_loss.hpp │ │ │ │ │ ├── cbrt.hpp │ │ │ │ │ ├── ceil.hpp │ │ │ │ │ ├── conj.hpp │ │ │ │ │ ├── cos.hpp │ │ │ │ │ ├── cosh.hpp │ │ │ │ │ ├── determinant.hpp │ │ │ │ │ ├── digamma.hpp │ │ │ │ │ ├── erf.hpp │ │ │ │ │ ├── erfc.hpp │ │ │ │ │ ├── exp.hpp │ │ │ │ │ ├── exp2.hpp │ │ │ │ │ ├── expm1.hpp │ │ │ │ │ ├── fabs.hpp │ │ │ │ │ ├── falling_factorial.hpp │ │ │ │ │ ├── fdim.hpp │ │ │ │ │ ├── floor.hpp │ │ │ │ │ ├── fma.hpp │ │ │ │ │ ├── fmax.hpp │ │ │ │ │ ├── fmin.hpp │ │ │ │ │ ├── fmod.hpp │ │ │ │ │ ├── gamma_p.hpp │ │ │ │ │ ├── gamma_q.hpp │ │ │ │ │ ├── hypergeometric_1F0.hpp │ │ │ │ │ ├── hypergeometric_2F1.hpp │ │ │ │ │ ├── hypergeometric_pFq.hpp │ │ │ │ │ ├── hypot.hpp │ │ │ │ │ ├── inc_beta.hpp │ │ │ │ │ ├── inv.hpp │ │ │ │ │ ├── inv_Phi.hpp │ │ │ │ │ ├── inv_cloglog.hpp │ │ │ │ │ ├── inv_erfc.hpp │ │ │ │ │ ├── inv_inc_beta.hpp │ │ │ │ │ ├── inv_logit.hpp │ │ │ │ │ ├── inv_sqrt.hpp │ │ │ │ │ ├── inv_square.hpp │ │ │ │ │ ├── inverse.hpp │ │ │ │ │ ├── is_inf.hpp │ │ │ │ │ ├── is_nan.hpp │ │ │ │ │ ├── lambert_w.hpp │ │ │ │ │ ├── lbeta.hpp │ │ │ │ │ ├── ldexp.hpp │ │ │ │ │ ├── lgamma.hpp │ │ │ │ │ ├── lmgamma.hpp │ │ │ │ │ ├── lmultiply.hpp │ │ │ │ │ ├── log.hpp │ │ │ │ │ ├── log10.hpp │ │ │ │ │ ├── log1m.hpp │ │ │ │ │ ├── log1m_exp.hpp │ │ │ │ │ ├── log1m_inv_logit.hpp │ │ │ │ │ ├── log1p.hpp │ │ │ │ │ ├── log1p_exp.hpp │ │ │ │ │ ├── log2.hpp │ │ │ │ │ ├── log_determinant.hpp │ │ │ │ │ ├── log_diff_exp.hpp │ │ │ │ │ ├── log_falling_factorial.hpp │ │ │ │ │ ├── log_inv_logit.hpp │ │ │ │ │ ├── log_inv_logit_diff.hpp │ │ │ │ │ ├── log_mix.hpp │ │ │ │ │ ├── log_rising_factorial.hpp │ │ │ │ │ ├── log_softmax.hpp │ │ │ │ │ ├── log_sum_exp.hpp │ │ │ │ │ ├── logit.hpp │ │ │ │ │ ├── mdivide_left.hpp │ │ │ │ │ ├── mdivide_left_ldlt.hpp │ │ │ │ │ ├── mdivide_left_tri_low.hpp │ │ │ │ │ ├── mdivide_right.hpp │ │ │ │ │ ├── mdivide_right_tri_low.hpp │ │ │ │ │ ├── modified_bessel_first_kind.hpp │ │ │ │ │ ├── modified_bessel_second_kind.hpp │ │ │ │ │ ├── multiply.hpp │ │ │ │ │ ├── multiply_log.hpp │ │ │ │ │ ├── multiply_lower_tri_self_transpose.hpp │ │ │ │ │ ├── norm.hpp │ │ │ │ │ ├── norm1.hpp │ │ │ │ │ ├── norm2.hpp │ │ │ │ │ ├── owens_t.hpp │ │ │ │ │ ├── polar.hpp │ │ │ │ │ ├── pow.hpp │ │ │ │ │ ├── primitive_value.hpp │ │ │ │ │ ├── proj.hpp │ │ │ │ │ ├── quad_form.hpp │ │ │ │ │ ├── quad_form_sym.hpp │ │ │ │ │ ├── read_fvar.hpp │ │ │ │ │ ├── rising_factorial.hpp │ │ │ │ │ ├── round.hpp │ │ │ │ │ ├── sin.hpp │ │ │ │ │ ├── sinh.hpp │ │ │ │ │ ├── softmax.hpp │ │ │ │ │ ├── sqrt.hpp │ │ │ │ │ ├── square.hpp │ │ │ │ │ ├── sum.hpp │ │ │ │ │ ├── tan.hpp │ │ │ │ │ ├── tanh.hpp │ │ │ │ │ ├── tcrossprod.hpp │ │ │ │ │ ├── tgamma.hpp │ │ │ │ │ ├── to_fvar.hpp │ │ │ │ │ ├── trace_quad_form.hpp │ │ │ │ │ ├── trigamma.hpp │ │ │ │ │ ├── trunc.hpp │ │ │ │ │ ├── typedefs.hpp │ │ │ │ │ ├── value_of.hpp │ │ │ │ │ └── value_of_rec.hpp │ │ │ │ ├── functor.hpp │ │ │ │ ├── functor │ │ │ │ │ ├── apply_scalar_unary.hpp │ │ │ │ │ ├── finite_diff.hpp │ │ │ │ │ ├── gradient.hpp │ │ │ │ │ ├── hessian.hpp │ │ │ │ │ ├── integrate_1d.hpp │ │ │ │ │ ├── jacobian.hpp │ │ │ │ │ ├── operands_and_partials.hpp │ │ │ │ │ ├── partials_propagator.hpp │ │ │ │ │ └── reduce_sum.hpp │ │ │ │ ├── meta.hpp │ │ │ │ ├── meta │ │ │ │ │ ├── is_fvar.hpp │ │ │ │ │ └── partials_type.hpp │ │ │ │ ├── prob.hpp │ │ │ │ └── prob │ │ │ │ │ └── std_normal_log_qf.hpp │ │ │ ├── memory │ │ │ │ └── stack_alloc.hpp │ │ │ ├── mix.hpp │ │ │ ├── mix │ │ │ │ ├── fun.hpp │ │ │ │ ├── fun │ │ │ │ │ └── typedefs.hpp │ │ │ │ ├── functor.hpp │ │ │ │ ├── functor │ │ │ │ │ ├── derivative.hpp │ │ │ │ │ ├── finite_diff_grad_hessian.hpp │ │ │ │ │ ├── finite_diff_grad_hessian_auto.hpp │ │ │ │ │ ├── grad_hessian.hpp │ │ │ │ │ ├── grad_tr_mat_times_hessian.hpp │ │ │ │ │ ├── gradient_dot_vector.hpp │ │ │ │ │ ├── hessian.hpp │ │ │ │ │ ├── hessian_block_diag.hpp │ │ │ │ │ ├── hessian_times_vector.hpp │ │ │ │ │ ├── laplace_base_rng.hpp │ │ │ │ │ ├── laplace_likelihood.hpp │ │ │ │ │ ├── laplace_marginal_density.hpp │ │ │ │ │ └── partial_derivative.hpp │ │ │ │ ├── meta.hpp │ │ │ │ ├── prob.hpp │ │ │ │ └── prob │ │ │ │ │ ├── laplace_latent_bernoulli_logit_rng.hpp │ │ │ │ │ ├── laplace_latent_neg_binomial_2_log_rng.hpp │ │ │ │ │ ├── laplace_latent_poisson_log_rng.hpp │ │ │ │ │ ├── laplace_latent_rng.hpp │ │ │ │ │ ├── laplace_marginal.hpp │ │ │ │ │ ├── laplace_marginal_bernoulli_logit_lpmf.hpp │ │ │ │ │ ├── laplace_marginal_neg_binomial_2_log_lpmf.hpp │ │ │ │ │ └── laplace_marginal_poisson_log_lpmf.hpp │ │ │ ├── opencl │ │ │ │ ├── buffer_types.hpp │ │ │ │ ├── cholesky_decompose.hpp │ │ │ │ ├── copy.hpp │ │ │ │ ├── double_d.hpp │ │ │ │ ├── err.hpp │ │ │ │ ├── err │ │ │ │ │ ├── check_mat_size_one.hpp │ │ │ │ │ ├── check_opencl.hpp │ │ │ │ │ ├── check_symmetric.hpp │ │ │ │ │ └── check_triangular.hpp │ │ │ │ ├── indexing_rev.hpp │ │ │ │ ├── is_constant.hpp │ │ │ │ ├── kernel_cl.hpp │ │ │ │ ├── kernel_generator.hpp │ │ │ │ ├── kernel_generator │ │ │ │ │ ├── append.hpp │ │ │ │ │ ├── as_column_vector_or_scalar.hpp │ │ │ │ │ ├── as_operation_cl.hpp │ │ │ │ │ ├── assignment_ops.hpp │ │ │ │ │ ├── binary_operation.hpp │ │ │ │ │ ├── block_zero_based.hpp │ │ │ │ │ ├── broadcast.hpp │ │ │ │ │ ├── calc_if.hpp │ │ │ │ │ ├── cast.hpp │ │ │ │ │ ├── check_cl.hpp │ │ │ │ │ ├── colwise_reduction.hpp │ │ │ │ │ ├── common_return_scalar.hpp │ │ │ │ │ ├── compound_assignments.hpp │ │ │ │ │ ├── constant.hpp │ │ │ │ │ ├── diagonal.hpp │ │ │ │ │ ├── elt_function_cl.hpp │ │ │ │ │ ├── evaluate_into.hpp │ │ │ │ │ ├── get_kernel_source_for_evaluating.hpp │ │ │ │ │ ├── holder_cl.hpp │ │ │ │ │ ├── index.hpp │ │ │ │ │ ├── indexing.hpp │ │ │ │ │ ├── load.hpp │ │ │ │ │ ├── matrix_cl_conversion.hpp │ │ │ │ │ ├── matrix_vector_multiply.hpp │ │ │ │ │ ├── multi_result_kernel.hpp │ │ │ │ │ ├── name_generator.hpp │ │ │ │ │ ├── opencl_code.hpp │ │ │ │ │ ├── operation_cl.hpp │ │ │ │ │ ├── operation_cl_lhs.hpp │ │ │ │ │ ├── optional_broadcast.hpp │ │ │ │ │ ├── reduction_2d.hpp │ │ │ │ │ ├── rowwise_reduction.hpp │ │ │ │ │ ├── scalar.hpp │ │ │ │ │ ├── select.hpp │ │ │ │ │ ├── transpose.hpp │ │ │ │ │ ├── type_str.hpp │ │ │ │ │ └── unary_operation_cl.hpp │ │ │ │ ├── kernels │ │ │ │ │ ├── add.hpp │ │ │ │ │ ├── batch_identity.hpp │ │ │ │ │ ├── categorical_logit_glm_lpmf.hpp │ │ │ │ │ ├── check_symmetric.hpp │ │ │ │ │ ├── cholesky_decompose.hpp │ │ │ │ │ ├── cumulative_sum.hpp │ │ │ │ │ ├── device_functions │ │ │ │ │ │ ├── Phi.hpp │ │ │ │ │ │ ├── Phi_approx.hpp │ │ │ │ │ │ ├── atomic_add_double.hpp │ │ │ │ │ │ ├── beta.hpp │ │ │ │ │ │ ├── binomial_coefficient_log.hpp │ │ │ │ │ │ ├── digamma.hpp │ │ │ │ │ │ ├── inv_Phi.hpp │ │ │ │ │ │ ├── inv_logit.hpp │ │ │ │ │ │ ├── inv_square.hpp │ │ │ │ │ │ ├── lbeta.hpp │ │ │ │ │ │ ├── lgamma_stirling.hpp │ │ │ │ │ │ ├── lgamma_stirling_diff.hpp │ │ │ │ │ │ ├── lmultiply.hpp │ │ │ │ │ │ ├── log1m.hpp │ │ │ │ │ │ ├── log1m_exp.hpp │ │ │ │ │ │ ├── log1m_inv_logit.hpp │ │ │ │ │ │ ├── log1p_exp.hpp │ │ │ │ │ │ ├── log_diff_exp.hpp │ │ │ │ │ │ ├── log_inv_logit.hpp │ │ │ │ │ │ ├── log_inv_logit_diff.hpp │ │ │ │ │ │ ├── logit.hpp │ │ │ │ │ │ ├── multiply_log.hpp │ │ │ │ │ │ └── trigamma.hpp │ │ │ │ │ ├── diag_inv.hpp │ │ │ │ │ ├── divide_columns.hpp │ │ │ │ │ ├── fill_strict_tri.hpp │ │ │ │ │ ├── gp_exp_quad_cov.hpp │ │ │ │ │ ├── gp_exponential_cov.hpp │ │ │ │ │ ├── gp_matern32_cov.hpp │ │ │ │ │ ├── gp_matern52_cov.hpp │ │ │ │ │ ├── helpers.hpp │ │ │ │ │ ├── indexing_rev.hpp │ │ │ │ │ ├── inv_lower_tri_multiply.hpp │ │ │ │ │ ├── matrix_multiply.hpp │ │ │ │ │ ├── mergesort.hpp │ │ │ │ │ ├── mrrr.hpp │ │ │ │ │ ├── multiply_transpose.hpp │ │ │ │ │ ├── neg_binomial_2_log_glm_lpmf.hpp │ │ │ │ │ ├── neg_rect_lower_tri_multiply.hpp │ │ │ │ │ ├── ordered_logistic_glm_lpmf.hpp │ │ │ │ │ ├── ordered_logistic_lpmf.hpp │ │ │ │ │ ├── pack.hpp │ │ │ │ │ ├── rep_matrix.hpp │ │ │ │ │ ├── tridiagonalization.hpp │ │ │ │ │ └── unpack.hpp │ │ │ │ ├── matrix_cl.hpp │ │ │ │ ├── matrix_cl_view.hpp │ │ │ │ ├── mrrr.hpp │ │ │ │ ├── multiply_transpose.hpp │ │ │ │ ├── opencl_context.hpp │ │ │ │ ├── pinned_matrix.hpp │ │ │ │ ├── plain_type.hpp │ │ │ │ ├── prim.hpp │ │ │ │ ├── prim │ │ │ │ │ ├── add_diag.hpp │ │ │ │ │ ├── append_array.hpp │ │ │ │ │ ├── bernoulli_cdf.hpp │ │ │ │ │ ├── bernoulli_lccdf.hpp │ │ │ │ │ ├── bernoulli_lcdf.hpp │ │ │ │ │ ├── bernoulli_logit_glm_lpmf.hpp │ │ │ │ │ ├── bernoulli_logit_lpmf.hpp │ │ │ │ │ ├── bernoulli_lpmf.hpp │ │ │ │ │ ├── beta_binomial_lpmf.hpp │ │ │ │ │ ├── beta_lpdf.hpp │ │ │ │ │ ├── beta_proportion_lpdf.hpp │ │ │ │ │ ├── binomial_logit_glm_lpmf.hpp │ │ │ │ │ ├── binomial_logit_lpmf.hpp │ │ │ │ │ ├── binomial_lpmf.hpp │ │ │ │ │ ├── block.hpp │ │ │ │ │ ├── categorical_logit_glm_lpmf.hpp │ │ │ │ │ ├── cauchy_cdf.hpp │ │ │ │ │ ├── cauchy_lccdf.hpp │ │ │ │ │ ├── cauchy_lcdf.hpp │ │ │ │ │ ├── cauchy_lpdf.hpp │ │ │ │ │ ├── chi_square_lpdf.hpp │ │ │ │ │ ├── cholesky_decompose.hpp │ │ │ │ │ ├── col.hpp │ │ │ │ │ ├── cols.hpp │ │ │ │ │ ├── columns_dot_product.hpp │ │ │ │ │ ├── columns_dot_self.hpp │ │ │ │ │ ├── constraint │ │ │ │ │ │ ├── lb_constrain.hpp │ │ │ │ │ │ ├── lub_constrain.hpp │ │ │ │ │ │ ├── offset_multiplier_constrain.hpp │ │ │ │ │ │ ├── ub_constrain.hpp │ │ │ │ │ │ └── unit_vector_constrain.hpp │ │ │ │ │ ├── crossprod.hpp │ │ │ │ │ ├── cumulative_sum.hpp │ │ │ │ │ ├── diag_matrix.hpp │ │ │ │ │ ├── diag_post_multiply.hpp │ │ │ │ │ ├── diag_pre_multiply.hpp │ │ │ │ │ ├── dims.hpp │ │ │ │ │ ├── dirichlet_lpdf.hpp │ │ │ │ │ ├── distance.hpp │ │ │ │ │ ├── divide.hpp │ │ │ │ │ ├── divide_columns.hpp │ │ │ │ │ ├── dot_product.hpp │ │ │ │ │ ├── dot_self.hpp │ │ │ │ │ ├── double_exponential_cdf.hpp │ │ │ │ │ ├── double_exponential_lccdf.hpp │ │ │ │ │ ├── double_exponential_lcdf.hpp │ │ │ │ │ ├── double_exponential_lpdf.hpp │ │ │ │ │ ├── eigenvalues_sym.hpp │ │ │ │ │ ├── eigenvectors_sym.hpp │ │ │ │ │ ├── exp_mod_normal_cdf.hpp │ │ │ │ │ ├── exp_mod_normal_lccdf.hpp │ │ │ │ │ ├── exp_mod_normal_lcdf.hpp │ │ │ │ │ ├── exp_mod_normal_lpdf.hpp │ │ │ │ │ ├── exponential_cdf.hpp │ │ │ │ │ ├── exponential_lccdf.hpp │ │ │ │ │ ├── exponential_lcdf.hpp │ │ │ │ │ ├── exponential_lpdf.hpp │ │ │ │ │ ├── frechet_cdf.hpp │ │ │ │ │ ├── frechet_lccdf.hpp │ │ │ │ │ ├── frechet_lcdf.hpp │ │ │ │ │ ├── frechet_lpdf.hpp │ │ │ │ │ ├── gamma_lpdf.hpp │ │ │ │ │ ├── gp_dot_prod_cov.hpp │ │ │ │ │ ├── gp_exp_quad_cov.hpp │ │ │ │ │ ├── gp_exponential_cov.hpp │ │ │ │ │ ├── gp_matern32_cov.hpp │ │ │ │ │ ├── gp_matern52_cov.hpp │ │ │ │ │ ├── gumbel_cdf.hpp │ │ │ │ │ ├── gumbel_lccdf.hpp │ │ │ │ │ ├── gumbel_lcdf.hpp │ │ │ │ │ ├── gumbel_lpdf.hpp │ │ │ │ │ ├── head.hpp │ │ │ │ │ ├── identity_matrix.hpp │ │ │ │ │ ├── inv.hpp │ │ │ │ │ ├── inv_chi_square_lpdf.hpp │ │ │ │ │ ├── inv_cloglog.hpp │ │ │ │ │ ├── inv_gamma_lpdf.hpp │ │ │ │ │ ├── inv_sqrt.hpp │ │ │ │ │ ├── log_mix.hpp │ │ │ │ │ ├── log_softmax.hpp │ │ │ │ │ ├── log_sum_exp.hpp │ │ │ │ │ ├── logistic_cdf.hpp │ │ │ │ │ ├── logistic_lccdf.hpp │ │ │ │ │ ├── logistic_lcdf.hpp │ │ │ │ │ ├── logistic_lpdf.hpp │ │ │ │ │ ├── lognormal_cdf.hpp │ │ │ │ │ ├── lognormal_lccdf.hpp │ │ │ │ │ ├── lognormal_lcdf.hpp │ │ │ │ │ ├── lognormal_lpdf.hpp │ │ │ │ │ ├── matrix_power.hpp │ │ │ │ │ ├── mdivide_left_tri_low.hpp │ │ │ │ │ ├── mdivide_right_tri_low.hpp │ │ │ │ │ ├── mean.hpp │ │ │ │ │ ├── multi_normal_cholesky_lpdf.hpp │ │ │ │ │ ├── multiply.hpp │ │ │ │ │ ├── multiply_lower_tri_self_transpose.hpp │ │ │ │ │ ├── neg_binomial_2_log_glm_lpmf.hpp │ │ │ │ │ ├── neg_binomial_2_log_lpmf.hpp │ │ │ │ │ ├── neg_binomial_2_lpmf.hpp │ │ │ │ │ ├── neg_binomial_lpmf.hpp │ │ │ │ │ ├── normal_cdf.hpp │ │ │ │ │ ├── normal_id_glm_lpdf.hpp │ │ │ │ │ ├── normal_lccdf.hpp │ │ │ │ │ ├── normal_lcdf.hpp │ │ │ │ │ ├── normal_lpdf.hpp │ │ │ │ │ ├── num_elements.hpp │ │ │ │ │ ├── ordered_logistic_glm_lpmf.hpp │ │ │ │ │ ├── ordered_logistic_lpmf.hpp │ │ │ │ │ ├── pareto_cdf.hpp │ │ │ │ │ ├── pareto_lccdf.hpp │ │ │ │ │ ├── pareto_lcdf.hpp │ │ │ │ │ ├── pareto_lpdf.hpp │ │ │ │ │ ├── pareto_type_2_cdf.hpp │ │ │ │ │ ├── pareto_type_2_lccdf.hpp │ │ │ │ │ ├── pareto_type_2_lcdf.hpp │ │ │ │ │ ├── pareto_type_2_lpdf.hpp │ │ │ │ │ ├── poisson_log_glm_lpmf.hpp │ │ │ │ │ ├── poisson_log_lpmf.hpp │ │ │ │ │ ├── poisson_lpmf.hpp │ │ │ │ │ ├── prod.hpp │ │ │ │ │ ├── qr_Q.hpp │ │ │ │ │ ├── qr_R.hpp │ │ │ │ │ ├── qr_thin_Q.hpp │ │ │ │ │ ├── qr_thin_R.hpp │ │ │ │ │ ├── rank.hpp │ │ │ │ │ ├── rayleigh_cdf.hpp │ │ │ │ │ ├── rayleigh_lccdf.hpp │ │ │ │ │ ├── rayleigh_lcdf.hpp │ │ │ │ │ ├── rayleigh_lpdf.hpp │ │ │ │ │ ├── rep_array.hpp │ │ │ │ │ ├── rep_matrix.hpp │ │ │ │ │ ├── rep_row_vector.hpp │ │ │ │ │ ├── rep_vector.hpp │ │ │ │ │ ├── reverse.hpp │ │ │ │ │ ├── row.hpp │ │ │ │ │ ├── rows.hpp │ │ │ │ │ ├── rows_dot_product.hpp │ │ │ │ │ ├── rows_dot_self.hpp │ │ │ │ │ ├── scaled_inv_chi_square_lpdf.hpp │ │ │ │ │ ├── sd.hpp │ │ │ │ │ ├── segment.hpp │ │ │ │ │ ├── sign.hpp │ │ │ │ │ ├── size.hpp │ │ │ │ │ ├── skew_double_exponential_cdf.hpp │ │ │ │ │ ├── skew_double_exponential_lccdf.hpp │ │ │ │ │ ├── skew_double_exponential_lcdf.hpp │ │ │ │ │ ├── skew_double_exponential_lpdf.hpp │ │ │ │ │ ├── skew_normal_lpdf.hpp │ │ │ │ │ ├── softmax.hpp │ │ │ │ │ ├── sort_asc.hpp │ │ │ │ │ ├── sort_desc.hpp │ │ │ │ │ ├── squared_distance.hpp │ │ │ │ │ ├── std_normal_cdf.hpp │ │ │ │ │ ├── std_normal_lccdf.hpp │ │ │ │ │ ├── std_normal_lcdf.hpp │ │ │ │ │ ├── std_normal_lpdf.hpp │ │ │ │ │ ├── student_t_lpdf.hpp │ │ │ │ │ ├── sub_col.hpp │ │ │ │ │ ├── sub_row.hpp │ │ │ │ │ ├── sum.hpp │ │ │ │ │ ├── symmetrize_from_lower_tri.hpp │ │ │ │ │ ├── symmetrize_from_upper_tri.hpp │ │ │ │ │ ├── tail.hpp │ │ │ │ │ ├── tcrossprod.hpp │ │ │ │ │ ├── to_array_1d.hpp │ │ │ │ │ ├── to_array_2d.hpp │ │ │ │ │ ├── to_matrix.hpp │ │ │ │ │ ├── to_row_vector.hpp │ │ │ │ │ ├── to_vector.hpp │ │ │ │ │ ├── trace.hpp │ │ │ │ │ ├── uniform_cdf.hpp │ │ │ │ │ ├── uniform_lccdf.hpp │ │ │ │ │ ├── uniform_lcdf.hpp │ │ │ │ │ ├── uniform_lpdf.hpp │ │ │ │ │ ├── variance.hpp │ │ │ │ │ ├── weibull_cdf.hpp │ │ │ │ │ ├── weibull_lccdf.hpp │ │ │ │ │ ├── weibull_lcdf.hpp │ │ │ │ │ └── weibull_lpdf.hpp │ │ │ │ ├── prim_constraint.hpp │ │ │ │ ├── qr_decomposition.hpp │ │ │ │ ├── ref_type.hpp │ │ │ │ ├── ref_type_for_opencl.hpp │ │ │ │ ├── rev.hpp │ │ │ │ ├── rev │ │ │ │ │ ├── Phi.hpp │ │ │ │ │ ├── Phi_approx.hpp │ │ │ │ │ ├── acos.hpp │ │ │ │ │ ├── acosh.hpp │ │ │ │ │ ├── add.hpp │ │ │ │ │ ├── add_diag.hpp │ │ │ │ │ ├── adjoint_results.hpp │ │ │ │ │ ├── append_col.hpp │ │ │ │ │ ├── append_row.hpp │ │ │ │ │ ├── arena_matrix_cl.hpp │ │ │ │ │ ├── arena_type.hpp │ │ │ │ │ ├── as_column_vector_or_scalar.hpp │ │ │ │ │ ├── asin.hpp │ │ │ │ │ ├── asinh.hpp │ │ │ │ │ ├── atan.hpp │ │ │ │ │ ├── atanh.hpp │ │ │ │ │ ├── beta.hpp │ │ │ │ │ ├── block.hpp │ │ │ │ │ ├── cbrt.hpp │ │ │ │ │ ├── ceil.hpp │ │ │ │ │ ├── cholesky_decompose.hpp │ │ │ │ │ ├── columns_dot_product.hpp │ │ │ │ │ ├── columns_dot_self.hpp │ │ │ │ │ ├── constraint │ │ │ │ │ │ ├── lb_constrain.hpp │ │ │ │ │ │ ├── lub_constrain.hpp │ │ │ │ │ │ ├── offset_multiplier_constrain.hpp │ │ │ │ │ │ ├── ub_constrain.hpp │ │ │ │ │ │ └── unit_vector_constrain.hpp │ │ │ │ │ ├── copy.hpp │ │ │ │ │ ├── cos.hpp │ │ │ │ │ ├── cosh.hpp │ │ │ │ │ ├── crossprod.hpp │ │ │ │ │ ├── cumulative_sum.hpp │ │ │ │ │ ├── diag_matrix.hpp │ │ │ │ │ ├── diag_post_multiply.hpp │ │ │ │ │ ├── diag_pre_multiply.hpp │ │ │ │ │ ├── diagonal.hpp │ │ │ │ │ ├── digamma.hpp │ │ │ │ │ ├── divide.hpp │ │ │ │ │ ├── dot_product.hpp │ │ │ │ │ ├── dot_self.hpp │ │ │ │ │ ├── elt_divide.hpp │ │ │ │ │ ├── elt_multiply.hpp │ │ │ │ │ ├── erf.hpp │ │ │ │ │ ├── erfc.hpp │ │ │ │ │ ├── exp.hpp │ │ │ │ │ ├── exp2.hpp │ │ │ │ │ ├── expm1.hpp │ │ │ │ │ ├── fabs.hpp │ │ │ │ │ ├── fdim.hpp │ │ │ │ │ ├── floor.hpp │ │ │ │ │ ├── fmax.hpp │ │ │ │ │ ├── fmin.hpp │ │ │ │ │ ├── fmod.hpp │ │ │ │ │ ├── grad.hpp │ │ │ │ │ ├── hypot.hpp │ │ │ │ │ ├── inv.hpp │ │ │ │ │ ├── inv_Phi.hpp │ │ │ │ │ ├── inv_cloglog.hpp │ │ │ │ │ ├── inv_logit.hpp │ │ │ │ │ ├── inv_sqrt.hpp │ │ │ │ │ ├── inv_square.hpp │ │ │ │ │ ├── lbeta.hpp │ │ │ │ │ ├── ldexp.hpp │ │ │ │ │ ├── lgamma.hpp │ │ │ │ │ ├── lmultiply.hpp │ │ │ │ │ ├── log.hpp │ │ │ │ │ ├── log10.hpp │ │ │ │ │ ├── log1m.hpp │ │ │ │ │ ├── log1m_exp.hpp │ │ │ │ │ ├── log1m_inv_logit.hpp │ │ │ │ │ ├── log1p.hpp │ │ │ │ │ ├── log1p_exp.hpp │ │ │ │ │ ├── log2.hpp │ │ │ │ │ ├── log_diff_exp.hpp │ │ │ │ │ ├── log_inv_logit.hpp │ │ │ │ │ ├── log_inv_logit_diff.hpp │ │ │ │ │ ├── log_softmax.hpp │ │ │ │ │ ├── log_sum_exp.hpp │ │ │ │ │ ├── logit.hpp │ │ │ │ │ ├── matrix_power.hpp │ │ │ │ │ ├── mdivide_left_tri_low.hpp │ │ │ │ │ ├── mdivide_right_tri_low.hpp │ │ │ │ │ ├── multiply.hpp │ │ │ │ │ ├── multiply_log.hpp │ │ │ │ │ ├── multiply_lower_tri_self_transpose.hpp │ │ │ │ │ ├── operands_and_partials.hpp │ │ │ │ │ ├── operator_unary_minus.hpp │ │ │ │ │ ├── operator_unary_plus.hpp │ │ │ │ │ ├── pow.hpp │ │ │ │ │ ├── prod.hpp │ │ │ │ │ ├── rep_matrix.hpp │ │ │ │ │ ├── reverse.hpp │ │ │ │ │ ├── round.hpp │ │ │ │ │ ├── rows_dot_product.hpp │ │ │ │ │ ├── rows_dot_self.hpp │ │ │ │ │ ├── sd.hpp │ │ │ │ │ ├── sin.hpp │ │ │ │ │ ├── sinh.hpp │ │ │ │ │ ├── softmax.hpp │ │ │ │ │ ├── sqrt.hpp │ │ │ │ │ ├── square.hpp │ │ │ │ │ ├── squared_distance.hpp │ │ │ │ │ ├── subtract.hpp │ │ │ │ │ ├── sum.hpp │ │ │ │ │ ├── symmetrize_from_lower_tri.hpp │ │ │ │ │ ├── symmetrize_from_upper_tri.hpp │ │ │ │ │ ├── tan.hpp │ │ │ │ │ ├── tanh.hpp │ │ │ │ │ ├── tcrossprod.hpp │ │ │ │ │ ├── tgamma.hpp │ │ │ │ │ ├── to_arena.hpp │ │ │ │ │ ├── to_matrix.hpp │ │ │ │ │ ├── trace.hpp │ │ │ │ │ ├── transpose.hpp │ │ │ │ │ ├── trunc.hpp │ │ │ │ │ ├── vari.hpp │ │ │ │ │ └── variance.hpp │ │ │ │ ├── rev_constraint.hpp │ │ │ │ ├── scalar_type.hpp │ │ │ │ ├── stringify.hpp │ │ │ │ ├── symmetric_eigensolver.hpp │ │ │ │ ├── to_ref_for_opencl.hpp │ │ │ │ ├── tri_inverse.hpp │ │ │ │ ├── tridiagonalization.hpp │ │ │ │ ├── value_type.hpp │ │ │ │ └── zeros_strict_tri.hpp │ │ │ ├── prim.hpp │ │ │ ├── prim │ │ │ │ ├── constraint.hpp │ │ │ │ ├── constraint │ │ │ │ │ ├── cholesky_corr_constrain.hpp │ │ │ │ │ ├── cholesky_corr_free.hpp │ │ │ │ │ ├── cholesky_factor_constrain.hpp │ │ │ │ │ ├── cholesky_factor_free.hpp │ │ │ │ │ ├── corr_constrain.hpp │ │ │ │ │ ├── corr_free.hpp │ │ │ │ │ ├── corr_matrix_constrain.hpp │ │ │ │ │ ├── corr_matrix_free.hpp │ │ │ │ │ ├── cov_matrix_constrain.hpp │ │ │ │ │ ├── cov_matrix_constrain_lkj.hpp │ │ │ │ │ ├── cov_matrix_free.hpp │ │ │ │ │ ├── cov_matrix_free_lkj.hpp │ │ │ │ │ ├── identity_constrain.hpp │ │ │ │ │ ├── identity_free.hpp │ │ │ │ │ ├── lb_constrain.hpp │ │ │ │ │ ├── lb_free.hpp │ │ │ │ │ ├── lub_constrain.hpp │ │ │ │ │ ├── lub_free.hpp │ │ │ │ │ ├── offset_multiplier_constrain.hpp │ │ │ │ │ ├── offset_multiplier_free.hpp │ │ │ │ │ ├── ordered_constrain.hpp │ │ │ │ │ ├── ordered_free.hpp │ │ │ │ │ ├── positive_constrain.hpp │ │ │ │ │ ├── positive_free.hpp │ │ │ │ │ ├── positive_ordered_constrain.hpp │ │ │ │ │ ├── positive_ordered_free.hpp │ │ │ │ │ ├── prob_constrain.hpp │ │ │ │ │ ├── prob_free.hpp │ │ │ │ │ ├── simplex_constrain.hpp │ │ │ │ │ ├── simplex_free.hpp │ │ │ │ │ ├── stochastic_column_constrain.hpp │ │ │ │ │ ├── stochastic_column_free.hpp │ │ │ │ │ ├── stochastic_row_constrain.hpp │ │ │ │ │ ├── stochastic_row_free.hpp │ │ │ │ │ ├── sum_to_zero_constrain.hpp │ │ │ │ │ ├── sum_to_zero_free.hpp │ │ │ │ │ ├── ub_constrain.hpp │ │ │ │ │ ├── ub_free.hpp │ │ │ │ │ ├── unit_vector_constrain.hpp │ │ │ │ │ └── unit_vector_free.hpp │ │ │ │ ├── core.hpp │ │ │ │ ├── core │ │ │ │ │ ├── complex_base.hpp │ │ │ │ │ ├── init_threadpool_tbb.hpp │ │ │ │ │ ├── operator_addition.hpp │ │ │ │ │ ├── operator_division.hpp │ │ │ │ │ ├── operator_equal_equal.hpp │ │ │ │ │ ├── operator_minus.hpp │ │ │ │ │ ├── operator_multiplication.hpp │ │ │ │ │ ├── operator_not_equal.hpp │ │ │ │ │ ├── operator_plus.hpp │ │ │ │ │ └── operator_subtraction.hpp │ │ │ │ ├── eigen_plugins.h │ │ │ │ ├── err.hpp │ │ │ │ ├── err │ │ │ │ │ ├── check_2F1_converges.hpp │ │ │ │ │ ├── check_3F2_converges.hpp │ │ │ │ │ ├── check_bounded.hpp │ │ │ │ │ ├── check_cholesky_factor.hpp │ │ │ │ │ ├── check_cholesky_factor_corr.hpp │ │ │ │ │ ├── check_column_index.hpp │ │ │ │ │ ├── check_consistent_size.hpp │ │ │ │ │ ├── check_consistent_sizes.hpp │ │ │ │ │ ├── check_consistent_sizes_mvt.hpp │ │ │ │ │ ├── check_corr_matrix.hpp │ │ │ │ │ ├── check_cov_matrix.hpp │ │ │ │ │ ├── check_finite.hpp │ │ │ │ │ ├── check_flag_sundials.hpp │ │ │ │ │ ├── check_greater.hpp │ │ │ │ │ ├── check_greater_or_equal.hpp │ │ │ │ │ ├── check_ldlt_factor.hpp │ │ │ │ │ ├── check_less.hpp │ │ │ │ │ ├── check_less_or_equal.hpp │ │ │ │ │ ├── check_lower_triangular.hpp │ │ │ │ │ ├── check_matching_dims.hpp │ │ │ │ │ ├── check_matching_sizes.hpp │ │ │ │ │ ├── check_multiplicable.hpp │ │ │ │ │ ├── check_nonnegative.hpp │ │ │ │ │ ├── check_nonzero_size.hpp │ │ │ │ │ ├── check_not_nan.hpp │ │ │ │ │ ├── check_ordered.hpp │ │ │ │ │ ├── check_pos_definite.hpp │ │ │ │ │ ├── check_pos_semidefinite.hpp │ │ │ │ │ ├── check_positive.hpp │ │ │ │ │ ├── check_positive_finite.hpp │ │ │ │ │ ├── check_positive_ordered.hpp │ │ │ │ │ ├── check_range.hpp │ │ │ │ │ ├── check_row_index.hpp │ │ │ │ │ ├── check_simplex.hpp │ │ │ │ │ ├── check_size_match.hpp │ │ │ │ │ ├── check_sorted.hpp │ │ │ │ │ ├── check_square.hpp │ │ │ │ │ ├── check_std_vector_index.hpp │ │ │ │ │ ├── check_stochastic_column.hpp │ │ │ │ │ ├── check_stochastic_row.hpp │ │ │ │ │ ├── check_sum_to_zero.hpp │ │ │ │ │ ├── check_symmetric.hpp │ │ │ │ │ ├── check_unit_vector.hpp │ │ │ │ │ ├── check_vector.hpp │ │ │ │ │ ├── check_vector_index.hpp │ │ │ │ │ ├── constraint_tolerance.hpp │ │ │ │ │ ├── domain_error.hpp │ │ │ │ │ ├── domain_error_vec.hpp │ │ │ │ │ ├── elementwise_check.hpp │ │ │ │ │ ├── hmm_check.hpp │ │ │ │ │ ├── invalid_argument.hpp │ │ │ │ │ ├── invalid_argument_vec.hpp │ │ │ │ │ ├── is_cholesky_factor.hpp │ │ │ │ │ ├── is_cholesky_factor_corr.hpp │ │ │ │ │ ├── is_column_index.hpp │ │ │ │ │ ├── is_corr_matrix.hpp │ │ │ │ │ ├── is_ldlt_factor.hpp │ │ │ │ │ ├── is_less_or_equal.hpp │ │ │ │ │ ├── is_lower_triangular.hpp │ │ │ │ │ ├── is_mat_finite.hpp │ │ │ │ │ ├── is_matching_dims.hpp │ │ │ │ │ ├── is_matching_size.hpp │ │ │ │ │ ├── is_nonzero_size.hpp │ │ │ │ │ ├── is_not_nan.hpp │ │ │ │ │ ├── is_ordered.hpp │ │ │ │ │ ├── is_pos_definite.hpp │ │ │ │ │ ├── is_positive.hpp │ │ │ │ │ ├── is_scal_finite.hpp │ │ │ │ │ ├── is_size_match.hpp │ │ │ │ │ ├── is_square.hpp │ │ │ │ │ ├── is_symmetric.hpp │ │ │ │ │ ├── is_unit_vector.hpp │ │ │ │ │ ├── make_iter_name.hpp │ │ │ │ │ ├── out_of_range.hpp │ │ │ │ │ ├── system_error.hpp │ │ │ │ │ ├── throw_domain_error.hpp │ │ │ │ │ ├── throw_domain_error_mat.hpp │ │ │ │ │ ├── throw_domain_error_vec.hpp │ │ │ │ │ ├── validate_non_negative_index.hpp │ │ │ │ │ ├── validate_positive_index.hpp │ │ │ │ │ └── validate_unit_vector_index.hpp │ │ │ │ ├── fun.hpp │ │ │ │ ├── fun │ │ │ │ │ ├── Eigen.hpp │ │ │ │ │ ├── LDLT_factor.hpp │ │ │ │ │ ├── MatrixExponential.h │ │ │ │ │ ├── Phi.hpp │ │ │ │ │ ├── Phi_approx.hpp │ │ │ │ │ ├── abs.hpp │ │ │ │ │ ├── accumulator.hpp │ │ │ │ │ ├── acos.hpp │ │ │ │ │ ├── acosh.hpp │ │ │ │ │ ├── add.hpp │ │ │ │ │ ├── add_diag.hpp │ │ │ │ │ ├── all.hpp │ │ │ │ │ ├── any.hpp │ │ │ │ │ ├── append_array.hpp │ │ │ │ │ ├── append_col.hpp │ │ │ │ │ ├── append_row.hpp │ │ │ │ │ ├── arg.hpp │ │ │ │ │ ├── array_builder.hpp │ │ │ │ │ ├── as_array_or_scalar.hpp │ │ │ │ │ ├── as_bool.hpp │ │ │ │ │ ├── as_column_vector_or_scalar.hpp │ │ │ │ │ ├── as_value_array_or_scalar.hpp │ │ │ │ │ ├── as_value_column_array_or_scalar.hpp │ │ │ │ │ ├── as_value_column_vector_or_scalar.hpp │ │ │ │ │ ├── asin.hpp │ │ │ │ │ ├── asinh.hpp │ │ │ │ │ ├── assign.hpp │ │ │ │ │ ├── atan.hpp │ │ │ │ │ ├── atan2.hpp │ │ │ │ │ ├── atanh.hpp │ │ │ │ │ ├── autocorrelation.hpp │ │ │ │ │ ├── autocovariance.hpp │ │ │ │ │ ├── bessel_first_kind.hpp │ │ │ │ │ ├── bessel_second_kind.hpp │ │ │ │ │ ├── beta.hpp │ │ │ │ │ ├── binary_log_loss.hpp │ │ │ │ │ ├── binomial_coefficient_log.hpp │ │ │ │ │ ├── block.hpp │ │ │ │ │ ├── boost_policy.hpp │ │ │ │ │ ├── cbrt.hpp │ │ │ │ │ ├── ceil.hpp │ │ │ │ │ ├── chol2inv.hpp │ │ │ │ │ ├── cholesky_decompose.hpp │ │ │ │ │ ├── choose.hpp │ │ │ │ │ ├── col.hpp │ │ │ │ │ ├── cols.hpp │ │ │ │ │ ├── columns_dot_product.hpp │ │ │ │ │ ├── columns_dot_self.hpp │ │ │ │ │ ├── complex_schur_decompose.hpp │ │ │ │ │ ├── conj.hpp │ │ │ │ │ ├── constants.hpp │ │ │ │ │ ├── copysign.hpp │ │ │ │ │ ├── cos.hpp │ │ │ │ │ ├── cosh.hpp │ │ │ │ │ ├── cov_exp_quad.hpp │ │ │ │ │ ├── crossprod.hpp │ │ │ │ │ ├── csr_extract.hpp │ │ │ │ │ ├── csr_extract_u.hpp │ │ │ │ │ ├── csr_extract_v.hpp │ │ │ │ │ ├── csr_extract_w.hpp │ │ │ │ │ ├── csr_matrix_times_vector.hpp │ │ │ │ │ ├── csr_to_dense_matrix.hpp │ │ │ │ │ ├── csr_u_to_z.hpp │ │ │ │ │ ├── cumulative_sum.hpp │ │ │ │ │ ├── determinant.hpp │ │ │ │ │ ├── diag_matrix.hpp │ │ │ │ │ ├── diag_post_multiply.hpp │ │ │ │ │ ├── diag_pre_multiply.hpp │ │ │ │ │ ├── diagonal.hpp │ │ │ │ │ ├── digamma.hpp │ │ │ │ │ ├── dims.hpp │ │ │ │ │ ├── distance.hpp │ │ │ │ │ ├── divide.hpp │ │ │ │ │ ├── divide_columns.hpp │ │ │ │ │ ├── dot.hpp │ │ │ │ │ ├── dot_product.hpp │ │ │ │ │ ├── dot_self.hpp │ │ │ │ │ ├── eigen_comparisons.hpp │ │ │ │ │ ├── eigendecompose.hpp │ │ │ │ │ ├── eigendecompose_sym.hpp │ │ │ │ │ ├── eigenvalues.hpp │ │ │ │ │ ├── eigenvalues_sym.hpp │ │ │ │ │ ├── eigenvectors.hpp │ │ │ │ │ ├── eigenvectors_sym.hpp │ │ │ │ │ ├── elt_divide.hpp │ │ │ │ │ ├── elt_multiply.hpp │ │ │ │ │ ├── erf.hpp │ │ │ │ │ ├── erfc.hpp │ │ │ │ │ ├── eval.hpp │ │ │ │ │ ├── exp.hpp │ │ │ │ │ ├── exp2.hpp │ │ │ │ │ ├── expm1.hpp │ │ │ │ │ ├── fabs.hpp │ │ │ │ │ ├── factor_U.hpp │ │ │ │ │ ├── factor_cov_matrix.hpp │ │ │ │ │ ├── falling_factorial.hpp │ │ │ │ │ ├── fdim.hpp │ │ │ │ │ ├── fft.hpp │ │ │ │ │ ├── fill.hpp │ │ │ │ │ ├── finite_diff_stepsize.hpp │ │ │ │ │ ├── floor.hpp │ │ │ │ │ ├── fma.hpp │ │ │ │ │ ├── fmax.hpp │ │ │ │ │ ├── fmin.hpp │ │ │ │ │ ├── fmod.hpp │ │ │ │ │ ├── gamma_p.hpp │ │ │ │ │ ├── gamma_q.hpp │ │ │ │ │ ├── generalized_inverse.hpp │ │ │ │ │ ├── get.hpp │ │ │ │ │ ├── get_base1.hpp │ │ │ │ │ ├── get_base1_lhs.hpp │ │ │ │ │ ├── get_imag.hpp │ │ │ │ │ ├── get_lp.hpp │ │ │ │ │ ├── get_real.hpp │ │ │ │ │ ├── gp_dot_prod_cov.hpp │ │ │ │ │ ├── gp_exp_quad_cov.hpp │ │ │ │ │ ├── gp_exponential_cov.hpp │ │ │ │ │ ├── gp_matern32_cov.hpp │ │ │ │ │ ├── gp_matern52_cov.hpp │ │ │ │ │ ├── gp_periodic_cov.hpp │ │ │ │ │ ├── grad_2F1.hpp │ │ │ │ │ ├── grad_F32.hpp │ │ │ │ │ ├── grad_pFq.hpp │ │ │ │ │ ├── grad_reg_inc_beta.hpp │ │ │ │ │ ├── grad_reg_inc_gamma.hpp │ │ │ │ │ ├── grad_reg_lower_inc_gamma.hpp │ │ │ │ │ ├── head.hpp │ │ │ │ │ ├── hypergeometric_1F0.hpp │ │ │ │ │ ├── hypergeometric_2F1.hpp │ │ │ │ │ ├── hypergeometric_2F2.hpp │ │ │ │ │ ├── hypergeometric_3F2.hpp │ │ │ │ │ ├── hypergeometric_pFq.hpp │ │ │ │ │ ├── hypot.hpp │ │ │ │ │ ├── i_times.hpp │ │ │ │ │ ├── identity_matrix.hpp │ │ │ │ │ ├── if_else.hpp │ │ │ │ │ ├── imag.hpp │ │ │ │ │ ├── inc_beta.hpp │ │ │ │ │ ├── inc_beta_dda.hpp │ │ │ │ │ ├── inc_beta_ddb.hpp │ │ │ │ │ ├── inc_beta_ddz.hpp │ │ │ │ │ ├── initialize.hpp │ │ │ │ │ ├── initialize_fill.hpp │ │ │ │ │ ├── int_step.hpp │ │ │ │ │ ├── inv.hpp │ │ │ │ │ ├── inv_Phi.hpp │ │ │ │ │ ├── inv_cloglog.hpp │ │ │ │ │ ├── inv_erfc.hpp │ │ │ │ │ ├── inv_inc_beta.hpp │ │ │ │ │ ├── inv_logit.hpp │ │ │ │ │ ├── inv_sqrt.hpp │ │ │ │ │ ├── inv_square.hpp │ │ │ │ │ ├── inverse.hpp │ │ │ │ │ ├── inverse_softmax.hpp │ │ │ │ │ ├── inverse_spd.hpp │ │ │ │ │ ├── is_any_nan.hpp │ │ │ │ │ ├── is_inf.hpp │ │ │ │ │ ├── is_integer.hpp │ │ │ │ │ ├── is_nan.hpp │ │ │ │ │ ├── is_nonpositive_integer.hpp │ │ │ │ │ ├── is_uninitialized.hpp │ │ │ │ │ ├── isfinite.hpp │ │ │ │ │ ├── isinf.hpp │ │ │ │ │ ├── isnan.hpp │ │ │ │ │ ├── isnormal.hpp │ │ │ │ │ ├── lambert_w.hpp │ │ │ │ │ ├── lbeta.hpp │ │ │ │ │ ├── ldexp.hpp │ │ │ │ │ ├── lgamma.hpp │ │ │ │ │ ├── lgamma_stirling.hpp │ │ │ │ │ ├── lgamma_stirling_diff.hpp │ │ │ │ │ ├── linspaced_array.hpp │ │ │ │ │ ├── linspaced_int_array.hpp │ │ │ │ │ ├── linspaced_row_vector.hpp │ │ │ │ │ ├── linspaced_vector.hpp │ │ │ │ │ ├── lmgamma.hpp │ │ │ │ │ ├── lmultiply.hpp │ │ │ │ │ ├── log.hpp │ │ │ │ │ ├── log10.hpp │ │ │ │ │ ├── log1m.hpp │ │ │ │ │ ├── log1m_exp.hpp │ │ │ │ │ ├── log1m_inv_logit.hpp │ │ │ │ │ ├── log1p.hpp │ │ │ │ │ ├── log1p_exp.hpp │ │ │ │ │ ├── log2.hpp │ │ │ │ │ ├── log_determinant.hpp │ │ │ │ │ ├── log_determinant_ldlt.hpp │ │ │ │ │ ├── log_determinant_spd.hpp │ │ │ │ │ ├── log_diff_exp.hpp │ │ │ │ │ ├── log_falling_factorial.hpp │ │ │ │ │ ├── log_inv_logit.hpp │ │ │ │ │ ├── log_inv_logit_diff.hpp │ │ │ │ │ ├── log_mix.hpp │ │ │ │ │ ├── log_modified_bessel_first_kind.hpp │ │ │ │ │ ├── log_rising_factorial.hpp │ │ │ │ │ ├── log_softmax.hpp │ │ │ │ │ ├── log_sum_exp.hpp │ │ │ │ │ ├── log_sum_exp_signed.hpp │ │ │ │ │ ├── logb.hpp │ │ │ │ │ ├── logical_and.hpp │ │ │ │ │ ├── logical_eq.hpp │ │ │ │ │ ├── logical_gt.hpp │ │ │ │ │ ├── logical_gte.hpp │ │ │ │ │ ├── logical_lt.hpp │ │ │ │ │ ├── logical_lte.hpp │ │ │ │ │ ├── logical_negation.hpp │ │ │ │ │ ├── logical_neq.hpp │ │ │ │ │ ├── logical_or.hpp │ │ │ │ │ ├── logit.hpp │ │ │ │ │ ├── make_nu.hpp │ │ │ │ │ ├── matrix_exp.hpp │ │ │ │ │ ├── matrix_exp_2x2.hpp │ │ │ │ │ ├── matrix_exp_action_handler.hpp │ │ │ │ │ ├── matrix_exp_multiply.hpp │ │ │ │ │ ├── matrix_exp_pade.hpp │ │ │ │ │ ├── matrix_power.hpp │ │ │ │ │ ├── max.hpp │ │ │ │ │ ├── max_size.hpp │ │ │ │ │ ├── max_size_mvt.hpp │ │ │ │ │ ├── mdivide_left.hpp │ │ │ │ │ ├── mdivide_left_ldlt.hpp │ │ │ │ │ ├── mdivide_left_spd.hpp │ │ │ │ │ ├── mdivide_left_tri.hpp │ │ │ │ │ ├── mdivide_left_tri_low.hpp │ │ │ │ │ ├── mdivide_right.hpp │ │ │ │ │ ├── mdivide_right_ldlt.hpp │ │ │ │ │ ├── mdivide_right_spd.hpp │ │ │ │ │ ├── mdivide_right_tri.hpp │ │ │ │ │ ├── mdivide_right_tri_low.hpp │ │ │ │ │ ├── mean.hpp │ │ │ │ │ ├── min.hpp │ │ │ │ │ ├── minus.hpp │ │ │ │ │ ├── modified_bessel_first_kind.hpp │ │ │ │ │ ├── modified_bessel_second_kind.hpp │ │ │ │ │ ├── modulus.hpp │ │ │ │ │ ├── multiply.hpp │ │ │ │ │ ├── multiply_log.hpp │ │ │ │ │ ├── multiply_lower_tri_self_transpose.hpp │ │ │ │ │ ├── norm.hpp │ │ │ │ │ ├── norm1.hpp │ │ │ │ │ ├── norm2.hpp │ │ │ │ │ ├── num_elements.hpp │ │ │ │ │ ├── one_hot_array.hpp │ │ │ │ │ ├── one_hot_int_array.hpp │ │ │ │ │ ├── one_hot_row_vector.hpp │ │ │ │ │ ├── one_hot_vector.hpp │ │ │ │ │ ├── ones_array.hpp │ │ │ │ │ ├── ones_int_array.hpp │ │ │ │ │ ├── ones_row_vector.hpp │ │ │ │ │ ├── ones_vector.hpp │ │ │ │ │ ├── owens_t.hpp │ │ │ │ │ ├── plus.hpp │ │ │ │ │ ├── poisson_binomial_log_probs.hpp │ │ │ │ │ ├── polar.hpp │ │ │ │ │ ├── pow.hpp │ │ │ │ │ ├── primitive_value.hpp │ │ │ │ │ ├── prod.hpp │ │ │ │ │ ├── proj.hpp │ │ │ │ │ ├── promote_elements.hpp │ │ │ │ │ ├── promote_scalar.hpp │ │ │ │ │ ├── pseudo_eigenvalues.hpp │ │ │ │ │ ├── pseudo_eigenvectors.hpp │ │ │ │ │ ├── qr.hpp │ │ │ │ │ ├── qr_Q.hpp │ │ │ │ │ ├── qr_R.hpp │ │ │ │ │ ├── qr_thin.hpp │ │ │ │ │ ├── qr_thin_Q.hpp │ │ │ │ │ ├── qr_thin_R.hpp │ │ │ │ │ ├── quad_form.hpp │ │ │ │ │ ├── quad_form_diag.hpp │ │ │ │ │ ├── quad_form_sym.hpp │ │ │ │ │ ├── quantile.hpp │ │ │ │ │ ├── rank.hpp │ │ │ │ │ ├── read_corr_L.hpp │ │ │ │ │ ├── read_corr_matrix.hpp │ │ │ │ │ ├── read_cov_L.hpp │ │ │ │ │ ├── read_cov_matrix.hpp │ │ │ │ │ ├── real.hpp │ │ │ │ │ ├── rep_array.hpp │ │ │ │ │ ├── rep_matrix.hpp │ │ │ │ │ ├── rep_row_vector.hpp │ │ │ │ │ ├── rep_vector.hpp │ │ │ │ │ ├── resize.hpp │ │ │ │ │ ├── reverse.hpp │ │ │ │ │ ├── rising_factorial.hpp │ │ │ │ │ ├── round.hpp │ │ │ │ │ ├── row.hpp │ │ │ │ │ ├── rows.hpp │ │ │ │ │ ├── rows_dot_product.hpp │ │ │ │ │ ├── rows_dot_self.hpp │ │ │ │ │ ├── scalar_seq_view.hpp │ │ │ │ │ ├── scalbn.hpp │ │ │ │ │ ├── scale_matrix_exp_multiply.hpp │ │ │ │ │ ├── scaled_add.hpp │ │ │ │ │ ├── sd.hpp │ │ │ │ │ ├── segment.hpp │ │ │ │ │ ├── select.hpp │ │ │ │ │ ├── serializer.hpp │ │ │ │ │ ├── sign.hpp │ │ │ │ │ ├── signbit.hpp │ │ │ │ │ ├── sin.hpp │ │ │ │ │ ├── singular_values.hpp │ │ │ │ │ ├── sinh.hpp │ │ │ │ │ ├── size.hpp │ │ │ │ │ ├── size_mvt.hpp │ │ │ │ │ ├── size_zero.hpp │ │ │ │ │ ├── softmax.hpp │ │ │ │ │ ├── sort_asc.hpp │ │ │ │ │ ├── sort_desc.hpp │ │ │ │ │ ├── sort_indices.hpp │ │ │ │ │ ├── sort_indices_asc.hpp │ │ │ │ │ ├── sort_indices_desc.hpp │ │ │ │ │ ├── sqrt.hpp │ │ │ │ │ ├── square.hpp │ │ │ │ │ ├── squared_distance.hpp │ │ │ │ │ ├── stan_print.hpp │ │ │ │ │ ├── step.hpp │ │ │ │ │ ├── sub_col.hpp │ │ │ │ │ ├── sub_row.hpp │ │ │ │ │ ├── subtract.hpp │ │ │ │ │ ├── sum.hpp │ │ │ │ │ ├── svd.hpp │ │ │ │ │ ├── svd_U.hpp │ │ │ │ │ ├── svd_V.hpp │ │ │ │ │ ├── symmetrize_from_lower_tri.hpp │ │ │ │ │ ├── symmetrize_from_upper_tri.hpp │ │ │ │ │ ├── tail.hpp │ │ │ │ │ ├── tan.hpp │ │ │ │ │ ├── tanh.hpp │ │ │ │ │ ├── tcrossprod.hpp │ │ │ │ │ ├── tgamma.hpp │ │ │ │ │ ├── to_array_1d.hpp │ │ │ │ │ ├── to_array_2d.hpp │ │ │ │ │ ├── to_complex.hpp │ │ │ │ │ ├── to_int.hpp │ │ │ │ │ ├── to_matrix.hpp │ │ │ │ │ ├── to_ref.hpp │ │ │ │ │ ├── to_row_vector.hpp │ │ │ │ │ ├── to_vector.hpp │ │ │ │ │ ├── trace.hpp │ │ │ │ │ ├── trace_gen_inv_quad_form_ldlt.hpp │ │ │ │ │ ├── trace_gen_quad_form.hpp │ │ │ │ │ ├── trace_inv_quad_form_ldlt.hpp │ │ │ │ │ ├── trace_quad_form.hpp │ │ │ │ │ ├── transpose.hpp │ │ │ │ │ ├── trigamma.hpp │ │ │ │ │ ├── trunc.hpp │ │ │ │ │ ├── typedefs.hpp │ │ │ │ │ ├── uniform_simplex.hpp │ │ │ │ │ ├── unitspaced_array.hpp │ │ │ │ │ ├── value_of.hpp │ │ │ │ │ ├── value_of_rec.hpp │ │ │ │ │ ├── variance.hpp │ │ │ │ │ ├── vec_concat.hpp │ │ │ │ │ ├── vector_seq_view.hpp │ │ │ │ │ ├── welford_covar_estimator.hpp │ │ │ │ │ ├── welford_var_estimator.hpp │ │ │ │ │ ├── zeros_array.hpp │ │ │ │ │ ├── zeros_int_array.hpp │ │ │ │ │ ├── zeros_row_vector.hpp │ │ │ │ │ └── zeros_vector.hpp │ │ │ │ ├── functor.hpp │ │ │ │ ├── functor │ │ │ │ │ ├── algebra_solver_adapter.hpp │ │ │ │ │ ├── apply.hpp │ │ │ │ │ ├── apply_scalar_binary.hpp │ │ │ │ │ ├── apply_scalar_ternary.hpp │ │ │ │ │ ├── apply_scalar_unary.hpp │ │ │ │ │ ├── apply_vector_unary.hpp │ │ │ │ │ ├── broadcast_array.hpp │ │ │ │ │ ├── coupled_ode_system.hpp │ │ │ │ │ ├── filter_map.hpp │ │ │ │ │ ├── finite_diff_gradient.hpp │ │ │ │ │ ├── finite_diff_gradient_auto.hpp │ │ │ │ │ ├── for_each.hpp │ │ │ │ │ ├── hcubature.hpp │ │ │ │ │ ├── integrate_1d.hpp │ │ │ │ │ ├── integrate_1d_adapter.hpp │ │ │ │ │ ├── integrate_ode_rk45.hpp │ │ │ │ │ ├── integrate_ode_std_vector_interface_adapter.hpp │ │ │ │ │ ├── iter_tuple_nested.hpp │ │ │ │ │ ├── make_holder_tuple.hpp │ │ │ │ │ ├── map_if.hpp │ │ │ │ │ ├── map_rect.hpp │ │ │ │ │ ├── map_rect_combine.hpp │ │ │ │ │ ├── map_rect_concurrent.hpp │ │ │ │ │ ├── map_rect_mpi.hpp │ │ │ │ │ ├── map_rect_reduce.hpp │ │ │ │ │ ├── mpi_cluster.hpp │ │ │ │ │ ├── mpi_cluster_inst.cpp │ │ │ │ │ ├── mpi_command.hpp │ │ │ │ │ ├── mpi_distributed_apply.hpp │ │ │ │ │ ├── mpi_parallel_call.hpp │ │ │ │ │ ├── ode_ckrk.hpp │ │ │ │ │ ├── ode_rk45.hpp │ │ │ │ │ ├── ode_store_sensitivities.hpp │ │ │ │ │ ├── operands_and_partials.hpp │ │ │ │ │ ├── partials_propagator.hpp │ │ │ │ │ ├── reduce_sum.hpp │ │ │ │ │ ├── reduce_sum_static.hpp │ │ │ │ │ └── tuple_concat.hpp │ │ │ │ ├── meta.hpp │ │ │ │ ├── meta │ │ │ │ │ ├── StdVectorBuilder.hpp │ │ │ │ │ ├── VectorBuilder.hpp │ │ │ │ │ ├── VectorBuilderHelper.hpp │ │ │ │ │ ├── ad_promotable.hpp │ │ │ │ │ ├── append_return_type.hpp │ │ │ │ │ ├── base_type.hpp │ │ │ │ │ ├── bool_constant.hpp │ │ │ │ │ ├── compiler_attributes.hpp │ │ │ │ │ ├── conjunction.hpp │ │ │ │ │ ├── contains_std_vector.hpp │ │ │ │ │ ├── contains_tuple.hpp │ │ │ │ │ ├── disjunction.hpp │ │ │ │ │ ├── error_index.hpp │ │ │ │ │ ├── forward_as.hpp │ │ │ │ │ ├── holder.hpp │ │ │ │ │ ├── include_summand.hpp │ │ │ │ │ ├── index_apply.hpp │ │ │ │ │ ├── index_type.hpp │ │ │ │ │ ├── is_all_arithmetic.hpp │ │ │ │ │ ├── is_arena_matrix.hpp │ │ │ │ │ ├── is_autodiff.hpp │ │ │ │ │ ├── is_base_pointer_convertible.hpp │ │ │ │ │ ├── is_complex.hpp │ │ │ │ │ ├── is_constant.hpp │ │ │ │ │ ├── is_container.hpp │ │ │ │ │ ├── is_container_or_var_matrix.hpp │ │ │ │ │ ├── is_dense_dynamic.hpp │ │ │ │ │ ├── is_detected.hpp │ │ │ │ │ ├── is_double_or_int.hpp │ │ │ │ │ ├── is_eigen.hpp │ │ │ │ │ ├── is_eigen_dense_base.hpp │ │ │ │ │ ├── is_eigen_dense_dynamic.hpp │ │ │ │ │ ├── is_eigen_matrix.hpp │ │ │ │ │ ├── is_eigen_matrix_base.hpp │ │ │ │ │ ├── is_eigen_sparse_base.hpp │ │ │ │ │ ├── is_fvar.hpp │ │ │ │ │ ├── is_kernel_expression.hpp │ │ │ │ │ ├── is_matrix.hpp │ │ │ │ │ ├── is_matrix_cl.hpp │ │ │ │ │ ├── is_plain_type.hpp │ │ │ │ │ ├── is_real.hpp │ │ │ │ │ ├── is_rev_matrix.hpp │ │ │ │ │ ├── is_stan_scalar.hpp │ │ │ │ │ ├── is_stan_scalar_or_eigen.hpp │ │ │ │ │ ├── is_string_convertible.hpp │ │ │ │ │ ├── is_tuple.hpp │ │ │ │ │ ├── is_var.hpp │ │ │ │ │ ├── is_var_and_matrix_types.hpp │ │ │ │ │ ├── is_var_dense_dynamic.hpp │ │ │ │ │ ├── is_var_eigen.hpp │ │ │ │ │ ├── is_var_matrix.hpp │ │ │ │ │ ├── is_var_or_arithmetic.hpp │ │ │ │ │ ├── is_vari.hpp │ │ │ │ │ ├── is_vector.hpp │ │ │ │ │ ├── is_vector_like.hpp │ │ │ │ │ ├── modify_eigen_options.hpp │ │ │ │ │ ├── partials_return_type.hpp │ │ │ │ │ ├── partials_type.hpp │ │ │ │ │ ├── plain_type.hpp │ │ │ │ │ ├── possibly_sum.hpp │ │ │ │ │ ├── promote_args.hpp │ │ │ │ │ ├── promote_scalar_type.hpp │ │ │ │ │ ├── ref_type.hpp │ │ │ │ │ ├── require_generics.hpp │ │ │ │ │ ├── require_helpers.hpp │ │ │ │ │ ├── return_type.hpp │ │ │ │ │ ├── scalar_type.hpp │ │ │ │ │ ├── seq_view.hpp │ │ │ │ │ ├── static_select.hpp │ │ │ │ │ ├── value_type.hpp │ │ │ │ │ └── void_t.hpp │ │ │ │ ├── prob.hpp │ │ │ │ └── prob │ │ │ │ │ ├── bernoulli_ccdf_log.hpp │ │ │ │ │ ├── bernoulli_cdf.hpp │ │ │ │ │ ├── bernoulli_cdf_log.hpp │ │ │ │ │ ├── bernoulli_lccdf.hpp │ │ │ │ │ ├── bernoulli_lcdf.hpp │ │ │ │ │ ├── bernoulli_logit_glm_lpmf.hpp │ │ │ │ │ ├── bernoulli_logit_glm_rng.hpp │ │ │ │ │ ├── bernoulli_logit_lpmf.hpp │ │ │ │ │ ├── bernoulli_logit_rng.hpp │ │ │ │ │ ├── bernoulli_lpmf.hpp │ │ │ │ │ ├── bernoulli_rng.hpp │ │ │ │ │ ├── beta_binomial_ccdf_log.hpp │ │ │ │ │ ├── beta_binomial_cdf.hpp │ │ │ │ │ ├── beta_binomial_cdf_log.hpp │ │ │ │ │ ├── beta_binomial_lccdf.hpp │ │ │ │ │ ├── beta_binomial_lcdf.hpp │ │ │ │ │ ├── beta_binomial_lpmf.hpp │ │ │ │ │ ├── beta_binomial_rng.hpp │ │ │ │ │ ├── beta_ccdf_log.hpp │ │ │ │ │ ├── beta_cdf.hpp │ │ │ │ │ ├── beta_cdf_log.hpp │ │ │ │ │ ├── beta_lccdf.hpp │ │ │ │ │ ├── beta_lcdf.hpp │ │ │ │ │ ├── beta_lpdf.hpp │ │ │ │ │ ├── beta_neg_binomial_cdf.hpp │ │ │ │ │ ├── beta_neg_binomial_lccdf.hpp │ │ │ │ │ ├── beta_neg_binomial_lcdf.hpp │ │ │ │ │ ├── beta_neg_binomial_lpmf.hpp │ │ │ │ │ ├── beta_neg_binomial_rng.hpp │ │ │ │ │ ├── beta_proportion_ccdf_log.hpp │ │ │ │ │ ├── beta_proportion_cdf_log.hpp │ │ │ │ │ ├── beta_proportion_lccdf.hpp │ │ │ │ │ ├── beta_proportion_lcdf.hpp │ │ │ │ │ ├── beta_proportion_lpdf.hpp │ │ │ │ │ ├── beta_proportion_rng.hpp │ │ │ │ │ ├── beta_rng.hpp │ │ │ │ │ ├── binomial_ccdf_log.hpp │ │ │ │ │ ├── binomial_cdf.hpp │ │ │ │ │ ├── binomial_cdf_log.hpp │ │ │ │ │ ├── binomial_lccdf.hpp │ │ │ │ │ ├── binomial_lcdf.hpp │ │ │ │ │ ├── binomial_logit_glm_lpmf.hpp │ │ │ │ │ ├── binomial_logit_lpmf.hpp │ │ │ │ │ ├── binomial_lpmf.hpp │ │ │ │ │ ├── binomial_rng.hpp │ │ │ │ │ ├── categorical_logit_glm_lpmf.hpp │ │ │ │ │ ├── categorical_logit_lpmf.hpp │ │ │ │ │ ├── categorical_logit_rng.hpp │ │ │ │ │ ├── categorical_lpmf.hpp │ │ │ │ │ ├── categorical_rng.hpp │ │ │ │ │ ├── cauchy_ccdf_log.hpp │ │ │ │ │ ├── cauchy_cdf.hpp │ │ │ │ │ ├── cauchy_cdf_log.hpp │ │ │ │ │ ├── cauchy_lccdf.hpp │ │ │ │ │ ├── cauchy_lcdf.hpp │ │ │ │ │ ├── cauchy_lpdf.hpp │ │ │ │ │ ├── cauchy_rng.hpp │ │ │ │ │ ├── chi_square_ccdf_log.hpp │ │ │ │ │ ├── chi_square_cdf.hpp │ │ │ │ │ ├── chi_square_cdf_log.hpp │ │ │ │ │ ├── chi_square_lccdf.hpp │ │ │ │ │ ├── chi_square_lcdf.hpp │ │ │ │ │ ├── chi_square_lpdf.hpp │ │ │ │ │ ├── chi_square_rng.hpp │ │ │ │ │ ├── dirichlet_lpdf.hpp │ │ │ │ │ ├── dirichlet_multinomial_lpmf.hpp │ │ │ │ │ ├── dirichlet_multinomial_rng.hpp │ │ │ │ │ ├── dirichlet_rng.hpp │ │ │ │ │ ├── discrete_range_ccdf_log.hpp │ │ │ │ │ ├── discrete_range_cdf.hpp │ │ │ │ │ ├── discrete_range_cdf_log.hpp │ │ │ │ │ ├── discrete_range_lccdf.hpp │ │ │ │ │ ├── discrete_range_lcdf.hpp │ │ │ │ │ ├── discrete_range_lpmf.hpp │ │ │ │ │ ├── discrete_range_rng.hpp │ │ │ │ │ ├── double_exponential_ccdf_log.hpp │ │ │ │ │ ├── double_exponential_cdf.hpp │ │ │ │ │ ├── double_exponential_cdf_log.hpp │ │ │ │ │ ├── double_exponential_lccdf.hpp │ │ │ │ │ ├── double_exponential_lcdf.hpp │ │ │ │ │ ├── double_exponential_lpdf.hpp │ │ │ │ │ ├── double_exponential_rng.hpp │ │ │ │ │ ├── exp_mod_normal_ccdf_log.hpp │ │ │ │ │ ├── exp_mod_normal_cdf.hpp │ │ │ │ │ ├── exp_mod_normal_cdf_log.hpp │ │ │ │ │ ├── exp_mod_normal_lccdf.hpp │ │ │ │ │ ├── exp_mod_normal_lcdf.hpp │ │ │ │ │ ├── exp_mod_normal_lpdf.hpp │ │ │ │ │ ├── exp_mod_normal_rng.hpp │ │ │ │ │ ├── exponential_ccdf_log.hpp │ │ │ │ │ ├── exponential_cdf.hpp │ │ │ │ │ ├── exponential_cdf_log.hpp │ │ │ │ │ ├── exponential_lccdf.hpp │ │ │ │ │ ├── exponential_lcdf.hpp │ │ │ │ │ ├── exponential_lpdf.hpp │ │ │ │ │ ├── exponential_rng.hpp │ │ │ │ │ ├── frechet_ccdf_log.hpp │ │ │ │ │ ├── frechet_cdf.hpp │ │ │ │ │ ├── frechet_cdf_log.hpp │ │ │ │ │ ├── frechet_lccdf.hpp │ │ │ │ │ ├── frechet_lcdf.hpp │ │ │ │ │ ├── frechet_lpdf.hpp │ │ │ │ │ ├── frechet_rng.hpp │ │ │ │ │ ├── gamma_ccdf_log.hpp │ │ │ │ │ ├── gamma_cdf.hpp │ │ │ │ │ ├── gamma_cdf_log.hpp │ │ │ │ │ ├── gamma_lccdf.hpp │ │ │ │ │ ├── gamma_lcdf.hpp │ │ │ │ │ ├── gamma_lpdf.hpp │ │ │ │ │ ├── gamma_rng.hpp │ │ │ │ │ ├── gaussian_dlm_obs_lpdf.hpp │ │ │ │ │ ├── gaussian_dlm_obs_rng.hpp │ │ │ │ │ ├── gumbel_ccdf_log.hpp │ │ │ │ │ ├── gumbel_cdf.hpp │ │ │ │ │ ├── gumbel_cdf_log.hpp │ │ │ │ │ ├── gumbel_lccdf.hpp │ │ │ │ │ ├── gumbel_lcdf.hpp │ │ │ │ │ ├── gumbel_lpdf.hpp │ │ │ │ │ ├── gumbel_rng.hpp │ │ │ │ │ ├── hmm_hidden_state_prob.hpp │ │ │ │ │ ├── hmm_latent_rng.hpp │ │ │ │ │ ├── hmm_marginal.hpp │ │ │ │ │ ├── hypergeometric_lpmf.hpp │ │ │ │ │ ├── hypergeometric_rng.hpp │ │ │ │ │ ├── inv_chi_square_ccdf_log.hpp │ │ │ │ │ ├── inv_chi_square_cdf.hpp │ │ │ │ │ ├── inv_chi_square_cdf_log.hpp │ │ │ │ │ ├── inv_chi_square_lccdf.hpp │ │ │ │ │ ├── inv_chi_square_lcdf.hpp │ │ │ │ │ ├── inv_chi_square_lpdf.hpp │ │ │ │ │ ├── inv_chi_square_rng.hpp │ │ │ │ │ ├── inv_gamma_ccdf_log.hpp │ │ │ │ │ ├── inv_gamma_cdf.hpp │ │ │ │ │ ├── inv_gamma_cdf_log.hpp │ │ │ │ │ ├── inv_gamma_lccdf.hpp │ │ │ │ │ ├── inv_gamma_lcdf.hpp │ │ │ │ │ ├── inv_gamma_lpdf.hpp │ │ │ │ │ ├── inv_gamma_rng.hpp │ │ │ │ │ ├── inv_wishart_cholesky_lpdf.hpp │ │ │ │ │ ├── inv_wishart_cholesky_rng.hpp │ │ │ │ │ ├── inv_wishart_lpdf.hpp │ │ │ │ │ ├── inv_wishart_rng.hpp │ │ │ │ │ ├── lkj_corr_cholesky_lpdf.hpp │ │ │ │ │ ├── lkj_corr_cholesky_rng.hpp │ │ │ │ │ ├── lkj_corr_lpdf.hpp │ │ │ │ │ ├── lkj_corr_rng.hpp │ │ │ │ │ ├── lkj_cov_lpdf.hpp │ │ │ │ │ ├── logistic_ccdf_log.hpp │ │ │ │ │ ├── logistic_cdf.hpp │ │ │ │ │ ├── logistic_cdf_log.hpp │ │ │ │ │ ├── logistic_lccdf.hpp │ │ │ │ │ ├── logistic_lcdf.hpp │ │ │ │ │ ├── logistic_lpdf.hpp │ │ │ │ │ ├── logistic_rng.hpp │ │ │ │ │ ├── loglogistic_cdf.hpp │ │ │ │ │ ├── loglogistic_lpdf.hpp │ │ │ │ │ ├── loglogistic_rng.hpp │ │ │ │ │ ├── lognormal_ccdf_log.hpp │ │ │ │ │ ├── lognormal_cdf.hpp │ │ │ │ │ ├── lognormal_cdf_log.hpp │ │ │ │ │ ├── lognormal_lccdf.hpp │ │ │ │ │ ├── lognormal_lcdf.hpp │ │ │ │ │ ├── lognormal_lpdf.hpp │ │ │ │ │ ├── lognormal_rng.hpp │ │ │ │ │ ├── matrix_normal_prec_lpdf.hpp │ │ │ │ │ ├── matrix_normal_prec_rng.hpp │ │ │ │ │ ├── multi_gp_cholesky_lpdf.hpp │ │ │ │ │ ├── multi_gp_lpdf.hpp │ │ │ │ │ ├── multi_normal_cholesky_lpdf.hpp │ │ │ │ │ ├── multi_normal_cholesky_rng.hpp │ │ │ │ │ ├── multi_normal_lpdf.hpp │ │ │ │ │ ├── multi_normal_prec_lpdf.hpp │ │ │ │ │ ├── multi_normal_prec_rng.hpp │ │ │ │ │ ├── multi_normal_rng.hpp │ │ │ │ │ ├── multi_student_t_cholesky_lpdf.hpp │ │ │ │ │ ├── multi_student_t_cholesky_rng.hpp │ │ │ │ │ ├── multi_student_t_lpdf.hpp │ │ │ │ │ ├── multi_student_t_rng.hpp │ │ │ │ │ ├── multinomial_logit_lpmf.hpp │ │ │ │ │ ├── multinomial_logit_rng.hpp │ │ │ │ │ ├── multinomial_lpmf.hpp │ │ │ │ │ ├── multinomial_rng.hpp │ │ │ │ │ ├── neg_binomial_2_ccdf_log.hpp │ │ │ │ │ ├── neg_binomial_2_cdf.hpp │ │ │ │ │ ├── neg_binomial_2_cdf_log.hpp │ │ │ │ │ ├── neg_binomial_2_lccdf.hpp │ │ │ │ │ ├── neg_binomial_2_lcdf.hpp │ │ │ │ │ ├── neg_binomial_2_log_glm_lpmf.hpp │ │ │ │ │ ├── neg_binomial_2_log_lpmf.hpp │ │ │ │ │ ├── neg_binomial_2_log_rng.hpp │ │ │ │ │ ├── neg_binomial_2_lpmf.hpp │ │ │ │ │ ├── neg_binomial_2_rng.hpp │ │ │ │ │ ├── neg_binomial_ccdf_log.hpp │ │ │ │ │ ├── neg_binomial_cdf.hpp │ │ │ │ │ ├── neg_binomial_cdf_log.hpp │ │ │ │ │ ├── neg_binomial_lccdf.hpp │ │ │ │ │ ├── neg_binomial_lcdf.hpp │ │ │ │ │ ├── neg_binomial_lpmf.hpp │ │ │ │ │ ├── neg_binomial_rng.hpp │ │ │ │ │ ├── normal_ccdf_log.hpp │ │ │ │ │ ├── normal_cdf.hpp │ │ │ │ │ ├── normal_cdf_log.hpp │ │ │ │ │ ├── normal_id_glm_lpdf.hpp │ │ │ │ │ ├── normal_lccdf.hpp │ │ │ │ │ ├── normal_lcdf.hpp │ │ │ │ │ ├── normal_lpdf.hpp │ │ │ │ │ ├── normal_rng.hpp │ │ │ │ │ ├── normal_sufficient_lpdf.hpp │ │ │ │ │ ├── ordered_logistic_glm_lpmf.hpp │ │ │ │ │ ├── ordered_logistic_lpmf.hpp │ │ │ │ │ ├── ordered_logistic_rng.hpp │ │ │ │ │ ├── ordered_probit_lpmf.hpp │ │ │ │ │ ├── ordered_probit_rng.hpp │ │ │ │ │ ├── pareto_ccdf_log.hpp │ │ │ │ │ ├── pareto_cdf.hpp │ │ │ │ │ ├── pareto_cdf_log.hpp │ │ │ │ │ ├── pareto_lccdf.hpp │ │ │ │ │ ├── pareto_lcdf.hpp │ │ │ │ │ ├── pareto_lpdf.hpp │ │ │ │ │ ├── pareto_rng.hpp │ │ │ │ │ ├── pareto_type_2_ccdf_log.hpp │ │ │ │ │ ├── pareto_type_2_cdf.hpp │ │ │ │ │ ├── pareto_type_2_cdf_log.hpp │ │ │ │ │ ├── pareto_type_2_lccdf.hpp │ │ │ │ │ ├── pareto_type_2_lcdf.hpp │ │ │ │ │ ├── pareto_type_2_lpdf.hpp │ │ │ │ │ ├── pareto_type_2_rng.hpp │ │ │ │ │ ├── poisson_binomial_ccdf_log.hpp │ │ │ │ │ ├── poisson_binomial_cdf.hpp │ │ │ │ │ ├── poisson_binomial_cdf_log.hpp │ │ │ │ │ ├── poisson_binomial_lccdf.hpp │ │ │ │ │ ├── poisson_binomial_lcdf.hpp │ │ │ │ │ ├── poisson_binomial_lpmf.hpp │ │ │ │ │ ├── poisson_binomial_rng.hpp │ │ │ │ │ ├── poisson_ccdf_log.hpp │ │ │ │ │ ├── poisson_cdf.hpp │ │ │ │ │ ├── poisson_cdf_log.hpp │ │ │ │ │ ├── poisson_lccdf.hpp │ │ │ │ │ ├── poisson_lcdf.hpp │ │ │ │ │ ├── poisson_log_glm_lpmf.hpp │ │ │ │ │ ├── poisson_log_lpmf.hpp │ │ │ │ │ ├── poisson_log_rng.hpp │ │ │ │ │ ├── poisson_lpmf.hpp │ │ │ │ │ ├── poisson_rng.hpp │ │ │ │ │ ├── rayleigh_ccdf_log.hpp │ │ │ │ │ ├── rayleigh_cdf.hpp │ │ │ │ │ ├── rayleigh_cdf_log.hpp │ │ │ │ │ ├── rayleigh_lccdf.hpp │ │ │ │ │ ├── rayleigh_lcdf.hpp │ │ │ │ │ ├── rayleigh_lpdf.hpp │ │ │ │ │ ├── rayleigh_rng.hpp │ │ │ │ │ ├── scaled_inv_chi_square_ccdf_log.hpp │ │ │ │ │ ├── scaled_inv_chi_square_cdf.hpp │ │ │ │ │ ├── scaled_inv_chi_square_cdf_log.hpp │ │ │ │ │ ├── scaled_inv_chi_square_lccdf.hpp │ │ │ │ │ ├── scaled_inv_chi_square_lcdf.hpp │ │ │ │ │ ├── scaled_inv_chi_square_lpdf.hpp │ │ │ │ │ ├── scaled_inv_chi_square_rng.hpp │ │ │ │ │ ├── skew_double_exponential_ccdf_log.hpp │ │ │ │ │ ├── skew_double_exponential_cdf.hpp │ │ │ │ │ ├── skew_double_exponential_cdf_log.hpp │ │ │ │ │ ├── skew_double_exponential_lccdf.hpp │ │ │ │ │ ├── skew_double_exponential_lcdf.hpp │ │ │ │ │ ├── skew_double_exponential_lpdf.hpp │ │ │ │ │ ├── skew_double_exponential_rng.hpp │ │ │ │ │ ├── skew_normal_ccdf_log.hpp │ │ │ │ │ ├── skew_normal_cdf.hpp │ │ │ │ │ ├── skew_normal_cdf_log.hpp │ │ │ │ │ ├── skew_normal_lccdf.hpp │ │ │ │ │ ├── skew_normal_lcdf.hpp │ │ │ │ │ ├── skew_normal_lpdf.hpp │ │ │ │ │ ├── skew_normal_rng.hpp │ │ │ │ │ ├── std_normal_ccdf_log.hpp │ │ │ │ │ ├── std_normal_cdf.hpp │ │ │ │ │ ├── std_normal_cdf_log.hpp │ │ │ │ │ ├── std_normal_lccdf.hpp │ │ │ │ │ ├── std_normal_lcdf.hpp │ │ │ │ │ ├── std_normal_log_qf.hpp │ │ │ │ │ ├── std_normal_lpdf.hpp │ │ │ │ │ ├── std_normal_rng.hpp │ │ │ │ │ ├── student_t_ccdf_log.hpp │ │ │ │ │ ├── student_t_cdf.hpp │ │ │ │ │ ├── student_t_cdf_log.hpp │ │ │ │ │ ├── student_t_lccdf.hpp │ │ │ │ │ ├── student_t_lcdf.hpp │ │ │ │ │ ├── student_t_lpdf.hpp │ │ │ │ │ ├── student_t_rng.hpp │ │ │ │ │ ├── uniform_ccdf_log.hpp │ │ │ │ │ ├── uniform_cdf.hpp │ │ │ │ │ ├── uniform_cdf_log.hpp │ │ │ │ │ ├── uniform_lccdf.hpp │ │ │ │ │ ├── uniform_lcdf.hpp │ │ │ │ │ ├── uniform_lpdf.hpp │ │ │ │ │ ├── uniform_rng.hpp │ │ │ │ │ ├── von_mises_ccdf_log.hpp │ │ │ │ │ ├── von_mises_cdf.hpp │ │ │ │ │ ├── von_mises_cdf_log.hpp │ │ │ │ │ ├── von_mises_lccdf.hpp │ │ │ │ │ ├── von_mises_lcdf.hpp │ │ │ │ │ ├── von_mises_lpdf.hpp │ │ │ │ │ ├── von_mises_rng.hpp │ │ │ │ │ ├── weibull_ccdf_log.hpp │ │ │ │ │ ├── weibull_cdf.hpp │ │ │ │ │ ├── weibull_cdf_log.hpp │ │ │ │ │ ├── weibull_lccdf.hpp │ │ │ │ │ ├── weibull_lcdf.hpp │ │ │ │ │ ├── weibull_lpdf.hpp │ │ │ │ │ ├── weibull_rng.hpp │ │ │ │ │ ├── wiener5_lpdf.hpp │ │ │ │ │ ├── wiener_full_lpdf.hpp │ │ │ │ │ ├── wiener_lpdf.hpp │ │ │ │ │ ├── wishart_cholesky_lpdf.hpp │ │ │ │ │ ├── wishart_cholesky_rng.hpp │ │ │ │ │ ├── wishart_lpdf.hpp │ │ │ │ │ └── wishart_rng.hpp │ │ │ ├── rev.hpp │ │ │ ├── rev │ │ │ │ ├── constraint.hpp │ │ │ │ ├── constraint │ │ │ │ │ ├── cholesky_corr_constrain.hpp │ │ │ │ │ ├── cholesky_factor_constrain.hpp │ │ │ │ │ ├── corr_matrix_constrain.hpp │ │ │ │ │ ├── cov_matrix_constrain.hpp │ │ │ │ │ ├── cov_matrix_constrain_lkj.hpp │ │ │ │ │ ├── identity_constrain.hpp │ │ │ │ │ ├── identity_free.hpp │ │ │ │ │ ├── lb_constrain.hpp │ │ │ │ │ ├── lub_constrain.hpp │ │ │ │ │ ├── ordered_constrain.hpp │ │ │ │ │ ├── positive_ordered_constrain.hpp │ │ │ │ │ ├── simplex_constrain.hpp │ │ │ │ │ ├── stochastic_column_constrain.hpp │ │ │ │ │ ├── stochastic_row_constrain.hpp │ │ │ │ │ ├── sum_to_zero_constrain.hpp │ │ │ │ │ ├── ub_constrain.hpp │ │ │ │ │ └── unit_vector_constrain.hpp │ │ │ │ ├── core.hpp │ │ │ │ ├── core │ │ │ │ │ ├── Eigen_NumTraits.hpp │ │ │ │ │ ├── accumulate_adjoints.hpp │ │ │ │ │ ├── arena_allocator.hpp │ │ │ │ │ ├── arena_matrix.hpp │ │ │ │ │ ├── autodiffstackstorage.hpp │ │ │ │ │ ├── build_vari_array.hpp │ │ │ │ │ ├── callback_vari.hpp │ │ │ │ │ ├── chainable_alloc.hpp │ │ │ │ │ ├── chainable_object.hpp │ │ │ │ │ ├── chainablestack.hpp │ │ │ │ │ ├── count_vars.hpp │ │ │ │ │ ├── ddv_vari.hpp │ │ │ │ │ ├── deep_copy_vars.hpp │ │ │ │ │ ├── dv_vari.hpp │ │ │ │ │ ├── dvd_vari.hpp │ │ │ │ │ ├── dvv_vari.hpp │ │ │ │ │ ├── empty_nested.hpp │ │ │ │ │ ├── gevv_vvv_vari.hpp │ │ │ │ │ ├── grad.hpp │ │ │ │ │ ├── init_chainablestack.hpp │ │ │ │ │ ├── matrix_vari.hpp │ │ │ │ │ ├── nested_rev_autodiff.hpp │ │ │ │ │ ├── nested_size.hpp │ │ │ │ │ ├── operator_addition.hpp │ │ │ │ │ ├── operator_divide_equal.hpp │ │ │ │ │ ├── operator_division.hpp │ │ │ │ │ ├── operator_equal.hpp │ │ │ │ │ ├── operator_greater_than.hpp │ │ │ │ │ ├── operator_greater_than_or_equal.hpp │ │ │ │ │ ├── operator_less_than.hpp │ │ │ │ │ ├── operator_less_than_or_equal.hpp │ │ │ │ │ ├── operator_logical_and.hpp │ │ │ │ │ ├── operator_logical_or.hpp │ │ │ │ │ ├── operator_minus_equal.hpp │ │ │ │ │ ├── operator_multiplication.hpp │ │ │ │ │ ├── operator_multiply_equal.hpp │ │ │ │ │ ├── operator_not_equal.hpp │ │ │ │ │ ├── operator_plus_equal.hpp │ │ │ │ │ ├── operator_subtraction.hpp │ │ │ │ │ ├── operator_unary_decrement.hpp │ │ │ │ │ ├── operator_unary_increment.hpp │ │ │ │ │ ├── operator_unary_negative.hpp │ │ │ │ │ ├── operator_unary_not.hpp │ │ │ │ │ ├── operator_unary_plus.hpp │ │ │ │ │ ├── precomp_vv_vari.hpp │ │ │ │ │ ├── precomp_vvv_vari.hpp │ │ │ │ │ ├── precomputed_gradients.hpp │ │ │ │ │ ├── print_stack.hpp │ │ │ │ │ ├── profiling.hpp │ │ │ │ │ ├── read_var.hpp │ │ │ │ │ ├── recover_memory.hpp │ │ │ │ │ ├── recover_memory_nested.hpp │ │ │ │ │ ├── reverse_pass_callback.hpp │ │ │ │ │ ├── save_varis.hpp │ │ │ │ │ ├── scoped_chainablestack.hpp │ │ │ │ │ ├── set_zero_all_adjoints.hpp │ │ │ │ │ ├── set_zero_all_adjoints_nested.hpp │ │ │ │ │ ├── start_nested.hpp │ │ │ │ │ ├── std_complex.hpp │ │ │ │ │ ├── std_isinf.hpp │ │ │ │ │ ├── std_isnan.hpp │ │ │ │ │ ├── std_iterator_traits.hpp │ │ │ │ │ ├── std_numeric_limits.hpp │ │ │ │ │ ├── stored_gradient_vari.hpp │ │ │ │ │ ├── typedefs.hpp │ │ │ │ │ ├── v_vari.hpp │ │ │ │ │ ├── var.hpp │ │ │ │ │ ├── var_value_fwd_declare.hpp │ │ │ │ │ ├── vari.hpp │ │ │ │ │ ├── vd_vari.hpp │ │ │ │ │ ├── vdd_vari.hpp │ │ │ │ │ ├── vdv_vari.hpp │ │ │ │ │ ├── vector_vari.hpp │ │ │ │ │ ├── vv_vari.hpp │ │ │ │ │ ├── vvd_vari.hpp │ │ │ │ │ ├── vvv_vari.hpp │ │ │ │ │ └── zero_adjoints.hpp │ │ │ │ ├── fun.hpp │ │ │ │ ├── fun │ │ │ │ │ ├── LDLT_factor.hpp │ │ │ │ │ ├── Phi.hpp │ │ │ │ │ ├── Phi_approx.hpp │ │ │ │ │ ├── abs.hpp │ │ │ │ │ ├── accumulator.hpp │ │ │ │ │ ├── acos.hpp │ │ │ │ │ ├── acosh.hpp │ │ │ │ │ ├── adjoint_of.hpp │ │ │ │ │ ├── append_col.hpp │ │ │ │ │ ├── append_row.hpp │ │ │ │ │ ├── arg.hpp │ │ │ │ │ ├── as_array_or_scalar.hpp │ │ │ │ │ ├── as_bool.hpp │ │ │ │ │ ├── as_column_vector_or_scalar.hpp │ │ │ │ │ ├── asin.hpp │ │ │ │ │ ├── asinh.hpp │ │ │ │ │ ├── atan.hpp │ │ │ │ │ ├── atan2.hpp │ │ │ │ │ ├── atanh.hpp │ │ │ │ │ ├── bessel_first_kind.hpp │ │ │ │ │ ├── bessel_second_kind.hpp │ │ │ │ │ ├── beta.hpp │ │ │ │ │ ├── binary_log_loss.hpp │ │ │ │ │ ├── cbrt.hpp │ │ │ │ │ ├── ceil.hpp │ │ │ │ │ ├── cholesky_decompose.hpp │ │ │ │ │ ├── columns_dot_product.hpp │ │ │ │ │ ├── columns_dot_self.hpp │ │ │ │ │ ├── conj.hpp │ │ │ │ │ ├── cos.hpp │ │ │ │ │ ├── cosh.hpp │ │ │ │ │ ├── cov_exp_quad.hpp │ │ │ │ │ ├── csr_matrix_times_vector.hpp │ │ │ │ │ ├── cumulative_sum.hpp │ │ │ │ │ ├── determinant.hpp │ │ │ │ │ ├── diag_post_multiply.hpp │ │ │ │ │ ├── diag_pre_multiply.hpp │ │ │ │ │ ├── digamma.hpp │ │ │ │ │ ├── dims.hpp │ │ │ │ │ ├── divide.hpp │ │ │ │ │ ├── dot_product.hpp │ │ │ │ │ ├── dot_self.hpp │ │ │ │ │ ├── eigendecompose_sym.hpp │ │ │ │ │ ├── eigenvalues_sym.hpp │ │ │ │ │ ├── eigenvectors_sym.hpp │ │ │ │ │ ├── elt_divide.hpp │ │ │ │ │ ├── elt_multiply.hpp │ │ │ │ │ ├── erf.hpp │ │ │ │ │ ├── erfc.hpp │ │ │ │ │ ├── exp.hpp │ │ │ │ │ ├── exp2.hpp │ │ │ │ │ ├── expm1.hpp │ │ │ │ │ ├── fabs.hpp │ │ │ │ │ ├── falling_factorial.hpp │ │ │ │ │ ├── fdim.hpp │ │ │ │ │ ├── fft.hpp │ │ │ │ │ ├── fill.hpp │ │ │ │ │ ├── floor.hpp │ │ │ │ │ ├── fma.hpp │ │ │ │ │ ├── fmax.hpp │ │ │ │ │ ├── fmin.hpp │ │ │ │ │ ├── fmod.hpp │ │ │ │ │ ├── from_var_value.hpp │ │ │ │ │ ├── gamma_p.hpp │ │ │ │ │ ├── gamma_q.hpp │ │ │ │ │ ├── generalized_inverse.hpp │ │ │ │ │ ├── gp_exp_quad_cov.hpp │ │ │ │ │ ├── gp_periodic_cov.hpp │ │ │ │ │ ├── grad.hpp │ │ │ │ │ ├── hypergeometric_1F0.hpp │ │ │ │ │ ├── hypergeometric_2F1.hpp │ │ │ │ │ ├── hypergeometric_pFq.hpp │ │ │ │ │ ├── hypot.hpp │ │ │ │ │ ├── if_else.hpp │ │ │ │ │ ├── inc_beta.hpp │ │ │ │ │ ├── initialize_fill.hpp │ │ │ │ │ ├── initialize_variable.hpp │ │ │ │ │ ├── inv.hpp │ │ │ │ │ ├── inv_Phi.hpp │ │ │ │ │ ├── inv_cloglog.hpp │ │ │ │ │ ├── inv_erfc.hpp │ │ │ │ │ ├── inv_inc_beta.hpp │ │ │ │ │ ├── inv_logit.hpp │ │ │ │ │ ├── inv_sqrt.hpp │ │ │ │ │ ├── inv_square.hpp │ │ │ │ │ ├── inverse.hpp │ │ │ │ │ ├── is_inf.hpp │ │ │ │ │ ├── is_nan.hpp │ │ │ │ │ ├── is_uninitialized.hpp │ │ │ │ │ ├── lambert_w.hpp │ │ │ │ │ ├── lbeta.hpp │ │ │ │ │ ├── ldexp.hpp │ │ │ │ │ ├── lgamma.hpp │ │ │ │ │ ├── lmgamma.hpp │ │ │ │ │ ├── lmultiply.hpp │ │ │ │ │ ├── log.hpp │ │ │ │ │ ├── log10.hpp │ │ │ │ │ ├── log1m.hpp │ │ │ │ │ ├── log1m_exp.hpp │ │ │ │ │ ├── log1m_inv_logit.hpp │ │ │ │ │ ├── log1p.hpp │ │ │ │ │ ├── log1p_exp.hpp │ │ │ │ │ ├── log2.hpp │ │ │ │ │ ├── log_determinant.hpp │ │ │ │ │ ├── log_determinant_ldlt.hpp │ │ │ │ │ ├── log_determinant_spd.hpp │ │ │ │ │ ├── log_diff_exp.hpp │ │ │ │ │ ├── log_falling_factorial.hpp │ │ │ │ │ ├── log_inv_logit.hpp │ │ │ │ │ ├── log_inv_logit_diff.hpp │ │ │ │ │ ├── log_mix.hpp │ │ │ │ │ ├── log_rising_factorial.hpp │ │ │ │ │ ├── log_softmax.hpp │ │ │ │ │ ├── log_sum_exp.hpp │ │ │ │ │ ├── logit.hpp │ │ │ │ │ ├── matrix_exp_multiply.hpp │ │ │ │ │ ├── matrix_power.hpp │ │ │ │ │ ├── mdivide_left.hpp │ │ │ │ │ ├── mdivide_left_ldlt.hpp │ │ │ │ │ ├── mdivide_left_spd.hpp │ │ │ │ │ ├── mdivide_left_tri.hpp │ │ │ │ │ ├── modified_bessel_first_kind.hpp │ │ │ │ │ ├── modified_bessel_second_kind.hpp │ │ │ │ │ ├── multiply.hpp │ │ │ │ │ ├── multiply_log.hpp │ │ │ │ │ ├── multiply_lower_tri_self_transpose.hpp │ │ │ │ │ ├── norm.hpp │ │ │ │ │ ├── norm1.hpp │ │ │ │ │ ├── norm2.hpp │ │ │ │ │ ├── owens_t.hpp │ │ │ │ │ ├── polar.hpp │ │ │ │ │ ├── pow.hpp │ │ │ │ │ ├── primitive_value.hpp │ │ │ │ │ ├── proj.hpp │ │ │ │ │ ├── quad_form.hpp │ │ │ │ │ ├── quad_form_sym.hpp │ │ │ │ │ ├── read_corr_L.hpp │ │ │ │ │ ├── read_corr_matrix.hpp │ │ │ │ │ ├── read_cov_L.hpp │ │ │ │ │ ├── read_cov_matrix.hpp │ │ │ │ │ ├── rep_matrix.hpp │ │ │ │ │ ├── rep_row_vector.hpp │ │ │ │ │ ├── rep_vector.hpp │ │ │ │ │ ├── rising_factorial.hpp │ │ │ │ │ ├── round.hpp │ │ │ │ │ ├── rows_dot_product.hpp │ │ │ │ │ ├── rows_dot_self.hpp │ │ │ │ │ ├── sd.hpp │ │ │ │ │ ├── sin.hpp │ │ │ │ │ ├── singular_values.hpp │ │ │ │ │ ├── sinh.hpp │ │ │ │ │ ├── softmax.hpp │ │ │ │ │ ├── sqrt.hpp │ │ │ │ │ ├── square.hpp │ │ │ │ │ ├── squared_distance.hpp │ │ │ │ │ ├── stan_print.hpp │ │ │ │ │ ├── step.hpp │ │ │ │ │ ├── sum.hpp │ │ │ │ │ ├── svd.hpp │ │ │ │ │ ├── svd_U.hpp │ │ │ │ │ ├── svd_V.hpp │ │ │ │ │ ├── tan.hpp │ │ │ │ │ ├── tanh.hpp │ │ │ │ │ ├── tcrossprod.hpp │ │ │ │ │ ├── tgamma.hpp │ │ │ │ │ ├── to_arena.hpp │ │ │ │ │ ├── to_soa_sparse_matrix.hpp │ │ │ │ │ ├── to_var.hpp │ │ │ │ │ ├── to_var_value.hpp │ │ │ │ │ ├── to_vector.hpp │ │ │ │ │ ├── trace.hpp │ │ │ │ │ ├── trace_gen_inv_quad_form_ldlt.hpp │ │ │ │ │ ├── trace_gen_quad_form.hpp │ │ │ │ │ ├── trace_inv_quad_form_ldlt.hpp │ │ │ │ │ ├── trace_quad_form.hpp │ │ │ │ │ ├── trigamma.hpp │ │ │ │ │ ├── trunc.hpp │ │ │ │ │ ├── value_of.hpp │ │ │ │ │ ├── value_of_rec.hpp │ │ │ │ │ └── variance.hpp │ │ │ │ ├── functor.hpp │ │ │ │ ├── functor │ │ │ │ │ ├── algebra_solver_fp.hpp │ │ │ │ │ ├── algebra_system.hpp │ │ │ │ │ ├── apply_scalar_binary.hpp │ │ │ │ │ ├── apply_scalar_unary.hpp │ │ │ │ │ ├── apply_vector_unary.hpp │ │ │ │ │ ├── coupled_ode_system.hpp │ │ │ │ │ ├── cvodes_integrator.hpp │ │ │ │ │ ├── cvodes_integrator_adjoint.hpp │ │ │ │ │ ├── cvodes_utils.hpp │ │ │ │ │ ├── dae.hpp │ │ │ │ │ ├── dae_system.hpp │ │ │ │ │ ├── finite_diff_hessian_auto.hpp │ │ │ │ │ ├── finite_diff_hessian_times_vector_auto.hpp │ │ │ │ │ ├── gradient.hpp │ │ │ │ │ ├── idas_integrator.hpp │ │ │ │ │ ├── idas_service.hpp │ │ │ │ │ ├── integrate_1d.hpp │ │ │ │ │ ├── integrate_ode_adams.hpp │ │ │ │ │ ├── integrate_ode_bdf.hpp │ │ │ │ │ ├── jacobian.hpp │ │ │ │ │ ├── kinsol_data.hpp │ │ │ │ │ ├── kinsol_solve.hpp │ │ │ │ │ ├── map_rect_concurrent.hpp │ │ │ │ │ ├── map_rect_reduce.hpp │ │ │ │ │ ├── ode_adams.hpp │ │ │ │ │ ├── ode_adjoint.hpp │ │ │ │ │ ├── ode_bdf.hpp │ │ │ │ │ ├── ode_store_sensitivities.hpp │ │ │ │ │ ├── operands_and_partials.hpp │ │ │ │ │ ├── partials_propagator.hpp │ │ │ │ │ ├── reduce_sum.hpp │ │ │ │ │ ├── solve_newton.hpp │ │ │ │ │ └── solve_powell.hpp │ │ │ │ ├── meta.hpp │ │ │ │ ├── meta │ │ │ │ │ ├── arena_type.hpp │ │ │ │ │ ├── conditional_var_value.hpp │ │ │ │ │ ├── is_arena_matrix.hpp │ │ │ │ │ ├── is_rev_matrix.hpp │ │ │ │ │ ├── is_var.hpp │ │ │ │ │ ├── is_vari.hpp │ │ │ │ │ ├── modify_eigen_options.hpp │ │ │ │ │ ├── partials_type.hpp │ │ │ │ │ ├── plain_type.hpp │ │ │ │ │ ├── promote_var_matrix.hpp │ │ │ │ │ ├── return_var_matrix.hpp │ │ │ │ │ └── rev_matrix_type.hpp │ │ │ │ ├── prob.hpp │ │ │ │ └── prob │ │ │ │ │ └── std_normal_log_qf.hpp │ │ │ └── version.hpp │ │ ├── mcmc │ │ │ ├── base_adaptation.hpp │ │ │ ├── base_adapter.hpp │ │ │ ├── base_mcmc.hpp │ │ │ ├── chains.hpp │ │ │ ├── chainset.hpp │ │ │ ├── covar_adaptation.hpp │ │ │ ├── fixed_param_sampler.hpp │ │ │ ├── hmc │ │ │ │ ├── base_hmc.hpp │ │ │ │ ├── hamiltonians │ │ │ │ │ ├── base_hamiltonian.hpp │ │ │ │ │ ├── dense_e_metric.hpp │ │ │ │ │ ├── dense_e_point.hpp │ │ │ │ │ ├── diag_e_metric.hpp │ │ │ │ │ ├── diag_e_point.hpp │ │ │ │ │ ├── ps_point.hpp │ │ │ │ │ ├── softabs_metric.hpp │ │ │ │ │ ├── softabs_point.hpp │ │ │ │ │ ├── unit_e_metric.hpp │ │ │ │ │ └── unit_e_point.hpp │ │ │ │ ├── integrators │ │ │ │ │ ├── base_integrator.hpp │ │ │ │ │ ├── base_leapfrog.hpp │ │ │ │ │ ├── expl_leapfrog.hpp │ │ │ │ │ └── impl_leapfrog.hpp │ │ │ │ ├── nuts │ │ │ │ │ ├── adapt_dense_e_nuts.hpp │ │ │ │ │ ├── adapt_diag_e_nuts.hpp │ │ │ │ │ ├── adapt_softabs_nuts.hpp │ │ │ │ │ ├── adapt_unit_e_nuts.hpp │ │ │ │ │ ├── base_nuts.hpp │ │ │ │ │ ├── dense_e_nuts.hpp │ │ │ │ │ ├── diag_e_nuts.hpp │ │ │ │ │ ├── softabs_nuts.hpp │ │ │ │ │ └── unit_e_nuts.hpp │ │ │ │ ├── nuts_classic │ │ │ │ │ ├── adapt_dense_e_nuts_classic.hpp │ │ │ │ │ ├── adapt_diag_e_nuts_classic.hpp │ │ │ │ │ ├── adapt_unit_e_nuts_classic.hpp │ │ │ │ │ ├── base_nuts_classic.hpp │ │ │ │ │ ├── dense_e_nuts_classic.hpp │ │ │ │ │ ├── diag_e_nuts_classic.hpp │ │ │ │ │ └── unit_e_nuts_classic.hpp │ │ │ │ ├── static │ │ │ │ │ ├── adapt_dense_e_static_hmc.hpp │ │ │ │ │ ├── adapt_diag_e_static_hmc.hpp │ │ │ │ │ ├── adapt_softabs_static_hmc.hpp │ │ │ │ │ ├── adapt_unit_e_static_hmc.hpp │ │ │ │ │ ├── base_static_hmc.hpp │ │ │ │ │ ├── dense_e_static_hmc.hpp │ │ │ │ │ ├── diag_e_static_hmc.hpp │ │ │ │ │ ├── softabs_static_hmc.hpp │ │ │ │ │ └── unit_e_static_hmc.hpp │ │ │ │ ├── static_uniform │ │ │ │ │ ├── adapt_dense_e_static_uniform.hpp │ │ │ │ │ ├── adapt_diag_e_static_uniform.hpp │ │ │ │ │ ├── adapt_softabs_static_uniform.hpp │ │ │ │ │ ├── adapt_unit_e_static_uniform.hpp │ │ │ │ │ ├── base_static_uniform.hpp │ │ │ │ │ ├── dense_e_static_uniform.hpp │ │ │ │ │ ├── diag_e_static_uniform.hpp │ │ │ │ │ ├── softabs_static_uniform.hpp │ │ │ │ │ └── unit_e_static_uniform.hpp │ │ │ │ └── xhmc │ │ │ │ │ ├── adapt_dense_e_xhmc.hpp │ │ │ │ │ ├── adapt_diag_e_xhmc.hpp │ │ │ │ │ ├── adapt_softabs_xhmc.hpp │ │ │ │ │ ├── adapt_unit_e_xhmc.hpp │ │ │ │ │ ├── base_xhmc.hpp │ │ │ │ │ ├── dense_e_xhmc.hpp │ │ │ │ │ ├── diag_e_xhmc.hpp │ │ │ │ │ ├── softabs_xhmc.hpp │ │ │ │ │ └── unit_e_xhmc.hpp │ │ │ ├── sample.hpp │ │ │ ├── stepsize_adaptation.hpp │ │ │ ├── stepsize_adapter.hpp │ │ │ ├── stepsize_covar_adapter.hpp │ │ │ ├── stepsize_var_adapter.hpp │ │ │ ├── var_adaptation.hpp │ │ │ └── windowed_adaptation.hpp │ │ ├── model │ │ │ ├── finite_diff_grad.hpp │ │ │ ├── grad_hess_log_prob.hpp │ │ │ ├── grad_tr_mat_times_hessian.hpp │ │ │ ├── gradient.hpp │ │ │ ├── gradient_dot_vector.hpp │ │ │ ├── hessian.hpp │ │ │ ├── hessian_times_vector.hpp │ │ │ ├── indexing.hpp │ │ │ ├── indexing │ │ │ │ ├── access_helpers.hpp │ │ │ │ ├── assign.hpp │ │ │ │ ├── assign_cl.hpp │ │ │ │ ├── assign_varmat.hpp │ │ │ │ ├── deep_copy.hpp │ │ │ │ ├── index.hpp │ │ │ │ ├── rvalue.hpp │ │ │ │ ├── rvalue_at.hpp │ │ │ │ ├── rvalue_cl.hpp │ │ │ │ ├── rvalue_index_size.hpp │ │ │ │ └── rvalue_varmat.hpp │ │ │ ├── log_prob_grad.hpp │ │ │ ├── log_prob_propto.hpp │ │ │ ├── model_base.hpp │ │ │ ├── model_base_crtp.hpp │ │ │ ├── model_functional.hpp │ │ │ ├── model_header.hpp │ │ │ ├── prob_grad.hpp │ │ │ ├── rethrow_located.hpp │ │ │ └── test_gradients.hpp │ │ ├── optimization │ │ │ ├── bfgs.hpp │ │ │ ├── bfgs_linesearch.hpp │ │ │ ├── bfgs_update.hpp │ │ │ ├── lbfgs_update.hpp │ │ │ └── newton.hpp │ │ ├── services │ │ │ ├── diagnose │ │ │ │ ├── defaults.hpp │ │ │ │ └── diagnose.hpp │ │ │ ├── error_codes.hpp │ │ │ ├── experimental │ │ │ │ └── advi │ │ │ │ │ ├── defaults.hpp │ │ │ │ │ ├── fullrank.hpp │ │ │ │ │ └── meanfield.hpp │ │ │ ├── optimize │ │ │ │ ├── bfgs.hpp │ │ │ │ ├── defaults.hpp │ │ │ │ ├── laplace_sample.hpp │ │ │ │ ├── lbfgs.hpp │ │ │ │ └── newton.hpp │ │ │ ├── pathfinder │ │ │ │ ├── multi.hpp │ │ │ │ ├── psis.hpp │ │ │ │ └── single.hpp │ │ │ ├── sample │ │ │ │ ├── defaults.hpp │ │ │ │ ├── fixed_param.hpp │ │ │ │ ├── hmc_nuts_dense_e.hpp │ │ │ │ ├── hmc_nuts_dense_e_adapt.hpp │ │ │ │ ├── hmc_nuts_diag_e.hpp │ │ │ │ ├── hmc_nuts_diag_e_adapt.hpp │ │ │ │ ├── hmc_nuts_unit_e.hpp │ │ │ │ ├── hmc_nuts_unit_e_adapt.hpp │ │ │ │ ├── hmc_static_dense_e.hpp │ │ │ │ ├── hmc_static_dense_e_adapt.hpp │ │ │ │ ├── hmc_static_diag_e.hpp │ │ │ │ ├── hmc_static_diag_e_adapt.hpp │ │ │ │ ├── hmc_static_unit_e.hpp │ │ │ │ ├── hmc_static_unit_e_adapt.hpp │ │ │ │ └── standalone_gqs.hpp │ │ │ └── util │ │ │ │ ├── create_rng.hpp │ │ │ │ ├── create_unit_e_dense_inv_metric.hpp │ │ │ │ ├── create_unit_e_diag_inv_metric.hpp │ │ │ │ ├── duration_diff.hpp │ │ │ │ ├── experimental_message.hpp │ │ │ │ ├── generate_transitions.hpp │ │ │ │ ├── gq_writer.hpp │ │ │ │ ├── initialize.hpp │ │ │ │ ├── inv_metric.hpp │ │ │ │ ├── mcmc_writer.hpp │ │ │ │ ├── read_dense_inv_metric.hpp │ │ │ │ ├── read_diag_inv_metric.hpp │ │ │ │ ├── run_adaptive_sampler.hpp │ │ │ │ ├── run_sampler.hpp │ │ │ │ ├── validate_dense_inv_metric.hpp │ │ │ │ └── validate_diag_inv_metric.hpp │ │ ├── variational │ │ │ ├── advi.hpp │ │ │ ├── base_family.hpp │ │ │ ├── families │ │ │ │ ├── normal_fullrank.hpp │ │ │ │ └── normal_meanfield.hpp │ │ │ └── print_progress.hpp │ │ └── version.hpp │ ├── stan_sundials_printf_override.hpp │ ├── sundials │ │ ├── sundials_band.h │ │ ├── sundials_config.h │ │ ├── sundials_config.in │ │ ├── sundials_context.h │ │ ├── sundials_cuda_policies.hpp │ │ ├── sundials_dense.h │ │ ├── sundials_direct.h │ │ ├── sundials_export.h │ │ ├── sundials_futils.h │ │ ├── sundials_hip_policies.hpp │ │ ├── sundials_iterative.h │ │ ├── sundials_lapack.h │ │ ├── sundials_linearsolver.h │ │ ├── sundials_math.h │ │ ├── sundials_matrix.h │ │ ├── sundials_memory.h │ │ ├── sundials_mpi_types.h │ │ ├── sundials_nonlinearsolver.h │ │ ├── sundials_nvector.h │ │ ├── sundials_nvector_senswrapper.h │ │ ├── sundials_profiler.h │ │ ├── sundials_sycl_policies.hpp │ │ ├── sundials_types.h │ │ ├── sundials_version.h │ │ └── sundials_xbraid.h │ ├── sundials_debug.h │ ├── sunlinsol │ │ ├── sunlinsol_band.h │ │ ├── sunlinsol_cusolversp_batchqr.h │ │ ├── sunlinsol_dense.h │ │ ├── sunlinsol_klu.h │ │ ├── sunlinsol_lapackband.h │ │ ├── sunlinsol_lapackdense.h │ │ ├── sunlinsol_magmadense.h │ │ ├── sunlinsol_onemkldense.h │ │ ├── sunlinsol_pcg.h │ │ ├── sunlinsol_spbcgs.h │ │ ├── sunlinsol_spfgmr.h │ │ ├── sunlinsol_spgmr.h │ │ ├── sunlinsol_sptfqmr.h │ │ ├── sunlinsol_superludist.h │ │ └── sunlinsol_superlumt.h │ ├── sunmatrix │ │ ├── sunmatrix_band.h │ │ ├── sunmatrix_cusparse.h │ │ ├── sunmatrix_dense.h │ │ ├── sunmatrix_magmadense.h │ │ ├── sunmatrix_onemkldense.h │ │ ├── sunmatrix_slunrloc.h │ │ └── sunmatrix_sparse.h │ ├── sunmemory │ │ ├── sunmemory_cuda.h │ │ ├── sunmemory_hip.h │ │ ├── sunmemory_sycl.h │ │ └── sunmemory_system.h │ └── sunnonlinsol │ │ ├── sunnonlinsol_fixedpoint.h │ │ ├── sunnonlinsol_newton.h │ │ └── sunnonlinsol_petscsnes.h ├── init.cpp └── utilities │ └── upgrade_headers.sh ├── tests ├── testthat.R └── testthat │ ├── test-basic.R │ ├── test-captures.R │ ├── test-model-methods.R │ └── test-rtmb.R └── vignettes ├── .gitignore └── Getting-Started.Rmd /.Rbuildignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/.Rbuildignore -------------------------------------------------------------------------------- /.github/.gitignore: -------------------------------------------------------------------------------- 1 | *.html 2 | -------------------------------------------------------------------------------- /.github/workflows/R-CMD-check.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/.github/workflows/R-CMD-check.yaml -------------------------------------------------------------------------------- /.github/workflows/pkgdown.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/.github/workflows/pkgdown.yaml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/.gitignore -------------------------------------------------------------------------------- /DESCRIPTION: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/DESCRIPTION -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/LICENSE -------------------------------------------------------------------------------- /LICENSE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/LICENSE.md -------------------------------------------------------------------------------- /NAMESPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/NAMESPACE -------------------------------------------------------------------------------- /R/StanEstimators-package.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/StanEstimators-package.R -------------------------------------------------------------------------------- /R/aaa.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/aaa.R -------------------------------------------------------------------------------- /R/cpp_exports.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/cpp_exports.R -------------------------------------------------------------------------------- /R/diagnose.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/diagnose.R -------------------------------------------------------------------------------- /R/laplace.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/laplace.R -------------------------------------------------------------------------------- /R/model_methods.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/model_methods.R -------------------------------------------------------------------------------- /R/optimize.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/optimize.R -------------------------------------------------------------------------------- /R/pathfinder.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/pathfinder.R -------------------------------------------------------------------------------- /R/sample.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/sample.R -------------------------------------------------------------------------------- /R/util.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/util.R -------------------------------------------------------------------------------- /R/variational.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/R/variational.R -------------------------------------------------------------------------------- /README.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/README.Rmd -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/README.md -------------------------------------------------------------------------------- /StanEstimators.Rproj: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/StanEstimators.Rproj -------------------------------------------------------------------------------- /_pkgdown.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/_pkgdown.yml -------------------------------------------------------------------------------- /man/StanBase-class.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/StanBase-class.Rd -------------------------------------------------------------------------------- /man/StanEstimators-package.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/StanEstimators-package.Rd -------------------------------------------------------------------------------- /man/constrain_variables-methods.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/constrain_variables-methods.Rd -------------------------------------------------------------------------------- /man/grad_log_prob-methods.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/grad_log_prob-methods.Rd -------------------------------------------------------------------------------- /man/hessian-methods.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/hessian-methods.Rd -------------------------------------------------------------------------------- /man/log_prob-methods.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/log_prob-methods.Rd -------------------------------------------------------------------------------- /man/loo.StanBase.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/loo.StanBase.Rd -------------------------------------------------------------------------------- /man/stan_diagnose.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/stan_diagnose.Rd -------------------------------------------------------------------------------- /man/stan_laplace.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/stan_laplace.Rd -------------------------------------------------------------------------------- /man/stan_optimize.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/stan_optimize.Rd -------------------------------------------------------------------------------- /man/stan_pathfinder.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/stan_pathfinder.Rd -------------------------------------------------------------------------------- /man/stan_sample.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/stan_sample.Rd -------------------------------------------------------------------------------- /man/stan_variational.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/stan_variational.Rd -------------------------------------------------------------------------------- /man/stan_versions.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/stan_versions.Rd -------------------------------------------------------------------------------- /man/summary-StanLaplace.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/summary-StanLaplace.Rd -------------------------------------------------------------------------------- /man/summary-StanMCMC.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/summary-StanMCMC.Rd -------------------------------------------------------------------------------- /man/summary-StanOptimize.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/summary-StanOptimize.Rd -------------------------------------------------------------------------------- /man/summary-StanPathfinder.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/summary-StanPathfinder.Rd -------------------------------------------------------------------------------- /man/summary-StanVariational.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/summary-StanVariational.Rd -------------------------------------------------------------------------------- /man/unconstrain_draws-methods.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/unconstrain_draws-methods.Rd -------------------------------------------------------------------------------- /man/unconstrain_variables-methods.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/man/unconstrain_variables-methods.Rd -------------------------------------------------------------------------------- /src/Makevars: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/Makevars -------------------------------------------------------------------------------- /src/StanEstimators.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/StanEstimators.cpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_adapt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_adapt.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_bfgs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_bfgs.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_data.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_data.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_dense_e.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_dense_e.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_diag_e.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_diag_e.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_diagnose.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_diagnose.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_engine.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_engine.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_fail.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_fail.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_hmc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_hmc.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_id.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_id.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_init.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_init.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_laplace.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_laplace.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_lbfgs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_lbfgs.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_log_prob.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_log_prob.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_method.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_method.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_metric.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_metric.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_newton.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_newton.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_nuts.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_nuts.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_opencl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_opencl.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_optimize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_optimize.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_output.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_output.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_random.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_random.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_refresh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_refresh.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_rwm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_rwm.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_sample.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_sample.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_seed.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_seed.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_softabs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_softabs.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_static.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_static.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_test.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_test.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_thin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_thin.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_unit_e.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_unit_e.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/arg_x_delta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/arg_x_delta.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/arguments/argument.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/arguments/argument.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/command.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/command.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/command_helper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/command_helper.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/diagnose.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/diagnose.cpp -------------------------------------------------------------------------------- /src/include/cmdstan/file.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/file.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/main.cpp -------------------------------------------------------------------------------- /src/include/cmdstan/print.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/print.cpp -------------------------------------------------------------------------------- /src/include/cmdstan/print_helper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/print_helper.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/return_codes.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/return_codes.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/stansummary.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/stansummary.cpp -------------------------------------------------------------------------------- /src/include/cmdstan/stansummary_helper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/stansummary_helper.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/version.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/version.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/write_config.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/write_config.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/write_datetime.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/write_datetime.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/write_model.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/write_model.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/write_opencl_device.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/write_opencl_device.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/write_parallel_info.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/write_parallel_info.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/write_profiling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/write_profiling.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/write_stan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/write_stan.hpp -------------------------------------------------------------------------------- /src/include/cmdstan/write_stan_flags.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cmdstan/write_stan_flags.hpp -------------------------------------------------------------------------------- /src/include/cvodes/cvodes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cvodes/cvodes.h -------------------------------------------------------------------------------- /src/include/cvodes/cvodes_bandpre.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cvodes/cvodes_bandpre.h -------------------------------------------------------------------------------- /src/include/cvodes/cvodes_bbdpre.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cvodes/cvodes_bbdpre.h -------------------------------------------------------------------------------- /src/include/cvodes/cvodes_diag.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cvodes/cvodes_diag.h -------------------------------------------------------------------------------- /src/include/cvodes/cvodes_direct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cvodes/cvodes_direct.h -------------------------------------------------------------------------------- /src/include/cvodes/cvodes_ls.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cvodes/cvodes_ls.h -------------------------------------------------------------------------------- /src/include/cvodes/cvodes_spils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/cvodes/cvodes_spils.h -------------------------------------------------------------------------------- /src/include/estimator/estimator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/estimator/estimator.hpp -------------------------------------------------------------------------------- /src/include/estimator/estimator.stan: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/estimator/estimator.stan -------------------------------------------------------------------------------- /src/include/estimator/estimator_ext_header.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/estimator/estimator_ext_header.hpp -------------------------------------------------------------------------------- /src/include/idas/idas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/idas/idas.h -------------------------------------------------------------------------------- /src/include/idas/idas_bbdpre.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/idas/idas_bbdpre.h -------------------------------------------------------------------------------- /src/include/idas/idas_direct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/idas/idas_direct.h -------------------------------------------------------------------------------- /src/include/idas/idas_ls.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/idas/idas_ls.h -------------------------------------------------------------------------------- /src/include/idas/idas_spils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/idas/idas_spils.h -------------------------------------------------------------------------------- /src/include/kinsol/kinsol.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/kinsol/kinsol.h -------------------------------------------------------------------------------- /src/include/kinsol/kinsol_bbdpre.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/kinsol/kinsol_bbdpre.h -------------------------------------------------------------------------------- /src/include/kinsol/kinsol_direct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/kinsol/kinsol_direct.h -------------------------------------------------------------------------------- /src/include/kinsol/kinsol_ls.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/kinsol/kinsol_ls.h -------------------------------------------------------------------------------- /src/include/kinsol/kinsol_spils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/kinsol/kinsol_spils.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_cuda.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_hip.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_hip.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_manyvector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_manyvector.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_mpimanyvector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_mpimanyvector.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_mpiplusx.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_mpiplusx.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_openmp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_openmp.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_openmpdev.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_openmpdev.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_parallel.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_parhyp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_parhyp.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_petsc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_petsc.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_pthreads.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_pthreads.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_raja.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_raja.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_serial.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_serial.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_sycl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_sycl.h -------------------------------------------------------------------------------- /src/include/nvector/nvector_trilinos.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/nvector/nvector_trilinos.h -------------------------------------------------------------------------------- /src/include/stan/analyze/mcmc/check_chains.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/analyze/mcmc/check_chains.hpp -------------------------------------------------------------------------------- /src/include/stan/analyze/mcmc/ess.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/analyze/mcmc/ess.hpp -------------------------------------------------------------------------------- /src/include/stan/analyze/mcmc/mcse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/analyze/mcmc/mcse.hpp -------------------------------------------------------------------------------- /src/include/stan/analyze/mcmc/rhat.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/analyze/mcmc/rhat.hpp -------------------------------------------------------------------------------- /src/include/stan/analyze/mcmc/split_chains.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/analyze/mcmc/split_chains.hpp -------------------------------------------------------------------------------- /src/include/stan/callbacks/interrupt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/callbacks/interrupt.hpp -------------------------------------------------------------------------------- /src/include/stan/callbacks/json_writer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/callbacks/json_writer.hpp -------------------------------------------------------------------------------- /src/include/stan/callbacks/logger.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/callbacks/logger.hpp -------------------------------------------------------------------------------- /src/include/stan/callbacks/stream_logger.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/callbacks/stream_logger.hpp -------------------------------------------------------------------------------- /src/include/stan/callbacks/stream_writer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/callbacks/stream_writer.hpp -------------------------------------------------------------------------------- /src/include/stan/callbacks/tee_writer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/callbacks/tee_writer.hpp -------------------------------------------------------------------------------- /src/include/stan/callbacks/writer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/callbacks/writer.hpp -------------------------------------------------------------------------------- /src/include/stan/io/array_var_context.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/array_var_context.hpp -------------------------------------------------------------------------------- /src/include/stan/io/chained_var_context.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/chained_var_context.hpp -------------------------------------------------------------------------------- /src/include/stan/io/deserializer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/deserializer.hpp -------------------------------------------------------------------------------- /src/include/stan/io/dump.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/dump.hpp -------------------------------------------------------------------------------- /src/include/stan/io/empty_var_context.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/empty_var_context.hpp -------------------------------------------------------------------------------- /src/include/stan/io/ends_with.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/ends_with.hpp -------------------------------------------------------------------------------- /src/include/stan/io/json/json_data.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/json/json_data.hpp -------------------------------------------------------------------------------- /src/include/stan/io/json/json_data_handler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/json/json_data_handler.hpp -------------------------------------------------------------------------------- /src/include/stan/io/json/json_error.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/json/json_error.hpp -------------------------------------------------------------------------------- /src/include/stan/io/json/json_handler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/json/json_handler.hpp -------------------------------------------------------------------------------- /src/include/stan/io/json/rapidjson_parser.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/json/rapidjson_parser.hpp -------------------------------------------------------------------------------- /src/include/stan/io/random_var_context.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/random_var_context.hpp -------------------------------------------------------------------------------- /src/include/stan/io/serializer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/serializer.hpp -------------------------------------------------------------------------------- /src/include/stan/io/stan_csv_reader.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/stan_csv_reader.hpp -------------------------------------------------------------------------------- /src/include/stan/io/validate_dims.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/validate_dims.hpp -------------------------------------------------------------------------------- /src/include/stan/io/validate_zero_buf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/validate_zero_buf.hpp -------------------------------------------------------------------------------- /src/include/stan/io/var_context.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/io/var_context.hpp -------------------------------------------------------------------------------- /src/include/stan/lang/rethrow_located.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/lang/rethrow_located.hpp -------------------------------------------------------------------------------- /src/include/stan/math.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/constraint.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/constraint.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/core.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/core.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/core/fvar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/core/fvar.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/core/std_complex.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/core/std_complex.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/Phi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/Phi.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/Phi_approx.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/Phi_approx.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/abs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/abs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/accumulator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/accumulator.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/acos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/acos.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/acosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/acosh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/arg.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/arg.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/asin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/asin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/asinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/asinh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/atan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/atan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/atan2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/atan2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/atanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/atanh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/beta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/beta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/cbrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/cbrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/ceil.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/ceil.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/conj.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/conj.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/cos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/cos.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/cosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/cosh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/determinant.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/determinant.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/digamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/digamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/erf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/erf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/erfc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/erfc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/exp2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/exp2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/expm1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/expm1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/fabs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/fabs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/fdim.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/fdim.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/floor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/floor.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/fma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/fma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/fmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/fmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/fmin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/fmin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/fmod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/fmod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/gamma_p.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/gamma_p.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/gamma_q.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/gamma_q.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/hypot.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/hypot.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inc_beta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inc_beta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inv.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inv_Phi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inv_Phi.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inv_cloglog.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inv_cloglog.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inv_erfc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inv_erfc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inv_inc_beta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inv_inc_beta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inv_logit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inv_logit.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inv_sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inv_sqrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inv_square.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inv_square.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/inverse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/inverse.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/is_inf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/is_inf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/is_nan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/is_nan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/lambert_w.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/lambert_w.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/lbeta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/lbeta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/ldexp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/ldexp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/lgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/lgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/lmgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/lmgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/lmultiply.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/lmultiply.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log10.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log10.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log1m.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log1m.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log1m_exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log1m_exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log1p.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log1p.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log1p_exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log1p_exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log_diff_exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log_diff_exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log_mix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log_mix.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log_softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log_softmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/log_sum_exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/log_sum_exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/logit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/logit.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/mdivide_left.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/mdivide_left.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/multiply.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/multiply.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/multiply_log.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/multiply_log.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/norm.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/norm1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/norm1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/norm2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/norm2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/owens_t.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/owens_t.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/polar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/polar.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/pow.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/pow.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/proj.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/proj.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/quad_form.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/quad_form.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/read_fvar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/read_fvar.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/round.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/round.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/sin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/sin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/sinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/sinh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/softmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/sqrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/square.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/square.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/sum.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/tan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/tan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/tanh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/tcrossprod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/tcrossprod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/tgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/tgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/to_fvar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/to_fvar.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/trigamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/trigamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/trunc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/trunc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/typedefs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/typedefs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/value_of.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/value_of.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/fun/value_of_rec.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/fun/value_of_rec.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/functor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/functor.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/functor/gradient.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/functor/gradient.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/functor/hessian.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/functor/hessian.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/functor/jacobian.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/functor/jacobian.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/meta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/meta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/meta/is_fvar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/meta/is_fvar.hpp -------------------------------------------------------------------------------- /src/include/stan/math/fwd/prob.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/fwd/prob.hpp -------------------------------------------------------------------------------- /src/include/stan/math/memory/stack_alloc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/memory/stack_alloc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/mix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/mix.hpp -------------------------------------------------------------------------------- /src/include/stan/math/mix/fun.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/mix/fun.hpp -------------------------------------------------------------------------------- /src/include/stan/math/mix/fun/typedefs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/mix/fun/typedefs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/mix/functor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/mix/functor.hpp -------------------------------------------------------------------------------- /src/include/stan/math/mix/functor/hessian.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/mix/functor/hessian.hpp -------------------------------------------------------------------------------- /src/include/stan/math/mix/meta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/mix/meta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/mix/prob.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/mix/prob.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/buffer_types.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/buffer_types.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/copy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/copy.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/double_d.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/double_d.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/err.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/err.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/indexing_rev.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/indexing_rev.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/is_constant.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/is_constant.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/kernel_cl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/kernel_cl.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/kernels/add.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/kernels/add.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/kernels/mrrr.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/kernels/mrrr.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/kernels/pack.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/kernels/pack.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/matrix_cl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/matrix_cl.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/mrrr.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/mrrr.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/pinned_matrix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/pinned_matrix.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/plain_type.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/plain_type.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/add_diag.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/add_diag.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/block.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/block.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/col.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/col.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/cols.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/cols.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/dims.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/dims.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/distance.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/distance.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/divide.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/divide.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/dot_self.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/dot_self.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/head.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/head.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/inv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/inv.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/inv_sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/inv_sqrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/log_mix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/log_mix.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/mean.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/mean.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/prod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/prod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/qr_Q.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/qr_Q.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/qr_R.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/qr_R.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/rank.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/rank.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/row.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/row.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/rows.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/rows.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/sd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/sd.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/sign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/sign.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/size.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/size.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/sum.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/tail.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/tail.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/prim/trace.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/prim/trace.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/ref_type.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/ref_type.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/Phi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/Phi.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/acos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/acos.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/acosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/acosh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/add.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/add.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/asin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/asin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/asinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/asinh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/atan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/atan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/atanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/atanh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/beta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/beta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/block.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/block.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/cbrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/cbrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/ceil.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/ceil.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/copy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/copy.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/cos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/cos.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/cosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/cosh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/digamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/digamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/divide.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/divide.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/erf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/erf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/erfc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/erfc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/exp2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/exp2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/expm1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/expm1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/fabs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/fabs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/fdim.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/fdim.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/floor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/floor.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/fmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/fmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/fmin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/fmin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/fmod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/fmod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/grad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/grad.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/hypot.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/hypot.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/inv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/inv.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/inv_Phi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/inv_Phi.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/lbeta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/lbeta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/ldexp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/ldexp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/lgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/lgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/log.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/log.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/log10.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/log10.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/log1m.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/log1m.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/log1p.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/log1p.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/log2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/log2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/logit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/logit.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/pow.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/pow.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/prod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/prod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/reverse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/reverse.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/round.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/round.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/sd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/sd.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/sin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/sin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/sinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/sinh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/softmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/sqrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/square.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/square.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/sum.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/tan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/tan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/tanh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/tgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/tgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/trace.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/trace.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/trunc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/trunc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/rev/vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/rev/vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/scalar_type.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/scalar_type.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/stringify.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/stringify.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/tri_inverse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/tri_inverse.hpp -------------------------------------------------------------------------------- /src/include/stan/math/opencl/value_type.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/opencl/value_type.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/constraint.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/constraint.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/core.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/core.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/eigen_plugins.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/eigen_plugins.h -------------------------------------------------------------------------------- /src/include/stan/math/prim/err.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/err.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/err/hmm_check.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/err/hmm_check.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/err/is_square.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/err/is_square.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/Eigen.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/Eigen.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/Phi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/Phi.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/abs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/abs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/acos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/acos.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/acosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/acosh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/add.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/add.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/add_diag.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/add_diag.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/all.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/all.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/any.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/any.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/arg.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/arg.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/as_bool.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/as_bool.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/asin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/asin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/asinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/asinh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/assign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/assign.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/atan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/atan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/atan2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/atan2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/atanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/atanh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/beta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/beta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/block.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/block.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/cbrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/cbrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/ceil.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/ceil.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/chol2inv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/chol2inv.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/choose.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/choose.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/col.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/col.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/cols.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/cols.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/conj.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/conj.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/constants.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/constants.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/copysign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/copysign.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/cos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/cos.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/cosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/cosh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/crossprod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/crossprod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/diagonal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/diagonal.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/digamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/digamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/dims.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/dims.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/distance.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/distance.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/divide.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/divide.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/dot.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/dot.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/dot_self.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/dot_self.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/erf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/erf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/erfc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/erfc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/eval.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/eval.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/exp2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/exp2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/expm1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/expm1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/fabs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/fabs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/factor_U.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/factor_U.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/fdim.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/fdim.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/fft.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/fft.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/fill.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/fill.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/floor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/floor.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/fma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/fma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/fmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/fmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/fmin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/fmin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/fmod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/fmod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/gamma_p.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/gamma_p.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/gamma_q.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/gamma_q.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/get.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/get.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/get_base1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/get_base1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/get_imag.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/get_imag.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/get_lp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/get_lp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/get_real.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/get_real.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/grad_2F1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/grad_2F1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/grad_F32.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/grad_F32.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/grad_pFq.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/grad_pFq.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/head.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/head.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/hypot.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/hypot.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/i_times.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/i_times.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/if_else.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/if_else.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/imag.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/imag.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/inc_beta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/inc_beta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/int_step.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/int_step.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/inv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/inv.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/inv_Phi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/inv_Phi.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/inv_erfc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/inv_erfc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/inv_logit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/inv_logit.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/inv_sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/inv_sqrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/inverse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/inverse.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/is_inf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/is_inf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/is_nan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/is_nan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/isfinite.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/isfinite.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/isinf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/isinf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/isnan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/isnan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/isnormal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/isnormal.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/lambert_w.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/lambert_w.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/lbeta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/lbeta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/ldexp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/ldexp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/lgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/lgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/lmgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/lmgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/lmultiply.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/lmultiply.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/log.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/log.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/log10.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/log10.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/log1m.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/log1m.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/log1m_exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/log1m_exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/log1p.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/log1p.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/log1p_exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/log1p_exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/log2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/log2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/log_mix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/log_mix.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/logb.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/logb.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/logit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/logit.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/make_nu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/make_nu.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/max.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/max.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/max_size.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/max_size.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/mean.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/mean.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/min.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/min.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/minus.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/minus.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/modulus.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/modulus.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/multiply.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/multiply.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/norm.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/norm1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/norm1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/norm2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/norm2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/owens_t.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/owens_t.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/plus.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/plus.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/polar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/polar.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/pow.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/pow.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/prod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/prod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/proj.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/proj.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/qr.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/qr.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/qr_Q.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/qr_Q.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/qr_R.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/qr_R.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/qr_thin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/qr_thin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/qr_thin_Q.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/qr_thin_Q.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/qr_thin_R.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/qr_thin_R.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/quad_form.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/quad_form.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/quantile.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/quantile.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/rank.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/rank.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/real.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/real.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/rep_array.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/rep_array.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/resize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/resize.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/reverse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/reverse.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/round.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/round.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/row.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/row.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/rows.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/rows.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/scalbn.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/scalbn.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sd.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/segment.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/segment.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/select.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/select.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sign.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/signbit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/signbit.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sinh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/size.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/size.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/size_mvt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/size_mvt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/size_zero.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/size_zero.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/softmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sort_asc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sort_asc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sort_desc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sort_desc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sqrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/square.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/square.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/step.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/step.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sub_col.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sub_col.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sub_row.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sub_row.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/subtract.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/subtract.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/sum.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/svd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/svd.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/svd_U.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/svd_U.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/svd_V.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/svd_V.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/tail.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/tail.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/tan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/tan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/tanh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/tgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/tgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/to_int.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/to_int.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/to_matrix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/to_matrix.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/to_ref.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/to_ref.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/to_vector.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/to_vector.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/trace.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/trace.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/transpose.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/transpose.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/trigamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/trigamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/trunc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/trunc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/typedefs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/typedefs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/value_of.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/value_of.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/fun/variance.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/fun/variance.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/functor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/functor.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/functor/apply.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/functor/apply.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/holder.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/holder.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/is_eigen.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/is_eigen.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/is_fvar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/is_fvar.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/is_real.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/is_real.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/is_tuple.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/is_tuple.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/is_var.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/is_var.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/is_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/is_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/ref_type.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/ref_type.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/seq_view.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/seq_view.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/meta/void_t.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/meta/void_t.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/prob.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/prob.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/prob/beta_cdf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/prob/beta_cdf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/prim/prob/beta_rng.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/prim/prob/beta_rng.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/constraint.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/constraint.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/ddv_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/ddv_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/dv_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/dv_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/dvd_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/dvd_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/dvv_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/dvv_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/grad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/grad.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/profiling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/profiling.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/read_var.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/read_var.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/std_isinf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/std_isinf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/std_isnan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/std_isnan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/typedefs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/typedefs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/v_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/v_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/var.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/var.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/vd_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/vd_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/vdd_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/vdd_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/vdv_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/vdv_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/vv_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/vv_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/vvd_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/vvd_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/core/vvv_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/core/vvv_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/Phi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/Phi.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/Phi_approx.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/Phi_approx.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/abs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/abs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/acos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/acos.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/acosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/acosh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/adjoint_of.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/adjoint_of.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/append_col.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/append_col.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/append_row.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/append_row.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/arg.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/arg.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/as_bool.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/as_bool.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/asin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/asin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/asinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/asinh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/atan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/atan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/atan2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/atan2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/atanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/atanh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/beta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/beta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/cbrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/cbrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/ceil.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/ceil.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/conj.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/conj.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/cos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/cos.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/cosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/cosh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/digamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/digamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/dims.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/dims.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/divide.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/divide.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/dot_self.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/dot_self.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/elt_divide.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/elt_divide.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/erf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/erf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/erfc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/erfc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/exp2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/exp2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/expm1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/expm1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/fabs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/fabs.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/fdim.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/fdim.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/fft.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/fft.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/fill.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/fill.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/floor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/floor.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/fma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/fma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/fmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/fmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/fmin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/fmin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/fmod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/fmod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/gamma_p.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/gamma_p.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/gamma_q.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/gamma_q.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/grad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/grad.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/hypot.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/hypot.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/if_else.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/if_else.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/inc_beta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/inc_beta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/inv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/inv.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/inv_Phi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/inv_Phi.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/inv_erfc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/inv_erfc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/inv_logit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/inv_logit.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/inv_sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/inv_sqrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/inv_square.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/inv_square.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/inverse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/inverse.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/is_inf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/is_inf.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/is_nan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/is_nan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/lambert_w.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/lambert_w.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/lbeta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/lbeta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/ldexp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/ldexp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/lgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/lgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/lmgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/lmgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/lmultiply.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/lmultiply.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/log.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/log.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/log10.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/log10.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/log1m.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/log1m.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/log1m_exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/log1m_exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/log1p.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/log1p.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/log1p_exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/log1p_exp.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/log2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/log2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/log_mix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/log_mix.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/logit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/logit.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/multiply.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/multiply.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/norm.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/norm1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/norm1.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/norm2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/norm2.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/owens_t.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/owens_t.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/polar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/polar.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/pow.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/pow.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/proj.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/proj.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/quad_form.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/quad_form.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/read_cov_L.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/read_cov_L.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/rep_matrix.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/rep_matrix.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/rep_vector.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/rep_vector.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/round.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/round.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/sd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/sd.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/sin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/sin.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/sinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/sinh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/softmax.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/sqrt.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/square.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/square.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/stan_print.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/stan_print.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/step.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/step.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/sum.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/svd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/svd.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/svd_U.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/svd_U.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/svd_V.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/svd_V.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/tan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/tan.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/tanh.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/tcrossprod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/tcrossprod.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/tgamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/tgamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/to_arena.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/to_arena.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/to_var.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/to_var.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/to_vector.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/to_vector.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/trace.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/trace.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/trigamma.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/trigamma.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/trunc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/trunc.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/value_of.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/value_of.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/fun/variance.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/fun/variance.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/functor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/functor.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/functor/dae.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/functor/dae.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/meta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/meta.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/meta/is_var.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/meta/is_var.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/meta/is_vari.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/meta/is_vari.hpp -------------------------------------------------------------------------------- /src/include/stan/math/rev/prob.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/rev/prob.hpp -------------------------------------------------------------------------------- /src/include/stan/math/version.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/math/version.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/base_adaptation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/base_adaptation.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/base_adapter.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/base_adapter.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/base_mcmc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/base_mcmc.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/chains.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/chains.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/chainset.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/chainset.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/covar_adaptation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/covar_adaptation.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/hmc/base_hmc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/hmc/base_hmc.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/hmc/nuts/base_nuts.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/hmc/nuts/base_nuts.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/hmc/xhmc/base_xhmc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/hmc/xhmc/base_xhmc.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/sample.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/sample.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/stepsize_adapter.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/stepsize_adapter.hpp -------------------------------------------------------------------------------- /src/include/stan/mcmc/var_adaptation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/mcmc/var_adaptation.hpp -------------------------------------------------------------------------------- /src/include/stan/model/finite_diff_grad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/finite_diff_grad.hpp -------------------------------------------------------------------------------- /src/include/stan/model/gradient.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/gradient.hpp -------------------------------------------------------------------------------- /src/include/stan/model/hessian.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/hessian.hpp -------------------------------------------------------------------------------- /src/include/stan/model/indexing.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/indexing.hpp -------------------------------------------------------------------------------- /src/include/stan/model/indexing/assign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/indexing/assign.hpp -------------------------------------------------------------------------------- /src/include/stan/model/indexing/index.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/indexing/index.hpp -------------------------------------------------------------------------------- /src/include/stan/model/indexing/rvalue.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/indexing/rvalue.hpp -------------------------------------------------------------------------------- /src/include/stan/model/log_prob_grad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/log_prob_grad.hpp -------------------------------------------------------------------------------- /src/include/stan/model/log_prob_propto.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/log_prob_propto.hpp -------------------------------------------------------------------------------- /src/include/stan/model/model_base.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/model_base.hpp -------------------------------------------------------------------------------- /src/include/stan/model/model_base_crtp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/model_base_crtp.hpp -------------------------------------------------------------------------------- /src/include/stan/model/model_functional.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/model_functional.hpp -------------------------------------------------------------------------------- /src/include/stan/model/model_header.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/model_header.hpp -------------------------------------------------------------------------------- /src/include/stan/model/prob_grad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/prob_grad.hpp -------------------------------------------------------------------------------- /src/include/stan/model/rethrow_located.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/rethrow_located.hpp -------------------------------------------------------------------------------- /src/include/stan/model/test_gradients.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/model/test_gradients.hpp -------------------------------------------------------------------------------- /src/include/stan/optimization/bfgs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/optimization/bfgs.hpp -------------------------------------------------------------------------------- /src/include/stan/optimization/newton.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/optimization/newton.hpp -------------------------------------------------------------------------------- /src/include/stan/services/error_codes.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/services/error_codes.hpp -------------------------------------------------------------------------------- /src/include/stan/services/optimize/bfgs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/services/optimize/bfgs.hpp -------------------------------------------------------------------------------- /src/include/stan/services/optimize/lbfgs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/services/optimize/lbfgs.hpp -------------------------------------------------------------------------------- /src/include/stan/services/util/gq_writer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/services/util/gq_writer.hpp -------------------------------------------------------------------------------- /src/include/stan/variational/advi.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/variational/advi.hpp -------------------------------------------------------------------------------- /src/include/stan/variational/base_family.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/variational/base_family.hpp -------------------------------------------------------------------------------- /src/include/stan/version.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/stan/version.hpp -------------------------------------------------------------------------------- /src/include/sundials/sundials_band.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_band.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_config.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_config.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_config.in -------------------------------------------------------------------------------- /src/include/sundials/sundials_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_context.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_dense.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_dense.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_direct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_direct.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_export.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_futils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_futils.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_iterative.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_iterative.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_lapack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_lapack.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_linearsolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_linearsolver.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_math.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_matrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_matrix.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_memory.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_mpi_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_mpi_types.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_nvector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_nvector.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_profiler.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_types.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_version.h -------------------------------------------------------------------------------- /src/include/sundials/sundials_xbraid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials/sundials_xbraid.h -------------------------------------------------------------------------------- /src/include/sundials_debug.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sundials_debug.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_band.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_band.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_dense.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_dense.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_klu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_klu.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_lapackband.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_lapackband.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_magmadense.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_magmadense.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_pcg.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_pcg.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_spbcgs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_spbcgs.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_spfgmr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_spfgmr.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_spgmr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_spgmr.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_sptfqmr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_sptfqmr.h -------------------------------------------------------------------------------- /src/include/sunlinsol/sunlinsol_superlumt.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunlinsol/sunlinsol_superlumt.h -------------------------------------------------------------------------------- /src/include/sunmatrix/sunmatrix_band.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmatrix/sunmatrix_band.h -------------------------------------------------------------------------------- /src/include/sunmatrix/sunmatrix_cusparse.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmatrix/sunmatrix_cusparse.h -------------------------------------------------------------------------------- /src/include/sunmatrix/sunmatrix_dense.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmatrix/sunmatrix_dense.h -------------------------------------------------------------------------------- /src/include/sunmatrix/sunmatrix_magmadense.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmatrix/sunmatrix_magmadense.h -------------------------------------------------------------------------------- /src/include/sunmatrix/sunmatrix_slunrloc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmatrix/sunmatrix_slunrloc.h -------------------------------------------------------------------------------- /src/include/sunmatrix/sunmatrix_sparse.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmatrix/sunmatrix_sparse.h -------------------------------------------------------------------------------- /src/include/sunmemory/sunmemory_cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmemory/sunmemory_cuda.h -------------------------------------------------------------------------------- /src/include/sunmemory/sunmemory_hip.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmemory/sunmemory_hip.h -------------------------------------------------------------------------------- /src/include/sunmemory/sunmemory_sycl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmemory/sunmemory_sycl.h -------------------------------------------------------------------------------- /src/include/sunmemory/sunmemory_system.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/include/sunmemory/sunmemory_system.h -------------------------------------------------------------------------------- /src/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/init.cpp -------------------------------------------------------------------------------- /src/utilities/upgrade_headers.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/src/utilities/upgrade_headers.sh -------------------------------------------------------------------------------- /tests/testthat.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/tests/testthat.R -------------------------------------------------------------------------------- /tests/testthat/test-basic.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/tests/testthat/test-basic.R -------------------------------------------------------------------------------- /tests/testthat/test-captures.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/tests/testthat/test-captures.R -------------------------------------------------------------------------------- /tests/testthat/test-model-methods.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/tests/testthat/test-model-methods.R -------------------------------------------------------------------------------- /tests/testthat/test-rtmb.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/tests/testthat/test-rtmb.R -------------------------------------------------------------------------------- /vignettes/.gitignore: -------------------------------------------------------------------------------- 1 | *.html 2 | *.R 3 | -------------------------------------------------------------------------------- /vignettes/Getting-Started.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/andrjohns/StanEstimators/HEAD/vignettes/Getting-Started.Rmd --------------------------------------------------------------------------------