Loading [MathJax]/extensions/TeX/AMSsymbols.js
Stan Math Library
5.0.0
Automatic Differentiation
▼
Stan Math Library
Overview
▼
Contributor Guides
Developer Guide
Adding New Functions
Adding New Distributions
Common Pitfalls
Using requires for general overloads
Reverse Mode Types
Testing Automatic Differentiation Functions
Testing New Distributions
Add New Functions With Known Gradients
Adding New OpenCL Functions
Windows Development Tips
▼
Internal Docs
►
Probability Distributions
►
OpenCL
►
Compressed Sparse Row matrix format.
►
Type Traits
►
Available requires<> for overloading.
►
Eigen expressions
►
arena_matrix <br>
►
real <br>
►
Parallelism
(External Link) Stan Language Docs
(External Link) Stan Discourse
►
Stan Math Library Docs
▼
Class List
►
Eigen
▼
stan
►
internal
▼
math
►
internal
►
opencl_kernels
►
abs_fun
►
accumulator
►
accumulator< T, require_fvar_t< T > >
►
accumulator< T, require_var_t< T > >
►
acos_
►
acos_fun
►
acosh_
►
acosh_fun
ad_promotable
►
ad_tape_observer
►
addition_
►
addition_operator_
►
adjoint_results_cl
►
append_col_
►
append_return_type
►
append_return_type< Eigen::Matrix< T1, R, C >, Eigen::Matrix< T2, R, C > >
►
append_return_type< int, int >
►
append_return_type< std::vector< T1 >, std::vector< T2 > >
►
append_row_
apply_scalar_unary
►
apply_scalar_unary< F, fvar< T > >
►
apply_scalar_unary< F, std::vector< T > >
►
apply_scalar_unary< F, T, require_complex_t< T > >
►
apply_scalar_unary< F, T, require_eigen_t< T > >
►
apply_scalar_unary< F, T, require_floating_point_t< T > >
►
apply_scalar_unary< F, T, require_integral_t< T > >
►
apply_scalar_unary< F, T, require_var_matrix_t< T > >
►
apply_scalar_unary< F, var >
apply_vector_unary
►
apply_vector_unary< T, require_eigen_t< T > >
►
apply_vector_unary< T, require_std_vector_vt< is_container_or_var_matrix, T > >
►
apply_vector_unary< T, require_std_vector_vt< is_stan_scalar, T > >
►
apply_vector_unary< T, require_var_matrix_t< T > >
►
arena_allocator
arena_matrix
►
arena_matrix< MatrixType, require_eigen_dense_base_t< MatrixType > >
►
arena_matrix< MatrixType, require_eigen_sparse_base_t< MatrixType > >
►
arena_matrix_cl
►
array_builder
►
as_column_vector_or_scalar_
►
asin_
►
asin_fun
►
asinh_
►
asinh_fun
►
atan_
►
atan_fun
►
atanh_
►
atanh_fun
►
AutodiffStackSingleton
►
beta_
►
binary_operation
►
binomial_coefficient_log_
►
block_
►
broadcast_
►
calc_if_
►
cast_
►
cbrt_
►
cbrt_fun
►
ceil_
►
ceil_fun
►
chainable_alloc
►
chainable_object
►
check_cl_
►
col_index
►
colwise_max_
►
colwise_min_
►
colwise_prod_
►
colwise_reduction
►
colwise_sum_
►
complex_base
conjunction
conjunction< T, Ts... >
►
constant_
►
copysign_
►
cos_
►
cos_fun
►
cosh_
►
cosh_fun
►
coupled_ode_system
coupled_ode_system_impl
►
coupled_ode_system_impl< false, F, T_y0, Args... >
►
coupled_ode_system_impl< true, F, T_y0, Args... >
►
cov_exp_quad_vari
►
cov_exp_quad_vari< T_x, double, T_l >
►
cvodes_integrator
►
cvodes_integrator_adjoint_vari
►
dae_system
►
deserializer
►
diagonal_
►
digamma_
►
digamma_fun
disjunction
disjunction< Cond, Conds... >
►
elt_divide_
►
elt_function_cl
►
elt_modulo_
►
elt_multiply_
►
equals_
►
erf_
►
erf_fun
►
erfc_
►
erfc_fun
►
exp2_
►
exp2_fun
►
exp_
►
exp_fun
►
expm1_
►
expm1_fun
►
expressions_cl
►
fabs_
►
fabs_fun
►
fdim_
►
FixedPointADJac
FixedPointSolver
►
FixedPointSolver< KinsolFixedPointEnv< F >, fp_jac_type >
►
floor_
►
floor_fun
►
fmax_
►
fmin_
►
fmod_
►
fvar
►
gevv_vvv_vari
►
greater_than_
►
greater_than_or_equal_
►
Holder
►
holder_cl_
►
hybrj_functor_solver
►
hypot_
►
idas_integrator
►
idas_service
include_summand
include_summand< propto, T >
index_type
►
index_type< T, require_eigen_t< T > >
►
index_type< T, require_std_vector_t< T > >
►
index_type< T, std::enable_if_t< std::is_pointer< T >::value > >
►
indexing_
►
inv_cloglog_fun
►
inv_erfc_fun
►
inv_fun
►
inv_logit_
►
inv_logit_fun
►
inv_Phi_
►
inv_Phi_fun
►
inv_sqrt_fun
►
inv_square_
is_tuple
►
isfinite_
►
isinf_
►
isnan_
►
kernel_parts
►
kinsol_system_data
►
KinsolFixedPointEnv
►
lbeta_
►
ldexp_
LDLT_factor
►
LDLT_factor< T, require_eigen_matrix_dynamic_vt< is_var, T > >
►
LDLT_factor< T, require_var_matrix_t< T > >
►
LDLT_factor< T, std::enable_if_t< bool_constant< is_eigen_matrix_dynamic< T >::value &&!is_var< scalar_type_t< T > >::value >::value > >
►
less_than_
►
less_than_or_equal_
►
lgamma_
►
lgamma_fun
►
lmultiply_
►
load_
►
log10_
►
log10_fun
►
log1m_
►
log1m_exp_
►
log1m_exp_fun
►
log1m_fun
►
log1m_inv_logit_
►
log1m_inv_logit_fun
►
log1p_
►
log1p_exp_
►
log1p_exp_fun
►
log1p_fun
►
log2_
►
log2_fun
►
log_
►
log_diff_exp_
▼
log_fun
►
log_inv_logit_
►
log_inv_logit_diff_
►
log_inv_logit_fun
►
logical_and_
►
logical_negation_
►
logical_or_
►
logit_
►
logit_fun
►
matrix_cl
matrix_cl_base
►
matrix_exp_action_handler
►
max_2d_
►
max_op
►
min_2d_
►
min_op
►
mpi_cluster
►
mpi_command
►
mpi_distributed_apply
►
mpi_is_in_use
►
mpi_parallel_call
►
mpi_stop_listen
►
mpi_stop_worker
►
multiply_log_
►
name_generator
►
nested_rev_autodiff
►
nlo_functor
►
not_equals_
►
op_ddv_vari
►
op_dv_vari
►
op_dvd_vari
►
op_dvv_vari
►
op_matrix_vari
►
op_v_vari
►
op_vd_vari
►
op_vdd_vari
►
op_vdv_vari
►
op_vector_vari
►
op_vv_vari
►
op_vvd_vari
►
op_vvv_vari
►
opencl_code_
►
opencl_code_output
►
opencl_context
►
opencl_context_base
►
operands_and_partials
►
operands_and_partials< Op1, Op2, Op3, Op4, Op5, Op6, Op7, Op8, fvar< Dx > >
►
operands_and_partials< Op1, Op2, Op3, Op4, Op5, Op6, Op7, Op8, var >
►
operation_cl
►
operation_cl_lhs
►
optional_broadcast_
►
pass_type
►
pass_type< double >
►
pass_type< int >
►
Phi_
►
Phi_approx_
►
Phi_approx_fun
►
Phi_fun
►
pinned_matrix
►
pow_
►
precomp_vv_vari
►
precomp_vvv_vari
►
precomputed_gradients_vari_template
►
prod_2d_
►
prod_op
►
profile
►
profile_info
►
promote_elements
►
promote_elements< Eigen::Matrix< T, R, C >, Eigen::Matrix< S, R, C > >
►
promote_elements< Eigen::Matrix< T, R, C >, Eigen::Matrix< T, R, C > >
►
promote_elements< std::vector< T >, std::vector< S > >
►
promote_elements< std::vector< T >, std::vector< T > >
►
promote_elements< T, T >
►
promote_scalar_type
►
promote_scalar_type< std::tuple< PromotionScalars... >, std::tuple< UnPromotedTypes... > >
►
promote_scalar_type< T, S, require_all_t< is_var< T >, is_var< S >, is_eigen< value_type_t< S > > > >
►
promote_scalar_type< T, S, require_all_t< std::is_arithmetic< T >, is_var< S >, is_eigen< value_type_t< S > > > >
►
promote_scalar_type< T, S, require_eigen_dense_base_t< S > >
►
promote_scalar_type< T, S, require_eigen_sparse_base_t< S > >
►
promote_scalar_type< T, std::vector< S > >
►
read_fvar_functor
►
reduction_2d
►
ref_type_for_opencl
►
ref_type_for_opencl< T, require_arena_matrix_t< T > >
►
ref_type_for_opencl< T, require_not_eigen_t< T > >
►
results_cl
►
round_
►
round_fun
►
row_index
►
rowwise_max_
►
rowwise_min_
►
rowwise_prod_
►
rowwise_reduction
►
rowwise_sum_
►
rsqrt_
►
scalar_
►
ScopedChainableStack
►
select_
►
seq_view
►
seq_view< double, std::vector< int > >
►
seq_view< T, Eigen::Matrix< S, 1, Eigen::Dynamic > >
►
seq_view< T, Eigen::Matrix< S, Eigen::Dynamic, 1 > >
►
seq_view< T, Eigen::Matrix< S, Eigen::Dynamic, Eigen::Dynamic > >
►
seq_view< T, std::vector< S > >
►
seq_view< T, std::vector< std::vector< T > > >
►
seq_view< T, std::vector< T > >
►
serializer
►
sign_fun
►
sin_
►
sin_fun
►
sinh_
►
sinh_fun
►
sqrt_
►
sqrt_fun
►
square_
►
square_fun
►
stack_alloc
►
std_normal_log_qf_fun
►
step_fun
►
store_type
►
store_type< double >
►
store_type< int >
►
stored_gradient_vari
►
subtraction_
►
subtraction_operator_
►
sum_2d_
►
sum_op
►
tan_
►
tan_fun
►
tanh_
►
tanh_fun
►
tgamma_
►
tgamma_fun
►
to_int_fun
►
transpose_
►
trigamma_
►
trigamma_fun
►
trunc_
►
trunc_fun
►
unary_minus_
►
unary_operation_cl
►
unsafe_chainable_object
►
val_adj_functor
var_value
►
var_value< T, internal::require_matrix_var_value< T > >
►
var_value< T, require_floating_point_t< T > >
►
vari_base
►
vari_cl_base
vari_value
►
vari_value< T, require_all_t< is_plain_type< T >, is_eigen_dense_base< T > > >
►
vari_value< T, require_eigen_sparse_base_t< T > >
►
vari_value< T, require_matrix_cl_t< T > >
►
vari_value< T, require_t< std::is_floating_point< T > > >
vari_view
►
vari_view< T, require_all_t< is_eigen< T >, bool_constant<!is_plain_type< T >::value > > >
►
vari_view< T, require_kernel_expression_lhs_t< T > >
►
vari_view_eigen
►
vi_adj_functor
►
vi_val_adj_functor
►
vi_val_functor
►
welford_covar_estimator
►
welford_var_estimator
►
base_type
►
base_type< T, std::enable_if_t< is_complex< T >::value > >
►
base_type< T, std::enable_if_t< is_eigen< T >::value > >
►
base_type< T, std::enable_if_t< is_std_vector< T >::value > >
►
conditional_var_value
►
conditional_var_value< T_scalar, T_container, require_std_vector_t< T_container > >
error_index
►
eval_return_type
is_any_var_matrix
is_arena_matrix
is_arena_matrix< T, require_t< internal::is_arena_matrix_impl< std::decay_t< T > > > >
is_arena_matrix_cl
is_autodiff
►
is_base_pointer_convertible
is_col_vector
is_complex
is_complex< T, std::enable_if_t< internal::is_complex_impl< std::decay_t< T > >::value > >
is_complex_ad
is_complex_ad< T, std::enable_if_t< stan::math::conjunction< is_autodiff< base_type_t< T > >, internal::is_complex_impl< std::decay_t< T > > >::value > >
is_complex_arithmetic
is_complex_arithmetic< T, std::enable_if_t< stan::math::conjunction< std::is_arithmetic< base_type_t< T > >, internal::is_complex_impl< std::decay_t< T > > >::value > >
is_constant
is_constant< T, require_all_kernel_expressions_and_none_scalar_t< T > >
is_constant< T, require_eigen_t< T > >
is_constant< T, require_std_vector_t< T > >
is_detected
is_detected< T, Op, void_t< Op< T > > >
is_double_or_int
is_eigen
is_eigen_array
is_eigen_col_vector
is_eigen_contiguous_map
is_eigen_dense_base
is_eigen_matrix_base
is_eigen_matrix_dynamic
is_eigen_row_vector
is_eigen_sparse_base
is_eigen_vector
is_fvar
is_fvar< T, std::enable_if_t< internal::is_fvar_impl< std::decay_t< T > >::value > >
is_kernel_expression
is_kernel_expression_and_not_scalar
is_kernel_expression_and_not_scalar< T, require_matrix_cl_t< T > >
is_kernel_expression_lhs
is_kernel_expression_lhs< T, require_matrix_cl_t< T > >
is_matrix
is_matrix_cl
is_nonscalar_prim_or_rev_kernel_expression
is_prim_or_rev_kernel_expression
is_real
is_rev_col_vector
is_rev_col_vector< T, require_all_t< is_var< scalar_type_t< T > >, math::disjunction< is_eigen_col_vector< T >, is_eigen_col_vector< value_type_t< T > > > > >
is_rev_kernel_expression
is_rev_matrix
is_rev_matrix< T, require_all_t< is_var< scalar_type_t< T > >, math::disjunction< math::conjunction< is_var< T >, is_eigen< value_type_t< T > > >, is_eigen< T > > > >
is_rev_row_vector
is_rev_row_vector< T, require_all_t< is_var< scalar_type_t< T > >, math::disjunction< is_eigen_row_vector< T >, is_eigen_row_vector< value_type_t< T > > > > >
is_rev_vector
is_rev_vector< T, require_any_t< is_rev_col_vector< T >, is_rev_row_vector< T > > >
is_row_vector
is_stan_scalar
is_std_vector
is_std_vector< T, std::enable_if_t< internal::is_std_vector_impl< std::decay_t< T > >::value > >
is_var
is_var< T, std::enable_if_t< internal::is_var_impl< std::decay_t< T > >::value > >
is_var_col_vector
is_var_dense_dynamic
is_var_eigen
is_var_matrix
is_var_or_arithmetic_type
is_var_row_vector
is_var_vector
is_vari
is_vari< T, require_t< internal::is_vari_impl< std::decay_t< T > > > >
is_vector
is_vector_like
is_vt_complex
is_vt_not_complex
►
make_void
operation_cl_base
operation_cl_lhs_base
►
partials_return_type
►
partials_return_type< T >
►
partials_type
►
partials_type< T, require_fvar_t< T > >
►
partials_type< T, require_var_t< T > >
►
plain_type
►
plain_type< T, require_all_kernel_expressions_and_none_scalar_t< T > >
►
plain_type< T, require_t< bool_constant< internal::has_eval< T >::value &&is_eigen< T >::value > > >
►
plain_type< T, require_t< bool_constant<!internal::has_eval< T >::value &&internal::has_plain_object< T >::value &&is_eigen< T >::value > > >
►
plain_type< T, require_t< stan::math::conjunction< is_var< T >, is_eigen< value_type_t< T > > > > >
►
real_return
►
real_return< T, Ts... >
►
ref_type_if
►
ref_type_if< Condition, T, require_all_kernel_expressions_t< T > >
►
ref_type_if< Condition, T, require_all_t< is_eigen< T >, bool_constant<!is_arena_matrix< T >::value > > >
►
ref_type_if< Condition, T, require_arena_matrix_t< T > >
►
return_type
►
rev_matrix_type
►
scalar_lub
►
scalar_lub< std::complex< T1 >, std::complex< T2 > >
►
scalar_lub< std::complex< T1 >, T2 >
►
scalar_lub< T1, std::complex< T2 > >
scalar_seq_view
►
scalar_seq_view< C, require_eigen_vector_t< C > >
►
scalar_seq_view< C, require_stan_scalar_t< C > >
►
scalar_seq_view< C, require_std_vector_t< C > >
►
scalar_seq_view< C, require_t< std::is_pointer< C > > >
►
scalar_seq_view< C, require_var_matrix_t< C > >
►
scalar_type
►
scalar_type< T, require_all_kernel_expressions_and_none_scalar_t< T > >
►
scalar_type< T, std::enable_if_t< is_complex< T >::value > >
►
scalar_type< T, std::enable_if_t< is_eigen< T >::value &&!internal::has_scalar_trait< T >::value > >
►
scalar_type< T, std::enable_if_t< is_eigen< T >::value &&internal::has_scalar_trait< T >::value > >
►
scalar_type< T, std::enable_if_t< is_std_vector< T >::value > >
►
scalar_type< T, std::enable_if_t< is_var< T >::value > >
►
StdVectorBuilder
►
value_type
►
value_type< T, require_all_kernel_expressions_and_none_scalar_t< T > >
►
value_type< T, require_t< is_vari< T > > >
►
value_type< T, std::enable_if_t< is_eigen< T >::value &&!internal::has_scalar_trait< T >::value > >
►
value_type< T, std::enable_if_t< is_eigen< T >::value &&internal::has_scalar_trait< T >::value > >
►
value_type< T, std::enable_if_t< is_std_vector< T >::value > >
►
value_type< T, std::enable_if_t< is_var< T >::value > >
►
value_type< T, std::enable_if_t< std::is_pointer< T >::value > >
vector_seq_view
►
vector_seq_view< T, require_matrix_t< T > >
►
vector_seq_view< T, require_std_vector_vt< internal::is_matrix_or_std_vector, T > >
►
VectorBuilder
►
VectorBuilderHelper
►
VectorBuilderHelper< T1, true, false >
►
VectorBuilderHelper< T1, true, true >
►
std
►
algebra_solver_adapter
bool_constant
►
double_d
evaluator_base
GenericNumTraits
►
integrate_1d_adapter
•
All
Classes
Namespaces
Files
Functions
Variables
Typedefs
Enumerations
Enumerator
Friends
Macros
Modules
Pages
Loading...
Searching...
No Matches
stan::math::log_fun Member List
This is the complete list of members for
stan::math::log_fun
, including all inherited members.
fun
(const T &x)
stan::math::log_fun
inline
static
[
Stan Home Page
]
© 2011–2019, Stan Development Team.