Index _ | A | B | C | D | E | F | G | H | I | J | K | L | M | N | O | P | R | S | T | U | V | W | Z _ __init__() (pymc.ADVI method) (pymc.Approximation method) (pymc.ASVGD method) (pymc.backends.base.BaseTrace method) (pymc.backends.base.MultiTrace method) (pymc.backends.NDArray method) (pymc.Continuous method) (pymc.DictToArrayBijection method) (pymc.DiracDelta method) (pymc.Discrete method) (pymc.Distribution method) (pymc.distributions.transforms.Chain method) (pymc.distributions.transforms.CholeskyCovPacked method) (pymc.distributions.transforms.CircularTransform method) (pymc.distributions.transforms.Interval method) (pymc.distributions.transforms.LogExpM1 method) (pymc.distributions.transforms.LogOddsTransform method) (pymc.distributions.transforms.LogTransform method) (pymc.distributions.transforms.Ordered method) (pymc.distributions.transforms.SimplexTransform method) (pymc.distributions.transforms.ZeroSumTransform method) (pymc.Empirical method) (pymc.FullRank method) (pymc.FullRankADVI method) (pymc.GeneratorAdapter method) (pymc.gp.cov.Constant method) (pymc.gp.cov.Coregion method) (pymc.gp.cov.Cosine method) (pymc.gp.cov.Exponential method) (pymc.gp.cov.ExpQuad method) (pymc.gp.cov.Gibbs method) (pymc.gp.cov.Kron method) (pymc.gp.cov.Linear method) (pymc.gp.cov.Matern32 method) (pymc.gp.cov.Matern52 method) (pymc.gp.cov.Periodic method) (pymc.gp.cov.Polynomial method) (pymc.gp.cov.RatQuad method) (pymc.gp.cov.ScaledCov method) (pymc.gp.cov.WarpedInput method) (pymc.gp.cov.WhiteNoise method) (pymc.gp.HSGP method) (pymc.gp.HSGPPeriodic method) (pymc.gp.Latent method) (pymc.gp.LatentKron method) (pymc.gp.Marginal method) (pymc.gp.MarginalApprox method) (pymc.gp.MarginalKron method) (pymc.gp.mean.Constant method) (pymc.gp.mean.Linear method) (pymc.gp.mean.Zero method) (pymc.gp.TP method) (pymc.Group method) (pymc.ImplicitGradient method) (pymc.Inference method) (pymc.KLqp method) (pymc.MeanField method) (pymc.model.core.Model method) (pymc.ode.DifferentialEquation method) (pymc.pytensorf.CallableTensor method) (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) (pymc.Stein method) (pymc.step_methods.BinaryGibbsMetropolis method) (pymc.step_methods.BinaryMetropolis method) (pymc.step_methods.CategoricalGibbsMetropolis method) (pymc.step_methods.CauchyProposal method) (pymc.step_methods.CompoundStep method) (pymc.step_methods.DEMetropolis method) (pymc.step_methods.DEMetropolisZ method) (pymc.step_methods.hmc.HamiltonianMC method) (pymc.step_methods.hmc.NUTS method) (pymc.step_methods.LaplaceProposal method) (pymc.step_methods.Metropolis method) (pymc.step_methods.MultivariateNormalProposal method) (pymc.step_methods.NormalProposal method) (pymc.step_methods.PoissonProposal method) (pymc.step_methods.Slice method) (pymc.step_methods.UniformProposal method) (pymc.SVGD method) (pymc.SymbolicRandomVariable method) (pymc.variational.operators.KL method) (pymc.variational.operators.KSD method) A abs (in module pymc.math) adadelta() (in module pymc) adagrad() (in module pymc) adagrad_window() (in module pymc) adam() (in module pymc) adamax() (in module pymc) add_coord() (pymc.model.core.Model method) add_coords() (pymc.model.core.Model method) add_named_variable() (pymc.model.core.Model method) add_tag_trace() (pymc.ode.DifferentialEquation static method) (pymc.SymbolicRandomVariable static method) ADVI (class in pymc) and_ (in module pymc.math) apply() (pymc.variational.operators.KL method) (pymc.variational.operators.KSD method) apply_momentum() (in module pymc) apply_nesterov_momentum() (in module pymc) Approximation (class in pymc) AR (class in pymc) arccos (in module pymc.math) arccosh (in module pymc.math) arcsin (in module pymc.math) arcsinh (in module pymc.math) arctan (in module pymc.math) arctanh (in module pymc.math) astep() (pymc.step_methods.BinaryGibbsMetropolis method) (pymc.step_methods.BinaryMetropolis method) (pymc.step_methods.CategoricalGibbsMetropolis method) (pymc.step_methods.DEMetropolis method) (pymc.step_methods.DEMetropolisZ method) (pymc.step_methods.hmc.HamiltonianMC method) (pymc.step_methods.hmc.NUTS method) (pymc.step_methods.Metropolis method) (pymc.step_methods.Slice method) astep_prop() (pymc.step_methods.CategoricalGibbsMetropolis method) astep_unif() (pymc.step_methods.CategoricalGibbsMetropolis method) ASVGD (class in pymc) AsymmetricLaplace (class in pymc) B backward() (pymc.distributions.transforms.Chain method) (pymc.distributions.transforms.CholeskyCovPacked method) (pymc.distributions.transforms.CircularTransform method) (pymc.distributions.transforms.Interval method) (pymc.distributions.transforms.LogExpM1 method) (pymc.distributions.transforms.LogOddsTransform method) (pymc.distributions.transforms.LogTransform method) (pymc.distributions.transforms.Ordered method) (pymc.distributions.transforms.SimplexTransform method) (pymc.distributions.transforms.ZeroSumTransform method) BaseTrace (class in pymc.backends.base) batch_ndim() (pymc.SymbolicRandomVariable method) batched_diag() (in module pymc.math) Bayes' theorem Bayesian inference Bayesian model Bayesian Workflow Bernoulli (class in pymc) Beta (class in pymc) BetaBinomial (class in pymc) BinaryGibbsMetropolis (class in pymc.step_methods) BinaryMetropolis (class in pymc.step_methods) Binomial (class in pymc) block_diagonal() (in module pymc.math) broadcast_to() (in module pymc.math) C CallableTensor (class in pymc.pytensorf) CAR (class in pymc) cartesian() (in module pymc.math) Categorical (class in pymc) CategoricalGibbsMetropolis (class in pymc.step_methods) Cauchy (class in pymc) CauchyProposal (class in pymc.step_methods) ceil (in module pymc.math) Censored (class in pymc) Chain (in module pymc.distributions.transforms) change_dist_size() (in module pymc.distributions.shape_utils) change_value_transforms() (in module pymc.model.transform.conditioning) check_start_vals() (pymc.model.core.Model method) ChiSquared (class in pymc) CholeskyCovPacked (class in pymc.distributions.transforms) circular (in module pymc.distributions.transforms) CircularTransform (class in pymc.distributions.transforms) clip (in module pymc.math) clone() (pymc.SymbolicRandomVariable method) clone_model() (in module pymc.model.fgraph) close() (pymc.backends.base.BaseTrace method) (pymc.backends.NDArray method) collect() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.MeanField method) competence() (pymc.step_methods.BinaryGibbsMetropolis static method) (pymc.step_methods.BinaryMetropolis static method) (pymc.step_methods.CategoricalGibbsMetropolis static method) (pymc.step_methods.DEMetropolis static method) (pymc.step_methods.DEMetropolisZ static method) (pymc.step_methods.hmc.HamiltonianMC static method) (pymc.step_methods.hmc.NUTS static method) (pymc.step_methods.Metropolis static method) (pymc.step_methods.Slice static method) compile_d2logp() (pymc.model.core.Model method) compile_dlogp() (pymc.model.core.Model method) compile_fn() (in module pymc.model.core) (pymc.model.core.Model method) compile_logp() (pymc.model.core.Model method) compile_pymc() (in module pymc.pytensorf) CompoundStep (class in pymc.step_methods) compute_deterministics() (in module pymc) compute_log_likelihood() (in module pymc) compute_log_prior() (in module pymc) concatenate() (in module pymc.math) conditional() (pymc.gp.HSGP method) (pymc.gp.HSGPPeriodic method) (pymc.gp.Latent method) (pymc.gp.LatentKron method) (pymc.gp.Marginal method) (pymc.gp.MarginalApprox method) (pymc.gp.MarginalKron method) (pymc.gp.TP method) conditional_logp() (in module pymc.logprob) connection_pattern() (pymc.SymbolicRandomVariable method) Constant (class in pymc.gp.cov) (class in pymc.gp.mean) constant() (in module pymc.math) constant_fold() (in module pymc.pytensorf) ConstantData() (in module pymc) cont_inputs() (in module pymc.pytensorf) Continuous (class in pymc) convert_data() (in module pymc.pytensorf) convert_generator_data() (in module pymc.pytensorf) Coregion (class in pymc.gp.cov) cos (in module pymc.math) cosh (in module pymc.math) Cosine (class in pymc.gp.cov) create_value_var() (pymc.model.core.Model method) Credibility cumprod() (in module pymc.math) cumsum() (in module pymc.math) CustomDist (class in pymc) D d2logp() (pymc.model.core.Model method) Data() (in module pymc) debug() (pymc.model.core.Model method) DEMetropolis (class in pymc.step_methods) DEMetropolisZ (class in pymc.step_methods) Deterministic() (in module pymc.model.core) diag() (pymc.gp.cov.Constant method) (pymc.gp.cov.Coregion method) (pymc.gp.cov.Cosine method) (pymc.gp.cov.Exponential method) (pymc.gp.cov.ExpQuad method) (pymc.gp.cov.Gibbs method) (pymc.gp.cov.Kron method) (pymc.gp.cov.Linear method) (pymc.gp.cov.Matern32 method) (pymc.gp.cov.Matern52 method) (pymc.gp.cov.Periodic method) (pymc.gp.cov.Polynomial method) (pymc.gp.cov.RatQuad method) (pymc.gp.cov.ScaledCov method) (pymc.gp.cov.WarpedInput method) (pymc.gp.cov.WhiteNoise method) DictToArrayBijection (class in pymc) DifferentialEquation (class in pymc.ode) DiracDelta (class in pymc) Dirichlet (class in pymc) DirichletMultinomial (class in pymc) Discrete (class in pymc) DiscreteUniform (class in pymc) DiscreteWeibull (class in pymc) Dispatching Dispersion dist() (pymc.AR class method) (pymc.AsymmetricLaplace class method) (pymc.Bernoulli class method) (pymc.Beta class method) (pymc.BetaBinomial class method) (pymc.Binomial class method) (pymc.CAR class method) (pymc.Categorical class method) (pymc.Cauchy class method) (pymc.Censored class method) (pymc.ChiSquared class method) (pymc.Continuous class method) (pymc.CustomDist class method) (pymc.DiracDelta class method) (pymc.Dirichlet class method) (pymc.DirichletMultinomial class method) (pymc.Discrete class method) (pymc.DiscreteUniform class method) (pymc.DiscreteWeibull class method) (pymc.Distribution class method) (pymc.EulerMaruyama class method) (pymc.ExGaussian class method) (pymc.Exponential class method) (pymc.Flat class method) (pymc.Gamma class method) (pymc.GARCH11 class method) (pymc.GaussianRandomWalk class method) (pymc.Geometric class method) (pymc.Gumbel class method) (pymc.HalfCauchy class method) (pymc.HalfFlat class method) (pymc.HalfNormal class method) (pymc.HalfStudentT class method) (pymc.HurdleGamma class method) (pymc.HurdleLogNormal class method) (pymc.HurdleNegativeBinomial class method) (pymc.HurdlePoisson class method) (pymc.HyperGeometric class method) (pymc.ICAR class method) (pymc.Interpolated class method) (pymc.InverseGamma class method) (pymc.KroneckerNormal class method) (pymc.Kumaraswamy class method) (pymc.Laplace class method) (pymc.LKJCholeskyCov class method) (pymc.LKJCorr class method) (pymc.Logistic class method) (pymc.LogitNormal class method) (pymc.LogNormal class method) (pymc.MatrixNormal class method) (pymc.Mixture class method) (pymc.Moyal class method) (pymc.Multinomial class method) (pymc.MvGaussianRandomWalk class method) (pymc.MvNormal class method) (pymc.MvStudentT class method) (pymc.MvStudentTRandomWalk class method) (pymc.NegativeBinomial class method) (pymc.Normal class method) (pymc.NormalMixture class method) (pymc.OrderedLogistic class method) (pymc.OrderedMultinomial class method) (pymc.OrderedProbit class method) (pymc.Pareto class method) (pymc.Poisson class method) (pymc.PolyaGamma class method) (pymc.Rice class method) (pymc.Simulator class method) (pymc.SkewNormal class method) (pymc.SkewStudentT class method) (pymc.StickBreakingWeights class method) (pymc.StudentT class method) (pymc.Triangular class method) (pymc.Truncated class method) (pymc.TruncatedNormal class method) (pymc.Uniform class method) (pymc.VonMises class method) (pymc.Wald class method) (pymc.Weibull class method) (pymc.Wishart class method) (pymc.ZeroInflatedBinomial class method) (pymc.ZeroInflatedNegativeBinomial class method) (pymc.ZeroInflatedPoisson class method) (pymc.ZeroSumNormal class method) dist_params() (pymc.SymbolicRandomVariable method) Distribution (class in pymc) dlogp() (pymc.model.core.Model method) do() (in module pymc.model.transform.conditioning) do_constant_folding() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) dot() (in module pymc.math) draw() (in module pymc) E Empirical (class in pymc) eq (in module pymc.math) erf (in module pymc.math) erfc (in module pymc.math) erfcinv (in module pymc.math) erfinv (in module pymc.math) euclidean_dist() (pymc.gp.cov.Cosine method) (pymc.gp.cov.Exponential method) (pymc.gp.cov.ExpQuad method) (pymc.gp.cov.Matern32 method) (pymc.gp.cov.Matern52 method) (pymc.gp.cov.Periodic method) (pymc.gp.cov.RatQuad method) EulerMaruyama (class in pymc) eval_rv_shapes() (pymc.model.core.Model method) evaluate_over_trace() (pymc.Empirical method) ExGaussian (class in pymc) exp (in module pymc.math) expand_packed_triangular() (in module pymc) (in module pymc.math) Exponential (class in pymc) (class in pymc.gp.cov) ExpQuad (class in pymc.gp.cov) extend_axis() (pymc.distributions.transforms.ZeroSumTransform static method) extend_axis_rev() (pymc.distributions.transforms.ZeroSumTransform static method) F fgraph_from_model() (in module pymc.model.fgraph) find_constrained_prior() (in module pymc) find_hessian() (in module pymc) find_MAP() (in module pymc) fit() (in module pymc) (pymc.ADVI method) (pymc.ASVGD method) (pymc.FullRankADVI method) (pymc.ImplicitGradient method) (pymc.Inference method) (pymc.KLqp method) (pymc.SVGD method) Flat (class in pymc) flat_outer() (in module pymc.math) flatten() (in module pymc.math) flatten_list() (in module pymc.math) floatX() (in module pymc.pytensorf) floor (in module pymc.math) forward() (pymc.distributions.transforms.Chain method) (pymc.distributions.transforms.CholeskyCovPacked method) (pymc.distributions.transforms.CircularTransform method) (pymc.distributions.transforms.Interval method) (pymc.distributions.transforms.LogExpM1 method) (pymc.distributions.transforms.LogOddsTransform method) (pymc.distributions.transforms.LogTransform method) (pymc.distributions.transforms.Ordered method) (pymc.distributions.transforms.SimplexTransform method) (pymc.distributions.transforms.ZeroSumTransform method) freeze_dims_and_data() (in module pymc.model.transform.optimization) full() (in module pymc.math) (pymc.gp.cov.Constant method) (pymc.gp.cov.Coregion method) (pymc.gp.cov.Cosine method) (pymc.gp.cov.Exponential method) (pymc.gp.cov.ExpQuad method) (pymc.gp.cov.Gibbs method) (pymc.gp.cov.Kron method) (pymc.gp.cov.Linear method) (pymc.gp.cov.Matern32 method) (pymc.gp.cov.Matern52 method) (pymc.gp.cov.Periodic method) (pymc.gp.cov.Polynomial method) (pymc.gp.cov.RatQuad method) (pymc.gp.cov.ScaledCov method) (pymc.gp.cov.WarpedInput method) (pymc.gp.cov.WhiteNoise method) full_from_distance() (pymc.gp.cov.Cosine method) (pymc.gp.cov.Exponential method) (pymc.gp.cov.ExpQuad method) (pymc.gp.cov.Matern32 method) (pymc.gp.cov.Matern52 method) (pymc.gp.cov.Periodic method) (pymc.gp.cov.RatQuad method) full_like() (in module pymc.math) FullRank (class in pymc) FullRankADVI (class in pymc) Functional Programming G Gamma (class in pymc) GARCH11 (class in pymc) GaussianRandomWalk (class in pymc) ge (in module pymc.math) Generalized Linear Model Generalized Poisson Distribution generator() (in module pymc.pytensorf) GeneratorAdapter (class in pymc) Geometric (class in pymc) get_a_and_b() (pymc.distributions.transforms.Interval method) get_data() (in module pymc) get_input_output_type_idxs() (pymc.SymbolicRandomVariable static method) get_optimization_replacements() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.MeanField method) get_param_spec_for() (pymc.Group class method) get_sampler_stats() (pymc.backends.base.BaseTrace method) (pymc.backends.base.MultiTrace method) (pymc.backends.NDArray method) get_values() (pymc.backends.base.BaseTrace method) (pymc.backends.base.MultiTrace method) (pymc.backends.NDArray method) Gibbs (class in pymc.gp.cov) GLM grad() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) gradient() (in module pymc.pytensorf) Group (class in pymc) group_for_params() (pymc.Group class method) group_for_short_name() (pymc.Group class method) gt (in module pymc.math) Gumbel (class in pymc) H HalfCauchy (class in pymc) HalfFlat (class in pymc) HalfNormal (class in pymc) HalfStudentT (class in pymc) Hamiltonian Monte Carlo HamiltonianMC (class in pymc.step_methods.hmc) hessian() (in module pymc.pytensorf) hessian_diag() (in module pymc.pytensorf) Hierarchical Ordinary Differential Equation HMC HSGP (class in pymc.gp) HSGPPeriodic (class in pymc.gp) HurdleGamma (class in pymc) HurdleLogNormal (class in pymc) HurdleNegativeBinomial (class in pymc) HurdlePoisson (class in pymc) HyperGeometric (class in pymc) I ICAR (class in pymc) icdf() (in module pymc) IMH (class in pymc.smc.kernels) ImplicitGradient (class in pymc) infer_shape() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) Inference (class in pymc) init_nuts() (in module pymc) initial_point() (pymc.model.core.Model method) initialize_population() (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) inputvars() (in module pymc.pytensorf) Interpolated (class in pymc) Interval (class in pymc.distributions.transforms) intX() (in module pymc.pytensorf) InverseGamma (class in pymc) invlogit (in module pymc) (in module pymc.math) invprobit() (in module pymc) (in module pymc.math) J jacobian() (in module pymc.pytensorf) join_nonshared_inputs() (in module pymc.pytensorf) K KL (class in pymc.variational.operators) KLqp (class in pymc) Kron (class in pymc.gp.cov) kron_diag() (in module pymc.math) kron_dot() (in module pymc.math) kron_solve_lower() (in module pymc.math) kron_solve_upper() (in module pymc.math) kronecker() (in module pymc.math) KroneckerNormal (class in pymc) KSD (class in pymc.variational.operators) Kumaraswamy (class in pymc) L L_op() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) Laplace (class in pymc) LaplaceProposal (class in pymc.step_methods) Latent (class in pymc.gp) LatentKron (class in pymc.gp) le (in module pymc.math) Likelihood Linear (class in pymc.gp.cov) (class in pymc.gp.mean) link_population() (pymc.step_methods.DEMetropolis method) LKJCholeskyCov (class in pymc) LKJCorr (class in pymc) log (in module pymc.distributions.transforms) (in module pymc.math) log1mexp() (in module pymc.math) log1pexp (in module pymc.math) log_exp_m1 (in module pymc.distributions.transforms) log_jac_det() (pymc.distributions.transforms.Chain method) (pymc.distributions.transforms.CholeskyCovPacked method) (pymc.distributions.transforms.CircularTransform method) (pymc.distributions.transforms.Interval method) (pymc.distributions.transforms.LogExpM1 method) (pymc.distributions.transforms.LogOddsTransform method) (pymc.distributions.transforms.LogTransform method) (pymc.distributions.transforms.Ordered method) (pymc.distributions.transforms.SimplexTransform method) (pymc.distributions.transforms.ZeroSumTransform method) log_softmax() (in module pymc.math) logaddexp() (in module pymc) (in module pymc.math) logbern() (in module pymc.math) logcdf() (in module pymc) (pymc.DiracDelta method) logdet (in module pymc.math) logdiffexp() (in module pymc.math) LogExpM1 (class in pymc.distributions.transforms) Logistic (class in pymc) logit() (in module pymc) (in module pymc.math) LogitNormal (class in pymc) LogNormal (class in pymc) logodds (in module pymc.distributions.transforms) LogOddsTransform (class in pymc.distributions.transforms) logp() (in module pymc) (pymc.DiracDelta method) (pymc.model.core.Model method) logp_dlogp_function() (pymc.model.core.Model method) logsumexp() (in module pymc) (in module pymc.math) LogTransform (class in pymc.distributions.transforms) lt (in module pymc.math) M make_node() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) make_obs_var() (pymc.model.core.Model method) make_py_thunk() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) make_shared_replacements() (in module pymc.pytensorf) make_size_and_deterministic_replacements() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.Group method) (pymc.MeanField method) make_thunk() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) make_variable() (pymc.GeneratorAdapter method) MAP map() (pymc.DictToArrayBijection static method) mapf() (pymc.DictToArrayBijection class method) Marginal (class in pymc.gp) marginal_likelihood() (pymc.gp.HSGP method) (pymc.gp.HSGPPeriodic method) (pymc.gp.Latent method) (pymc.gp.LatentKron method) (pymc.gp.Marginal method) (pymc.gp.MarginalApprox method) (pymc.gp.MarginalKron method) (pymc.gp.TP method) MarginalApprox (class in pymc.gp) MarginalKron (class in pymc.gp) Markov Chain Markov Chain Monte Carlo Matern32 (class in pymc.gp.cov) Matern52 (class in pymc.gp.cov) matmul() (in module pymc.math) matrix_inverse (in module pymc.math) MatrixNormal (class in pymc) max() (in module pymc.math) maximum (in module pymc.math) Maximum a Posteriori MCMC mean() (in module pymc.math) MeanField (class in pymc) Metropolis (class in pymc.step_methods) metropolis_proportional() (pymc.step_methods.CategoricalGibbsMetropolis method) MH (class in pymc.smc.kernels) min() (in module pymc.math) Minibatch() (in module pymc) minimum (in module pymc.math) Mixture (class in pymc) Model (class in pymc.model.core) model_from_fgraph() (in module pymc.model.fgraph) model_to_graphviz() (in module pymc.model_graph) model_to_networkx() (in module pymc.model_graph) modelcontext() (in module pymc.model.core) module pymc.backends pymc.gp pymc.gp.cov pymc.gp.mean pymc.math pymc.model pymc.ode pymc.smc pymc.variational.operators momentum() (in module pymc) Moyal (class in pymc) Multinomial (class in pymc) MultiTrace (class in pymc.backends.base) MultivariateNormalProposal (class in pymc.step_methods) MutableData() (in module pymc) mutate() (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) MvGaussianRandomWalk (class in pymc) MvNormal (class in pymc) MvStudentT (class in pymc) MvStudentTRandomWalk (class in pymc) N name_for() (pymc.model.core.Model method) name_of() (pymc.model.core.Model method) NDArray (class in pymc.backends) NegativeBinomial (class in pymc) neq (in module pymc.math) nesterov_momentum() (in module pymc) next() (pymc.GeneratorAdapter method) No-U-Turn Sampler norm_constraint() (in module pymc) Normal (class in pymc) NormalMixture (class in pymc) NormalProposal (class in pymc.step_methods) NUTS (class in pymc.step_methods.hmc) O observe() (in module pymc.model.transform.conditioning) ODE ones() (in module pymc.math) ones_like() (in module pymc.math) or_ (in module pymc.math) Ordered (class in pymc.distributions.transforms) ordered (in module pymc.distributions.transforms) OrderedLogistic (class in pymc) OrderedMultinomial (class in pymc) OrderedProbit (class in pymc) Ordinary Differential Equation Overdispersion P Pareto (class in pymc) perform() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) Periodic (class in pymc.gp.cov) PMF Point() (in module pymc.model.core) point() (pymc.backends.base.BaseTrace method) (pymc.backends.base.MultiTrace method) (pymc.backends.NDArray method) point_logps() (pymc.model.core.Model method) points() (pymc.backends.base.MultiTrace method) Poisson (class in pymc) PoissonProposal (class in pymc.step_methods) PolyaGamma (class in pymc) Polynomial (class in pymc.gp.cov) Posterior Potential() (in module pymc.model.core) power_spectral_density() (pymc.gp.cov.Cosine method) (pymc.gp.cov.Exponential method) (pymc.gp.cov.ExpQuad method) (pymc.gp.cov.Matern32 method) (pymc.gp.cov.Matern52 method) (pymc.gp.cov.Periodic method) (pymc.gp.cov.RatQuad method) power_spectral_density_approx() (pymc.gp.cov.Periodic method) predict() (pymc.gp.HSGP method) (pymc.gp.HSGPPeriodic method) (pymc.gp.Latent method) (pymc.gp.LatentKron method) (pymc.gp.Marginal method) (pymc.gp.MarginalApprox method) (pymc.gp.MarginalKron method) (pymc.gp.TP method) predictions_to_inference_data() (in module pymc) prepare_node() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) Prior prior() (pymc.gp.HSGP method) (pymc.gp.HSGPPeriodic method) (pymc.gp.Latent method) (pymc.gp.LatentKron method) (pymc.gp.Marginal method) (pymc.gp.MarginalApprox method) (pymc.gp.MarginalKron method) (pymc.gp.TP method) prior_linearized() (pymc.gp.HSGP method) (pymc.gp.HSGPPeriodic method) Probability Mass Function probit() (in module pymc) (in module pymc.math) prod() (in module pymc.math) profile() (pymc.model.core.Model method) pymc.backends module pymc.gp module pymc.gp.cov module pymc.gp.mean module pymc.math module pymc.model module pymc.ode module pymc.smc module pymc.variational.operators module R R_op() (pymc.ode.DifferentialEquation method) (pymc.SymbolicRandomVariable method) RatQuad (class in pymc.gp.cov) record() (pymc.backends.base.BaseTrace method) (pymc.backends.NDArray method) refine() (pymc.ADVI method) (pymc.ASVGD method) (pymc.FullRankADVI method) (pymc.ImplicitGradient method) (pymc.Inference method) (pymc.KLqp method) (pymc.SVGD method) register() (pymc.Group class method) register_data_var() (pymc.model.core.Model method) register_rv() (pymc.model.core.Model method) remove_value_transforms() (in module pymc.model.transform.conditioning) replace_rvs_by_values() (pymc.model.core.Model method) resample() (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) reset() (pymc.step_methods.hmc.HamiltonianMC method) (pymc.step_methods.hmc.NUTS method) reset_tuning() (pymc.step_methods.BinaryGibbsMetropolis method) (pymc.step_methods.CategoricalGibbsMetropolis method) (pymc.step_methods.CompoundStep method) (pymc.step_methods.DEMetropolisZ method) (pymc.step_methods.hmc.HamiltonianMC method) (pymc.step_methods.hmc.NUTS method) (pymc.step_methods.Metropolis method) Rice (class in pymc) rmap() (pymc.DictToArrayBijection static method) rmsprop() (in module pymc) rng_params() (pymc.SymbolicRandomVariable method) round() (in module pymc.math) rslice() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.MeanField method) run_profiling() (pymc.ADVI method) (pymc.ASVGD method) (pymc.FullRankADVI method) (pymc.ImplicitGradient method) (pymc.Inference method) (pymc.KLqp method) (pymc.SVGD method) rv_op() (pymc.DiracDelta class method) rv_size_is_none() (in module pymc.distributions.shape_utils) S sample() (in module pymc) (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.MeanField method) sample_approx() (in module pymc) sample_blackjax_nuts() (in module pymc.sampling.jax) sample_node() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.MeanField method) sample_numpyro_nuts() (in module pymc.sampling.jax) sample_posterior_predictive() (in module pymc) sample_prior_predictive() (in module pymc) sample_settings() (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) sample_smc() (in module pymc.smc) sample_stats() (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) ScaledCov (class in pymc.gp.cov) set_data() (in module pymc.model.core) (pymc.model.core.Model method) set_dim() (pymc.model.core.Model method) set_initval() (pymc.model.core.Model method) set_size_and_deterministic() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.Group method) (pymc.MeanField method) setup() (pymc.backends.base.BaseTrace method) (pymc.backends.NDArray method) setup_kernel() (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) sgd() (in module pymc) sgn() (in module pymc.math) shape_from_dims() (pymc.model.core.Model method) sigmoid (in module pymc.math) simplex (in module pymc.distributions.transforms) SimplexTransform (class in pymc.distributions.transforms) Simulator (class in pymc) sin (in module pymc.math) sinh (in module pymc.math) size_param() (pymc.SymbolicRandomVariable method) SkewNormal (class in pymc) SkewStudentT (class in pymc) Slice (class in pymc.step_methods) SMC_KERNEL (class in pymc.smc.kernels) softmax() (in module pymc.math) sqr (in module pymc.math) sqrt (in module pymc.math) square_dist() (pymc.gp.cov.Cosine method) (pymc.gp.cov.Exponential method) (pymc.gp.cov.ExpQuad method) (pymc.gp.cov.Gibbs method) (pymc.gp.cov.Matern32 method) (pymc.gp.cov.Matern52 method) (pymc.gp.cov.Periodic method) (pymc.gp.cov.RatQuad method) stack() (in module pymc.math) Stein (class in pymc) step() (pymc.step_methods.BinaryGibbsMetropolis method) (pymc.step_methods.BinaryMetropolis method) (pymc.step_methods.CategoricalGibbsMetropolis method) (pymc.step_methods.CompoundStep method) (pymc.step_methods.DEMetropolis method) (pymc.step_methods.DEMetropolisZ method) (pymc.step_methods.hmc.HamiltonianMC method) (pymc.step_methods.hmc.NUTS method) (pymc.step_methods.Metropolis method) (pymc.step_methods.Slice method) StickBreakingWeights (class in pymc) stop_tuning() (pymc.step_methods.BinaryGibbsMetropolis method) (pymc.step_methods.BinaryMetropolis method) (pymc.step_methods.CategoricalGibbsMetropolis method) (pymc.step_methods.CompoundStep method) (pymc.step_methods.DEMetropolis method) (pymc.step_methods.DEMetropolisZ method) (pymc.step_methods.hmc.HamiltonianMC method) (pymc.step_methods.hmc.NUTS method) (pymc.step_methods.Metropolis method) (pymc.step_methods.Slice method) StudentT (class in pymc) sum() (in module pymc.math) support_point() (pymc.DiracDelta method) SVGD (class in pymc) switch (in module pymc.math) symbolic_sample_over_posterior() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.Group method) (pymc.MeanField method) symbolic_single_sample() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.Group method) (pymc.MeanField method) SymbolicRandomVariable (class in pymc) T tan (in module pymc.math) tanh (in module pymc.math) tensor_like to_flat_input() (pymc.Approximation method) (pymc.Empirical method) (pymc.FullRank method) (pymc.Group method) (pymc.MeanField method) to_graphviz() (pymc.model.core.Model method) to_inference_data() (in module pymc) to_tuple() (in module pymc.distributions.shape_utils) total_norm_constraint() (in module pymc) TP (class in pymc.gp) transformed_conditional_logp() (in module pymc.logprob) Triangular (class in pymc) Truncated (class in pymc) TruncatedNormal (class in pymc) tune() (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) U Underdispersion Uniform (class in pymc) UniformProposal (class in pymc.step_methods) unnamed_distribution update() (pymc.SymbolicRandomVariable method) update_beta_and_weights() (pymc.smc.kernels.IMH method) (pymc.smc.kernels.MH method) (pymc.smc.kernels.SMC_KERNEL method) update_start_vals() (pymc.model.core.Model method) V var_to_data() (pymc.Group method) VonMises (class in pymc) W Wald (class in pymc) WarpedInput (class in pymc.gp.cov) Weibull (class in pymc) where() (in module pymc.math) WhiteNoise (class in pymc.gp.cov) Wishart (class in pymc) WishartBartlett() (in module pymc) Z Zero (class in pymc.gp.mean) ZeroInflatedBinomial (class in pymc) ZeroInflatedNegativeBinomial (class in pymc) ZeroInflatedPoisson (class in pymc) zeros() (in module pymc.math) zeros_like() (in module pymc.math) ZeroSumNormal (class in pymc) ZeroSumTransform (class in pymc.distributions.transforms)