diff --git a/.doctrees/environment.pickle b/.doctrees/environment.pickle index b4cf4b0..d7b3033 100644 Binary files a/.doctrees/environment.pickle and b/.doctrees/environment.pickle differ diff --git a/.doctrees/mici.adapters.doctree b/.doctrees/mici.adapters.doctree index 1fc986f..6bf7ae1 100644 Binary files a/.doctrees/mici.adapters.doctree and b/.doctrees/mici.adapters.doctree differ diff --git a/.doctrees/mici.integrators.doctree b/.doctrees/mici.integrators.doctree index 1906ea3..9aeeb12 100644 Binary files a/.doctrees/mici.integrators.doctree and b/.doctrees/mici.integrators.doctree differ diff --git a/.doctrees/mici.interop.doctree b/.doctrees/mici.interop.doctree index 00cbf91..aba7ca9 100644 Binary files a/.doctrees/mici.interop.doctree and b/.doctrees/mici.interop.doctree differ diff --git a/.doctrees/mici.progressbars.doctree b/.doctrees/mici.progressbars.doctree index 5cd58ee..ae4c3ce 100644 Binary files a/.doctrees/mici.progressbars.doctree and b/.doctrees/mici.progressbars.doctree differ diff --git a/.doctrees/mici.solvers.doctree b/.doctrees/mici.solvers.doctree index 5c1a6c5..634b0e6 100644 Binary files a/.doctrees/mici.solvers.doctree and b/.doctrees/mici.solvers.doctree differ diff --git a/.doctrees/mici.systems.doctree b/.doctrees/mici.systems.doctree index 27f556b..305c995 100644 Binary files a/.doctrees/mici.systems.doctree and b/.doctrees/mici.systems.doctree differ diff --git a/.doctrees/mici.transitions.doctree b/.doctrees/mici.transitions.doctree index 852af55..1831b5d 100644 Binary files a/.doctrees/mici.transitions.doctree and b/.doctrees/mici.transitions.doctree differ diff --git a/_modules/mici/adapters.html b/_modules/mici/adapters.html index c75063f..a6cd3aa 100644 --- a/_modules/mici/adapters.html +++ b/_modules/mici/adapters.html @@ -77,24 +77,24 @@

Source code for mici.adapters

 from abc import ABC, abstractmethod
 from math import exp, log
 from typing import TYPE_CHECKING
+
 import numpy as np
-from mici.errors import IntegratorError, AdaptationError
-from mici.matrices import PositiveDiagonalMatrix, DensePositiveDefiniteMatrix
+
+from mici.errors import AdaptationError, IntegratorError
+from mici.matrices import DensePositiveDefiniteMatrix, PositiveDiagonalMatrix
 
 if TYPE_CHECKING:
-    from typing import Collection, Optional, Iterable, Union
+    from typing import Collection, Iterable, Optional, Union
+
     from numpy.random import Generator
     from numpy.typing import ArrayLike
+
     from mici.integrators import Integrator
     from mici.states import ChainState
     from mici.systems import System
     from mici.transitions import Transition
-    from mici.types import (
-        AdaptationStatisticFunction,
-        AdapterState,
-        ReducerFunction,
-        TransitionStatistics,
-    )
+    from mici.types import (AdaptationStatisticFunction, AdapterState,
+                            ReducerFunction, TransitionStatistics)
 
 
 
[docs]class Adapter(ABC): @@ -213,7 +213,7 @@

Source code for mici.adapters

     return exp(sum(x for x in log_step_sizes) / len(log_step_sizes))
-
[docs]def min_log_step_size_reducer(log_step_sizes: Iterable[float]) -> float: +
[docs]def min_log_step_size_reducer(log_step_sizes: Collection[float]) -> float: """Compute minimum of step sizes from their logs. Args: @@ -226,7 +226,7 @@

Source code for mici.adapters

 
 
 
[docs]def default_adapt_stat_func(stats: TransitionStatistics) -> float: - """Function to extract default acceptance statistic used for step-size adaptation. + """Function to extract default statistic used for step-size adaptation. Args: stats: Dictionary of transition statistics. @@ -241,18 +241,18 @@

Source code for mici.adapters

     """Dual averaging integrator step size adapter.
 
     Implementation of the dual algorithm step size adaptation algorithm described in
-    [1], a modified version of the stochastic optimisation scheme of [2]. By default the
-    adaptation is performed to control the `accept_prob` statistic of an integration
-    transition to be close to a target value but the statistic adapted on can be altered
-    by changing the `adapt_stat_func`.
-
+    Hoffman and Gelman (2014), a modified version of the stochastic optimisation scheme
+    of Nesterov (2009). By default the adaptation is performed to control the
+    :code:`accept_stat` statistic of an integration transition to be close to a target
+    value but the statistic adapted on can be altered by changing the
+    :code:`adapt_stat_func`.
 
     References:
 
-      1. Hoffman, M.D. and Gelman, A., 2014. The No-U-turn sampler: adaptively setting
+      1. Hoffman, M.D. and Gelman, A. (2014). The No-U-turn sampler: adaptively setting
          path lengths in Hamiltonian Monte Carlo. Journal of Machine Learning Research,
          15(1), pp.1593-1623.
-      2. Nesterov, Y., 2009. Primal-dual subgradient methods for convex problems.
+      2. Nesterov, Y. (2009). Primal-dual subgradient methods for convex problems.
          Mathematical programming 120(1), pp.221-259.
     """
 
@@ -275,19 +275,19 @@ 

Source code for mici.adapters

                 being controlled during adaptation.
             adapt_stat_func: Function which given a dictionary of transition statistics
                 outputs the value of the statistic to control during adaptation. By
-                default this is set to a function which simply selects the 'accept_stat'
-                value in the statistics dictionary.
+                default this is set to a function which simply selects the
+                :code:'accept_stat' value in the statistics dictionary.
             log_step_size_reg_target: Value to regularize the controlled output
-                (logarithm of the integrator step size) towards. If `None` set to
-                `log(10 * init_step_size)` where `init_step_size` is the initial
-                'reasonable' step size found by a coarse search as recommended in
-                Hoffman and Gelman (2014). This has the effect of giving the dual
+                (logarithm of the integrator step size) towards. If :code:`None` set to
+                :code:`log(10 * init_step_size)` where :code:`init_step_size` is the
+                initial 'reasonable' step size found by a coarse search as recommended
+                in Hoffman and Gelman (2014). This has the effect of giving the dual
                 averaging algorithm a tendency towards testing step sizes larger than
                 the initial value, with typically integrating with a larger step size
                 having a lower computational cost.
             log_step_size_reg_coefficient: Coefficient controlling amount of
                 regularisation of controlled output (logarithm of the integrator step
-                size) towards `log_step_size_reg_target`. Defaults to 0.05 as
+                size) towards :code:`log_step_size_reg_target`. Defaults to 0.05 as
                 recommended in Hoffman and Gelman (2014).
             iter_decay_coeff: Coefficient controlling exponent of decay in schedule
                 weighting stochastic updates to smoothed log step size estimate. Should
@@ -301,15 +301,15 @@ 

Source code for mici.adapters

                 > 0 has the effect of stabilising early iterations. Defaults to the
                 value of 10 as recommended in Hoffman and Gelman (2014).
             max_init_step_size_iters: Maximum number of iterations to use in initial
-                search for a reasonable step size with an `AdaptationError` exception
-                raised if a suitable step size is not found within this many iterations.
+                search for a reasonable step size with an
+                :py:exc:`mici.errors.AdaptationError` exception raised if a suitable
+                step size is not found within this many iterations.
             log_step_size_reducer: Reduction to apply to final per-chain step sizes
                 estimates to produce overall integrator step size for main chain stages.
                 The specified function should accept a sequence of logarithms of
                 estimated step sizes and output a non-negative step size to use. If
-                `None`, the default, a function which computes the arithmetic mean of
-                the step sizes is used.
-
+                :code:`None`, the default, a function which computes the arithmetic mean
+                of the per-chain step sizes is used.
         """
         self.adapt_stat_target = adapt_stat_target
         self.adapt_stat_func = (
@@ -450,27 +450,27 @@ 

Source code for mici.adapters

 
[docs]class OnlineVarianceMetricAdapter(Adapter): """Diagonal metric adapter using online variance estimates. - Uses Welford's algorithm [1] to stably compute an online estimate of the sample - variances of the chain state position components during sampling. If online + Uses Welford's algorithm (Welford, 1962) to stably compute an online estimate of the + sample variances of the chain state position components during sampling. If online estimates are available from multiple independent chains, the final variance estimate is calculated from the per-chain statistics using the parallel / batched - incremental variance algorithm described by Chan et al. [2]. The variance estimates - are optionally regularized towards a common scalar value, with increasing weight for - small number of samples, to decrease the effect of noisy estimates for small sample - sizes, following the approach in Stan [3]. The metric matrix representation is set - to a diagonal matrix with diagonal elements corresponding to the reciprocal of the - (regularized) variance estimates. + incremental variance algorithm described by Chan et al. (1979). The variance + estimates are optionally regularized towards a common scalar value, with increasing + weight for small number of samples, to decrease the effect of noisy estimates for + small sample sizes, following the approach in Stan (Carpenter et al., 2017). The + metric matrix representation is set to a diagonal matrix with diagonal elements + corresponding to the reciprocal of the (regularized) variance estimates. References: - 1. Welford, B. P., 1962. Note on a method for calculating corrected sums of + 1. Welford, B. P. (1962). Note on a method for calculating corrected sums of squares and products. Technometrics, 4(3), pp. 419–420. - 2. Chan, T. F., Golub, G. H., LeVeque, R. J., 1979. Updating formulae and a + 2. Chan, T. F., Golub, G. H. and LeVeque, R. J. (1979). Updating formulae and a pairwise algorithm for computing sample variances. Technical Report STAN-CS-79-773, Department of Computer Science, Stanford University. 3. Carpenter, B., Gelman, A., Hoffman, M.D., Lee, D., Goodrich, B., Betancourt, - M., Brubaker, M., Guo, J., Li, P. and Riddell, A., 2017. Stan: A probabilistic - programming language. Journal of Statistical Software, 76(1). + M., Brubaker, M., Guo, J., Li, P. and Riddell, A. (2017). Stan: A + probabilistic programming language. Journal of Statistical Software, 76(1). """ is_fast = False @@ -558,7 +558,7 @@

Source code for mici.adapters

                     mean_est /= n_iter
                     var_est += adapt_state["sum_diff_sq"]
                     var_est += (
-                        mean_diff ** 2 * (adapt_state["iter"] * n_iter_prev) / n_iter
+                        mean_diff**2 * (adapt_state["iter"] * n_iter_prev) / n_iter
                     )
         if n_iter < 2:
             raise AdaptationError(
@@ -576,31 +576,31 @@ 

Source code for mici.adapters

 
[docs]class OnlineCovarianceMetricAdapter(Adapter): """Dense metric adapter using online covariance estimates. - Uses Welford's algorithm [1] to stably compute an online estimate of the sample - covariance matrix of the chain state position components during sampling. If online - estimates are available from multiple independent chains, the final covariance - matrix estimate is calculated from the per-chain statistics using a covariance - variant due to Schubert and Gertz [2] of the parallel / batched incremental variance - algorithm described by Chan et al. [3]. The covariance matrix estimates are - optionally regularized towards a scaled identity matrix, with increasing weight for - small number of samples, to decrease the effect of noisy estimates for small sample - sizes, following the approach in Stan [4]. The metric matrix representation is set - to a dense positive definite matrix corresponding to the inverse of the - (regularized) covariance matrix estimate. + Uses Welford's algorithm (Welford, 1962) to stably compute an online estimate of the + sample covariance matrix of the chain state position components during sampling. If + online estimates are available from multiple independent chains, the final + covariance matrix estimate is calculated from the per-chain statistics using a + covariance variant due to Schubert and Gertz (2018) of the parallel / batched + incremental variance algorithm described by Chan et al. (1979). The covariance + matrix estimates are optionally regularized towards a scaled identity matrix, with + increasing weight for small number of samples, to decrease the effect of noisy + estimates for small sample sizes, following the approach in Stan (Carpenter et al., + 2017). The metric matrix representation is set to a dense positive definite matrix + corresponding to the inverse of the (regularized) covariance matrix estimate. References: - 1. Welford, B. P., 1962. Note on a method for calculating corrected sums of + 1. Welford, B. P. (1962). Note on a method for calculating corrected sums of squares and products. Technometrics, 4(3), pp. 419–420. - 2. Schubert, E. and Gertz, M., 2018. Numerically stable parallel computation of + 2. Schubert, E. and Gertz, M. (2018). Numerically stable parallel computation of (co-)variance. ACM. p. 10. doi:10.1145/3221269.3223036. - 3. Chan, T. F., Golub, G. H., LeVeque, R. J., 1979. Updating formulae and a + 3. Chan, T. F., Golub, G. H. and LeVeque, R. J. (1979). Updating formulae and a pairwise algorithm for computing sample variances. Technical Report STAN-CS-79-773, Department of Computer Science, Stanford University. 4. Carpenter, B., Gelman, A., Hoffman, M.D., Lee, D., Goodrich, B., Betancourt, - M., Brubaker, M., Guo, J., Li, P. and Riddell, A., 2017. Stan: A probabilistic - programming language. Journal of Statistical Software, 76(1). + M., Brubaker, M., Guo, J., Li, P. and Riddell, A. (2017). Stan: A + probabilistic programming language. Journal of Statistical Software, 76(1). """ is_fast = False diff --git a/_modules/mici/autodiff.html b/_modules/mici/autodiff.html index 381c529..7b04cf9 100644 --- a/_modules/mici/autodiff.html +++ b/_modules/mici/autodiff.html @@ -75,6 +75,7 @@

Source code for mici.autodiff

 from __future__ import annotations
 
 from typing import TYPE_CHECKING
+
 import mici.autograd_wrapper as autograd_wrapper
 
 if TYPE_CHECKING:
diff --git a/_modules/mici/autograd_wrapper.html b/_modules/mici/autograd_wrapper.html
index 436d757..e15a3e7 100644
--- a/_modules/mici/autograd_wrapper.html
+++ b/_modules/mici/autograd_wrapper.html
@@ -79,24 +79,19 @@ 

Source code for mici.autograd_wrapper

 
 AUTOGRAD_AVAILABLE = True
 try:
-    from autograd.wrap_util import unary_to_nary
+    import autograd.numpy as np
     from autograd.builtins import tuple as atuple
     from autograd.core import make_vjp
     from autograd.extend import vspace
-    import autograd.numpy as np
+    from autograd.wrap_util import unary_to_nary
 except ImportError:
     AUTOGRAD_AVAILABLE = False
 
 if TYPE_CHECKING:
     from typing import Callable
-    from mici.types import (
-        ScalarLike,
-        ArrayLike,
-        ScalarFunction,
-        ArrayFunction,
-        MatrixHessianProduct,
-        MatrixTressianProduct,
-    )
+
+    from mici.types import (ArrayFunction, ArrayLike, MatrixHessianProduct,
+                            MatrixTressianProduct, ScalarFunction, ScalarLike)
 
 
 def _wrapped_unary_to_nary(func: Callable) -> Callable:
diff --git a/_modules/mici/integrators.html b/_modules/mici/integrators.html
index 1448c53..b12556e 100644
--- a/_modules/mici/integrators.html
+++ b/_modules/mici/integrators.html
@@ -76,21 +76,21 @@ 

Source code for mici.integrators

 
 from abc import ABC, abstractmethod
 from typing import TYPE_CHECKING
+
 import numpy as np
 from numpy.typing import ArrayLike
-from mici.errors import NonReversibleStepError, AdaptationError
-from mici.solvers import (
-    maximum_norm,
-    solve_fixed_point_direct,
-    solve_projection_onto_manifold_quasi_newton,
-    FixedPointSolver,
-    ProjectionSolver,
-)
+
+from mici.errors import AdaptationError, NonReversibleStepError
+from mici.solvers import (FixedPointSolver, ProjectionSolver, maximum_norm,
+                          solve_fixed_point_direct,
+                          solve_projection_onto_manifold_newton)
 
 if TYPE_CHECKING:
     from typing import Any, Callable, Optional, Sequence
+
     from mici.states import ChainState
-    from mici.systems import System, TractableFlowSystem
+    from mici.systems import (ConstrainedTractableFlowSystem, System,
+                              TractableFlowSystem)
     from mici.types import NormFunction
 
 
@@ -363,7 +363,7 @@ 

Source code for mici.integrators

                 step size adapter will be used to set the step size before calling the
                 :py:meth:`step` method.
         """
-        a_0 = (3 - 3 ** 0.5) / 6
+        a_0 = (3 - 3**0.5) / 6
         super().__init__(system, (a_0,), step_size, True)
@@ -463,17 +463,27 @@

Source code for mici.integrators

         C(t)(q, p) = (q + t \nabla_2 h_2(q, p), p), \\
         C^*(t)(q, p) = \lbrace (q', p) : q' = q + t \nabla_2 h_2(q', p) \rbrace.
 
-    Fixed-point iterations are used to solve the non-linear systems of equations in the
-    implicit component updates (:math:`B` and :math:`C^*`).
-
     The resulting implicit integrator is a symmetric second-order method corresponding
     to a symplectic partitioned Runge-Kutta method. See Section 6.3.2 in Leimkuhler and
     Reich (2004) for more details.
 
+    Fixed-point iterations are used to solve the non-linear systems of equations in the
+    implicit component updates (:math:`B` and :math:`C^*`). As the iterative solves may
+    fail to converge, or may converge to one of multiple solutions, following the
+    approach proposed by Zappa, Holmes-Cerfon and Goodman (2018), an explicit
+    *reversibility check* is performed to ensure the overall integrator step is
+    time-reversible. If the reversibility check fails or the iterative solver fails to
+    converge an appropriate error is raised
+    (:py:exc:`mici.errors.NonReversibleStepError` and
+    :py:exc:`mici.errors.ConvergenceError` respectively).
+
     References:
 
       1. Leimkuhler, B., & Reich, S. (2004). Simulating Hamiltonian Dynamics (No. 14).
          Cambridge University Press.
+      2. Zappa, E., Holmes‐Cerfon, M., & Goodman, J. (2018). Monte Carlo on manifolds:
+         sampling densities and integrating functions. Communications on Pure and
+         Applied Mathematics, 71(12), 2609-2647.
     """
 
     def __init__(
@@ -600,17 +610,26 @@ 

Source code for mici.integrators

         \rbrace, \\
         A^*(t)(q, p) = (q +  t \nabla_2 h(q, p), p - t \nabla_1 h(q, p)).
 
-    A fixed-point iteration is used to solve the non-linear system of equations in the
-    implicit Euler step :math:`A`.
-
     The resulting implicit integrator is a second-order method corresponding to a
     symplectic one-stage Runge-Kutta method. See Sections 4.1 and 6.3.1 in Leimkuhler
     and Reich (2004) for more details.
 
+    A fixed-point iteration is used to solve the non-linear system of equations in the
+    implicit Euler step :math:`A`. As the iterative solve may fail to converge, or may
+    converge to one of multiple solutions, following the approach proposed by
+    Zappa, Holmes-Cerfon and Goodman (2018), an explicit *reversibility check* is
+    performed to ensure the overall integrator step is time-reversible. If the
+    reversibility check fails or the iterative solver fails to converge an appropriate
+    error is raised (:py:exc:`mici.errors.NonReversibleStepError` and
+    :py:exc:`mici.errors.ConvergenceError` respectively).
+
     References:
 
       1. Leimkuhler, B., & Reich, S. (2004). Simulating Hamiltonian Dynamics (No. 14).
          Cambridge University Press.
+      2. Zappa, E., Holmes‐Cerfon, M., & Goodman, J. (2018). Monte Carlo on manifolds:
+         sampling densities and integrating functions. Communications on Pure and
+         Applied Mathematics, 71(12), 2609-2647.
     """
 
     def __init__(
@@ -712,7 +731,7 @@ 

Source code for mici.integrators

 
     .. math::
 
-        h(q, p) = h_1(q) + h_2(q, p)
+        h(q, p) = h_1(q) + h_2(q, p),
 
     where :math:`q` and :math:`p` are the position and momentum variables respectively,
     and :math:`h_1` and :math:`h_2` Hamiltonian component functions for which the exact
@@ -751,7 +770,7 @@ 

Source code for mici.integrators

 
     .. math::
 
-        \partial c(q) \nabla_2 h(q, p) = \nabla_2 h_2(q, p) = 0.
+        \partial c(q) \nabla_2 h(q, p) = \partial c(q) \nabla_2 h_2(q, p) = 0.
 
     The set of momentum variables satisfying the above for given position variables is
     termed the cotangent space of the manifold (at a position), and the set of
@@ -811,7 +830,8 @@ 

Source code for mici.integrators

 
     .. math::
 
-        c((\Phi_2(t) \circ \Pi(\lambda)(q, p))_1) = 0
+        c((\Phi_2(t) \circ \Pi(\lambda)(q, p))_1)
+        = c((\Phi_2(t)(q, p + \partial c(q)^T \lambda))_1) = 0,
 
     i.e. solving for the values of the Lagrange multipliers such that the position
     component of the output of :math:`\Phi_2(t) \circ \Pi(\lambda)` is on the manifold,
@@ -821,6 +841,8 @@ 

Source code for mici.integrators

     state pair, with this projection step as noted above typically having an analytic
     solution.
 
+    For more details see Reich (1996) and section 7.5.1 in Leimkuhler and Reich (2004).
+
     The overall second-order integrator is then defined as the symmetric composition
 
     .. math::
@@ -828,12 +850,30 @@ 

Source code for mici.integrators

         \Psi(t) = A(t / 2) \circ B(t / N)^N \circ A(t / 2),
 
     where :math:`N` is a positive integer corresponding to the number of 'inner'
-    :math:`h_2` flow steps. This integrator exactly preserves the constraints at all
-    steps, such that if an initial position momentum pair :math:`(q, p)` are in the
-    cotangent bundle, the corresponding pair after calling the :py:meth:`step` method of
-    the integrator will also be in the cotangent bundle.
-
-    For more details see Reich (1996) and section 7.5.1 in Leimkuhler and Reich (2004).
+    :math:`h_2` flow steps, following the 'geodesic integrator' formulation proposed by
+    Leimkuhler and Matthews (2016). The additional flexibility introduced by having
+    the possibility of :math:`N > 1` is particularly of use when evaluation of
+    :math:`\Phi_1` is significantly more expensive than evaluation of :math:`\Phi_2`; in
+    this case using :math:`N > 1` can allow a larger time step :math:`t` to be used than
+    may be otherwise possible due to the need to ensure the iterative solver used in
+    :math:`B` does not diverge, with a smaller step size :math:`t / N` used for the
+    steps involving the iterative solves with the (cheaper) :math:`\Phi_2` flow map
+    and a larger step size :math:`t` used for the steps involving the (more expensive)
+    :math:`\Phi_1` flow map.
+
+    This integrator exactly preserves the constraints at all steps, such that if an
+    initial position momentum pair :math:`(q, p)` are in the cotangent bundle, the
+    corresponding pair after calling the :py:meth:`step` method of the integrator will
+    also be in the cotangent bundle, *providing the iterative solver converges*.
+
+    As the iterative solves may fail to converge, or may converge to one of multiple
+    solutions, following the approach proposed by Zappa, Holmes-Cerfon and Goodman
+    (2018), an explicit *reversibility check* is performed to ensure the overall
+    integrator step is time-reversible; see also Lelievre, Rousset and Stoltz (2019) for
+    an analysis of this approach specifically in the context of Hamiltonian Monte Carlo.
+    If the reversibility check fails or the iterative solver fails to converge an
+    appropriate error is raised (:py:exc:`mici.errors.NonReversibleStepError` and
+    :py:exc:`mici.errors.ConvergenceError` respectively).
 
     References:
 
@@ -841,21 +881,31 @@ 

Source code for mici.integrators

          composition methods. SIAM journal on numerical analysis, 33(2), 475-491.
       2. Leimkuhler, B., & Reich, S. (2004). Simulating Hamiltonian Dynamics (No. 14).
          Cambridge University Press.
+      3. Leimkuhler, B., & Matthews, C. (2016). Efficient molecular dynamics using
+         geodesic integration and solvent–solute splitting. Proceedings of the Royal
+         Society A: Mathematical, Physical and Engineering Sciences, 472(2189),
+         20160138.
+      4. Zappa, E., Holmes‐Cerfon, M., & Goodman, J. (2018). Monte Carlo on manifolds:
+         sampling densities and integrating functions. Communications on Pure and
+         Applied Mathematics, 71(12), 2609-2647.
+      5. Lelievre, T., Rousset, M., & Stoltz, G. (2019). Hybrid Monte Carlo methods for
+         sampling probability measures on submanifolds. Numerische Mathematik, 143,
+         379-421.
     """
 
     def __init__(
         self,
-        system: System,
+        system: ConstrainedTractableFlowSystem,
         step_size: Optional[float] = None,
         n_inner_step: int = 1,
         reverse_check_tol: float = 2e-8,
         reverse_check_norm: NormFunction = maximum_norm,
-        projection_solver: ProjectionSolver = solve_projection_onto_manifold_quasi_newton,
+        projection_solver: ProjectionSolver = solve_projection_onto_manifold_newton,
         projection_solver_kwargs: Optional[dict[str, Any]] = None,
     ):
         """
         Args:
-            system: Hamiltonian system to integrate the dynamics of.
+            system: Hamiltonian system to integrate the constrained dynamics of.
             step_size: Integrator time step. If set to :code:`None` it is assumed that a
                 step size adapter will be used to set the step size before calling the
                 :py:meth:`step` method.
@@ -894,7 +944,7 @@ 

Source code for mici.integrators

                 .. code::
 
                     system.constr(
-                        state.pos 
+                        state.pos
                         + dh2_flow_pos_dmom @ system.jacob_constr(state_prev).T @ λ
                     ) == 0
 
@@ -902,7 +952,9 @@ 

Source code for mici.integrators

                 the derivative of the action of the (linear) :code:`system.h2_flow` map
                 on the state momentum component with respect to the position component.
                 This is used to project the state position component back on to the
-                manifold after an unconstrained :code:`system.h2_flow` update.
+                manifold after an unconstrained :code:`system.h2_flow` update. If the
+                solver fails to convege a :py:exc:`mici.errors.ConvergenceError`
+                exception is raised.
             projection_solver_kwargs: Dictionary of any keyword arguments to
                 :code:`projection_solver`.
         """
diff --git a/_modules/mici/interop.html b/_modules/mici/interop.html
index 67e70ba..3954cfa 100644
--- a/_modules/mici/interop.html
+++ b/_modules/mici/interop.html
@@ -74,16 +74,20 @@ 

Source code for mici.interop

 
 from __future__ import annotations
 
+import importlib
 import os
-import mici
-import numpy as np
 from typing import TYPE_CHECKING
 
+import numpy as np
+
+import mici
+
 if TYPE_CHECKING:
     from typing import Literal, Optional, Union
-    from numpy.typing import ArrayLike
+
     import arviz
-    import pymc3
+    import pymc
+    from numpy.typing import ArrayLike
 
 
 
[docs]def convert_to_inference_data( @@ -92,10 +96,10 @@

Source code for mici.interop

     energy_key: Optional[str] = "energy",
     lp_key: Optional[str] = "lp",
 ) -> arviz.InferenceData:
-    """Convert Mici :code:`sample_chains` output to :py:class:`arviz.InferenceData` object.
+    """Convert Mici :code:`sample_chains` output to :py:class:`arviz.InferenceData`.
 
     Args:
-        traces: Traces output from Mici 
+        traces: Traces output from Mici
             :py:meth:`mici.samplers.MarkovChainMonteCarloMethod.sample_chains` call. A
             dictionary of variables traced over sampled chains with the dictionary keys
             the variable names and the values a list of arrays, one array per sampled
@@ -133,7 +137,7 @@ 

Source code for mici.interop

     )
-
[docs]def sample_pymc3_model( +
[docs]def sample_pymc_model( draws: int = 1000, *, tune: int = 1000, @@ -145,16 +149,16 @@

Source code for mici.interop

     jitter_max_retries: int = 10,
     trace: Optional[list] = None,
     return_inferencedata: bool = False,
-    model: Optional[pymc3.model.Model] = None,
+    model: Optional[pymc.Model] = None,
     target_accept: float = 0.8,
     max_treedepth: int = 10,
 ) -> Union[arviz.InferenceData, dict[str, ArrayLike]]:
-    """Generate approximate samples from posterior defined by a PyMC3 model.
+    """Generate approximate samples from posterior defined by a PyMC model.
 
     Uses dynamic multinomial HMC algorithm in Mici with adaptive warm-up phase.
 
-    This function replicates the interface of the :py:func:`pymc3.sampling.sample`
-    function to allow using as a (partial) drop-in replacement.
+    This function replicates the interface of the :py:func:`pymc.sample` function to
+    allow using as a (partial) drop-in replacement.
 
     Args:
         draws: The number of samples to draw.
@@ -192,7 +196,7 @@ 

Source code for mici.interop

         return_inferencedata: Whether to return the traces as an
             :py:class:`arviz.InferenceData` (:code:`True`) object or a
             :py:class:`dict` (:code:`False`).
-        model: PyMC3 model defining posterior distribution to sample from. May be 
+        model: PyMC model defining posterior distribution to sample from. May be
             :code:`None` if function is called from within model context manager.
         target_accept: Target value for the acceptance statistic being controlled during
             adaptive warm-up.
@@ -214,16 +218,12 @@ 

Source code for mici.interop

         the :code:`sample_stats` group.
     """
 
-    import pymc3
+    import pymc
 
-    if return_inferencedata:
-
-        try:
-            import arviz
-        except ImportError:
-            raise ValueError("Cannot return InferenceData as ArviZ is not installed")
+    if return_inferencedata and importlib.util.find_spec("arviz") is None:
+        raise ValueError("Cannot return InferenceData as ArviZ is not installed")
 
-    model = pymc3.modelcontext(model)
+    model = pymc.modelcontext(model)
 
     if cores is None:
         cores = min(4, os.cpu_count() // 2)  # assume 2 threads per CPU core
@@ -248,6 +248,9 @@ 

Source code for mici.interop

             'init must be "auto", "jitter+adapt_diag", "adapt_diag" or "adapt_full"'
         )
 
+    initial_point = model.initial_point()
+    raveled_initial_point = pymc.blocking.DictToArrayBijection.map(initial_point)
+
     val_and_grad_log_dens = model.logp_dlogp_function()
     val_and_grad_log_dens.set_extra_values({})
 
@@ -260,14 +263,18 @@ 

Source code for mici.interop

         return -val
 
     def trace_func(state):
-        var_dict = val_and_grad_log_dens.array_to_dict(state.pos)
+        raveled_vars = pymc.blocking.RaveledVars(
+            state.pos, raveled_initial_point.point_map_info
+        )
+        var_dict = pymc.blocking.DictToArrayBijection.rmap(raveled_vars)
         trace_dict = {}
         for rv in trace:
             if rv.name in var_dict:
                 trace_dict[rv.name] = var_dict[rv.name]
             else:
-                trace_dict[rv.name] = rv.transformation.backward(
-                    var_dict[rv.transformed.name]
+                transform = model.rvs_to_transforms[rv]
+                trace_dict[rv.name] = transform.backward(
+                    var_dict[f"{rv.name}_{transform.name}__"], *rv.owner.inputs
                 ).eval()
         trace_dict["lp"] = -system.neg_log_dens(state)
         trace_dict["energy"] = system.h(state)
@@ -280,7 +287,7 @@ 

Source code for mici.interop

     integrator = mici.integrators.LeapfrogIntegrator(system)
     rng = np.random.default_rng(random_seed)
     sampler = mici.samplers.DynamicMultinomialHMC(
-        system, integrator, rng, max_treedepth=max_treedepth
+        system, integrator, rng, max_tree_depth=max_treedepth
     )
 
     step_size_adapter = mici.adapters.DualAveragingStepSizeAdapter(target_accept)
@@ -292,7 +299,7 @@ 

Source code for mici.interop

     adapters = [step_size_adapter, metric_adapter]
 
     if jitter_init:
-        mean = val_and_grad_log_dens.dict_to_array(model.test_point)
+        mean = raveled_initial_point.data.copy()
         init_states = []
         for c in range(chains):
             for t in range(jitter_max_retries):
@@ -301,9 +308,7 @@ 

Source code for mici.interop

                     break
             init_states.append(pos)
     else:
-        init_states = [
-            val_and_grad_log_dens.dict_to_array(model.test_point) for c in range(chains)
-        ]
+        init_states = [raveled_initial_point.data.copy() for c in range(chains)]
 
     _, traces, stats = sampler.sample_chains(
         n_warm_up_iter=tune,
@@ -410,12 +415,8 @@ 

Source code for mici.interop

 
     import stan
 
-    if return_inferencedata:
-
-        try:
-            import arviz
-        except ImportError:
-            raise ValueError("Cannot return InferenceData as ArviZ is not installed")
+    if return_inferencedata and importlib.util.find_spec("arviz") is None:
+        raise ValueError("Cannot return InferenceData as ArviZ is not installed")
 
     model = stan.build(model_code, data=data)
 
@@ -488,7 +489,7 @@ 

Source code for mici.interop

         stager=stager,
         trace_funcs=[trace_func],
         monitor_stats=["accept_stat", "n_step", "diverging"],
-        trace_warmup=save_warmup,
+        trace_warm_up=save_warmup,
     )
 
     if return_inferencedata:
diff --git a/_modules/mici/matrices.html b/_modules/mici/matrices.html
index a7aca08..c88b3f1 100644
--- a/_modules/mici/matrices.html
+++ b/_modules/mici/matrices.html
@@ -77,15 +77,19 @@ 

Source code for mici.matrices

 import abc
 import numbers
 from typing import TYPE_CHECKING
+
 import numpy as np
-from mici.errors import LinAlgError
 import numpy.linalg as nla
 import scipy.linalg as sla
+
+from mici.errors import LinAlgError
 from mici.utils import hash_array
 
 if TYPE_CHECKING:
     from typing import Iterable, Literal, Optional, Tuple, Union
+
     from numpy.typing import NDArray
+
     from mici.types import MatrixLike, ScalarLike
 
 
@@ -720,7 +724,7 @@ 

Source code for mici.matrices

         return self.shape[0] / self._scalar
 
 
[docs] def grad_quadratic_form_inv(self, vector: NDArray) -> float: - return -np.sum(vector ** 2) / self._scalar ** 2
+ return -np.sum(vector**2) / self._scalar**2
def __str__(self) -> str: return f"(shape={self.shape}, scalar={self._scalar})" @@ -753,7 +757,7 @@

Source code for mici.matrices

         return PositiveScaledIdentityMatrix(1 / self._scalar, self.shape[0])
 
     def _construct_sqrt(self) -> PositiveScaledIdentityMatrix:
-        return PositiveScaledIdentityMatrix(self._scalar ** 0.5, self.shape[0])
+ return PositiveScaledIdentityMatrix(self._scalar**0.5, self.shape[0])
[docs]class DiagonalMatrix(SymmetricMatrix, DifferentiableMatrix, ImplicitArrayMatrix): @@ -838,7 +842,7 @@

Source code for mici.matrices

         return PositiveDiagonalMatrix(1.0 / self.diagonal)
 
     def _construct_sqrt(self) -> PositiveDiagonalMatrix:
-        return PositiveDiagonalMatrix(self.diagonal ** 0.5)
+ return PositiveDiagonalMatrix(self.diagonal**0.5)
def _make_array_triangular(array: NDArray, lower: bool) -> NDArray: @@ -1114,7 +1118,7 @@

Source code for mici.matrices

     def _scalar_multiply(self, scalar: ScalarLike) -> TriangularFactoredDefiniteMatrix:
         if scalar > 0:
             return TriangularFactoredPositiveDefiniteMatrix(
-                factor=scalar ** 0.5 * self.factor
+                factor=scalar**0.5 * self.factor
             )
         else:
             return super()._scalar_multiply(scalar)
@@ -1614,7 +1618,7 @@ 

Source code for mici.matrices

         return EigendecomposedPositiveDefiniteMatrix(self.eigvec, 1 / self.eigval)
 
     def _construct_sqrt(self) -> EigendecomposedPositiveDefiniteMatrix:
-        return EigendecomposedPositiveDefiniteMatrix(self.eigvec, self.eigval ** 0.5)
+ return EigendecomposedPositiveDefiniteMatrix(self.eigvec, self.eigval**0.5)
[docs]class SoftAbsRegularizedPositiveDefiniteMatrix( diff --git a/_modules/mici/progressbars.html b/_modules/mici/progressbars.html index 6f5198a..158a7f6 100644 --- a/_modules/mici/progressbars.html +++ b/_modules/mici/progressbars.html @@ -297,7 +297,7 @@

Source code for mici.progressbars

 
     @property
     def description(self) -> str:
-        """"Description of task being tracked."""
+        """Description of task being tracked."""
         return self._description
 
     @property
diff --git a/_modules/mici/samplers.html b/_modules/mici/samplers.html
index e04f7a1..ca3b68a 100644
--- a/_modules/mici/samplers.html
+++ b/_modules/mici/samplers.html
@@ -74,62 +74,49 @@ 

Source code for mici.samplers

 
 from __future__ import annotations
 
+import logging
 import os
 import queue
+import signal
+import tempfile
 from contextlib import ExitStack, contextmanager, nullcontext
 from pathlib import Path
 from pickle import PicklingError
-import logging
-import tempfile
-import signal
-from warnings import warn
 from typing import TYPE_CHECKING, NamedTuple
+from warnings import warn
+
 import numpy as np
 from numpy.random import default_rng
-from mici.transitions import (
-    IndependentMomentumTransition,
-    MetropolisRandomIntegrationTransition,
-    MetropolisStaticIntegrationTransition,
-    MultinomialDynamicIntegrationTransition,
-    SliceDynamicIntegrationTransition,
-    euclidean_no_u_turn_criterion,
-    riemannian_no_u_turn_criterion,
-)
-from mici.states import ChainState
-from mici.progressbars import (
-    SequenceProgressBar,
-    LabelledSequenceProgressBar,
-    DummyProgressBar,
-    _ProxySequenceProgressBar,
-)
-from mici.errors import AdaptationError
+
 from mici.adapters import DualAveragingStepSizeAdapter
+from mici.errors import AdaptationError
+from mici.progressbars import (DummyProgressBar, LabelledSequenceProgressBar,
+                               SequenceProgressBar, _ProxySequenceProgressBar)
 from mici.stagers import WarmUpStager, WindowedWarmUpStager
+from mici.states import ChainState
+from mici.transitions import (IndependentMomentumTransition,
+                              MetropolisRandomIntegrationTransition,
+                              MetropolisStaticIntegrationTransition,
+                              MultinomialDynamicIntegrationTransition,
+                              SliceDynamicIntegrationTransition,
+                              euclidean_no_u_turn_criterion,
+                              riemannian_no_u_turn_criterion)
 
 if TYPE_CHECKING:
-    from typing import (
-        Container,
-        Generator,
-        Iterable,
-        Optional,
-        Sequence,
-        Union,
-    )
+    from typing import (Container, Generator, Iterable, Optional, Sequence,
+                        Union)
+
     from numpy.typing import ArrayLike, DTypeLike, NDArray
+
     from mici.adapters import Adapter
     from mici.integrators import Integrator
     from mici.progressbars import ProgressBar
     from mici.stagers import Stager
     from mici.systems import System
-    from mici.transitions import IntegrationTransition, MomentumTransition, Transition
-    from mici.types import (
-        AdapterState,
-        ChainIterator,
-        ScalarLike,
-        PyTree,
-        TraceFunction,
-        TerminationCriterion,
-    )
+    from mici.transitions import (IntegrationTransition, MomentumTransition,
+                                  Transition)
+    from mici.types import (AdapterState, ChainIterator, PyTree, ScalarLike,
+                            TerminationCriterion, TraceFunction)
 
 # Preferentially import from multiprocess library if available as able to
 # serialize much wider range of types including autograd functions
@@ -217,7 +204,10 @@ 

Source code for mici.samplers

 
 
 def _open_new_memmap(
-    file_path: str, shape: tuple[int, ...], default_val: ScalarLike, dtype: DTypeLike,
+    file_path: str,
+    shape: tuple[int, ...],
+    default_val: ScalarLike,
+    dtype: DTypeLike,
 ) -> np.memmap:
     """Open a new memory-mapped array object and fill with a default-value.
 
@@ -370,7 +360,15 @@ 

Source code for mici.samplers

                 ]
             else:
                 traces[key] = list(
-                    np.full((n_chain, n_iter,) + val.shape, init, val.dtype)
+                    np.full(
+                        (
+                            n_chain,
+                            n_iter,
+                        )
+                        + val.shape,
+                        init,
+                        val.dtype,
+                    )
                 )
     return traces
 
@@ -1033,7 +1031,11 @@ 

Source code for mici.samplers

                 )
             )
             stats = _init_stats(
-                self.transitions, n_chain, n_trace_iter, use_memmap, memmap_path,
+                self.transitions,
+                n_chain,
+                n_trace_iter,
+                use_memmap,
+                memmap_path,
             )
             per_chain_rngs = _get_per_chain_rngs(self.rng, n_chain)
             per_chain_traces = (
@@ -1123,7 +1125,7 @@ 

Source code for mici.samplers

             and main sampling stages otherwise. The key for each value is the
             corresponding key in the dictionary returned by the trace function which
             computed the traced value.
-        statistics: Dictionary of chain transition statistic dictionaries. Values in 
+        statistics: Dictionary of chain transition statistic dictionaries. Values in
             dictionary are lists of arrays of chain statistic values with each array in
             the list corresponding to a single chain and the leading dimension of each
             array corresponding to the iteration (draw) index, within the main
diff --git a/_modules/mici/solvers.html b/_modules/mici/solvers.html
index 242a4bc..d48b584 100644
--- a/_modules/mici/solvers.html
+++ b/_modules/mici/solvers.html
@@ -74,19 +74,22 @@ 

Source code for mici.solvers

 
 from __future__ import annotations
 
-from typing import Protocol, TYPE_CHECKING
-from mici.errors import ConvergenceError, LinAlgError
+from typing import TYPE_CHECKING, Protocol
+
 import numpy as np
 
+from mici.errors import ConvergenceError, LinAlgError
+
 if TYPE_CHECKING:
     from mici.states import ChainState
-    from mici.systems import System
-    from mici.types import ScalarFunction, ArrayFunction, ArrayLike
+    from mici.systems import (ConstrainedEuclideanMetricSystem,
+                              ConstrainedTractableFlowSystem)
+    from mici.types import ArrayFunction, ArrayLike, ScalarFunction
 
 
 
[docs]def euclidean_norm(vct): """Calculate the Euclidean (L-2) norm of a vector.""" - return (vct ** 2).sum() ** 0.5
+ return (vct**2).sum() ** 0.5
[docs]def maximum_norm(vct): @@ -95,7 +98,7 @@

Source code for mici.solvers

 
 
 
[docs]class FixedPointSolver(Protocol): - """Solver for fixed point equation, returning `x` such that `func(x) = x`.""" + """Solver for fixed point equation :code:`func(x) = x`."""
[docs] def __call__(self, func: ArrayFunction, x0: ArrayLike, **kwargs) -> ArrayLike: """Solve fixed point equation. @@ -117,24 +120,26 @@

Source code for mici.solvers

     max_iters: int = 100,
     norm: ScalarFunction = maximum_norm,
 ) -> ArrayLike:
-    """Solve fixed point equation `func(x) = x` using direct iteration.
+    """Solve fixed point equation :code:`func(x) = x` using direct iteration.
 
     Args:
         func: Function to find fixed point of.
         x0: Initial state (function argument).
         convergence_tol: Convergence tolerance - solver successfully terminates when
-            `norm(func(x) - x) < convergence_tol`.
+            :code:`norm(func(x) - x) < convergence_tol`.
         divergence_tol: Divergence tolerance - solver aborts if
-            `norm(func(x) - x) > divergence_tol` on any iteration.
+            :code:`norm(func(x) - x) > divergence_tol` on any iteration.
         max_iters: Maximum number of iterations before raising exception.
         norm: Norm to use to assess convergence.
 
     Returns:
-        Solution to fixed point equation with `norm(func(x) - x) < convergence_tol`.
+        Solution to fixed point equation with
+        :code:`norm(func(x) - x) < convergence_tol`.
 
     Raises:
-        mici.errors.ConvergenceError: If solver does not converge within `max_iters`
-            iterations, diverges or encounters a `ValueError` during the iteration.
+        mici.errors.ConvergenceError: If solver does not converge within
+            :code:`max_iters` iterations, diverges or encounters a :py:exc:`ValueError`
+            during the iteration.
     """
     for i in range(max_iters):
         try:
@@ -166,30 +171,30 @@ 

Source code for mici.solvers

     max_iters: int = 100,
     norm: ScalarFunction = maximum_norm,
 ) -> ArrayLike:
-    """Solve fixed point equation `func(x) = x` using Steffensen's method.
-
-    Steffennsen's method [1] achieves quadratic convergence but at the cost of two
-    function evaluations per iteration so for functions where convergence is achieved in
-    a small number of iterations, direct iteration may be cheaper.
+    """Solve fixed point equation :code:`func(x) = x` using Steffensen's method.
 
-    [1] : https://en.wikipedia.org/wiki/Steffensen%27s_method
+    Steffennsen's method achieves quadratic convergence but at the cost of two function
+    evaluations per iteration so for functions where convergence is achieved in a small
+    number of iterations, direct iteration may be cheaper.
 
     Args:
         func: Function to find fixed point of.
         x0: Initial state (function argument).
         convergence_tol: Convergence tolerance - solver successfully terminates
-            when `norm(func(x) - x) < convergence_tol`.
+            when :code:`norm(func(x) - x) < convergence_tol`.
         divergence_tol: Divergence tolerance - solver aborts if
-            `norm(func(x) - x) > divergence_tol` on any iteration.
+            :code:`norm(func(x) - x) > divergence_tol` on any iteration.
         max_iters: Maximum number of iterations before raising exception.
         norm: Norm to use to assess convergence.
 
     Returns:
-        Solution to fixed point equation with `norm(func(x) - x) < convergence_tol`.
+        Solution to fixed point equation with
+        :code:`norm(func(x) - x) < convergence_tol`.
 
     Raises:
-        mici.errors.ConvergenceError: If solver does not converge within `max_iters`
-            iterations, diverges or encounters a `ValueError` during the iteration.
+        mici.errors.ConvergenceError: If solver does not converge within
+            :code:`max_iters` iterations, diverges or encounters a :py:exc:`ValueError`
+            during the iteration.
     """
     for i in range(max_iters):
         try:
@@ -220,18 +225,19 @@ 

Source code for mici.solvers

 
 
 
[docs]class ProjectionSolver(Protocol): - """Solver for projection on to manifold step in constrained integrator. + r"""Solver for projection on to manifold step in constrained integrator. Solves an equation of the form - .. code:: + .. math:: - r(λ) = c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) = 0 + r(\lambda) = c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) = 0, - for the vector of Lagrange multipliers `λ` to project a point on to the manifold - defined by the zero level set of a constraint function `c` (`system.constr`), with - `Φ₂,₁` the position component of a flow map for the `h₂` Hamiltonian component for - the system (i.e. `system.h2_flow`). + for the vector of Lagrange multipliers :math:`\lambda` to project a point on to the + manifold defined by the zero level set of a constraint function :math:`c`, with + :math:`\Phi_{2,1}` the flow map for the :math:`h_2` Hamiltonian component for the + system restricted to the position component output. The map :math:`\Phi_{2,1}` is + assumed to be linear in its second (momentum) argument. """
[docs] def __call__( @@ -239,7 +245,7 @@

Source code for mici.solvers

         state: ChainState,
         state_prev: ChainState,
         time_step: float,
-        system: System,
+        system: ConstrainedTractableFlowSystem,
         **kwargs,
     ) -> ChainState:
         """Solve for projection on to manifold step.
@@ -248,7 +254,7 @@ 

Source code for mici.solvers

             state: Current chain state after unconstrained step.
             state_prev: Previous chain state on manifold.
             time_step: Integrator time step for unconstrained step.
-            system: Hamiltonian system dynamics are being simulated for.
+            system: Hamiltonian system constrained dynamics are being simulated for.
 
         Returns:
             Chain state after projection on to manifold.
@@ -260,93 +266,120 @@ 

Source code for mici.solvers

     state: ChainState,
     state_prev: ChainState,
     time_step: float,
-    system: System,
+    system: ConstrainedEuclideanMetricSystem,
     constraint_tol: float = 1e-9,
     position_tol: float = 1e-8,
     divergence_tol: float = 1e10,
     max_iters: int = 50,
     norm: ScalarFunction = maximum_norm,
 ) -> ChainState:
-    """Solve constraint equation using symmetric quasi-Newton method.
+    r"""Solve constraint equation using symmetric quasi-Newton method.
 
-    Only requires re-evaluating the constraint function `system.constr` within the
+    Only requires re-evaluating the constraint function :code:`system.constr` within the
     solver loop and no recomputation of matrix decompositions on each iteration.
 
     Solves an equation of the form
 
-    .. code::
+    .. math::
+
+        r(\lambda) = c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) = 0,
 
-        r(λ) = c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) = 0
+    for the vector of Lagrange multipliers :math:`\lambda` to project a point on to the
+    manifold defined by the zero level set of a constraint function :math:`c`, with
+    :math:`\Phi_{2,1}` the flow map for the :math:`h_2` Hamiltonian component for the
+    system restricted to the position component output.
 
-    for the vector of Lagrange multipliers `λ` to project a point on to the manifold
-    defined by the zero level set of a constraint function `c` (`system.constr`), with
-    `Φ₂,₁` the position component of a flow map for the `h₂` Hamiltonian component for
-    the system (i.e. `system.h2_flow`).
+    The Jacobian of the residual function :math:`r` is
 
-    The Jacobian of the residual function `r` is
+    .. math::
 
-    .. code::
+        \partial r(\lambda) =
+        \partial c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda))
+        \partial_2 (\Phi_{2,1}(t))(q, p + \partial c(q)^T \lambda)
+        \partial c(q)^T
 
-        ∂r(λ) = ∂c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) ∂₂Φ₂,₁ ∂c(q)ᵀ
+    where :math:`\partial_2 (\Phi_{2,1}(t))` is the Jacobian of the (position
+    restricted) flow-map :math:`\Phi_{2,1}` with respect to its second (momentum)
+    argument. We assume here that :math:`\Phi_{2,1}(t)` is linear in its second
+    (momentum) argument, such that :math:`\partial_2 (\Phi_{2,1}(t))(q, p + \partial
+    c(q)^T \lambda)` is constant with respect to :math:`\lambda`, and henceforth use the
+    shorthand :math:`\partial_2 (\Phi_{2,1}(t))` to refer to this matrix.
 
-    where `∂₂Φ₂,₁` is the Jacobian of the (linear) flow-map `Φ₂,₁` with respect to the
-    second (momentum argument), such that the full Newton update is
+    The full Newton update is
 
-    .. code::
+    .. math::
 
-        λ_(α) = λ - ∂r(λ)⁻¹ r(λ)
+        \lambda' = \lambda - \partial r(\lambda)^{-1} r(\lambda)
 
-    which requires evaluating `∂c` (`system.jacob_constr`) on each iteration and solving
-    a linear system in the residual Jacobian `∂r(λ)`.
+    which requires evaluating :math:`\partial c` on each iteration and solving a linear
+    system in the residual Jacobian :math:`\partial r(\lambda)`.
 
     The symmetric quasi-Newton iteration instead uses the approximation
 
-    .. code::
+    .. math::
 
-        ∂c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) ∂₂Φ₂,₁ ∂c(q)ᵀ ≈ ∂c(q) ∂₂Φ₂,₁ ∂c(q)ᵀ
+        \partial c(\Phi_{2,1}(t)(q, p + \partial c(q)^T\lambda))
+        \partial_2 (\Phi_{2,1}(t))
+        \partial c(q)^T
+        \approx
+        \partial c(q)
+        \partial_2 (\Phi_{2,1}(t))
+        \partial c(q)^T
 
     with the corresponding update
 
-    .. code::
+    .. math::
 
-        λ = λ - (∂c(q) ∂₂Φ₂,₁ ∂c(q)ᵀ)⁻¹ r(λ)
+        \lambda' =
+        \lambda
+        - (\partial c(q) \partial_2 (\Phi_{2,1}(t)) \partial c(q)^T)^{-1} r(\lambda)
 
-    allowing a previously computed decomposition of the matrix `∂c(q) ∂₂Φ₂,₁ ∂c(q)ᵀ` to
-    be used to solve the linear system in each iteration with no requirement to evaluate
-    `∂c` (`system.jacob_constr`) on each iteration.
+    allowing a previously computed decomposition of the matrix
+
+    .. math::
+
+        \partial c(q) \partial_2 (\Phi_{2,1}(t)) \partial c(q)^T,
+
+    to be used to solve the linear system in each iteration with no requirement to
+    evaluate :math:`\partial c` (:code:`system.jacob_constr`) on each iteration.
 
     Args:
-        state: Post `h2_flow` update state to project.
-        state_prev: Previous state in co-tangent bundle before `h2_flow` update which
-            defines the co-tangent space to perform  projection in.
-        time_step: Integrator time step used in `h2_flow` update.
-        system: Hamiltonian system defining `h2_flow` and `constr` functions used to
-            define constraint equation to solve.
+        state: Post :code:`h2_flow` update state to project.
+        state_prev: Previous state in co-tangent bundle before :code:`h2_flow` update
+            which defines the co-tangent space to perform  projection in.
+        time_step: Integrator time step used in :code:`h2_flow` update.
+        system: Hamiltonian system defining :code:`h2_flow` and :code:`constr` functions
+            used to define constraint equation to solve.
         constraint_tol: Convergence tolerance in constraint space. Iteration will
-            continue until `norm(constr(pos)) < constraint_tol` where `pos` is the
-            position at the current iteration.
+            continue until :code:`norm(constr(pos)) < constraint_tol` where :code:`pos`
+            is the position at the current iteration.
         position_tol: Convergence tolerance in position space. Iteration will continue
-            until `norm(delt_pos) < position_tol` where `delta_pos` is the change in the
-            position in the current iteration.
+            until :code:`norm(delta_pos) < position_tol` where :code:`delta_pos` is the
+            change in the position in the current iteration.
         divergence_tol: Divergence tolerance - solver aborts if
-            `norm(constr(pos)) > divergence_tol` on any iteration where `pos` is the
-            position at the current iteration and raises `mici.errors.ConvergenceError`.
+            :code:`norm(constr(pos)) > divergence_tol` on any iteration where
+            :code:`pos` is the position at the current iteration and raises
+            :py:exc:`mici.errors.ConvergenceError`.
         max_iters: Maximum number of iterations to perform before aborting and raising
-            `mici.errors.ConvergenceError`.
+            :py:exc:`mici.errors.ConvergenceError`.
         norm: Norm to use to test for convergence.
 
     Returns:
         Updated state object with position component satisfying constraint equation to
-        within `constraint_tol`, i.e. `norm(system.constr(state.pos)) < constraint_tol`.
+        within :code:`constraint_tol`, i.e.
+        :code:`norm(system.constr(state.pos)) < constraint_tol`.
 
     Raises:
-        mici.errors.ConvergenceError: If solver does not converge within `max_iters`
-            iterations, diverges or encounters a `ValueError` during the iteration.
+        mici.errors.ConvergenceError: If solver does not converge within
+            :code:`max_iters` iterations, diverges or encounters a :py:exc:`ValueError`
+            during the iteration.
     """
     mu = np.zeros_like(state.pos)
     jacob_constr_prev = system.jacob_constr(state_prev)
     # Use absolute value of dt and adjust for sign of dt in mom update below
-    dh2_flow_pos_dmom, dh2_flow_mom_dmom = system.dh2_flow_dmom(abs(time_step))
+    dh2_flow_pos_dmom, dh2_flow_mom_dmom = system.dh2_flow_dmom(
+        state_prev, abs(time_step)
+    )
     inv_jacob_constr_inner_product = system.jacob_constr_inner_product(
         jacob_constr_prev, dh2_flow_pos_dmom
     ).inv
@@ -382,78 +415,91 @@ 

Source code for mici.solvers

     state: ChainState,
     state_prev: ChainState,
     time_step: float,
-    system: System,
+    system: ConstrainedEuclideanMetricSystem,
     constraint_tol: float = 1e-9,
     position_tol: float = 1e-8,
     divergence_tol: float = 1e10,
     max_iters: int = 50,
     norm: ScalarFunction = maximum_norm,
 ) -> ChainState:
-    """Solve constraint equation using Newton's method.
+    r"""Solve constraint equation using Newton's method.
 
-    Requires re-evaluating both the constraint function `system.constr` and constraint
-    Jacobian `system.jacob_constr` within the solver loop and computation of matrix
-    decompositions on each iteration.
+    Requires re-evaluating both the constraint function :code:`system.constr` and
+    constraint Jacobian :code:`system.jacob_constr` within the solver loop and
+    computation of matrix decompositions on each iteration.
 
     Solves an equation of the form
 
-    .. code::
+    .. math::
 
-        r(λ) = c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) = 0
+        r(\lambda) = c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) = 0,
 
-    for the vector of Lagrange multipliers `λ` to project a point on to the manifold
-    defined by the zero level set of a constraint function `c` (`system.constr`), with
-    `Φ₂,₁` the position component of a flow map for the `h₂` Hamiltonian component for
-    the system (i.e. `system.h2_flow`).
+    for the vector of Lagrange multipliers :math:`\lambda` to project a point on to the
+    manifold defined by the zero level set of a constraint function :math:`c`, with
+    :math:`\Phi_{2,1}` the flow map for the :math:`h_2` Hamiltonian component for the
+    system restricted to the position component output.
 
-    The Jacobian of the residual function `r` is
+    The Jacobian of the residual function :math:`r` is
 
-    .. code::
+    .. math::
 
-        ∂r(λ) = ∂c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) ∂₂Φ₂,₁ ∂c(q)ᵀ
+        \partial r(\lambda) =
+        \partial c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda))
+        \partial_2 (\Phi_{2,1}(t))(q, p + \partial c(q)^T \lambda)
+        \partial c(q)^T
 
-    where `∂₂Φ₂,₁` is the Jacobian of the (linear) flow-map `Φ₂,₁` with respect to the
-    second (momentum argument), such that the Newton update is
+    where :math:`\partial_2 (\Phi_{2,1}(t))` is the Jacobian of the (position
+    restricted) flow-map :math:`\Phi_{2,1}` with respect to its second (momentum)
+    argument. We assume here that :math:`\Phi_{2,1}(t)` is linear in its second
+    (momentum) argument, such that :math:`\partial_2 (\Phi_{2,1}(t))(q, p + \partial
+    c(q)^T \lambda)` is constant with respect to :math:`\lambda`.
 
-    .. code::
+    The full Newton update is
 
-        λ = λ - ∂r(λ)⁻¹ r(λ)
+    .. math::
 
-    which requires evaluating `∂c` (`system.jacob_constr`) on each iteration and solving
-    a linear system in the residual Jacobian `∂r(λ)`.
+        \lambda' = \lambda - \partial r(\lambda)^{-1} r(\lambda)
+
+    which requires evaluating :math:`\partial c` on each iteration and solving a linear
+    system in the residual Jacobian :math:`\partial r(\lambda)`.
 
     Args:
-        state: Post `h2_flow` update state to project.
-        state_prev: Previous state in co-tangent bundle before `h2_flow` update which
-            defines the co-tangent space to perform projection in.
-        time_step: Integrator time step used in `h2_flow` update.
-        system: Hamiltonian system defining `h2_flow` and `constr` functions used to
-            define constraint equation to solve.
+        state: Post :code:`h2_flow` update state to project.
+        state_prev: Previous state in co-tangent bundle before :code:`h2_flow` update
+            which defines the co-tangent space to perform  projection in.
+        time_step: Integrator time step used in :code:`h2_flow` update.
+        system: Hamiltonian system defining :code:`h2_flow` and :code:`constr` functions
+            used to define constraint equation to solve.
         constraint_tol: Convergence tolerance in constraint space. Iteration will
-            continue until `norm(constr(pos)) < constraint_tol` where `pos` is the
-            position at the current iteration.
+            continue until :code:`norm(constr(pos)) < constraint_tol` where :code:`pos`
+            is the position at the current iteration.
         position_tol: Convergence tolerance in position space. Iteration will continue
-            until `norm(delt_pos) < position_tol` where `delta_pos` is the change in the
-            position in the current iteration.
+            until :code:`norm(delta_pos) < position_tol` where :code:`delta_pos` is the
+            change in the position in the current iteration.
         divergence_tol: Divergence tolerance - solver aborts if
-            `norm(constr(pos)) > divergence_tol` on any iteration where `pos` is the
-            position at the current iteration and raises `mici.errors.ConvergenceError`.
+            :code:`norm(constr(pos)) > divergence_tol` on any iteration where
+            :code:`pos` is the position at the current iteration and raises
+            :py:exc:`mici.errors.ConvergenceError`.
         max_iters: Maximum number of iterations to perform before aborting and raising
-            `mici.errors.ConvergenceError`.
+            :py:exc:`mici.errors.ConvergenceError`.
         norm: Norm to use to test for convergence.
 
     Returns:
-        Updated `state` object with position component satisfying constraint equation to
-        within `constraint_tol`, i.e. `norm(system.constr(state.pos)) < constraint_tol`.
+        Updated state object with position component satisfying constraint equation to
+        within :code:`constraint_tol`, i.e.
+        :code:`norm(system.constr(state.pos)) < constraint_tol`.
 
     Raises:
-        mici.errors.ConvergenceError: If solver does not converge within `max_iters`
-            iterations, diverges or encounters a `ValueError` during the iteration.
+        mici.errors.ConvergenceError: If solver does not converge within
+            :code:`max_iters` iterations, diverges or encounters a :py:exc:`ValueError`
+            during the iteration.
     """
     mu = np.zeros_like(state.pos)
     jacob_constr_prev = system.jacob_constr(state_prev)
     # Use absolute value of dt and adjust for sign of dt in mom update below
-    dh2_flow_pos_dmom, dh2_flow_mom_dmom = system.dh2_flow_dmom(abs(time_step))
+    dh2_flow_pos_dmom, dh2_flow_mom_dmom = system.dh2_flow_dmom(
+        state_prev, abs(time_step)
+    )
     for i in range(max_iters):
         try:
             jacob_constr = system.jacob_constr(state)
@@ -492,7 +538,7 @@ 

Source code for mici.solvers

     state: ChainState,
     state_prev: ChainState,
     time_step: float,
-    system: System,
+    system: ConstrainedEuclideanMetricSystem,
     constraint_tol: float = 1e-9,
     position_tol: float = 1e-8,
     divergence_tol: float = 1e10,
@@ -500,60 +546,70 @@ 

Source code for mici.solvers

     max_line_search_iters: int = 10,
     norm: ScalarFunction = maximum_norm,
 ) -> ChainState:
-    """Solve constraint equation using Newton's method with backtracking line-search.
+    r"""Solve constraint equation using Newton's method with backtracking line-search.
 
-    Requires re-evaluating both the constraint function `system.constr` and constraint
-    Jacobian `system.jacob_constr` within the solver loop and computation of matrix
-    decompositions on each iteration.
+    Requires re-evaluating both the constraint function :code:`system.constr` and
+    constraint Jacobian :code:`system.jacob_constr` within the solver loop and
+    computation of matrix decompositions on each iteration.
 
     Solves an equation of the form
 
-    .. code::
+    .. math::
+
+        r(\lambda) = c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) = 0,
 
-        r(λ) = c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) = 0
+    for the vector of Lagrange multipliers :math:`\lambda` to project a point on to the
+    manifold defined by the zero level set of a constraint function :math:`c`, with
+    :math:`\Phi_{2,1}` the flow map for the :math:`h_2` Hamiltonian component for the
+    system restricted to the position component output.
 
-    for the vector of Lagrange multipliers `λ` to project a point on to the manifold
-    defined by the zero level set of a constraint function `c` (`system.constr`), with
-    `Φ₂,₁` the position component of a flow map for the `h₂` Hamiltonian component for
-    the system (i.e. `system.h2_flow`).
+    The Jacobian of the residual function :math:`r` is
 
-    The Jacobian of the residual function `r` is
+    .. math::
 
-    .. code::
+        \partial r(\lambda) =
+        \partial c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda))
+        \partial_2 (\Phi_{2,1}(t))(q, p + \partial c(q)^T \lambda)
+        \partial c(q)^T
 
-        ∂r(λ) = ∂c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) ∂₂Φ₂,₁ ∂c(q)ᵀ
+    where :math:`\partial_2 (\Phi_{2,1}(t))` is the Jacobian of the (position
+    restricted) flow-map :math:`\Phi_{2,1}` with respect to its second (momentum)
+    argument. We assume here that :math:`\Phi_{2,1}(t)` is linear in its second
+    (momentum) argument, such that :math:`\partial_2 (\Phi_{2,1}(t))(q, p + \partial
+    c(q)^T \lambda)` is constant with respect to :math:`\lambda`.
 
-    where `∂₂Φ₂,₁` is the Jacobian of the (linear) flow-map `Φ₂,₁` with respect to the
-    second (momentum argument), such that the scaled Newton update is
+    The scaled Newton update is
 
-    .. code::
+    .. math::
 
-        λ_(α) = λ - α * ∂r(λ)⁻¹ r(λ)
+        \lambda'(\alpha) = \lambda - \alpha \partial r(\lambda)^{-1} r(\lambda)
 
-    which requires evaluating `∂c` (`system.jacob_constr`) on each iteration and solving
-    a linear system in the residual Jacobian `∂r(λ)`.
+    which requires evaluating :math:`\partial c` on each iteration and solving a linear
+    system in the residual Jacobian :math:`\partial r(\lambda)`.
 
-    The step size `α ∈ [0, 1]` is initialised at `α = 1` with a backtracking line search
-    performed by multiplying `α` by 0.5 until `|r(λ_(α))| < |r(λ)`.
+    The step size :math:`\alpha \in [0, 1]` is initialised at :math:`\alpha = 1` with a
+    backtracking line search performed by multiplying :math:`\alpha` by 0.5 until
+    :math:`|r(\lambda'(\alpha))| < |r(\lambda)`.
 
     Args:
-        state: Post `h2_flow` update state to project.
-        state_prev: Previous state in co-tangent bundle before `h2_flow` update which
-            defines the co-tangent space to perform projection in.
-        time_step: Integrator time step used in `h2_flow` update.
-        system: Hamiltonian system defining `h2_flow` and `constr` functions used to
-            define constraint equation to solve.
+        state: Post :code:`h2_flow` update state to project.
+        state_prev: Previous state in co-tangent bundle before :code:`h2_flow` update
+            which defines the co-tangent space to perform  projection in.
+        time_step: Integrator time step used in :code:`h2_flow` update.
+        system: Hamiltonian system defining :code:`h2_flow` and :code:`constr` functions
+            used to define constraint equation to solve.
         constraint_tol: Convergence tolerance in constraint space. Iteration will
-            continue until `norm(constr(pos)) < constraint_tol` where `pos` is the
-            position at the current iteration.
+            continue until :code:`norm(constr(pos)) < constraint_tol` where :code:`pos`
+            is the position at the current iteration.
         position_tol: Convergence tolerance in position space. Iteration will continue
-           until `norm(delt_pos) < position_tol` where `delta_pos` is the change in the
-           position in the current iteration.
+            until :code:`norm(delta_pos) < position_tol` where :code:`delta_pos` is the
+            change in the position in the current iteration.
         divergence_tol: Divergence tolerance - solver aborts if
-            `norm(constr(pos)) > divergence_tol` on any iteration where `pos` is the
-            position at the current iteration and raises `mici.errors.ConvergenceError`.
+            :code:`norm(constr(pos)) > divergence_tol` on any iteration where
+            :code:`pos` is the position at the current iteration and raises
+            :py:exc:`mici.errors.ConvergenceError`.
         max_iters: Maximum number of iterations to perform before aborting and raising
-            `mici.errors.ConvergenceError`.
+            :py:exc:`mici.errors.ConvergenceError`.
         max_line_search_iters: Maximum number of 'inner' line search iterations to
             perform to try to find step size along search direction which decreases
             residual norm.
@@ -561,16 +617,22 @@ 

Source code for mici.solvers

 
     Returns:
         Updated state object with position component satisfying constraint equation to
-        within `constraint_tol`, i.e. `norm(system.constr(state.pos)) < constraint_tol`.
+        within :code:`constraint_tol`, i.e.
+        :code:`norm(system.constr(state.pos)) < constraint_tol`.
 
     Raises:
-        mici.errors.ConvergenceError: If solver does not converge within `max_iters`
-            iterations, diverges or encounters a `ValueError` during the iteration.
+        mici.errors.ConvergenceError: If solver does not converge within
+            :code:`max_iters` iterations, diverges or encounters a :py:exc:`ValueError`
+            during the iteration.
     """
     mu = np.zeros_like(state.pos)
     jacob_constr_prev = system.jacob_constr(state_prev)
     # Use absolute value of dt and adjust for sign of dt in mom update below
-    dh2_flow_pos_dmom, dh2_flow_mom_dmom = system.dh2_flow_dmom(abs(time_step))
+    dh2_flow_pos_dmom, dh2_flow_mom_dmom = system.dh2_flow_dmom(
+        state_prev, abs(time_step)
+    )
+    # Initialize with dummy values to avoid undefined name linter errors
+    delta_pos, step_size = None, None
     for i in range(max_iters):
         try:
             jacob_constr = system.jacob_constr(state)
diff --git a/_modules/mici/stagers.html b/_modules/mici/stagers.html
index 00b4df8..9bebbbd 100644
--- a/_modules/mici/stagers.html
+++ b/_modules/mici/stagers.html
@@ -75,10 +75,11 @@ 

Source code for mici.stagers

 from __future__ import annotations
 
 import abc
-from typing import NamedTuple, TYPE_CHECKING
+from typing import TYPE_CHECKING, NamedTuple
 
 if TYPE_CHECKING:
     from typing import Iterable, Optional
+
     from mici.adapters import Adapter
     from mici.types import TraceFunction
 
diff --git a/_modules/mici/states.html b/_modules/mici/states.html
index b1eccc2..ca381f1 100644
--- a/_modules/mici/states.html
+++ b/_modules/mici/states.html
@@ -75,14 +75,17 @@ 

Source code for mici.states

 from __future__ import annotations
 
 import copy
-from functools import wraps
 from collections import Counter
+from functools import wraps
 from typing import TYPE_CHECKING
+
 from mici.errors import ReadOnlyStateError
 
 if TYPE_CHECKING:
     from typing import Any, Callable, Iterable, Optional
+
     from numpy.typing import ArrayLike
+
     from mici.systems import System
 
 
diff --git a/_modules/mici/systems.html b/_modules/mici/systems.html
index b6a3bc7..78ca24d 100644
--- a/_modules/mici/systems.html
+++ b/_modules/mici/systems.html
@@ -76,32 +76,26 @@ 

Source code for mici.systems

 
 from abc import ABC, abstractmethod
 from typing import TYPE_CHECKING
+
 import numpy as np
-from mici.states import cache_in_state, cache_in_state_with_aux
+
 import mici.matrices as matrices
 from mici.autodiff import autodiff_fallback
+from mici.states import cache_in_state, cache_in_state_with_aux
 
 if TYPE_CHECKING:
     from typing import Any, Optional, Type
+
     from numpy.random import Generator
+
     from mici.states import ChainState
-    from mici.types import (
-        ScalarLike,
-        ArrayLike,
-        MatrixLike,
-        MetricLike,
-        ArrayFunction,
-        ScalarFunction,
-        GradientFunction,
-        HessianFunction,
-        MatrixTressianProduct,
-        MatrixTressianProductFunction,
-        JacobianFunction,
-        MatrixHessianProduct,
-        MatrixHessianProductFunction,
-        VectorJacobianProduct,
-        VectorJacobianProductFunction,
-    )
+    from mici.types import (ArrayFunction, ArrayLike, GradientFunction,
+                            HessianFunction, JacobianFunction,
+                            MatrixHessianProduct, MatrixHessianProductFunction,
+                            MatrixLike, MatrixTressianProduct,
+                            MatrixTressianProductFunction, MetricLike,
+                            ScalarFunction, ScalarLike, VectorJacobianProduct,
+                            VectorJacobianProductFunction)
 
 
 
[docs]class System(ABC): @@ -301,7 +295,7 @@

Source code for mici.systems

     and :math:`h_1` and :math:`h_2` Hamiltonian component functions. The exact
     Hamiltonian flows for both the :math:`h_1` and :math:`h_2` components are assumed to
     be tractable for subclasses of this class.
-    
+
     By default :math:`h_1` is assumed to correspond to the negative logarithm of an
     unnormalized density on the position variables with respect to a reference measure,
     with the corresponding distribution on the position space being the target
@@ -317,22 +311,6 @@ 

Source code for mici.systems

         Args:
             state: State to start flow at.
             dt: Time interval to simulate flow for.
-        """
- -
[docs] @abstractmethod - def dh2_flow_dmom(self, dt: ScalarLike) -> tuple[matrices.Matrix, matrices.Matrix]: - """Derivatives of `h2_flow` flow map with respect to momentum argument. - - Args: - dt: Time interval flow simulated for. - - Returns: - Tuple `(dpos_dmom, dmom_dmom)` with :code:`dpos_dmom` a matrix representing - derivative (Jacobian) of position output of :py:meth:`h2_flow` with respect - to the value of the momentum component of the initial input state and - :code:`dmom_dmom` a matrix representing derivative (Jacobian) of momentum - output of :py:meth:`h2_flow` with respect to the value of the momentum - component of the initial input state. """
@@ -425,9 +403,6 @@

Source code for mici.systems

 
[docs] def h2_flow(self, state: ChainState, dt: ScalarLike): state.pos += dt * self.dh2_dmom(state)
-
[docs] def dh2_flow_dmom(self, dt: ScalarLike) -> tuple[matrices.Matrix, matrices.Matrix]: - return (dt * self.metric.inv, matrices.IdentityMatrix(self.metric.shape[0]))
-
[docs] def sample_momentum(self, state: ChainState, rng: Generator) -> ArrayLike: return self.metric.sqrt @ rng.standard_normal(state.pos.shape)
@@ -517,7 +492,7 @@

Source code for mici.systems

         return state.pos
[docs] def h2_flow(self, state: ChainState, dt: ScalarLike): - omega = 1.0 / self.metric.eigval ** 0.5 + omega = 1.0 / self.metric.eigval**0.5 sin_omega_dt, cos_omega_dt = np.sin(omega * dt), np.cos(omega * dt) eigvec_T_pos = self.metric.eigvec.T @ state.pos eigvec_T_mom = self.metric.eigvec.T @ state.mom @@ -526,20 +501,151 @@

Source code for mici.systems

         )
         state.mom = self.metric.eigvec @ (
             cos_omega_dt * eigvec_T_mom - (sin_omega_dt / omega) * eigvec_T_pos
-        )
- -
[docs] def dh2_flow_dmom(self, dt: ScalarLike) -> tuple[matrices.Matrix, matrices.Matrix]: - omega = 1.0 / self.metric.eigval ** 0.5 - sin_omega_dt, cos_omega_dt = np.sin(omega * dt), np.cos(omega * dt) - return ( - matrices.EigendecomposedSymmetricMatrix( - self.metric.eigvec, sin_omega_dt * omega - ), - matrices.EigendecomposedSymmetricMatrix(self.metric.eigvec, cos_omega_dt), )
-
[docs]class ConstrainedEuclideanMetricSystem(EuclideanMetricSystem): +
[docs]class ConstrainedTractableFlowSystem(TractableFlowSystem): + r"""Base class for Hamiltonian systems subject to constraints with tractable flows. + + The (constrained) position space is assumed to be a differentiable manifold embedded + with a :math:`Q`-dimensional ambient Euclidean space. The :math:`Q-C` dimensional + manifold :math:`\mathcal{M}` is implicitly defined by an equation + + .. math:: + + \mathcal{M} = \lbrace q \in \mathbb{R}^Q : c(q) = 0 \rbrace` + + with :math:`c: \mathbb{R}^Q \to \mathbb{R}^C` the differentiable and surjective + vector-valued *constraint function*. + + The Hamiltonian function :math:`h` is assumed to have the general form + + .. math:: + + h(q, p) = h_1(q) + h_2(q, p) + + where :math:`q` and :math:`p` are the position and momentum variables respectively, + and :math:`h_1` and :math:`h_2` Hamiltonian component functions. The exact + *unconstrained* Hamiltonian flows for both the :math:`h_1` and :math:`h_2` + components, respectively :math:`\Phi_1` and :math:`\Phi_2` are assumed to be + tractable for subclasses of this class. + + The *constrained* Hamiltonian dynamics are described by the system of differential + algebraic equations + + .. math:: + + \dot{q} = \nabla_2 h(q, p), \quad + \dot{p} = -\nabla_1 h(q, p) - \partial c(q)^T\lambda, \quad + c(q) = 0. + + where math:`\lambda` is a set of Lagrange multipliers of dimension equal to number + of constraints, :math:`C`, and which are implicitly defined by the condition that + the constraint equation :math:`c(q) = 0` applies at all times. + + The dynamics implicitly define a set of constraints on the momentum variables, + differentiating the constraint equation with respect to time giving that + + .. math:: + + \partial c(q) \nabla_2 h(q, p) = \partial c(q) \nabla_2 h_2(q, p) = 0. + + The set of momentum variables satisfying the above for given position variables is + termed the cotangent space of the manifold (at a position). Here we assume that the + operation of projecting a momentum vector onto the cotangent space at a given + position is tractable to compute. + """ + +
[docs] @abstractmethod + def constr(self, state: ChainState) -> ArrayLike: + """Constraint function at the current position. + + Args: + state: State to compute value at. + + Returns: + Value of :code:`constr(state.pos)` as 1D array. + """
+ +
[docs] @abstractmethod + def jacob_constr(self, state: ChainState) -> ArrayLike: + """Jacobian of constraint function at the current position. + + Args: + state: State to compute value at. + + Returns: + Value of Jacobian of :code:`constr(state.pos)` as 2D array. + """
+ +
[docs] @abstractmethod + def jacob_constr_inner_product( + self, + jacob_constr_1: MatrixLike, + inner_product_matrix: matrices.PositiveDefiniteMatrix, + jacob_constr_2: Optional[MatrixLike] = None, + ) -> MatrixLike: + """Compute inner product of rows of constraint Jacobian matrices. + + Computes :code:`jacob_constr_1 @ inner_product_matrix @ jacob_constr_2.T` + potentially exploiting any structure / sparsity in :code:`jacob_constr_1`, + :code:`jacob_constr_2` and :code:`inner_product_matrix`. + + Args: + jacob_constr_1: First constraint Jacobian in product. + inner_product_matrix: Positive-definite matrix defining inner-product + between rows of two constraint Jacobians. + jacob_constr_2: Second constraint Jacobian in product. Defaults to + :code:`jacob_constr_1` if set to :code:`None`. + + Returns + Object corresponding to computed inner products of the constraint Jacobian + rows. + """
+ +
[docs] @abstractmethod + def dh2_flow_dmom( + self, state: ChainState, dt: ScalarLike + ) -> tuple[matrices.Matrix, matrices.Matrix]: + """Derivatives of :py:meth:`h2_flow` flow map with respect to momentum argument. + + Args: + state: State to evaluate derivatives of flow map at. + dt: Time interval flow simulated for. + + Returns: + Tuple :code:`(dpos_dmom, dmom_dmom)` with :code:`dpos_dmom` a matrix + representing derivative (Jacobian) of position output of :py:meth:`h2_flow` + with respect to the value of the momentum component of the initial input + state and :code:`dmom_dmom` a matrix representing derivative (Jacobian) of + momentum output of :py:meth:`h2_flow` with respect to the value of the + momentum component of the initial input state. + """
+ +
[docs] @abstractmethod + def project_onto_cotangent_space( + self, mom: ArrayLike, state: ChainState + ) -> ArrayLike: + """Project a momentum on to the co-tangent space at a position. + + Args: + mom: Momentum (co-)vector as 1D array to project on to co-tangent space. + state: State definining position on the manifold to project in to the + co-tangent space of. + + Returns: + Projected momentum in the co-tangent space at :code:`state.pos`. + """
+ +
[docs] def sample_momentum(self, state: ChainState, rng: Generator) -> ArrayLike: + mom = super().sample_momentum(state, rng) + mom = self.project_onto_cotangent_space(mom, state) + return mom
+ + +
[docs]class ConstrainedEuclideanMetricSystem( + ConstrainedTractableFlowSystem, EuclideanMetricSystem +): r"""Base class for Euclidean Hamiltonian systems subject to constraints. The (constrained) position space is assumed to be a differentiable manifold embedded @@ -559,7 +665,7 @@

Source code for mici.systems

         h_2(q, p) = \frac{1}{2} p^T M^{-1} p.
 
     The time-derivative of the constraint equation implies a further set of constraints
-    on the momentum :math:`q` with :math:`\partial c(q) M^{-1} p = 0` at all time
+    on the momentum :math:`p` with :math:`\partial c(q) M^{-1} p = 0` at all time
     points, corresponding to the momentum (velocity) being in the co-tangent space
     (tangent space) to the manifold.
 
@@ -694,52 +800,16 @@ 

Source code for mici.systems

 
 
[docs] @cache_in_state("pos") def constr(self, state: ChainState) -> ArrayLike: - """Constraint function at the current position. - - Args: - state: State to compute value at. - - Returns: - Value of :code:`constr(state.pos)` as 1D array. - """ return self._constr(state.pos)
[docs] @cache_in_state_with_aux("pos", "constr") def jacob_constr(self, state: ChainState) -> ArrayLike: - """Jacobian of constraint function at the current position. - - Args: - state: State to compute value at. - - Returns: - Value of Jacobian of :code:`constr(state.pos)` as 2D array. - """ return self._jacob_constr(state.pos)
-
[docs] @abstractmethod - def jacob_constr_inner_product( - self, - jacob_constr_1: MatrixLike, - inner_product_matrix: matrices.PositiveDefiniteMatrix, - jacob_constr_2: Optional[MatrixLike] = None, - ) -> MatrixLike: - """Compute inner product of rows of constraint Jacobian matrices. - - Computes :code:`jacob_constr_1 @ inner_product_matrix @ jacob_constr_2.T` - potentially exploiting any structure / sparsity in :code:`jacob_constr_1`, - :code:`jacob_constr_2` and :code:`inner_product_matrix`. - - Args: - jacob_constr_1: First constraint Jacobian in product. - inner_product_matrix: Positive-definite matrix defining inner-product - between rows of two constraint Jacobians. - jacob_constr_2: Second constraint Jacobian in product. Defaults to - :code:`jacob_constr_1` if set to :code:`None`. - - Returns - Object corresponding to computed inner products of the constraint Jacobian - rows. - """
+
[docs] def dh2_flow_dmom( + self, state: ChainState, dt: ScalarLike + ) -> tuple[matrices.Matrix, matrices.Matrix]: + return (dt * self.metric.inv, matrices.IdentityMatrix(self.metric.shape[0]))
[docs] @cache_in_state("pos") def gram(self, state: ChainState) -> matrices.PositiveDefiniteMatrix: @@ -807,26 +877,11 @@

Source code for mici.systems

 
[docs] def project_onto_cotangent_space( self, mom: ArrayLike, state: ChainState ) -> ArrayLike: - """Project a momentum on to the co-tangent space at a position. - - Args: - mom: Momentum (co-)vector as 1D array to project on to co-tangent space. - state: State definining position on the manifold to project in to the - co-tangent space of. - - Returns: - Projected momentum in the co-tangent space at :code:`state.pos`. - """ # Use parenthesis to force right-to-left evaluation to avoid # matrix-matrix products mom -= self.jacob_constr(state).T @ ( self.inv_gram(state) @ (self.jacob_constr(state) @ (self.metric.inv @ mom)) ) - return mom
- -
[docs] def sample_momentum(self, state: ChainState, rng: Generator) -> ArrayLike: - mom = super().sample_momentum(state, rng) - mom = self.project_onto_cotangent_space(mom, state) return mom
@@ -980,10 +1035,10 @@

Source code for mici.systems

 
[docs]class GaussianDenseConstrainedEuclideanMetricSystem( GaussianEuclideanMetricSystem, DenseConstrainedEuclideanMetricSystem ): - r"""Gaussian Euclidean Hamiltonian system st. a dense set of constraints. + """Gaussian Euclidean Hamiltonian system subject to a dense set of constraints. - See `ConstrainedEuclideanMetricSystem` for more details about constrained - systems and `GaussianEuclideanMetricSystem` for Gaussian Euclidean metric + See :py:class:`ConstrainedEuclideanMetricSystem` for more details about constrained + systems and :py:class:`GaussianEuclideanMetricSystem` for Gaussian Euclidean metric systems. """ @@ -1010,7 +1065,7 @@

Source code for mici.systems

                 manifold corresponding to the ratio of the prior density (specified by
                 `neg_log_dens`) and the square-root of the determinant of the Gram
                 matrix defined by
-                
+
                 .. code-block::
 
                     gram(q) = jacob_constr(q) @ inv(metric) @ jacob_constr(q).T
@@ -1059,7 +1114,7 @@ 

Source code for mici.systems

                 *matrix-Hessian-product* (MHP) of the constraint function `constr` with
                 respect to the position array argument. The MHP is here defined as a
                 function of a `(dim_constr, dim_pos)` shaped 2D array `m`
-                
+
                 .. code-block::
 
                     mhp(m) = sum(m[:, :, None] * hess[:, :, :], axis=(0, 1))
@@ -1104,7 +1159,19 @@ 

Source code for mici.systems

         else:
             return matrices.DenseSquareMatrix(
                 jacob_constr_1 @ (inner_product_matrix @ jacob_constr_2.T)
-            )
+ )
+ +
[docs] def dh2_flow_dmom( + self, state: ChainState, dt: ScalarLike + ) -> tuple[matrices.Matrix, matrices.Matrix]: + omega = 1.0 / self.metric.eigval**0.5 + sin_omega_dt, cos_omega_dt = np.sin(omega * dt), np.cos(omega * dt) + return ( + matrices.EigendecomposedSymmetricMatrix( + self.metric.eigvec, sin_omega_dt * omega + ), + matrices.EigendecomposedSymmetricMatrix(self.metric.eigvec, cos_omega_dt), + )
[docs]class RiemannianMetricSystem(System): @@ -1581,7 +1648,7 @@

Source code for mici.systems

                 *vector-Jacobian-product* (VJP) of `metric_func` with respect to the
                 position array argument. The VJP is here defined as a function of a 2D
                 array `v`
-                
+
                 .. code-block::
 
                     vjp(v) = sum(v[:, :, None] * jacob[:, :, :], axis=(0, 1))
@@ -1589,7 +1656,7 @@ 

Source code for mici.systems

                 where `jacob` is the `(dim_pos, dim_pos, dim_pos)` shaped Jacobian of `M
                 = metric_func(q)` with respect to `q` i.e. the array of partial
                 derivatives of the function such that
-                
+
                 .. code-block::
 
                     jacob[i, j, k] = ∂M[i, j] / ∂q[k]
@@ -1636,7 +1703,7 @@ 

Source code for mici.systems

     1D array of real eigenvalues, and `eigvec` the corresponding 2D array (orthogonal
     matrix) with eigenvectors as columns, then the resulting positive-definite metric
     matrix representation `M` is computed as
-    
+
     .. code-block::
 
         M = eigvec @ diag(softabs(eigval, softabs_coeff)) @ eigvec.T
@@ -1695,7 +1762,7 @@ 

Source code for mici.systems

                 *matrix-Tressian-product* (MTP) of `neg_log_dens` with respect to the
                 position array argument. The MTP is here defined as a function of a
                 matrix `m` corresponding to
-                
+
                 .. code-block::
 
                     mtp(m) = sum(m[:, :, None] * tress[:, :, :], axis=(0, 1))
@@ -1703,7 +1770,7 @@ 

Source code for mici.systems

                 where `tress` is the 'Tressian' of `f = neg_log_dens(q)` wrt `q` i.e.
                 the 3D array of third-order partial derivatives of the scalar-valued
                 function such that
-                
+
                 .. code-block::
 
                     tress[i, j, k] = ∂³f / (∂q[i] ∂q[j] ∂q[k])
@@ -1767,7 +1834,7 @@ 

Source code for mici.systems

 
         The matrix-Tressian-product (MTP) is here defined as a function of a matrix `m`
         corresponding to
-        
+
         .. code-block::
 
             mtp(m) = sum(m[:, :, None] * tress[:, :, :], axis=(0, 1))
@@ -1775,7 +1842,7 @@ 

Source code for mici.systems

         where `tress` is the 'Tressian' of `f = neg_log_dens(q)` with respect to `q =
         state.pos` i.e. the 3D array of third-order partial derivatives of the
         scalar-valued function such that
-        
+
         .. code-block::
 
             tress[i, j, k] = ∂³f / (∂q[i] ∂q[j] ∂q[k])
diff --git a/_modules/mici/transitions.html b/_modules/mici/transitions.html
index e0a12dd..7cb8546 100644
--- a/_modules/mici/transitions.html
+++ b/_modules/mici/transitions.html
@@ -74,23 +74,22 @@ 

Source code for mici.transitions

 
 from __future__ import annotations
 
-from abc import ABC, abstractmethod, abstractproperty
 import logging
-from typing import NamedTuple, TYPE_CHECKING
+from abc import ABC, abstractmethod, abstractproperty
+from typing import TYPE_CHECKING, NamedTuple
+
 import numpy as np
+
+from mici.errors import (ConvergenceError, Error, HamiltonianDivergenceError,
+                         IntegratorError, NonReversibleStepError)
 from mici.utils import LogRepFloat
-from mici.errors import (
-    Error,
-    IntegratorError,
-    NonReversibleStepError,
-    ConvergenceError,
-    HamiltonianDivergenceError,
-)
 
 if TYPE_CHECKING:
     from typing import Optional
+
     from numpy.random import Generator
     from numpy.typing import ArrayLike, DTypeLike
+
     from mici.integrators import Integrator
     from mici.states import ChainState
     from mici.systems import System
@@ -256,7 +255,7 @@ 

Source code for mici.transitions

             state.mom = self.system.sample_momentum(state, rng)
         elif self.mom_resample_coeff != 0:
             mom_ind = self.system.sample_momentum(state, rng)
-            state.mom *= (1.0 - self.mom_resample_coeff ** 2) ** 0.5
+            state.mom *= (1.0 - self.mom_resample_coeff**2) ** 0.5
             state.mom += self.mom_resample_coeff * mom_ind
         return state, None
@@ -270,7 +269,7 @@

Source code for mici.transitions

     """
 
     @property
-    def state_variables(self) -> Set[str]:
+    def state_variables(self) -> set[str]:
         return {"pos", "mom", "dir"}
 
     @property
@@ -660,7 +659,9 @@ 

Source code for mici.transitions

 
     @abstractmethod
     def _weight_ratio(
-        self, numerator: ScalarLike, denominator: ScalarLike,
+        self,
+        numerator: ScalarLike,
+        denominator: ScalarLike,
     ) -> ScalarLike:
         pass
 
diff --git a/_modules/mici/utils.html b/_modules/mici/utils.html
index 7bd34e5..c29aaa8 100644
--- a/_modules/mici/utils.html
+++ b/_modules/mici/utils.html
@@ -74,9 +74,10 @@ 

Source code for mici.utils

 
 from __future__ import annotations
 
+from math import exp, expm1, inf, log, log1p, nan
 from typing import TYPE_CHECKING
+
 import numpy as np
-from math import log, exp, log1p, expm1, inf, nan
 
 try:
     import xxhash
@@ -87,6 +88,7 @@ 

Source code for mici.utils

 
 if TYPE_CHECKING:
     from typing import Optional
+
     from mici.types import ScalarLike
 
 
diff --git a/genindex.html b/genindex.html
index 9c5dd33..7a8a3e1 100644
--- a/genindex.html
+++ b/genindex.html
@@ -288,6 +288,8 @@ 

C

  • constr() (mici.systems.ConstrainedEuclideanMetricSystem method)
  • where \(q\) and \(p\) are the position and momentum variables respectively, and \(h_1\) and \(h_2\) Hamiltonian component functions for which the exact flows, respectively \(\Phi_1\) and \(\Phi_2\), can be computed.

    @@ -279,7 +279,7 @@

    The dynamics implicitly define a set of constraints on the momentum variables, differentiating the constraint equation with respect to time giving that

    -\[\partial c(q) \nabla_2 h(q, p) = \nabla_2 h_2(q, p) = 0.\]
    +\[\partial c(q) \nabla_2 h(q, p) = \partial c(q) \nabla_2 h_2(q, p) = 0.\]

    The set of momentum variables satisfying the above for given position variables is termed the cotangent space of the manifold (at a position), and the set of position-momentum pairs for which the position is on the constraint manifold and the @@ -319,7 +319,8 @@ \(\partial c(q') \nabla_2 h(q', p') = 0\).

    This can be decomposed as first solving for \(\lambda\) such that

    -\[c((\Phi_2(t) \circ \Pi(\lambda)(q, p))_1) = 0\]
    +\[c((\Phi_2(t) \circ \Pi(\lambda)(q, p))_1) += c((\Phi_2(t)(q, p + \partial c(q)^T \lambda))_1) = 0,\]

    i.e. solving for the values of the Lagrange multipliers such that the position component of the output of \(\Phi_2(t) \circ \Pi(\lambda)\) is on the manifold, with this typically a non-linear system of equations that will need to be solved @@ -327,26 +328,54 @@ \circ \Pi(\lambda)\) is then projected in to the cotangent space to compute the final state pair, with this projection step as noted above typically having an analytic solution.

    +

    For more details see Reich (1996) and section 7.5.1 in Leimkuhler and Reich (2004).

    The overall second-order integrator is then defined as the symmetric composition

    \[\Psi(t) = A(t / 2) \circ B(t / N)^N \circ A(t / 2),\]

    where \(N\) is a positive integer corresponding to the number of ‘inner’ -\(h_2\) flow steps. This integrator exactly preserves the constraints at all -steps, such that if an initial position momentum pair \((q, p)\) are in the -cotangent bundle, the corresponding pair after calling the step() method of -the integrator will also be in the cotangent bundle.

    -

    For more details see Reich (1996) and section 7.5.1 in Leimkuhler and Reich (2004).

    +\(h_2\) flow steps, following the ‘geodesic integrator’ formulation proposed by +Leimkuhler and Matthews (2016). The additional flexibility introduced by having +the possibility of \(N > 1\) is particularly of use when evaluation of +\(\Phi_1\) is significantly more expensive than evaluation of \(\Phi_2\); in +this case using \(N > 1\) can allow a larger time step \(t\) to be used than +may be otherwise possible due to the need to ensure the iterative solver used in +\(B\) does not diverge, with a smaller step size \(t / N\) used for the +steps involving the iterative solves with the (cheaper) \(\Phi_2\) flow map +and a larger step size \(t\) used for the steps involving the (more expensive) +\(\Phi_1\) flow map.

    +

    This integrator exactly preserves the constraints at all steps, such that if an +initial position momentum pair \((q, p)\) are in the cotangent bundle, the +corresponding pair after calling the step() method of the integrator will +also be in the cotangent bundle, providing the iterative solver converges.

    +

    As the iterative solves may fail to converge, or may converge to one of multiple +solutions, following the approach proposed by Zappa, Holmes-Cerfon and Goodman +(2018), an explicit reversibility check is performed to ensure the overall +integrator step is time-reversible; see also Lelievre, Rousset and Stoltz (2019) for +an analysis of this approach specifically in the context of Hamiltonian Monte Carlo. +If the reversibility check fails or the iterative solver fails to converge an +appropriate error is raised (mici.errors.NonReversibleStepError and +mici.errors.ConvergenceError respectively).

    References

    1. Reich, S. (1996). Symplectic integration of constrained Hamiltonian systems by composition methods. SIAM journal on numerical analysis, 33(2), 475-491.

    2. Leimkuhler, B., & Reich, S. (2004). Simulating Hamiltonian Dynamics (No. 14). Cambridge University Press.

    3. +
    4. Leimkuhler, B., & Matthews, C. (2016). Efficient molecular dynamics using +geodesic integration and solvent–solute splitting. Proceedings of the Royal +Society A: Mathematical, Physical and Engineering Sciences, 472(2189), +20160138.

    5. +
    6. Zappa, E., Holmes‐Cerfon, M., & Goodman, J. (2018). Monte Carlo on manifolds: +sampling densities and integrating functions. Communications on Pure and +Applied Mathematics, 71(12), 2609-2647.

    7. +
    8. Lelievre, T., Rousset, M., & Stoltz, G. (2019). Hybrid Monte Carlo methods for +sampling probability measures on submanifolds. Numerische Mathematik, 143, +379-421.

    Parameters:
      -
    • system (System) – Hamiltonian system to integrate the dynamics of.

    • +
    • system (ConstrainedTractableFlowSystem) – Hamiltonian system to integrate the constrained dynamics of.

    • step_size (Optional[float]) – Integrator time step. If set to None it is assumed that a step size adapter will be used to set the step size before calling the step() method.

    • @@ -391,7 +420,9 @@ the derivative of the action of the (linear) system.h2_flow map on the state momentum component with respect to the position component. This is used to project the state position component back on to the -manifold after an unconstrained system.h2_flow update.

      +manifold after an unconstrained system.h2_flow update. If the +solver fails to convege a mici.errors.ConvergenceError +exception is raised.

    • projection_solver_kwargs (Optional[dict[str, Any]]) – Dictionary of any keyword arguments to projection_solver.

    • @@ -443,15 +474,25 @@ B^*(t)(q, p) = (q, p - t \nabla_1 h_2(q, p)), \\ C(t)(q, p) = (q + t \nabla_2 h_2(q, p), p), \\ C^*(t)(q, p) = \lbrace (q', p) : q' = q + t \nabla_2 h_2(q', p) \rbrace.\end{split}\]
    -

    Fixed-point iterations are used to solve the non-linear systems of equations in the -implicit component updates (\(B\) and \(C^*\)).

    The resulting implicit integrator is a symmetric second-order method corresponding to a symplectic partitioned Runge-Kutta method. See Section 6.3.2 in Leimkuhler and Reich (2004) for more details.

    +

    Fixed-point iterations are used to solve the non-linear systems of equations in the +implicit component updates (\(B\) and \(C^*\)). As the iterative solves may +fail to converge, or may converge to one of multiple solutions, following the +approach proposed by Zappa, Holmes-Cerfon and Goodman (2018), an explicit +reversibility check is performed to ensure the overall integrator step is +time-reversible. If the reversibility check fails or the iterative solver fails to +converge an appropriate error is raised +(mici.errors.NonReversibleStepError and +mici.errors.ConvergenceError respectively).

    References

    1. Leimkuhler, B., & Reich, S. (2004). Simulating Hamiltonian Dynamics (No. 14). Cambridge University Press.

    2. +
    3. Zappa, E., Holmes‐Cerfon, M., & Goodman, J. (2018). Monte Carlo on manifolds: +sampling densities and integrating functions. Communications on Pure and +Applied Mathematics, 71(12), 2609-2647.

    Parameters:
    @@ -521,15 +562,24 @@ p' = p - t \nabla_1 h(q', p')) \rbrace, \\ A^*(t)(q, p) = (q + t \nabla_2 h(q, p), p - t \nabla_1 h(q, p)).\end{split}\]
    -

    A fixed-point iteration is used to solve the non-linear system of equations in the -implicit Euler step \(A\).

    The resulting implicit integrator is a second-order method corresponding to a symplectic one-stage Runge-Kutta method. See Sections 4.1 and 6.3.1 in Leimkuhler and Reich (2004) for more details.

    +

    A fixed-point iteration is used to solve the non-linear system of equations in the +implicit Euler step \(A\). As the iterative solve may fail to converge, or may +converge to one of multiple solutions, following the approach proposed by +Zappa, Holmes-Cerfon and Goodman (2018), an explicit reversibility check is +performed to ensure the overall integrator step is time-reversible. If the +reversibility check fails or the iterative solver fails to converge an appropriate +error is raised (mici.errors.NonReversibleStepError and +mici.errors.ConvergenceError respectively).

    References

    1. Leimkuhler, B., & Reich, S. (2004). Simulating Hamiltonian Dynamics (No. 14). Cambridge University Press.

    2. +
    3. Zappa, E., Holmes‐Cerfon, M., & Goodman, J. (2018). Monte Carlo on manifolds: +sampling densities and integrating functions. Communications on Pure and +Applied Mathematics, 71(12), 2609-2647.

    Parameters:
    diff --git a/mici.interop.html b/mici.interop.html index 815012e..a9bdee1 100644 --- a/mici.interop.html +++ b/mici.interop.html @@ -54,7 +54,7 @@
  • mici.integrators module
  • mici.interop module
  • @@ -105,7 +105,7 @@
    mici.interop.convert_to_inference_data(traces, stats, energy_key='energy', lp_key='lp')[source]
    -

    Convert Mici sample_chains output to arviz.InferenceData object.

    +

    Convert Mici sample_chains output to arviz.InferenceData.

    Parameters:
      @@ -140,12 +140,12 @@
    -
    -mici.interop.sample_pymc3_model(draws=1000, *, tune=1000, chains=None, cores=None, random_seed=None, progressbar=True, init='auto', jitter_max_retries=10, trace=None, return_inferencedata=False, model=None, target_accept=0.8, max_treedepth=10)[source]
    -

    Generate approximate samples from posterior defined by a PyMC3 model.

    +
    +mici.interop.sample_pymc_model(draws=1000, *, tune=1000, chains=None, cores=None, random_seed=None, progressbar=True, init='auto', jitter_max_retries=10, trace=None, return_inferencedata=False, model=None, target_accept=0.8, max_treedepth=10)[source]
    +

    Generate approximate samples from posterior defined by a PyMC model.

    Uses dynamic multinomial HMC algorithm in Mici with adaptive warm-up phase.

    -

    This function replicates the interface of the pymc3.sampling.sample() -function to allow using as a (partial) drop-in replacement.

    +

    This function replicates the interface of the pymc.sample() function to +allow using as a (partial) drop-in replacement.

    Parameters:
      @@ -185,7 +185,7 @@
    • return_inferencedata (bool) – Whether to return the traces as an arviz.InferenceData (True) object or a dict (False).

    • -
    • model (Optional[Model]) – PyMC3 model defining posterior distribution to sample from. May be +

    • model (Optional[pymc.Model]) – PyMC model defining posterior distribution to sample from. May be None if function is called from within model context manager.

    • target_accept (float) – Target value for the acceptance statistic being controlled during adaptive warm-up.

    • diff --git a/mici.progressbars.html b/mici.progressbars.html index b58b9a4..bd9ddef 100644 --- a/mici.progressbars.html +++ b/mici.progressbars.html @@ -404,7 +404,7 @@
      property description: str
      -

      “Description of task being tracked.

      +

      Description of task being tracked.

      diff --git a/mici.solvers.html b/mici.solvers.html index 6d7a149..3bc471b 100644 --- a/mici.solvers.html +++ b/mici.solvers.html @@ -16,6 +16,7 @@ + @@ -112,7 +113,7 @@
      class mici.solvers.FixedPointSolver(*args, **kwargs)[source]

      Bases: Protocol

      -

      Solver for fixed point equation, returning x such that func(x) = x.

      +

      Solver for fixed point equation func(x) = x.

      __call__(func, x0, **kwargs)[source]
      @@ -141,13 +142,13 @@

      Bases: Protocol

      Solver for projection on to manifold step in constrained integrator.

      Solves an equation of the form

      -
      r(λ) = c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) = 0
      -
      -
      -

      for the vector of Lagrange multipliers λ to project a point on to the manifold -defined by the zero level set of a constraint function c (system.constr), with -Φ₂,₁ the position component of a flow map for the h₂ Hamiltonian component for -the system (i.e. system.h2_flow).

      +
      +\[r(\lambda) = c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) = 0,\]
      +

      for the vector of Lagrange multipliers \(\lambda\) to project a point on to the +manifold defined by the zero level set of a constraint function \(c\), with +\(\Phi_{2,1}\) the flow map for the \(h_2\) Hamiltonian component for the +system restricted to the position component output. The map \(\Phi_{2,1}\) is +assumed to be linear in its second (momentum) argument.

      __call__(state, state_prev, time_step, system, **kwargs)[source]
      @@ -158,7 +159,7 @@
    • state (ChainState) – Current chain state after unconstrained step.

    • state_prev (ChainState) – Previous chain state on manifold.

    • time_step (float) – Integrator time step for unconstrained step.

    • -
    • system (System) – Hamiltonian system dynamics are being simulated for.

    • +
    • system (ConstrainedTractableFlowSystem) – Hamiltonian system constrained dynamics are being simulated for.

    Returns:
    @@ -187,26 +188,28 @@
    mici.solvers.solve_fixed_point_direct(func, x0, convergence_tol=1e-09, divergence_tol=10000000000.0, max_iters=100, norm=<function maximum_norm>)[source]
    -

    Solve fixed point equation func(x) = x using direct iteration.

    +

    Solve fixed point equation func(x) = x using direct iteration.

    Parameters:
    • func (ArrayFunction) – Function to find fixed point of.

    • x0 (ArrayLike) – Initial state (function argument).

    • convergence_tol (float) – Convergence tolerance - solver successfully terminates when -norm(func(x) - x) < convergence_tol.

    • +norm(func(x) - x) < convergence_tol.

    • divergence_tol (float) – Divergence tolerance - solver aborts if -norm(func(x) - x) > divergence_tol on any iteration.

    • +norm(func(x) - x) > divergence_tol on any iteration.

    • max_iters (int) – Maximum number of iterations before raising exception.

    • norm (ScalarFunction) – Norm to use to assess convergence.

    Returns:
    -

    Solution to fixed point equation with norm(func(x) - x) < convergence_tol.

    +

    Solution to fixed point equation with +norm(func(x) - x) < convergence_tol.

    Raises:
    -

    ConvergenceError – If solver does not converge within max_iters - iterations, diverges or encounters a ValueError during the iteration.

    +

    ConvergenceError – If solver does not converge within + max_iters iterations, diverges or encounters a ValueError + during the iteration.

    Return type:

    ArrayLike

    @@ -217,30 +220,31 @@
    mici.solvers.solve_fixed_point_steffensen(func, x0, convergence_tol=1e-09, divergence_tol=10000000000.0, max_iters=100, norm=<function maximum_norm>)[source]
    -

    Solve fixed point equation func(x) = x using Steffensen’s method.

    -

    Steffennsen’s method [1] achieves quadratic convergence but at the cost of two -function evaluations per iteration so for functions where convergence is achieved in -a small number of iterations, direct iteration may be cheaper.

    -

    [1] : https://en.wikipedia.org/wiki/Steffensen%27s_method

    +

    Solve fixed point equation func(x) = x using Steffensen’s method.

    +

    Steffennsen’s method achieves quadratic convergence but at the cost of two function +evaluations per iteration so for functions where convergence is achieved in a small +number of iterations, direct iteration may be cheaper.

    Parameters:
    • func (ArrayFunction) – Function to find fixed point of.

    • x0 (ArrayLike) – Initial state (function argument).

    • convergence_tol (float) – Convergence tolerance - solver successfully terminates -when norm(func(x) - x) < convergence_tol.

    • +when norm(func(x) - x) < convergence_tol.

    • divergence_tol (float) – Divergence tolerance - solver aborts if -norm(func(x) - x) > divergence_tol on any iteration.

    • +norm(func(x) - x) > divergence_tol on any iteration.

    • max_iters (int) – Maximum number of iterations before raising exception.

    • norm (ScalarFunction) – Norm to use to assess convergence.

    Returns:
    -

    Solution to fixed point equation with norm(func(x) - x) < convergence_tol.

    +

    Solution to fixed point equation with +norm(func(x) - x) < convergence_tol.

    Raises:
    -

    ConvergenceError – If solver does not converge within max_iters - iterations, diverges or encounters a ValueError during the iteration.

    +

    ConvergenceError – If solver does not converge within + max_iters iterations, diverges or encounters a ValueError + during the iteration.

    Return type:

    ArrayLike

    @@ -252,58 +256,65 @@
    mici.solvers.solve_projection_onto_manifold_newton(state, state_prev, time_step, system, constraint_tol=1e-09, position_tol=1e-08, divergence_tol=10000000000.0, max_iters=50, norm=<function maximum_norm>)[source]

    Solve constraint equation using Newton’s method.

    -

    Requires re-evaluating both the constraint function system.constr and constraint -Jacobian system.jacob_constr within the solver loop and computation of matrix -decompositions on each iteration.

    +

    Requires re-evaluating both the constraint function system.constr and +constraint Jacobian system.jacob_constr within the solver loop and +computation of matrix decompositions on each iteration.

    Solves an equation of the form

    -
    r(λ) = c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) = 0
    -
    -
    -

    for the vector of Lagrange multipliers λ to project a point on to the manifold -defined by the zero level set of a constraint function c (system.constr), with -Φ₂,₁ the position component of a flow map for the h₂ Hamiltonian component for -the system (i.e. system.h2_flow).

    -

    The Jacobian of the residual function r is

    -
    ∂r(λ) = ∂c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) ∂₂Φ₂,₁ ∂c(q)ᵀ
    -
    -
    -

    where ∂₂Φ₂,₁ is the Jacobian of the (linear) flow-map Φ₂,₁ with respect to the -second (momentum argument), such that the Newton update is

    -
    λ = λ - ∂r(λ)⁻¹ r(λ)
    -
    -
    -

    which requires evaluating ∂c (system.jacob_constr) on each iteration and solving -a linear system in the residual Jacobian ∂r(λ).

    +
    +\[r(\lambda) = c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) = 0,\]
    +

    for the vector of Lagrange multipliers \(\lambda\) to project a point on to the +manifold defined by the zero level set of a constraint function \(c\), with +\(\Phi_{2,1}\) the flow map for the \(h_2\) Hamiltonian component for the +system restricted to the position component output.

    +

    The Jacobian of the residual function \(r\) is

    +
    +\[\partial r(\lambda) = +\partial c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) +\partial_2 (\Phi_{2,1}(t))(q, p + \partial c(q)^T \lambda) +\partial c(q)^T\]
    +

    where \(\partial_2 (\Phi_{2,1}(t))\) is the Jacobian of the (position +restricted) flow-map \(\Phi_{2,1}\) with respect to its second (momentum) +argument. We assume here that \(\Phi_{2,1}(t)\) is linear in its second +(momentum) argument, such that \(\partial_2 (\Phi_{2,1}(t))(q, p + \partial +c(q)^T \lambda)\) is constant with respect to \(\lambda\).

    +

    The full Newton update is

    +
    +\[\lambda' = \lambda - \partial r(\lambda)^{-1} r(\lambda)\]
    +

    which requires evaluating \(\partial c\) on each iteration and solving a linear +system in the residual Jacobian \(\partial r(\lambda)\).

    Parameters:
      -
    • state (ChainState) – Post h2_flow update state to project.

    • -
    • state_prev (ChainState) – Previous state in co-tangent bundle before h2_flow update which -defines the co-tangent space to perform projection in.

    • -
    • time_step (float) – Integrator time step used in h2_flow update.

    • -
    • system (System) – Hamiltonian system defining h2_flow and constr functions used to -define constraint equation to solve.

    • +
    • state (ChainState) – Post h2_flow update state to project.

    • +
    • state_prev (ChainState) – Previous state in co-tangent bundle before h2_flow update +which defines the co-tangent space to perform projection in.

    • +
    • time_step (float) – Integrator time step used in h2_flow update.

    • +
    • system (ConstrainedEuclideanMetricSystem) – Hamiltonian system defining h2_flow and constr functions +used to define constraint equation to solve.

    • constraint_tol (float) – Convergence tolerance in constraint space. Iteration will -continue until norm(constr(pos)) < constraint_tol where pos is the -position at the current iteration.

    • +continue until norm(constr(pos)) < constraint_tol where pos +is the position at the current iteration.

    • position_tol (float) – Convergence tolerance in position space. Iteration will continue -until norm(delt_pos) < position_tol where delta_pos is the change in the -position in the current iteration.

    • +until norm(delta_pos) < position_tol where delta_pos is the +change in the position in the current iteration.

    • divergence_tol (float) – Divergence tolerance - solver aborts if -norm(constr(pos)) > divergence_tol on any iteration where pos is the -position at the current iteration and raises mici.errors.ConvergenceError.

    • +norm(constr(pos)) > divergence_tol on any iteration where +pos is the position at the current iteration and raises +mici.errors.ConvergenceError.

    • max_iters (int) – Maximum number of iterations to perform before aborting and raising -mici.errors.ConvergenceError.

    • +mici.errors.ConvergenceError.

    • norm (ScalarFunction) – Norm to use to test for convergence.

    Returns:
    -

    Updated state object with position component satisfying constraint equation to -within constraint_tol, i.e. norm(system.constr(state.pos)) < constraint_tol.

    +

    Updated state object with position component satisfying constraint equation to +within constraint_tol, i.e. +norm(system.constr(state.pos)) < constraint_tol.

    Raises:
    -

    ConvergenceError – If solver does not converge within max_iters - iterations, diverges or encounters a ValueError during the iteration.

    +

    ConvergenceError – If solver does not converge within + max_iters iterations, diverges or encounters a ValueError + during the iteration.

    Return type:

    ChainState

    @@ -315,50 +326,56 @@

    Solve constraint equation using Newton’s method with backtracking line-search.

    -

    Requires re-evaluating both the constraint function system.constr and constraint -Jacobian system.jacob_constr within the solver loop and computation of matrix -decompositions on each iteration.

    +

    Requires re-evaluating both the constraint function system.constr and +constraint Jacobian system.jacob_constr within the solver loop and +computation of matrix decompositions on each iteration.

    Solves an equation of the form

    -
    r(λ) = c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) = 0
    -
    -
    -

    for the vector of Lagrange multipliers λ to project a point on to the manifold -defined by the zero level set of a constraint function c (system.constr), with -Φ₂,₁ the position component of a flow map for the h₂ Hamiltonian component for -the system (i.e. system.h2_flow).

    -

    The Jacobian of the residual function r is

    -
    ∂r(λ) = ∂c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) ∂₂Φ₂,₁ ∂c(q)ᵀ
    -
    -
    -

    where ∂₂Φ₂,₁ is the Jacobian of the (linear) flow-map Φ₂,₁ with respect to the -second (momentum argument), such that the scaled Newton update is

    -
    λ_(α) = λ - α * ∂r(λ)⁻¹ r(λ)
    -
    -
    -

    which requires evaluating ∂c (system.jacob_constr) on each iteration and solving -a linear system in the residual Jacobian ∂r(λ).

    -

    The step size α ∈ [0, 1] is initialised at α = 1 with a backtracking line search -performed by multiplying α by 0.5 until |r(λ_(α))| < |r(λ).

    +
    +\[r(\lambda) = c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) = 0,\]
    +

    for the vector of Lagrange multipliers \(\lambda\) to project a point on to the +manifold defined by the zero level set of a constraint function \(c\), with +\(\Phi_{2,1}\) the flow map for the \(h_2\) Hamiltonian component for the +system restricted to the position component output.

    +

    The Jacobian of the residual function \(r\) is

    +
    +\[\partial r(\lambda) = +\partial c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) +\partial_2 (\Phi_{2,1}(t))(q, p + \partial c(q)^T \lambda) +\partial c(q)^T\]
    +

    where \(\partial_2 (\Phi_{2,1}(t))\) is the Jacobian of the (position +restricted) flow-map \(\Phi_{2,1}\) with respect to its second (momentum) +argument. We assume here that \(\Phi_{2,1}(t)\) is linear in its second +(momentum) argument, such that \(\partial_2 (\Phi_{2,1}(t))(q, p + \partial +c(q)^T \lambda)\) is constant with respect to \(\lambda\).

    +

    The scaled Newton update is

    +
    +\[\lambda'(\alpha) = \lambda - \alpha \partial r(\lambda)^{-1} r(\lambda)\]
    +

    which requires evaluating \(\partial c\) on each iteration and solving a linear +system in the residual Jacobian \(\partial r(\lambda)\).

    +

    The step size \(\alpha \in [0, 1]\) is initialised at \(\alpha = 1\) with a +backtracking line search performed by multiplying \(\alpha\) by 0.5 until +\(|r(\lambda'(\alpha))| < |r(\lambda)\).

    Parameters:
      -
    • state (ChainState) – Post h2_flow update state to project.

    • -
    • state_prev (ChainState) – Previous state in co-tangent bundle before h2_flow update which -defines the co-tangent space to perform projection in.

    • -
    • time_step (float) – Integrator time step used in h2_flow update.

    • -
    • system (System) – Hamiltonian system defining h2_flow and constr functions used to -define constraint equation to solve.

    • +
    • state (ChainState) – Post h2_flow update state to project.

    • +
    • state_prev (ChainState) – Previous state in co-tangent bundle before h2_flow update +which defines the co-tangent space to perform projection in.

    • +
    • time_step (float) – Integrator time step used in h2_flow update.

    • +
    • system (ConstrainedEuclideanMetricSystem) – Hamiltonian system defining h2_flow and constr functions +used to define constraint equation to solve.

    • constraint_tol (float) – Convergence tolerance in constraint space. Iteration will -continue until norm(constr(pos)) < constraint_tol where pos is the -position at the current iteration.

    • +continue until norm(constr(pos)) < constraint_tol where pos +is the position at the current iteration.

    • position_tol (float) – Convergence tolerance in position space. Iteration will continue -until norm(delt_pos) < position_tol where delta_pos is the change in the -position in the current iteration.

    • +until norm(delta_pos) < position_tol where delta_pos is the +change in the position in the current iteration.

    • divergence_tol (float) – Divergence tolerance - solver aborts if -norm(constr(pos)) > divergence_tol on any iteration where pos is the -position at the current iteration and raises mici.errors.ConvergenceError.

    • +norm(constr(pos)) > divergence_tol on any iteration where +pos is the position at the current iteration and raises +mici.errors.ConvergenceError.

    • max_iters (int) – Maximum number of iterations to perform before aborting and raising -mici.errors.ConvergenceError.

    • +mici.errors.ConvergenceError.

    • max_line_search_iters (int) – Maximum number of ‘inner’ line search iterations to perform to try to find step size along search direction which decreases residual norm.

    • @@ -367,11 +384,13 @@
    Returns:

    Updated state object with position component satisfying constraint equation to -within constraint_tol, i.e. norm(system.constr(state.pos)) < constraint_tol.

    +within constraint_tol, i.e. +norm(system.constr(state.pos)) < constraint_tol.

    Raises:
    -

    ConvergenceError – If solver does not converge within max_iters - iterations, diverges or encounters a ValueError during the iteration.

    +

    ConvergenceError – If solver does not converge within + max_iters iterations, diverges or encounters a ValueError + during the iteration.

    Return type:

    ChainState

    @@ -383,68 +402,84 @@
    mici.solvers.solve_projection_onto_manifold_quasi_newton(state, state_prev, time_step, system, constraint_tol=1e-09, position_tol=1e-08, divergence_tol=10000000000.0, max_iters=50, norm=<function maximum_norm>)[source]

    Solve constraint equation using symmetric quasi-Newton method.

    -

    Only requires re-evaluating the constraint function system.constr within the +

    Only requires re-evaluating the constraint function system.constr within the solver loop and no recomputation of matrix decompositions on each iteration.

    Solves an equation of the form

    -
    r(λ) = c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) = 0
    -
    -
    -

    for the vector of Lagrange multipliers λ to project a point on to the manifold -defined by the zero level set of a constraint function c (system.constr), with -Φ₂,₁ the position component of a flow map for the h₂ Hamiltonian component for -the system (i.e. system.h2_flow).

    -

    The Jacobian of the residual function r is

    -
    ∂r(λ) = ∂c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) ∂₂Φ₂,₁ ∂c(q)ᵀ
    -
    -
    -

    where ∂₂Φ₂,₁ is the Jacobian of the (linear) flow-map Φ₂,₁ with respect to the -second (momentum argument), such that the full Newton update is

    -
    λ_(α) = λ - ∂r(λ)⁻¹ r(λ)
    -
    -
    -

    which requires evaluating ∂c (system.jacob_constr) on each iteration and solving -a linear system in the residual Jacobian ∂r(λ).

    +
    +\[r(\lambda) = c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) = 0,\]
    +

    for the vector of Lagrange multipliers \(\lambda\) to project a point on to the +manifold defined by the zero level set of a constraint function \(c\), with +\(\Phi_{2,1}\) the flow map for the \(h_2\) Hamiltonian component for the +system restricted to the position component output.

    +

    The Jacobian of the residual function \(r\) is

    +
    +\[\partial r(\lambda) = +\partial c(\Phi_{2,1}(t)(q, p + \partial c(q)^T \lambda)) +\partial_2 (\Phi_{2,1}(t))(q, p + \partial c(q)^T \lambda) +\partial c(q)^T\]
    +

    where \(\partial_2 (\Phi_{2,1}(t))\) is the Jacobian of the (position +restricted) flow-map \(\Phi_{2,1}\) with respect to its second (momentum) +argument. We assume here that \(\Phi_{2,1}(t)\) is linear in its second +(momentum) argument, such that \(\partial_2 (\Phi_{2,1}(t))(q, p + \partial +c(q)^T \lambda)\) is constant with respect to \(\lambda\), and henceforth use the +shorthand \(\partial_2 (\Phi_{2,1}(t))\) to refer to this matrix.

    +

    The full Newton update is

    +
    +\[\lambda' = \lambda - \partial r(\lambda)^{-1} r(\lambda)\]
    +

    which requires evaluating \(\partial c\) on each iteration and solving a linear +system in the residual Jacobian \(\partial r(\lambda)\).

    The symmetric quasi-Newton iteration instead uses the approximation

    -
    ∂c(Φ₂,₁(q, p + ∂c(q)ᵀλ)) ∂₂Φ₂,₁ ∂c(q)ᵀ ≈ ∂c(q) ∂₂Φ₂,₁ ∂c(q)ᵀ
    -
    -
    +
    +\[\partial c(\Phi_{2,1}(t)(q, p + \partial c(q)^T\lambda)) +\partial_2 (\Phi_{2,1}(t)) +\partial c(q)^T +\approx +\partial c(q) +\partial_2 (\Phi_{2,1}(t)) +\partial c(q)^T\]

    with the corresponding update

    -
    λ = λ - (∂c(q) ∂₂Φ₂,₁ ∂c(q)ᵀ)⁻¹ r(λ)
    -
    -
    -

    allowing a previously computed decomposition of the matrix ∂c(q) ∂₂Φ₂,₁ ∂c(q)ᵀ to -be used to solve the linear system in each iteration with no requirement to evaluate -∂c (system.jacob_constr) on each iteration.

    +
    +\[\lambda' = +\lambda +- (\partial c(q) \partial_2 (\Phi_{2,1}(t)) \partial c(q)^T)^{-1} r(\lambda)\]
    +

    allowing a previously computed decomposition of the matrix

    +
    +\[\partial c(q) \partial_2 (\Phi_{2,1}(t)) \partial c(q)^T,\]
    +

    to be used to solve the linear system in each iteration with no requirement to +evaluate \(\partial c\) (system.jacob_constr) on each iteration.

    Parameters:
      -
    • state (ChainState) – Post h2_flow update state to project.

    • -
    • state_prev (ChainState) – Previous state in co-tangent bundle before h2_flow update which -defines the co-tangent space to perform projection in.

    • -
    • time_step (float) – Integrator time step used in h2_flow update.

    • -
    • system (System) – Hamiltonian system defining h2_flow and constr functions used to -define constraint equation to solve.

    • +
    • state (ChainState) – Post h2_flow update state to project.

    • +
    • state_prev (ChainState) – Previous state in co-tangent bundle before h2_flow update +which defines the co-tangent space to perform projection in.

    • +
    • time_step (float) – Integrator time step used in h2_flow update.

    • +
    • system (ConstrainedEuclideanMetricSystem) – Hamiltonian system defining h2_flow and constr functions +used to define constraint equation to solve.

    • constraint_tol (float) – Convergence tolerance in constraint space. Iteration will -continue until norm(constr(pos)) < constraint_tol where pos is the -position at the current iteration.

    • +continue until norm(constr(pos)) < constraint_tol where pos +is the position at the current iteration.

    • position_tol (float) – Convergence tolerance in position space. Iteration will continue -until norm(delt_pos) < position_tol where delta_pos is the change in the -position in the current iteration.

    • +until norm(delta_pos) < position_tol where delta_pos is the +change in the position in the current iteration.

    • divergence_tol (float) – Divergence tolerance - solver aborts if -norm(constr(pos)) > divergence_tol on any iteration where pos is the -position at the current iteration and raises mici.errors.ConvergenceError.

    • +norm(constr(pos)) > divergence_tol on any iteration where +pos is the position at the current iteration and raises +mici.errors.ConvergenceError.

    • max_iters (int) – Maximum number of iterations to perform before aborting and raising -mici.errors.ConvergenceError.

    • +mici.errors.ConvergenceError.

    • norm (ScalarFunction) – Norm to use to test for convergence.

    Returns:

    Updated state object with position component satisfying constraint equation to -within constraint_tol, i.e. norm(system.constr(state.pos)) < constraint_tol.

    +within constraint_tol, i.e. +norm(system.constr(state.pos)) < constraint_tol.

    Raises:
    -

    ConvergenceError – If solver does not converge within max_iters - iterations, diverges or encounters a ValueError during the iteration.

    +

    ConvergenceError – If solver does not converge within + max_iters iterations, diverges or encounters a ValueError + during the iteration.

    Return type:

    ChainState

    diff --git a/mici.systems.html b/mici.systems.html index 28061fc..400d4be 100644 --- a/mici.systems.html +++ b/mici.systems.html @@ -63,6 +63,7 @@
  • mici.systems module
    • CholeskyFactoredRiemannianMetricSystem
    • ConstrainedEuclideanMetricSystem
    • +
    • ConstrainedTractableFlowSystem
    • DenseConstrainedEuclideanMetricSystem
    • DenseRiemannianMetricSystem
    • DiagonalRiemannianMetricSystem
    • @@ -442,7 +443,7 @@
      class mici.systems.ConstrainedEuclideanMetricSystem(neg_log_dens, constr, metric=None, dens_wrt_hausdorff=True, grad_neg_log_dens=None, jacob_constr=None)[source]
      -

      Bases: EuclideanMetricSystem

      +

      Bases: ConstrainedTractableFlowSystem, EuclideanMetricSystem

      Base class for Euclidean Hamiltonian systems subject to constraints.

      The (constrained) position space is assumed to be a differentiable manifold embedded with a \(Q\)-dimensional ambient Euclidean space. The \(Q-C\) dimensional @@ -457,7 +458,7 @@

      \[h_2(q, p) = \frac{1}{2} p^T M^{-1} p.\]

      The time-derivative of the constraint equation implies a further set of constraints -on the momentum \(q\) with \(\partial c(q) M^{-1} p = 0\) at all time +on the momentum \(p\) with \(\partial c(q) M^{-1} p = 0\) at all time points, corresponding to the momentum (velocity) being in the co-tangent space (tangent space) to the manifold.

      The target distribution is either assumed to be directly specified with unnormalized @@ -633,19 +634,22 @@

      -dh2_flow_dmom(dt)
      -

      Derivatives of h2_flow flow map with respect to momentum argument.

      +dh2_flow_dmom(state, dt)[source] +

      Derivatives of h2_flow() flow map with respect to momentum argument.

      Parameters:
      -

      dt (ScalarLike) – Time interval flow simulated for.

      +
        +
      • state (ChainState) – State to evaluate derivatives of flow map at.

      • +
      • dt (ScalarLike) – Time interval flow simulated for.

      • +
      Returns:
      -

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix representing -derivative (Jacobian) of position output of h2_flow() with respect -to the value of the momentum component of the initial input state and -dmom_dmom a matrix representing derivative (Jacobian) of momentum -output of h2_flow() with respect to the value of the momentum -component of the initial input state.

      +

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix +representing derivative (Jacobian) of position output of h2_flow() +with respect to the value of the momentum component of the initial input +state and dmom_dmom a matrix representing derivative (Jacobian) of +momentum output of h2_flow() with respect to the value of the +momentum component of the initial input state.

      Return type:

      tuple[Matrix, Matrix]

      @@ -863,7 +867,7 @@
      -abstract jacob_constr_inner_product(jacob_constr_1, inner_product_matrix, jacob_constr_2=None)[source]
      +abstract jacob_constr_inner_product(jacob_constr_1, inner_product_matrix, jacob_constr_2=None)

      Compute inner product of rows of constraint Jacobian matrices.

      Computes jacob_constr_1 @ inner_product_matrix @ jacob_constr_2.T potentially exploiting any structure / sparsity in jacob_constr_1, @@ -943,7 +947,393 @@

      -sample_momentum(state, rng)[source]
      +sample_momentum(state, rng) +

      Sample a momentum from its conditional distribution given a position.

      +
      +
      Parameters:
      +
        +
      • state (ChainState) – State defining position to condition on.

      • +
      • rng (Generator) –

      • +
      +
      +
      Returns:
      +

      Sampled momentum.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      + +
      +
      +class mici.systems.ConstrainedTractableFlowSystem(neg_log_dens, grad_neg_log_dens=None)[source]
      +

      Bases: TractableFlowSystem

      +

      Base class for Hamiltonian systems subject to constraints with tractable flows.

      +

      The (constrained) position space is assumed to be a differentiable manifold embedded +with a \(Q\)-dimensional ambient Euclidean space. The \(Q-C\) dimensional +manifold \(\mathcal{M}\) is implicitly defined by an equation

      +
      +\[\mathcal{M} = \lbrace q \in \mathbb{R}^Q : c(q) = 0 \rbrace`\]
      +

      with \(c: \mathbb{R}^Q \to \mathbb{R}^C\) the differentiable and surjective +vector-valued constraint function.

      +

      The Hamiltonian function \(h\) is assumed to have the general form

      +
      +\[h(q, p) = h_1(q) + h_2(q, p)\]
      +

      where \(q\) and \(p\) are the position and momentum variables respectively, +and \(h_1\) and \(h_2\) Hamiltonian component functions. The exact +unconstrained Hamiltonian flows for both the \(h_1\) and \(h_2\) +components, respectively \(\Phi_1\) and \(\Phi_2\) are assumed to be +tractable for subclasses of this class.

      +

      The constrained Hamiltonian dynamics are described by the system of differential +algebraic equations

      +
      +\[\dot{q} = \nabla_2 h(q, p), \quad +\dot{p} = -\nabla_1 h(q, p) - \partial c(q)^T\lambda, \quad +c(q) = 0.\]
      +

      where math:lambda is a set of Lagrange multipliers of dimension equal to number +of constraints, \(C\), and which are implicitly defined by the condition that +the constraint equation \(c(q) = 0\) applies at all times.

      +

      The dynamics implicitly define a set of constraints on the momentum variables, +differentiating the constraint equation with respect to time giving that

      +
      +\[\partial c(q) \nabla_2 h(q, p) = \partial c(q) \nabla_2 h_2(q, p) = 0.\]
      +

      The set of momentum variables satisfying the above for given position variables is +termed the cotangent space of the manifold (at a position). Here we assume that the +operation of projecting a momentum vector onto the cotangent space at a given +position is tractable to compute.

      +
      +
      Parameters:
      +
        +
      • neg_log_dens (ScalarFunction) – Function which given a position array returns the negative +logarithm of an unnormalized probability density on the position space +with respect to a reference measure, with the corresponding +distribution on the position space being the target distribution it is +wished to draw approximate samples from.

      • +
      • grad_neg_log_dens (Optional[GradientFunction]) – Function which given a position array returns the +derivative of neg_log_dens with respect to the position array +argument. Optionally the function may instead return a 2-tuple of values +with the first being the array corresponding to the derivative and the +second being the value of the neg_log_dens evaluated at the passed +position array. If None is passed (the default) an automatic +differentiation fallback will be used to attempt to construct the +derivative of neg_log_dens automatically.

      • +
      +
      +
      +
      +
      +abstract constr(state)[source]
      +

      Constraint function at the current position.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of constr(state.pos) as 1D array.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      +
      +dh1_dpos(state)
      +

      Derivative of h1 Hamiltonian component with respect to position.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of computed h1 derivative.

      +
      +
      Return type:
      +

      ScalarLike

      +
      +
      +
      + +
      +
      +abstract dh2_dmom(state)
      +

      Derivative of h2 Hamiltonian component with respect to momentum.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of h2(state) derivative with respect to state.mom.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      +
      +abstract dh2_dpos(state)
      +

      Derivative of h2 Hamiltonian component with respect to position.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of h2(state) derivative with respect to state.pos.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      +
      +abstract dh2_flow_dmom(state, dt)[source]
      +

      Derivatives of h2_flow() flow map with respect to momentum argument.

      +
      +
      Parameters:
      +
        +
      • state (ChainState) – State to evaluate derivatives of flow map at.

      • +
      • dt (ScalarLike) – Time interval flow simulated for.

      • +
      +
      +
      Returns:
      +

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix +representing derivative (Jacobian) of position output of h2_flow() +with respect to the value of the momentum component of the initial input +state and dmom_dmom a matrix representing derivative (Jacobian) of +momentum output of h2_flow() with respect to the value of the +momentum component of the initial input state.

      +
      +
      Return type:
      +

      tuple[Matrix, Matrix]

      +
      +
      +
      + +
      +
      +dh_dmom(state)
      +

      Derivative of Hamiltonian with respect to momentum.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of h(state) derivative with respect to state.mom.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      +
      +dh_dpos(state)
      +

      Derivative of Hamiltonian with respect to position.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of h(state) derivative with respect to state.pos.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      +
      +grad_neg_log_dens(state)
      +

      Derivative of negative log density with respect to position.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of neg_log_dens(state) derivative with respect to state.pos.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      +
      +h(state)
      +

      Hamiltonian function for system.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of Hamiltonian.

      +
      +
      Return type:
      +

      ScalarLike

      +
      +
      +
      + +
      +
      +h1(state)
      +

      Hamiltonian component depending only on position.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of h1 Hamiltonian component.

      +
      +
      Return type:
      +

      ScalarLike

      +
      +
      +
      + +
      +
      +h1_flow(state, dt)
      +

      Apply exact flow map corresponding to h1 Hamiltonian component.

      +

      state argument is modified in place.

      +
      +
      Parameters:
      +
        +
      • state (ChainState) – State to start flow at.

      • +
      • dt (ScalarLike) – Time interval to simulate flow for.

      • +
      +
      +
      +
      + +
      +
      +abstract h2(state)
      +

      Hamiltonian component depending on momentum and optionally position.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of h2 Hamiltonian component.

      +
      +
      Return type:
      +

      ScalarLike

      +
      +
      +
      + +
      +
      +abstract h2_flow(state, dt)
      +

      Apply exact flow map corresponding to h2 Hamiltonian component.

      +

      state argument is modified in place.

      +
      +
      Parameters:
      +
        +
      • state (ChainState) – State to start flow at.

      • +
      • dt (ScalarLike) – Time interval to simulate flow for.

      • +
      +
      +
      +
      + +
      +
      +abstract jacob_constr(state)[source]
      +

      Jacobian of constraint function at the current position.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of Jacobian of constr(state.pos) as 2D array.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      +
      +abstract jacob_constr_inner_product(jacob_constr_1, inner_product_matrix, jacob_constr_2=None)[source]
      +

      Compute inner product of rows of constraint Jacobian matrices.

      +

      Computes jacob_constr_1 @ inner_product_matrix @ jacob_constr_2.T +potentially exploiting any structure / sparsity in jacob_constr_1, +jacob_constr_2 and inner_product_matrix.

      +
      +
      Parameters:
      +
        +
      • jacob_constr_1 (MatrixLike) – First constraint Jacobian in product.

      • +
      • inner_product_matrix (PositiveDefiniteMatrix) – Positive-definite matrix defining inner-product +between rows of two constraint Jacobians.

      • +
      • jacob_constr_2 (Optional[MatrixLike]) – Second constraint Jacobian in product. Defaults to +jacob_constr_1 if set to None.

      • +
      +
      +
      Return type:
      +

      MatrixLike

      +
      +
      +
      +
      Returns

      Object corresponding to computed inner products of the constraint Jacobian +rows.

      +
      +
      +
      + +
      +
      +neg_log_dens(state)
      +

      Negative logarithm of unnormalized density of target distribution.

      +
      +
      Parameters:
      +

      state (ChainState) – State to compute value at.

      +
      +
      Returns:
      +

      Value of computed negative log density.

      +
      +
      Return type:
      +

      ScalarLike

      +
      +
      +
      + +
      +
      +abstract project_onto_cotangent_space(mom, state)[source]
      +

      Project a momentum on to the co-tangent space at a position.

      +
      +
      Parameters:
      +
        +
      • mom (ArrayLike) – Momentum (co-)vector as 1D array to project on to co-tangent space.

      • +
      • state (ChainState) – State definining position on the manifold to project in to the +co-tangent space of.

      • +
      +
      +
      Returns:
      +

      Projected momentum in the co-tangent space at state.pos.

      +
      +
      Return type:
      +

      ArrayLike

      +
      +
      +
      + +
      +
      +sample_momentum(state, rng)[source]

      Sample a momentum from its conditional distribution given a position.

      Parameters:
      @@ -1131,19 +1521,22 @@
      -dh2_flow_dmom(dt)
      -

      Derivatives of h2_flow flow map with respect to momentum argument.

      +dh2_flow_dmom(state, dt) +

      Derivatives of h2_flow() flow map with respect to momentum argument.

      Parameters:
      -

      dt (ScalarLike) – Time interval flow simulated for.

      +
        +
      • state (ChainState) – State to evaluate derivatives of flow map at.

      • +
      • dt (ScalarLike) – Time interval flow simulated for.

      • +
      Returns:
      -

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix representing -derivative (Jacobian) of position output of h2_flow() with respect -to the value of the momentum component of the initial input state and -dmom_dmom a matrix representing derivative (Jacobian) of momentum -output of h2_flow() with respect to the value of the momentum -component of the initial input state.

      +

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix +representing derivative (Jacobian) of position output of h2_flow() +with respect to the value of the momentum component of the initial input +state and dmom_dmom a matrix representing derivative (Jacobian) of +momentum output of h2_flow() with respect to the value of the +momentum component of the initial input state.

      Return type:

      tuple[Matrix, Matrix]

      @@ -2223,28 +2616,6 @@
      -
      -
      -dh2_flow_dmom(dt)[source]
      -

      Derivatives of h2_flow flow map with respect to momentum argument.

      -
      -
      Parameters:
      -

      dt (ScalarLike) – Time interval flow simulated for.

      -
      -
      Returns:
      -

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix representing -derivative (Jacobian) of position output of h2_flow() with respect -to the value of the momentum component of the initial input state and -dmom_dmom a matrix representing derivative (Jacobian) of momentum -output of h2_flow() with respect to the value of the momentum -component of the initial input state.

      -
      -
      Return type:
      -

      tuple[Matrix, Matrix]

      -
      -
      -
      -
      dh_dmom(state)
      @@ -2420,9 +2791,9 @@
      class mici.systems.GaussianDenseConstrainedEuclideanMetricSystem(neg_log_dens, constr, metric=None, grad_neg_log_dens=None, jacob_constr=None, mhp_constr=None)[source]

      Bases: GaussianEuclideanMetricSystem, DenseConstrainedEuclideanMetricSystem

      -

      Gaussian Euclidean Hamiltonian system st. a dense set of constraints.

      -

      See ConstrainedEuclideanMetricSystem for more details about constrained -systems and GaussianEuclideanMetricSystem for Gaussian Euclidean metric +

      Gaussian Euclidean Hamiltonian system subject to a dense set of constraints.

      +

      See ConstrainedEuclideanMetricSystem for more details about constrained +systems and GaussianEuclideanMetricSystem for Gaussian Euclidean metric systems.

      Parameters:
      @@ -2576,19 +2947,22 @@
      -dh2_flow_dmom(dt)
      -

      Derivatives of h2_flow flow map with respect to momentum argument.

      +dh2_flow_dmom(state, dt)[source] +

      Derivatives of h2_flow() flow map with respect to momentum argument.

      Parameters:
      -

      dt (ScalarLike) – Time interval flow simulated for.

      +
        +
      • state (ChainState) – State to evaluate derivatives of flow map at.

      • +
      • dt (ScalarLike) – Time interval flow simulated for.

      • +
      Returns:
      -

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix representing -derivative (Jacobian) of position output of h2_flow() with respect -to the value of the momentum component of the initial input state and -dmom_dmom a matrix representing derivative (Jacobian) of momentum -output of h2_flow() with respect to the value of the momentum -component of the initial input state.

      +

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix +representing derivative (Jacobian) of position output of h2_flow() +with respect to the value of the momentum component of the initial input +state and dmom_dmom a matrix representing derivative (Jacobian) of +momentum output of h2_flow() with respect to the value of the +momentum component of the initial input state.

      Return type:

      tuple[Matrix, Matrix]

      @@ -3029,28 +3403,6 @@
      -
      -
      -dh2_flow_dmom(dt)[source]
      -

      Derivatives of h2_flow flow map with respect to momentum argument.

      -
      -
      Parameters:
      -

      dt (ScalarLike) – Time interval flow simulated for.

      -
      -
      Returns:
      -

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix representing -derivative (Jacobian) of position output of h2_flow() with respect -to the value of the momentum component of the initial input state and -dmom_dmom a matrix representing derivative (Jacobian) of momentum -output of h2_flow() with respect to the value of the momentum -component of the initial input state.

      -
      -
      Return type:
      -

      tuple[Matrix, Matrix]

      -
      -
      -
      -
      dh_dmom(state)
      @@ -4656,28 +5008,6 @@
      -
      -
      -abstract dh2_flow_dmom(dt)[source]
      -

      Derivatives of h2_flow flow map with respect to momentum argument.

      -
      -
      Parameters:
      -

      dt (ScalarLike) – Time interval flow simulated for.

      -
      -
      Returns:
      -

      Tuple (dpos_dmom, dmom_dmom) with dpos_dmom a matrix representing -derivative (Jacobian) of position output of h2_flow() with respect -to the value of the momentum component of the initial input state and -dmom_dmom a matrix representing derivative (Jacobian) of momentum -output of h2_flow() with respect to the value of the momentum -component of the initial input state.

      -
      -
      Return type:
      -

      tuple[Matrix, Matrix]

      -
      -
      -
      -
      dh_dmom(state)
      diff --git a/mici.transitions.html b/mici.transitions.html index 6b63491..ee644b4 100644 --- a/mici.transitions.html +++ b/mici.transitions.html @@ -273,7 +273,7 @@
      -property state_variables: Set[str]
      +property state_variables: set[str]

      A set of names of state variables accessed by this transition.

      @@ -391,7 +391,7 @@
      -property state_variables: Set[str]
      +property state_variables: set[str]

      A set of names of state variables accessed by this transition.

      @@ -458,7 +458,7 @@
      -property state_variables: Set[str]
      +property state_variables: set[str]

      A set of names of state variables accessed by this transition.

      @@ -532,7 +532,7 @@
      -property state_variables: Set[str]
      +property state_variables: set[str]

      A set of names of state variables accessed by this transition.

      @@ -601,7 +601,7 @@
      -property state_variables: Set[str]
      +property state_variables: set[str]

      A set of names of state variables accessed by this transition.

      @@ -757,7 +757,7 @@
      -property state_variables: Set[str]
      +property state_variables: set[str]

      A set of names of state variables accessed by this transition.

      @@ -854,7 +854,7 @@
      -property state_variables: Set[str]
      +property state_variables: set[str]

      A set of names of state variables accessed by this transition.

      diff --git a/objects.inv b/objects.inv index 1ee99b8..044d406 100644 Binary files a/objects.inv and b/objects.inv differ diff --git a/searchindex.js b/searchindex.js index 09ad498..d130551 100644 --- a/searchindex.js +++ b/searchindex.js @@ -1 +1 @@ -Search.setIndex({"docnames": ["index", "mici", "mici.adapters", "mici.autodiff", "mici.autograd_wrapper", "mici.errors", "mici.integrators", "mici.interop", "mici.matrices", "mici.progressbars", "mici.samplers", "mici.solvers", "mici.stagers", "mici.states", "mici.systems", "mici.transitions", "mici.types", "mici.utils"], "filenames": ["index.rst", "mici.rst", "mici.adapters.rst", "mici.autodiff.rst", "mici.autograd_wrapper.rst", "mici.errors.rst", "mici.integrators.rst", "mici.interop.rst", "mici.matrices.rst", "mici.progressbars.rst", "mici.samplers.rst", "mici.solvers.rst", "mici.stagers.rst", "mici.states.rst", "mici.systems.rst", "mici.transitions.rst", "mici.types.rst", "mici.utils.rst"], "titles": ["Welcome to Mici\u2019s documentation!", "mici package", "mici.adapters module", "mici.autodiff module", "mici.autograd_wrapper module", "mici.errors module", "mici.integrators module", "mici.interop module", "mici.matrices module", "mici.progressbars module", "mici.samplers module", "mici.solvers module", "mici.stagers module", "mici.states module", "mici.systems module", "mici.transitions module", "mici.types module", "mici.utils module"], "terms": {"i": [0, 2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "python": [0, 7, 10], "packag": 0, "provid": [0, 3, 6, 7, 13, 14], "implement": [0, 2, 3, 6, 8, 9, 10, 17], "markov": [0, 2, 7, 10, 12, 13, 15], "chain": [0, 2, 5, 7, 9, 10, 11, 12, 13, 15], "mont": [0, 2, 6, 10, 14, 15], "carlo": [0, 2, 6, 10, 14, 15], "mcmc": [0, 1, 10, 15], "method": [0, 2, 6, 7, 8, 9, 10, 11, 13, 14, 15], "approxim": [0, 6, 7, 8, 10, 11, 12, 14, 15], "infer": [0, 7, 10, 14], "probabilist": [0, 2, 7], "model": [0, 7, 10, 14, 15], "particular": 0, "focu": 0, "base": [0, 1, 2, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "simul": [0, 1, 6, 10, 11, 14, 15], "hamiltonian": [0, 1, 2, 5, 6, 7, 10, 11, 14, 15], "dynam": [0, 1, 5, 6, 7, 10, 11, 14, 15], "manifold": [0, 1, 6, 11, 14, 15], "submodul": 0, "adapt": [0, 1, 5, 6, 7, 10, 12, 15], "modul": [0, 1], "autodiff": [0, 1], "autograd_wrapp": [0, 1], "error": [0, 1, 2, 3, 6, 11, 13], "integr": [0, 1, 2, 5, 7, 10, 11, 14, 15], "interop": [0, 1], "matric": [0, 1, 14], "progressbar": [0, 1, 7, 10], "sampler": [0, 1, 2, 7, 12, 15], "solver": [0, 1, 5, 6], "stager": [0, 1, 10], "state": [0, 1, 2, 5, 6, 9, 10, 11, 12, 14, 15], "system": [0, 1, 6, 7, 8, 10, 11, 13, 15], "transit": [0, 1, 2, 5, 7, 10, 12], "type": [0, 1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15, 17], "util": [0, 1, 7], "dualaveragingstepsizeadapt": [1, 2, 10], "onlinecovariancemetricadapt": [1, 2], "onlinevariancemetricadapt": [1, 2], "arithmetic_mean_log_step_size_reduc": [1, 2], "default_adapt_stat_func": [1, 2], "geometric_mean_log_step_size_reduc": [1, 2], "min_log_step_size_reduc": [1, 2], "autodiff_fallback": [1, 3], "grad_and_valu": [1, 4], "hessian_grad_and_valu": [1, 4], "jacobian_and_valu": [1, 4], "mhp_jacobian_and_valu": [1, 4], "mtp_hessian_grad_and_valu": [1, 4], "adaptationerror": [1, 2, 5], "convergenceerror": [1, 5, 6, 11], "hamiltoniandivergenceerror": [1, 5], "integratorerror": [1, 5], "linalgerror": [1, 5, 8, 14], "nonreversiblesteperror": [1, 5, 6], "readonlystateerror": [1, 5, 13], "bcssfourstageintegr": [1, 6], "bcssthreestageintegr": [1, 6], "bcsstwostageintegr": [1, 6], "constrainedleapfrogintegr": [1, 6, 14], "implicitleapfrogintegr": [1, 6, 14], "implicitmidpointintegr": [1, 6], "leapfrogintegr": [1, 6], "symmetriccompositionintegr": [1, 6], "tractableflowintegr": [1, 6], "convert_to_inference_data": [1, 7], "sample_pymc3_model": [1, 7], "sample_stan_model": [1, 7], "blockcolumnmatrix": [1, 8], "blockmatrix": [1, 8], "blockrowmatrix": [1, 8], "densedefinitematrix": [1, 8], "densepositivedefinitematrix": [1, 8], "densepositivedefiniteproductmatrix": [1, 8], "denserectangularmatrix": [1, 8], "densesquarematrix": [1, 8], "densesymmetricmatrix": [1, 8], "diagonalmatrix": [1, 8, 14], "differentiablematrix": [1, 8, 14], "eigendecomposedpositivedefinitematrix": [1, 8], "eigendecomposedsymmetricmatrix": [1, 8], "explicitarraymatrix": [1, 8], "identitymatrix": [1, 8], "implicitarraymatrix": [1, 8], "inverselufactoredsquarematrix": [1, 8], "inversetriangularmatrix": [1, 8], "invertiblematrix": [1, 8], "invertiblematrixproduct": [1, 8], "matrix": [1, 2, 4, 5, 7, 8, 10, 11, 14, 15], "matrixproduct": [1, 8], "orthogonalmatrix": [1, 8], "positivedefiniteblockdiagonalmatrix": [1, 8], "positivedefinitelowrankupdatematrix": [1, 8], "positivedefinitematrix": [1, 8, 14], "positivediagonalmatrix": [1, 8], "positivescaledidentitymatrix": [1, 8], "scaledidentitymatrix": [1, 8], "scaledorthogonalmatrix": [1, 8], "softabsregularizedpositivedefinitematrix": [1, 8], "squareblockdiagonalmatrix": [1, 8], "squarelowrankupdatematrix": [1, 8], "squarematrix": [1, 8], "squarematrixproduct": [1, 8], "symmetricblockdiagonalmatrix": [1, 8], "symmetriclowrankupdatematrix": [1, 8], "symmetricmatrix": [1, 8], "triangularfactoreddefinitematrix": [1, 8], "triangularfactoredpositivedefinitematrix": [1, 8], "triangularmatrix": [1, 8], "dummyprogressbar": [1, 9], "filedisplai": [1, 9], "labelledsequenceprogressbar": [1, 9], "sequenceprogressbar": [1, 9, 10], "dynamicmultinomialhmc": [1, 10], "dynamicslicehmc": [1, 10], "hmcsamplechainsoutput": [1, 10], "hamiltonianmontecarlo": [1, 10], "mcmcsamplechainsoutput": [1, 10], "markovchainmontecarlomethod": [1, 7, 10, 12], "randommetropolishmc": [1, 10], "staticmetropolishmc": [1, 10], "fixedpointsolv": [1, 6, 11], "projectionsolv": [1, 6, 11], "euclidean_norm": [1, 11], "maximum_norm": [1, 6, 11], "solve_fixed_point_direct": [1, 6, 11], "solve_fixed_point_steffensen": [1, 11], "solve_projection_onto_manifold_newton": [1, 11], "solve_projection_onto_manifold_newton_with_line_search": [1, 11], "solve_projection_onto_manifold_quasi_newton": [1, 6, 11], "chainstag": [1, 12], "warmupstag": [1, 10, 12], "windowedwarmupstag": [1, 10, 12], "chainstat": [1, 2, 6, 10, 11, 13, 14, 15], "cache_in_st": [1, 13], "cache_in_state_with_aux": [1, 13], "choleskyfactoredriemannianmetricsystem": [1, 14], "constrainedeuclideanmetricsystem": [1, 14], "denseconstrainedeuclideanmetricsystem": [1, 14], "denseriemannianmetricsystem": [1, 14], "diagonalriemannianmetricsystem": [1, 14], "euclideanmetricsystem": [1, 14], "gaussiandenseconstrainedeuclideanmetricsystem": [1, 14], "gaussianeuclideanmetricsystem": [1, 14], "riemannianmetricsystem": [1, 14], "scalarriemannianmetricsystem": [1, 14], "softabsriemannianmetricsystem": [1, 14], "tractableflowsystem": [1, 6, 14], "correlatedmomentumtransit": [1, 15], "dynamicintegrationtransit": [1, 15], "independentmomentumtransit": [1, 10, 15], "integrationtransit": [1, 10, 15], "metropolisintegrationtransit": [1, 15], "metropolisrandomintegrationtransit": [1, 15], "metropolisstaticintegrationtransit": [1, 15], "momentumtransit": [1, 10, 15], "multinomialdynamicintegrationtransit": [1, 15], "slicedynamicintegrationtransit": [1, 15], "euclidean_no_u_turn_criterion": [1, 10, 15], "riemannian_no_u_turn_criterion": [1, 10, 15], "logrepfloat": [1, 17], "hash_arrai": [1, 17], "log1m_exp": [1, 17], "log1p_exp": [1, 17], "log_diff_exp": [1, 17], "log_sum_exp": [1, 17], "set": [2, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15], "algorithm": [2, 7, 10, 15], "paramet": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "class": [2, 5, 6, 8, 9, 10, 11, 12, 13, 14, 15, 17], "sourc": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "abc": [2, 6, 8, 9, 12, 14, 15], "abstract": [2, 8, 9, 12, 14, 15], "scheme": [2, 7, 10, 15], "ar": [2, 6, 7, 8, 10, 11, 12, 13, 14, 15], "assum": [2, 4, 6, 8, 14, 15], "updat": [2, 6, 8, 9, 10, 11, 12, 13, 15], "collect": [2, 9], "variabl": [2, 6, 7, 10, 12, 13, 14, 15], "term": [2, 6, 8, 10, 14, 15], "here": [2, 4, 8, 10, 14], "after": [2, 6, 10, 11, 12, 13], "each": [2, 6, 7, 8, 9, 10, 11, 12, 13, 15], "sampl": [2, 7, 10, 12, 13, 14, 15], "statist": [2, 7, 9, 10, 12, 14, 15], "an": [2, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "accept": [2, 6, 7, 10, 14, 15], "probabl": [2, 7, 10, 14, 15], "complet": [2, 9, 10], "one": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "more": [2, 6, 8, 10, 12, 13, 14, 15, 17], "final": [2, 6, 7, 10, 12], "mai": [2, 6, 7, 8, 10, 11, 12, 13, 14], "us": [2, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "perform": [2, 6, 8, 10, 11, 12, 15], "adapt_st": 2, "chain_stat": 2, "rng": [2, 10, 14, 15], "option": [2, 3, 6, 7, 8, 9, 10, 12, 13, 14, 15, 17], "multipl": [2, 7, 8, 10, 12], "avail": [2, 8, 10, 13], "e": [2, 4, 6, 8, 10, 11, 13, 14, 15], "g": [2, 6, 10, 13, 14, 15], "from": [2, 3, 6, 7, 10, 14, 15], "independ": [2, 7, 10, 13, 14, 15], "inform": [2, 12, 14], "all": [2, 6, 7, 8, 10, 12, 13, 14, 15], "combin": [2, 6], "": [2, 6, 8, 9, 10, 11, 12, 13, 14, 15], "union": [2, 7, 8, 10], "adapterst": 2, "iter": [2, 5, 6, 7, 8, 9, 10, 11, 12, 13], "list": [2, 7, 8, 9, 10], "per": [2, 7, 9, 10, 11, 12], "arrai": [2, 4, 6, 7, 8, 10, 12, 14, 15, 17], "buffer": 2, "associ": [2, 6, 7, 8, 10, 13, 14], "entri": [2, 7, 8, 9, 10, 12, 13, 15], "recycl": 2, "reduc": [2, 6, 10, 15], "memori": [2, 8, 10], "usag": [2, 10], "so": [2, 8, 10, 11, 12, 13, 14, 15], "correspond": [2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "remov": 2, "dictionari": [2, 6, 7, 9, 10, 12, 13, 14, 15], "current": [2, 9, 10, 11, 12, 14, 15], "stage": [2, 6, 9, 10, 12], "place": [2, 14], "alter": [2, 12], "requir": [2, 3, 6, 8, 11, 12, 14], "ani": [2, 6, 7, 8, 9, 10, 11, 13, 14, 15], "compon": [2, 6, 10, 11, 14, 15], "being": [2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "dapt": 2, "attribut": [2, 5, 10, 12, 13], "child": 2, "object": [2, 6, 7, 8, 9, 10, 11, 13, 14, 15, 17], "gener": [2, 3, 6, 7, 8, 10, 14, 15], "random": [2, 7, 10, 15], "number": [2, 6, 7, 8, 9, 10, 11, 12, 13, 15], "resampl": [2, 10, 15], "need": [2, 6, 13, 14], "due": [2, 6, 10, 14, 15], "initi": [2, 6, 7, 10, 11, 12, 13, 14, 15], "prior": [2, 7, 14], "start": [2, 7, 13, 14], "calcul": [2, 11, 13, 14], "should": [2, 6, 8, 10, 13, 14, 15], "mutat": 2, "return": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15, 17], "properti": [2, 6, 8, 9, 10, 14, 15, 17], "is_fast": [2, 10, 12], "bool": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "whether": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "fast": [2, 7, 10, 12], "slow": [2, 7, 12], "which": [2, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "onli": [2, 5, 6, 8, 10, 11, 12, 13, 14, 15], "local": [2, 12], "classifi": 2, "while": [2, 6, 7, 13, 15], "global": [2, 12], "fals": [2, 6, 7, 8, 10, 12, 13, 14], "trans_stat": [2, 15], "follow": [2, 6, 7, 10, 12], "transitionstatist": 2, "adapt_stat_target": 2, "0": [2, 4, 6, 7, 9, 10, 11, 12, 14, 15], "8": [2, 6, 7], "adapt_stat_func": 2, "none": [2, 3, 4, 6, 7, 8, 9, 10, 13, 14, 15, 17], "log_step_size_reg_target": 2, "log_step_size_reg_coeffici": 2, "05": [2, 7], "iter_decay_coeff": 2, "75": [2, 7, 12], "iter_offset": 2, "10": [2, 7, 9, 10, 11, 12, 15], "max_init_step_size_it": 2, "100": [2, 11], "log_step_size_reduc": 2, "dual": [2, 10], "averag": [2, 10], "step": [2, 5, 6, 7, 10, 11, 14, 15], "size": [2, 6, 7, 8, 10, 11, 12, 15], "describ": [2, 6, 7, 9, 15], "1": [2, 4, 6, 7, 8, 9, 10, 11, 14, 15, 17], "modifi": [2, 14], "version": [2, 10], "stochast": 2, "optimis": 2, "2": [2, 4, 6, 7, 8, 10, 11, 12, 14, 15], "By": [2, 8, 12, 13, 14], "default": [2, 6, 7, 9, 10, 12, 13, 14, 15], "control": [2, 6, 7, 10, 12, 14], "accept_prob": 2, "close": [2, 6, 8, 10, 14, 15], "target": [2, 7, 10, 14, 15], "valu": [2, 3, 4, 6, 7, 8, 9, 10, 12, 13, 14, 15, 17], "can": [2, 4, 6, 7, 8, 10, 12, 13, 14], "chang": [2, 10, 11, 12, 13, 15], "refer": [2, 6, 10, 12, 14, 15], "hoffman": [2, 10, 15], "m": [2, 4, 6, 10, 14, 15], "d": [2, 10, 14, 15], "gelman": [2, 10, 15], "A": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "2014": [2, 6, 10, 14, 15], "The": [2, 6, 7, 8, 10, 11, 12, 13, 14, 15], "No": [2, 6, 10, 15], "u": [2, 10, 15], "turn": [2, 10, 15], "path": [2, 10, 15], "length": [2, 9, 10, 15], "journal": [2, 6, 10, 14, 15], "machin": [2, 10, 15], "learn": [2, 10, 15], "research": [2, 10, 15], "15": [2, 10, 12, 15], "pp": [2, 10, 14, 15], "1593": [2, 10, 15], "1623": [2, 10, 15], "nesterov": 2, "y": 2, "2009": 2, "primal": [2, 13], "subgradi": 2, "convex": 2, "problem": [2, 6], "mathemat": 2, "program": [2, 7], "120": 2, "221": 2, "259": 2, "float": [2, 6, 7, 8, 9, 10, 11, 12, 14, 15, 17], "dure": [2, 6, 7, 10, 11, 12, 15], "adaptationstatisticfunct": 2, "function": [2, 3, 4, 6, 7, 8, 10, 11, 12, 13, 14, 15, 17], "given": [2, 6, 10, 14, 15], "output": [2, 4, 6, 7, 8, 9, 10, 12, 13, 14], "thi": [2, 6, 7, 8, 10, 12, 13, 14, 15], "simpli": [2, 14], "select": [2, 10], "accept_stat": [2, 10], "regular": [2, 7, 8, 14], "logarithm": [2, 8, 14, 17], "toward": [2, 10, 15], "If": [2, 6, 7, 8, 10, 11, 12, 13, 14, 15], "log": [2, 7, 8, 14, 17], "init_step_s": 2, "where": [2, 4, 6, 8, 11, 14, 15, 17], "reason": 2, "found": 2, "coars": 2, "search": [2, 11], "recommend": 2, "ha": [2, 3, 7, 8, 10, 14, 15], "effect": [2, 6, 10, 15], "give": [2, 6, 8, 14], "tendenc": 2, "test": [2, 7, 11], "larger": [2, 6, 7], "than": [2, 8, 12, 14, 15], "typic": [2, 6, 8], "have": [2, 6, 8, 9, 10, 13, 14, 15], "lower": [2, 8, 10, 14, 15], "comput": [2, 4, 6, 8, 10, 11, 12, 13, 14, 15, 17], "cost": [2, 8, 10, 11, 15], "coeffici": [2, 6, 8, 14, 15], "amount": 2, "regularis": [2, 8, 14], "expon": [2, 7], "decai": 2, "schedul": 2, "weight": [2, 15], "smooth": [2, 8, 14], "estim": [2, 7, 9], "interv": [2, 6, 7, 10, 14, 15], "5": [2, 6, 11], "ensur": [2, 6, 8, 10, 14, 15], "asymptot": [2, 14], "converg": [2, 5, 6, 7, 11], "equal": [2, 6, 7, 8, 10, 15], "whole": 2, "histori": 2, "smaller": 2, "increasingli": [2, 8, 14], "highli": 2, "recent": 2, "forget": 2, "earli": 2, "int": [2, 6, 7, 8, 9, 10, 11, 12, 13, 15, 17], "offset": [2, 7], "non": [2, 6, 7, 8, 10, 11, 12, 14], "neg": [2, 6, 7, 8, 14, 15], "stabilis": 2, "maximum": [2, 7, 10, 11, 15], "except": [2, 5, 6, 8, 11, 13, 14], "rais": [2, 5, 6, 11, 13, 14], "suitabl": 2, "within": [2, 5, 6, 7, 9, 10, 11], "mani": 2, "reducerfunct": 2, "reduct": 2, "appli": [2, 3, 6, 7, 10, 12, 14], "produc": [2, 15], "overal": [2, 6, 8], "main": [2, 10, 12], "specifi": [2, 3, 6, 7, 8, 9, 10, 12, 13, 14, 15], "sequenc": [2, 6, 8, 9, 10, 12, 17], "arithmet": [2, 17], "mean": [2, 6, 7, 8, 9, 10, 14, 15], "true": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "reg_iter_offset": 2, "reg_scal": 2, "001": 2, "dens": [2, 7, 8, 14], "metric": [2, 7, 8, 10, 14, 15], "onlin": 2, "covari": [2, 7, 14], "welford": 2, "stabli": 2, "posit": [2, 6, 7, 8, 9, 10, 11, 14, 15, 17], "variant": [2, 13, 15], "schubert": 2, "gertz": 2, "parallel": [2, 7, 10], "batch": [2, 4], "increment": 2, "varianc": [2, 7], "chan": 2, "et": 2, "al": 2, "3": [2, 4, 6, 8, 10, 14, 15], "scale": [2, 7, 11, 14], "ident": [2, 6, 7, 8, 10, 14, 15], "increas": [2, 12], "small": [2, 6, 11], "decreas": [2, 11], "noisi": 2, "approach": [2, 6, 12, 15], "stan": [2, 7, 10, 12, 15], "4": [2, 6, 7, 10, 14, 15], "represent": [2, 7, 8, 9, 10, 14, 15, 17], "definit": [2, 8, 14], "invers": [2, 8, 14], "b": [2, 6, 9, 10, 14, 15], "p": [2, 6, 10, 11, 14, 15], "1962": 2, "note": [2, 6, 8, 10, 12, 14], "correct": [2, 14], "sum": [2, 4, 6, 10, 12, 14, 15], "squar": [2, 8, 14], "product": [2, 4, 8, 14, 15], "technometr": 2, "419": 2, "420": 2, "2018": 2, "numer": [2, 6, 10, 14, 17], "stabl": [2, 17], "co": [2, 6, 11, 14], "acm": 2, "doi": 2, "1145": 2, "3221269": 2, "3223036": 2, "t": [2, 4, 6, 8, 13, 14], "f": [2, 4, 6, 8, 14], "golub": 2, "h": [2, 4, 6, 14], "levequ": 2, "r": [2, 10, 11, 14, 15], "j": [2, 4, 6, 8, 10, 14, 15], "1979": 2, "formula": 2, "pairwis": 2, "technic": 2, "report": 2, "c": [2, 6, 11, 14], "79": 2, "773": 2, "depart": 2, "scienc": [2, 14], "stanford": 2, "univers": [2, 6], "carpent": 2, "lee": 2, "goodrich": 2, "betancourt": [2, 10, 14, 15], "brubak": 2, "guo": 2, "li": 2, "riddel": 2, "2017": [2, 10, 14, 15], "languag": 2, "softwar": 2, "76": 2, "depend": [2, 8, 10, 12, 13, 14], "between": [2, 9, 10, 12, 13, 14, 15], "higher": 2, "caus": 2, "stronger": 2, "scalar": [2, 4, 6, 8, 10, 12, 14, 15], "defin": [2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "diagon": [2, 7, 8, 14], "common": [2, 8, 13], "element": [2, 8, 14], "reciproc": [2, 9], "zero": [2, 8, 9, 10, 11, 14, 15], "guarante": [2, 14], "log_step_s": 2, "stat": [2, 7, 9], "extract": 2, "geometr": [2, 14], "minimum": [2, 9, 14], "automat": [3, 13, 14], "different": 3, "fallback": [3, 14], "construct": [3, 8, 12, 13, 14], "deriv": [3, 4, 6, 8, 13, 14], "diff_func": 3, "func": [3, 6, 11], "diff_op_nam": 3, "name": [3, 7, 10, 12, 13, 15], "differenti": [3, 4, 6, 13, 14], "oper": [3, 4, 5, 7, 8, 10, 17], "altern": [3, 6, 14], "been": [3, 8, 13], "callabl": [3, 13], "either": [3, 7, 8, 10, 13, 14, 15], "wa": [3, 15], "str": [3, 6, 7, 9, 10, 12, 13, 14, 15], "string": [3, 7, 9, 10, 12, 13, 15], "framework": 3, "wrapper": [3, 10], "messag": 3, "otherwis": [3, 6, 8, 10, 14], "addit": [4, 7, 10, 13, 14, 15], "autograd": 4, "fun": 4, "x": [4, 6, 8, 11, 14], "make": 4, "both": [4, 6, 8, 9, 10, 11, 12, 14, 15], "gradient": [4, 8, 14], "scalarfunct": [4, 11, 14], "arraylik": [4, 7, 11, 13, 14, 15], "tupl": [4, 8, 9, 10, 12, 13, 14, 15], "scalarlik": [4, 8, 14, 15], "hessian": [4, 14], "broadcast": 4, "along": [4, 8, 11, 15], "first": [4, 6, 7, 8, 9, 10, 13, 14, 15], "dimens": [4, 6, 7, 8, 10], "input": [4, 6, 8, 14], "respect": [4, 6, 7, 8, 10, 11, 13, 14, 15], "concurr": 4, "arrayfunct": [4, 11, 14], "jacobian": [4, 11, 14], "mhp": [4, 14], "For": [4, 6, 8, 10, 15], "vector": [4, 6, 8, 11, 14, 15], "axi": [4, 14], "wrt": [4, 14], "rank": [4, 8], "tensor": 4, "second": [4, 6, 7, 8, 9, 11, 14, 15], "order": [4, 6, 8, 9, 10, 12, 13, 14], "partial": [4, 6, 7, 9, 14, 15], "k": [4, 6, 14], "\u00b2f": 4, "matrixhessianproduct": [4, 14], "mtp": [4, 14], "tressian": [4, 14], "3d": [4, 14], "third": [4, 14], "\u00b3f": [4, 14], "matrixtressianproduct": [4, 14], "when": [5, 7, 8, 10, 11, 12, 13, 14, 15], "fail": [5, 10, 14, 15], "arg": [5, 11], "with_traceback": 5, "tb": 5, "self": [5, 8, 12], "__traceback__": 5, "allow": [5, 6, 7, 8, 9, 11, 13, 14], "runtimeerror": 5, "diverg": [5, 6, 10, 11, 15], "linear": [5, 6, 8, 11, 14], "algebra": [5, 6, 8], "revers": [5, 6, 10, 13, 15], "check": [5, 6, 8, 10, 15], "write": [5, 9, 10], "read": [5, 13], "symplect": [6, 10, 15], "step_siz": 6, "four": 6, "symmetr": [6, 8, 11, 14], "composit": 6, "blane": 6, "casa": 6, "sanz": 6, "serna": 6, "equat": [6, 11, 14], "6": 6, "specif": [6, 14], "instanc": [6, 8, 10, 12, 13, 14], "free": 6, "a_0": 6, "071353913450279725904": 6, "b_1": 6, "191667800000000000000": 6, "a_1": 6, "268548791161230105820": 6, "hybrid": [6, 10, 14, 15], "siam": 6, "scientif": 6, "36": 6, "a1556": 6, "a1580": 6, "tractabl": [6, 14], "flow": [6, 11, 14], "time": [6, 9, 10, 11, 13, 14, 15], "befor": [6, 10, 11, 13, 15], "call": [6, 7, 10, 13], "singl": [6, 9, 10, 12, 14], "suppli": 6, "new": [6, 9, 10, 13, 15], "three": [6, 12], "7": 6, "11888010966548": 6, "29619504261126": 6, "two": [6, 10, 11, 12, 14, 15], "sqrt": [6, 8], "n_inner_step": 6, "reverse_check_tol": 6, "2e": 6, "08": [6, 11], "reverse_check_norm": 6, "projection_solv": 6, "projection_solver_kwarg": 6, "leapfrog": 6, "constrain": [6, 11, 14], "express": 6, "unconstrain": [6, 11, 14], "exactli": [6, 10, 15], "take": [6, 10, 14, 15], "form": [6, 8, 11, 14], "q": [6, 11, 14], "h_1": [6, 14], "h_2": [6, 14], "momentum": [6, 10, 11, 14, 15], "exact": [6, 14], "phi_1": 6, "phi_2": 6, "addition": [6, 13, 14], "subject": [6, 14], "holonom": 6, "constraint": [6, 11, 14], "valid": [6, 9, 10, 13], "must": [6, 8, 9, 13], "satisfi": [6, 8, 11, 15], "some": [6, 7, 10, 15], "surject": 6, "implicitli": [6, 8, 14], "remain": [6, 7, 9, 15], "confin": 6, "enforc": [6, 14], "introduc": 6, "lagrang": [6, 11], "multipli": [6, 8, 11, 12], "lambda": 6, "bar": [6, 7, 9, 10], "text": [6, 9], "dot": [6, 15], "nabla_2": 6, "quad": 6, "nabla_1": 6, "abov": [6, 8, 13, 14], "cotang": 6, "space": [6, 8, 10, 11, 14, 15], "pair": [6, 8, 9, 10, 15], "bundl": [6, 11], "To": 6, "up": [6, 7, 9, 10, 12, 15], "point": [6, 7, 8, 11, 14, 15], "preserv": [6, 10, 14], "map": [6, 7, 10, 11, 14], "we": 6, "reich": 6, "1996": 6, "pi": 6, "parametris": [6, 8], "circ": 6, "tangent": [6, 11, 14], "trivial": 6, "nabla": 6, "therefor": 6, "accord": 6, "project": [6, 11, 14], "result": [6, 8, 10, 13, 14, 15], "back": 6, "usual": [6, 7, 13], "case": [6, 8, 10, 12, 14, 15], "includ": [6, 10], "quadrat": [6, 8, 11, 14], "analyt": [6, 14], "solv": [6, 8, 11, 14], "also": [6, 7, 13, 14], "decompos": 6, "_1": 6, "newton": [6, 11], "solut": [6, 11], "psi": 6, "n": [6, 14], "integ": [6, 7, 10, 15, 17], "inner": [6, 8, 10, 11, 14], "detail": [6, 10, 13, 14, 15], "see": [6, 10, 12, 13, 14, 15], "section": 6, "leimkuhl": 6, "2004": 6, "analysi": 6, "33": 6, "475": 6, "491": 6, "14": 6, "cambridg": 6, "press": 6, "h2_flow": [6, 11, 14], "As": [6, 8, 13, 14], "dh1_dpo": [6, 14], "evalu": [6, 8, 11, 14], "rel": [6, 10, 15], "expens": 6, "compar": [6, 13], "computation": 6, "effici": [6, 10, 15], "thu": 6, "forward": [6, 10, 13, 15], "still": 6, "involv": 6, "retract": 6, "too": 6, "larg": [6, 10], "toler": [6, 10, 11, 15], "implicit": [6, 8, 11, 14], "sub": [6, 10, 15], "sequenti": [6, 10], "adjoint": 6, "distanc": [6, 15], "argument": [6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "origin": [6, 8, 10, 13, 15], "condit": [6, 10, 14, 15], "met": [6, 10, 15], "normfunct": 6, "norm": [6, 11], "dimension": [6, 14], "state_prev": [6, 11], "time_step": [6, 11], "\u03bb": [6, 11], "constr": [6, 11, 14], "po": [6, 10, 11, 13, 14], "dh2_flow_pos_dmom": 6, "jacob_constr": [6, 11, 14], "dh2_flow_dmom": [6, 14], "action": 6, "dict": [6, 7, 8, 9, 10, 12, 13, 14, 15], "keyword": [6, 8, 10, 12, 13, 14], "fixed_point_solv": 6, "fixed_point_solver_kwarg": 6, "separ": [6, 14], "known": [6, 8, 15], "generalis": 6, "possibl": [6, 8, 13, 17], "lbrace": [6, 14], "rbrace": [6, 14], "fix": [6, 7, 10, 11, 14, 15], "partit": 6, "rung": 6, "kutta": 6, "guess": 6, "x0": [6, 11], "initialis": [6, 8, 11], "midpoint": 6, "phi": 6, "euler": 6, "half": [6, 10, 14, 15], "explicit": [6, 8], "canon": [6, 10, 15], "ordinari": 6, "qquad": 6, "consequ": 6, "volum": [6, 10], "approx": 6, "over": [6, 7, 9, 10, 15], "conserv": [6, 10, 15], "discretis": 6, "trajectori": [6, 7, 10, 15], "potenti": [6, 10, 13, 14, 15], "energi": [6, 7, 14], "kinet": 6, "classic": [6, 10], "st\u00f6rmer": 6, "verlet": 6, "split": [6, 10, 12, 14], "free_coeffici": 6, "initial_h1_flow_step": 6, "a_": 6, "b_": 6, "determin": [6, 8, 10, 14, 15], "geq": 6, "consist": [6, 10], "least": 6, "sum_": 6, "restrict": [6, 8], "a_m": 6, "b_m": 6, "symmetri": 6, "b_k": 6, "odd": 6, "a_k": 6, "even": [6, 13], "special": [6, 8, 14], "uniqu": [6, 8, 13], "interfac": [7, 9, 15], "extern": 7, "librari": [7, 10], "trace": [7, 10, 12], "energy_kei": 7, "lp_kei": 7, "lp": 7, "convert": 7, "sample_chain": [7, 10], "arviz": 7, "inferencedata": 7, "kei": [7, 8, 9, 10, 12, 13, 15], "draw": [7, 10, 12, 14, 15], "index": [7, 9, 10, 12], "propos": [7, 10, 15], "constant": [7, 14], "present": 7, "ad": [7, 13], "sample_stat": 7, "group": 7, "joint": [7, 10], "posterior": [7, 14], "densiti": [7, 8, 10, 14, 15], "data": [7, 10, 17], "store": [7, 8, 10, 12, 13, 15, 17], "1000": [7, 10, 15], "tune": [7, 10], "core": 7, "random_se": 7, "init": 7, "auto": 7, "jitter_max_retri": 7, "return_inferencedata": 7, "target_accept": 7, "max_treedepth": 7, "pymc3": 7, "multinomi": [7, 10, 15], "hmc": [7, 10, 15], "warm": [7, 10, 12], "phase": 7, "replic": 7, "drop": 7, "replac": 7, "adjust": [7, 12], "similar": 7, "drawn": 7, "discard": 7, "run": [7, 10, 12], "import": 7, "reveal": 7, "mode": [7, 13], "code": 7, "whichev": 7, "cpu": 7, "most": [7, 14], "seed": 7, "numpi": [7, 10, 15, 17], "entropi": 7, "displai": [7, 9, 10], "progress": [7, 9, 10, 15], "liter": [7, 8], "adapt_diag": 7, "jitter": 7, "adapt_ful": 7, "One": [7, 8, 10, 13], "mass": 7, "same": [7, 8, 10, 12, 14, 15], "add": 7, "uniform": [7, 10, 15], "chosen": [7, 10, 15], "repeat": 7, "attempt": [7, 8, 13, 14], "creat": [7, 9, 10, 12, 13], "yield": 7, "finit": 7, "track": [7, 9, 10], "unobserved_rv": 7, "distribut": [7, 10, 14, 15], "context": 7, "manag": 7, "depth": [7, 10, 15], "expand": [7, 10, 15], "binari": [7, 8, 10, 15], "tree": [7, 10, 15], "contain": [7, 8, 10, 14, 15], "across": [7, 10, 15], "instead": [7, 8, 10, 11, 14, 15], "model_cod": 7, "num_sampl": 7, "num_warmup": 7, "num_chain": 7, "save_warmup": 7, "diag_": 7, "stepsiz": 7, "adapt_engag": 7, "delta": 7, "gamma": 7, "kappa": 7, "t0": 7, "init_buff": 7, "term_buff": 7, "50": [7, 11, 12], "window": [7, 12], "25": [7, 9, 12], "max_depth": 7, "pystan": 7, "itself": [7, 8, 13], "cmdstan": 7, "save": [7, 13], "unit_": 7, "dense_": 7, "indic": [7, 8, 13], "margin": [7, 14], "engag": 7, "relax": 7, "width": 7, "flatten": 7, "structur": [8, 14], "basic": 8, "block": [8, 9, 13], "compos": 8, "vertic": 8, "concaten": 8, "seri": [8, 14], "column": [8, 9, 14], "top": 8, "bottom": 8, "transpos": 8, "ndarrai": [8, 10, 17], "full": [8, 11], "2d": [8, 14], "access": [8, 13, 15], "avoid": [8, 10, 13, 15], "wherev": 8, "lot": 8, "abl": 8, "exploit": [8, 14], "1d": [8, 14], "shape": [8, 14], "num_row": 8, "num_column": 8, "kwarg": [8, 10, 11], "submatrix": 8, "horizont": 8, "row": [8, 14], "left": [8, 10, 14], "right": [8, 14], "factor": [8, 14], "is_posdef": 8, "_basetriangularfactoreddefinitematrix": 8, "triangular": [8, 14], "factoris": 8, "pre": [8, 15], "later": 8, "made": 8, "eigval": [8, 14], "eigenvalu": [8, 14], "eigvec": [8, 14], "eigenvector": [8, 14], "stack": 8, "sign": 8, "grad_log_abs_det": [8, 14], "absolut": [8, 14], "grad_quadratic_form_inv": [8, 14], "inv": [8, 14], "repres": [8, 9, 14], "necessarili": 8, "log_abs_det": [8, 14], "proport": [8, 9], "riemannian": [8, 14, 15], "measur": [8, 14], "lebesgu": [8, 14], "root": [8, 14], "rect_matrix": 8, "pos_def_matrix": 8, "rectangular": 8, "dim_0": 8, "dim_1": 8, "under": [8, 10, 14, 15], "assumpt": 8, "its": [8, 10, 14, 15], "leftmost": 8, "righmost": 8, "dim_inn": 8, "lu_and_piv": 8, "lu_transpos": 8, "singular": 8, "pivot": 8, "lu": 8, "upper": [8, 10, 15], "unit": [8, 9], "scipi": 8, "linalg": 8, "lu_factor": 8, "lu_solv": 8, "orthonorm": 8, "parameter": 8, "convent": 8, "__init__": [8, 10], "subclass": [8, 14], "wrap": [8, 13], "exampl": [8, 9, 13], "param": 8, "ab": [8, 14], "det": 8, "In": [8, 10, 14, 15], "relev": [8, 13], "parametr": 8, "eigendecomposit": 8, "parameteris": 8, "diag": [8, 14], "orthogon": [8, 14], "strictli": [8, 14], "ones": 8, "elsewher": 8, "subset": 8, "inv_arrai": 8, "inv_lu_and_piv": 8, "inv_lu_transpos": 8, "inverse_arrai": 8, "make_triangular": 8, "below": [8, 12], "ignor": [8, 14], "explicitli": 8, "triangl": 8, "check_shap": 8, "invert": 8, "success": 8, "he": 8, "compat": 8, "like": 8, "overload": [8, 17], "well": [8, 10, 13, 15], "standard": [8, 10, 14, 15], "divis": 8, "quantiti": [8, 13], "adjac": 8, "specialis": 8, "factor_matrix": 8, "inner_pos_def_matrix": 8, "capacitance_matrix": 8, "low": 8, "dim_out": 8, "downdat": 8, "peform": [8, 10], "woodburi": 8, "lemma": 8, "o": [8, 10, 14], "plu": 8, "square_root": 8, "exist": 8, "cheaper": [8, 11], "directli": [8, 14], "pass": [8, 9, 10, 12, 13, 14], "alreadi": 8, "previou": [8, 10, 11, 15], "do": 8, "reli": 8, "reprsent": 8, "orth_arrai": 8, "paramteris": 8, "real": [8, 14], "symmetric_arrai": 8, "softabs_coeff": [8, 14], "transform": [8, 14], "eigh": [8, 14], "softab": [8, 14], "tend": [8, 14], "infin": [8, 11, 14], "becom": [8, 14], "grad_softab": 8, "left_factor_matrix": 8, "right_factor_matrix": 8, "square_matrix": 8, "inner_square_matrix": 8, "resp": 8, "rightmost": 8, "symmetric_matrix": 8, "inner_symmetric_matrix": 8, "factor_is_low": 8, "trinagular": 8, "boolean": 8, "choleski": [8, 14], "descript": [9, 10, 12, 13], "placehold": 9, "doe": [9, 11], "_and_": 9, "len": 9, "task": 9, "prefix": 9, "total": 9, "n_iter": [9, 12], "iter_count": 9, "iter_dict": 9, "refresh": [9, 15], "counter": [9, 13], "postfix": [9, 10], "file": [9, 10], "support": [9, 10, 14], "ansi": 9, "escap": 9, "line": [9, 11, 15], "textio": 9, "x1b": 9, "cursor": 9, "down": 9, "manipul": 9, "sy": 9, "stdout": 9, "cursor_down": 9, "move": [9, 10, 15], "cursor_up": 9, "obj": 9, "labelled_sequ": 9, "label": [9, 12], "visual": 9, "much": 9, "completed_label": 9, "count": [9, 13], "current_label": 9, "progress_bar": 9, "statu": 9, "reset": [9, 12], "comma": 9, "delimit": 9, "unstarted_label": 9, "unstart": 9, "expect": [9, 14, 15], "n_col": 9, "min_refresh_tim": 9, "html": 9, "richer": 9, "jupyt": 9, "notebook": 9, "interact": 9, "termin": [9, 10, 11, 15], "charact": 9, "min_referesh_tim": 9, "glyph": 9, "bar_color": 9, "css": 9, "color": 9, "elapsed_tim": 9, "elaps": 9, "format": 9, "empty_block": 9, "empti": [9, 10], "est_remaining_tim": 9, "filled_block": 9, "fill": 9, "iter_r": 9, "rate": 9, "n_block_empti": 9, "n_block_fil": 9, "partial_block": 9, "perc_complet": 9, "percentag": 9, "prop_complet": 9, "prop_partial_block": 9, "max_tree_depth": [10, 15], "max_delta_h": [10, 15], "termination_criterion": [10, 15], "do_extra_subtree_check": [10, 15], "momentum_transit": 10, "recurs": [10, 15], "randomli": [10, 15], "backward": [10, 15], "until": [10, 11, 15], "criteria": [10, 15], "leav": [10, 15], "next": [10, 15], "candid": [10, 15], "differ": [10, 15], "bias": [10, 15], "further": [10, 12, 14, 15], "criterion": [10, 15], "extra": 10, "subtre": [10, 15], "enabl": 10, "equival": [10, 15], "nut": 10, "minu": 10, "http": [10, 11, 12], "mc": [10, 12], "org": [10, 11, 12], "v2": 10, "23": 10, "conceptu": [10, 15], "introduct": [10, 15], "arxiv": [10, 15], "preprint": [10, 15], "1701": [10, 15], "02434": [10, 15], "signal": [10, 15], "terminationcriterion": [10, 15], "expans": [10, 15], "edg": [10, 15], "node": [10, 15], "overlap": [10, 15], "improv": [10, 15], "robust": [10, 15], "simpl": [10, 15], "harmon": [10, 15], "oscil": [10, 15], "normal": [10, 15], "certain": [10, 15], "reson": [10, 15], "behaviour": [10, 12, 14, 15], "seen": [10, 15], "detect": [10, 15], "past": [10, 15], "period": [10, 15], "continu": [10, 11, 15], "limit": [10, 15], "hit": [10, 15], "discours": [10, 15], "discuss": [10, 15], "kutt": [10, 15], "yaki": [10, 15], "help": [10, 15], "correl": [10, 15], "overhead": [10, 15], "kernel": [10, 15], "invari": [10, 15], "trigger": 10, "n_warm_up_it": [10, 12], "n_main_it": [10, 12], "init_st": 10, "process": 10, "mom": [10, 13, 14], "trace_func": [10, 12], "record": [10, 12, 13], "trace_warm_up": [10, 12], "appear": [10, 12], "last": [10, 12], "matter": [10, 12], "activ": [10, 12], "docstr": 10, "n_process": 10, "multiprocess": 10, "pool": 10, "assign": [10, 15], "cpu_count": 10, "max_threads_per_process": 10, "threadpoolctl": 10, "thread": 10, "bla": 10, "openmp": 10, "instal": 10, "environ": 10, "force_memmap": 10, "forc": 10, "disk": 10, "excess": 10, "long": 10, "written": 10, "npy": 10, "directori": 10, "memmap_path": 10, "temporari": 10, "alwai": [10, 14], "delet": 10, "onc": 10, "them": 10, "monitor_stat": 10, "monitor": [10, 13], "far": 10, "print": 10, "display_progress": 10, "progress_bar_class": 10, "factori": [10, 14], "show": 10, "final_st": 10, "interatino": 10, "augment": 10, "slice": [10, 15], "disabl": 10, "namedtupl": [10, 12], "hamiltonianmcmc": 10, "resum": 10, "lead": [10, 13], "integration_transit": 10, "henceforth": 10, "user": 10, "appropri": [10, 15], "There": 10, "variou": 10, "duan": [10, 15], "kennedi": [10, 15], "pendleton": [10, 15], "roweth": [10, 15], "1987": [10, 15], "physic": [10, 15], "letter": [10, 15], "195": [10, 15], "216": [10, 15], "222": [10, 15], "neal": [10, 14, 15], "2011": [10, 14, 15], "handbook": [10, 15], "11": [10, 14, 15], "jointli": [10, 15], "join": 10, "outer": 10, "tracefunct": [10, 12], "sueqenc": 10, "statistics_typ": 10, "n_step_rang": [10, 15], "metropoli": [10, 15], "direct": [10, 11, 15], "end": [10, 15], "negat": [10, 15], "involut": [10, 15], "determinist": [10, 15], "again": [10, 15], "irrespect": [10, 15], "decis": [10, 15], "reject": [10, 15], "randomis": [10, 15], "mix": [10, 15], "poorli": [10, 15], "mackenzi": [10, 15], "1989": [10, 15], "226": [10, 15], "369": [10, 15], "371": [10, 15], "bound": [10, 15], "inclus": [10, 15], "uniformli": [10, 15], "n_step": [10, 15], "static": [10, 15], "often": [10, 15], "now": [10, 15], "protocol": 11, "__call__": 11, "\u03c6\u2082": 11, "\u2081": 11, "\u1d40\u03bb": 11, "level": [11, 14, 15], "h\u2082": 11, "vct": 11, "euclidean": [11, 14, 15], "l": [11, 14], "convergence_tol": 11, "1e": 11, "09": 11, "divergence_tol": 11, "10000000000": 11, "max_it": 11, "find": 11, "successfulli": 11, "abort": 11, "assess": 11, "encount": 11, "valueerror": 11, "steffensen": 11, "steffennsen": 11, "achiev": 11, "en": 11, "wikipedia": 11, "wiki": 11, "27s_method": 11, "constraint_tol": 11, "position_tol": 11, "re": 11, "loop": 11, "decomposit": [11, 14], "residu": 11, "\u2082\u03c6\u2082": 11, "\u1d40": 11, "\u00b9": 11, "post": [11, 15], "delt_po": 11, "delta_po": 11, "max_line_search_it": 11, "backtrack": [11, 15], "\u03bb_": 11, "\u03b1": 11, "try": 11, "quasi": 11, "recomput": [11, 13], "previous": 11, "record_stat": 12, "n_init_slow_window_it": 12, "n_init_fast_stage_it": 12, "n_final_fast_stage_it": 12, "slow_window_multipli": 12, "hierarchi": 12, "quickli": 12, "addtion": 12, "identifi": [12, 13], "grow": 12, "memoryless": 12, "begin": [12, 13], "doubl": 12, "subsequ": [12, 13, 15], "smallest": 12, "cach": 13, "_call_count": 13, "_read_onli": 13, "_depend": 13, "_cach": 13, "recalcul": 13, "reus": 13, "memoiz": 13, "those": 13, "decor": 13, "everi": 13, "isn": 13, "constructor": 13, "underscor": 13, "pos_val": 13, "mom_val": 13, "dir": 13, "dir_val": 13, "reserv": 13, "copi": 13, "persist": 13, "intend": 13, "intern": 13, "read_onli": 13, "deep": 13, "depends_on": 13, "prevent": 13, "futur": 13, "correctli": 13, "clear": 13, "auxiliary_output": 13, "auxiliari": 13, "intermedi": [13, 15], "primari": 13, "anoth": [13, 14], "thei": 13, "pattern": 13, "alongsid": 13, "part": 13, "retriev": 13, "encapsul": 14, "neg_log_den": 14, "metric_chol_func": 14, "vjp_metric_chol_func": 14, "grad_neg_log_den": 14, "taken": 14, "document": 14, "about": 14, "unnorm": 14, "wish": 14, "vectorjacobianproductfunct": 14, "vjp": 14, "v": 14, "jacob": 14, "dim_po": 14, "gradientfunct": 14, "h1": 14, "dh2_dmom": 14, "h2": 14, "dh2_dpo": 14, "dh_dmom": 14, "dh_dpo": 14, "h1_flow": 14, "dt": 14, "metric_matrix_class": 14, "metric_func": 14, "sample_momentum": 14, "vjp_metric_func": 14, "rang": 14, "ndim": 14, "vectorjacobianproduct": 14, "dens_wrt_hausdorff": 14, "embed": 14, "ambient": 14, "mathcal": 14, "mathbb": 14, "equip": 14, "gaussian": [14, 15], "frac": 14, "impli": 14, "veloc": [14, 15], "exp": [14, 17], "ell": 14, "hausdorff": 14, "induc": 14, "event": 14, "gram": 14, "leli\u00e8vr": 14, "rousset": 14, "stoltz": 14, "2019": 14, "submanifold": 14, "numerisch": 14, "mathematik": 14, "143": 14, "379": 14, "421": 14, "graham": 14, "storkei": 14, "electron": 14, "5105": 14, "5164": 14, "former": 14, "latter": 14, "ratio": 14, "rrai": 14, "metriclik": 14, "distriubt": 14, "jacobianfunct": 14, "dpos_dmom": 14, "dmom_dmom": 14, "grad_log_det_sqrt_gram": 14, "log_det_sqrt_gram": 14, "inv_gram": 14, "jacob_constr_inner_product": 14, "jacob_constr_1": 14, "inner_product_matrix": 14, "jacob_constr_2": 14, "sparsiti": 14, "matrixlik": 14, "project_onto_cotangent_spac": 14, "definin": 14, "mhp_constr": 14, "matrixhessianproductfunct": 14, "dim_constr": 14, "hess": 14, "\u00b2c": 14, "almost": 14, "everywher": 14, "metric_diagonal_func": 14, "vjp_metric_diagonal_func": 14, "st": 14, "rather": [14, 15], "shahbaba": 14, "lan": 14, "johnson": 14, "w": 14, "24": 14, "339": 14, "349": 14, "metric_kwarg": 14, "simpler": 14, "constructng": 14, "sim": 14, "coupl": [14, 15], "girolami": 14, "calderhead": 14, "riemann": 14, "langevin": 14, "varlo": 14, "royal": 14, "societi": 14, "methodologi": 14, "73": 14, "123": 14, "214": 14, "fulli": 14, "togeth": 14, "__matmul__": 14, "__rmatmul__": 14, "metric_scalar_func": 14, "vjp_metric_scalar_func": 14, "metric_scalar_funct": 14, "grad": 14, "hess_neg_log_den": 14, "mtp_neg_log_den": 14, "riemmanian": 14, "tanh": 14, "elementwis": 14, "act": 14, "piecewis": 14, "2013": [14, 15], "327": 14, "334": 14, "hessianfunct": 14, "containt": 14, "matrixtressianproductfunct": 14, "tress": 14, "fourth": 14, "hesisan": 14, "howev": [14, 15], "mom_resample_coeff": 15, "pertub": 15, "crank": 15, "nicolson": 15, "It": 15, "momenta": 15, "sometim": 15, "succes": 15, "applic": 15, "evolv": 15, "walk": 15, "without": 15, "tractori": 15, "vari": 15, "horowitz": 15, "1991": 15, "guid": 15, "phy": 15, "lett": 15, "268": 15, "cern": 15, "th": 15, "6172": 15, "91": 15, "247": 15, "252": 15, "state_vari": 15, "statistic_typ": 15, "dtypelik": 15, "dtype": 15, "transtion": 15, "through": 15, "state_1": 15, "state_2": 15, "sum_mom": 15, "evolut": 15, "intrins": 15, "curvatur": 15, "geodes": 15, "longer": 15, "straight": 15, "1304": 15, "1920": 15, "alias": 16, "val": 17, "log_val": 17, "hash": 17, "byte": 17, "val1": 17, "val2": 17}, "objects": {"": [[1, 0, 0, "-", "mici"]], "mici": [[2, 0, 0, "-", "adapters"], [3, 0, 0, "-", "autodiff"], [4, 0, 0, "-", "autograd_wrapper"], [5, 0, 0, "-", "errors"], [6, 0, 0, "-", "integrators"], [7, 0, 0, "-", "interop"], [8, 0, 0, "-", "matrices"], [9, 0, 0, "-", "progressbars"], [10, 0, 0, "-", "samplers"], [11, 0, 0, "-", "solvers"], [12, 0, 0, "-", "stagers"], [13, 0, 0, "-", "states"], [14, 0, 0, "-", "systems"], [15, 0, 0, "-", "transitions"], [16, 0, 0, "-", "types"], [17, 0, 0, "-", "utils"]], "mici.adapters": [[2, 1, 1, "", "Adapter"], [2, 1, 1, "", "DualAveragingStepSizeAdapter"], [2, 1, 1, "", "OnlineCovarianceMetricAdapter"], [2, 1, 1, "", "OnlineVarianceMetricAdapter"], [2, 5, 1, "", "arithmetic_mean_log_step_size_reducer"], [2, 5, 1, "", "default_adapt_stat_func"], [2, 5, 1, "", "geometric_mean_log_step_size_reducer"], [2, 5, 1, "", "min_log_step_size_reducer"]], "mici.adapters.Adapter": [[2, 2, 1, "", "finalize"], [2, 2, 1, "", "initialize"], [2, 3, 1, "", "is_fast"], [2, 2, 1, "", "update"]], "mici.adapters.DualAveragingStepSizeAdapter": [[2, 2, 1, "", "finalize"], [2, 2, 1, "", "initialize"], [2, 4, 1, "", "is_fast"], [2, 2, 1, "", "update"]], "mici.adapters.OnlineCovarianceMetricAdapter": [[2, 2, 1, "", "finalize"], [2, 2, 1, "", "initialize"], [2, 4, 1, "", "is_fast"], [2, 2, 1, "", "update"]], "mici.adapters.OnlineVarianceMetricAdapter": [[2, 2, 1, "", "finalize"], [2, 2, 1, "", "initialize"], [2, 4, 1, "", "is_fast"], [2, 2, 1, "", "update"]], "mici.autodiff": [[3, 5, 1, "", "autodiff_fallback"]], "mici.autograd_wrapper": [[4, 5, 1, "", "grad_and_value"], [4, 5, 1, "", "hessian_grad_and_value"], [4, 5, 1, "", "jacobian_and_value"], [4, 5, 1, "", "mhp_jacobian_and_value"], [4, 5, 1, "", "mtp_hessian_grad_and_value"]], "mici.errors": [[5, 6, 1, "", "AdaptationError"], [5, 6, 1, "", "ConvergenceError"], [5, 6, 1, "", "Error"], [5, 6, 1, "", "HamiltonianDivergenceError"], [5, 6, 1, "", "IntegratorError"], [5, 6, 1, "", "LinAlgError"], [5, 6, 1, "", "NonReversibleStepError"], [5, 6, 1, "", "ReadOnlyStateError"]], "mici.errors.AdaptationError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.ConvergenceError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.Error": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.HamiltonianDivergenceError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.IntegratorError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.LinAlgError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.NonReversibleStepError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.ReadOnlyStateError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.integrators": [[6, 1, 1, "", "BCSSFourStageIntegrator"], [6, 1, 1, "", "BCSSThreeStageIntegrator"], [6, 1, 1, "", "BCSSTwoStageIntegrator"], [6, 1, 1, "", "ConstrainedLeapfrogIntegrator"], [6, 1, 1, "", "ImplicitLeapfrogIntegrator"], [6, 1, 1, "", "ImplicitMidpointIntegrator"], [6, 1, 1, "", "Integrator"], [6, 1, 1, "", "LeapfrogIntegrator"], [6, 1, 1, "", "SymmetricCompositionIntegrator"], [6, 1, 1, "", "TractableFlowIntegrator"]], "mici.integrators.BCSSFourStageIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.BCSSThreeStageIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.BCSSTwoStageIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.ConstrainedLeapfrogIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.ImplicitLeapfrogIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.ImplicitMidpointIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.Integrator": [[6, 2, 1, "", "step"]], "mici.integrators.LeapfrogIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.SymmetricCompositionIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.TractableFlowIntegrator": [[6, 2, 1, "", "step"]], "mici.interop": [[7, 5, 1, "", "convert_to_inference_data"], [7, 5, 1, "", "sample_pymc3_model"], [7, 5, 1, "", "sample_stan_model"]], "mici.matrices": [[8, 1, 1, "", "BlockColumnMatrix"], [8, 1, 1, "", "BlockMatrix"], [8, 1, 1, "", "BlockRowMatrix"], [8, 1, 1, "", "DenseDefiniteMatrix"], [8, 1, 1, "", "DensePositiveDefiniteMatrix"], [8, 1, 1, "", "DensePositiveDefiniteProductMatrix"], [8, 1, 1, "", "DenseRectangularMatrix"], [8, 1, 1, "", "DenseSquareMatrix"], [8, 1, 1, "", "DenseSymmetricMatrix"], [8, 1, 1, "", "DiagonalMatrix"], [8, 1, 1, "", "DifferentiableMatrix"], [8, 1, 1, "", "EigendecomposedPositiveDefiniteMatrix"], [8, 1, 1, "", "EigendecomposedSymmetricMatrix"], [8, 1, 1, "", "ExplicitArrayMatrix"], [8, 1, 1, "", "IdentityMatrix"], [8, 1, 1, "", "ImplicitArrayMatrix"], [8, 1, 1, "", "InverseLUFactoredSquareMatrix"], [8, 1, 1, "", "InverseTriangularMatrix"], [8, 1, 1, "", "InvertibleMatrix"], [8, 1, 1, "", "InvertibleMatrixProduct"], [8, 1, 1, "", "Matrix"], [8, 1, 1, "", "MatrixProduct"], [8, 1, 1, "", "OrthogonalMatrix"], [8, 1, 1, "", "PositiveDefiniteBlockDiagonalMatrix"], [8, 1, 1, "", "PositiveDefiniteLowRankUpdateMatrix"], [8, 1, 1, "", "PositiveDefiniteMatrix"], [8, 1, 1, "", "PositiveDiagonalMatrix"], [8, 1, 1, "", "PositiveScaledIdentityMatrix"], [8, 1, 1, "", "ScaledIdentityMatrix"], [8, 1, 1, "", "ScaledOrthogonalMatrix"], [8, 1, 1, "", "SoftAbsRegularizedPositiveDefiniteMatrix"], [8, 1, 1, "", "SquareBlockDiagonalMatrix"], [8, 1, 1, "", "SquareLowRankUpdateMatrix"], [8, 1, 1, "", "SquareMatrix"], [8, 1, 1, "", "SquareMatrixProduct"], [8, 1, 1, "", "SymmetricBlockDiagonalMatrix"], [8, 1, 1, "", "SymmetricLowRankUpdateMatrix"], [8, 1, 1, "", "SymmetricMatrix"], [8, 1, 1, "", "TriangularFactoredDefiniteMatrix"], [8, 1, 1, "", "TriangularFactoredPositiveDefiniteMatrix"], [8, 1, 1, "", "TriangularMatrix"]], "mici.matrices.BlockColumnMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.BlockMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.BlockRowMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DenseDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "transpose"]], "mici.matrices.DensePositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.DensePositiveDefiniteProductMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.DenseRectangularMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DenseSquareMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "lu_and_piv"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DenseSymmetricMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DifferentiableMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.EigendecomposedPositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.EigendecomposedSymmetricMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.ExplicitArrayMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.IdentityMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.ImplicitArrayMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.InverseLUFactoredSquareMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.InverseTriangularMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "lower"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.InvertibleMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.InvertibleMatrixProduct": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "matrices"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.Matrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.MatrixProduct": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "matrices"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.OrthogonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveDefiniteBlockDiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveDefiniteLowRankUpdateMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "capacitance_matrix"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveDiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveScaledIdentityMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "scalar"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.ScaledIdentityMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "scalar"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.ScaledOrthogonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 2, 1, "", "grad_softabs"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 2, 1, "", "softabs"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.SquareBlockDiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SquareLowRankUpdateMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "capacitance_matrix"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SquareMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SquareMatrixProduct": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "matrices"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SymmetricBlockDiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SymmetricLowRankUpdateMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "capacitance_matrix"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SymmetricMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.TriangularFactoredDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "transpose"]], "mici.matrices.TriangularFactoredPositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.TriangularMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "lower"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.progressbars": [[9, 1, 1, "", "DummyProgressBar"], [9, 1, 1, "", "FileDisplay"], [9, 1, 1, "", "LabelledSequenceProgressBar"], [9, 1, 1, "", "ProgressBar"], [9, 1, 1, "", "SequenceProgressBar"]], "mici.progressbars.DummyProgressBar": [[9, 3, 1, "", "n_iter"], [9, 3, 1, "", "sequence"], [9, 2, 1, "", "update"]], "mici.progressbars.FileDisplay": [[9, 4, 1, "", "CURSOR_DOWN"], [9, 4, 1, "", "CURSOR_UP"], [9, 2, 1, "", "update"]], "mici.progressbars.LabelledSequenceProgressBar": [[9, 3, 1, "", "completed_labels"], [9, 3, 1, "", "counter"], [9, 3, 1, "", "current_label"], [9, 3, 1, "", "description"], [9, 3, 1, "", "n_iter"], [9, 3, 1, "", "postfix"], [9, 3, 1, "", "prefix"], [9, 3, 1, "", "progress_bar"], [9, 2, 1, "", "refresh"], [9, 2, 1, "", "reset"], [9, 3, 1, "", "sequence"], [9, 3, 1, "", "stats"], [9, 3, 1, "", "unstarted_labels"], [9, 2, 1, "", "update"]], "mici.progressbars.ProgressBar": [[9, 3, 1, "", "n_iter"], [9, 3, 1, "", "sequence"], [9, 2, 1, "", "update"]], "mici.progressbars.SequenceProgressBar": [[9, 4, 1, "", "GLYPHS"], [9, 3, 1, "", "bar_color"], [9, 3, 1, "", "counter"], [9, 3, 1, "", "description"], [9, 3, 1, "", "elapsed_time"], [9, 3, 1, "", "empty_blocks"], [9, 3, 1, "", "est_remaining_time"], [9, 3, 1, "", "filled_blocks"], [9, 3, 1, "", "iter_rate"], [9, 3, 1, "", "n_block_empty"], [9, 3, 1, "", "n_block_filled"], [9, 3, 1, "", "n_iter"], [9, 3, 1, "", "partial_block"], [9, 3, 1, "", "perc_complete"], [9, 3, 1, "", "postfix"], [9, 3, 1, "", "prefix"], [9, 3, 1, "", "progress_bar"], [9, 3, 1, "", "prop_complete"], [9, 3, 1, "", "prop_partial_block"], [9, 2, 1, "", "refresh"], [9, 2, 1, "", "reset"], [9, 3, 1, "", "sequence"], [9, 3, 1, "", "stats"], [9, 2, 1, "", "update"]], "mici.samplers": [[10, 1, 1, "", "DynamicMultinomialHMC"], [10, 1, 1, "", "DynamicSliceHMC"], [10, 1, 1, "", "HMCSampleChainsOutputs"], [10, 1, 1, "", "HamiltonianMonteCarlo"], [10, 1, 1, "", "MCMCSampleChainsOutputs"], [10, 1, 1, "", "MarkovChainMonteCarloMethod"], [10, 1, 1, "", "RandomMetropolisHMC"], [10, 1, 1, "", "StaticMetropolisHMC"]], "mici.samplers.DynamicMultinomialHMC": [[10, 3, 1, "", "max_delta_h"], [10, 3, 1, "", "max_tree_depth"], [10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.samplers.DynamicSliceHMC": [[10, 3, 1, "", "max_delta_h"], [10, 3, 1, "", "max_tree_depth"], [10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.samplers.HamiltonianMonteCarlo": [[10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.samplers.MarkovChainMonteCarloMethod": [[10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "transitions"]], "mici.samplers.RandomMetropolisHMC": [[10, 3, 1, "", "n_step_range"], [10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.samplers.StaticMetropolisHMC": [[10, 3, 1, "", "n_step"], [10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.solvers": [[11, 1, 1, "", "FixedPointSolver"], [11, 1, 1, "", "ProjectionSolver"], [11, 5, 1, "", "euclidean_norm"], [11, 5, 1, "", "maximum_norm"], [11, 5, 1, "", "solve_fixed_point_direct"], [11, 5, 1, "", "solve_fixed_point_steffensen"], [11, 5, 1, "", "solve_projection_onto_manifold_newton"], [11, 5, 1, "", "solve_projection_onto_manifold_newton_with_line_search"], [11, 5, 1, "", "solve_projection_onto_manifold_quasi_newton"]], "mici.solvers.FixedPointSolver": [[11, 2, 1, "", "__call__"]], "mici.solvers.ProjectionSolver": [[11, 2, 1, "", "__call__"]], "mici.stagers": [[12, 1, 1, "", "ChainStage"], [12, 1, 1, "", "Stager"], [12, 1, 1, "", "WarmUpStager"], [12, 1, 1, "", "WindowedWarmUpStager"]], "mici.stagers.Stager": [[12, 2, 1, "", "stages"]], "mici.stagers.WarmUpStager": [[12, 2, 1, "", "stages"]], "mici.stagers.WindowedWarmUpStager": [[12, 2, 1, "", "stages"]], "mici.states": [[13, 1, 1, "", "ChainState"], [13, 5, 1, "", "cache_in_state"], [13, 5, 1, "", "cache_in_state_with_aux"]], "mici.states.ChainState": [[13, 2, 1, "", "copy"]], "mici.systems": [[14, 1, 1, "", "CholeskyFactoredRiemannianMetricSystem"], [14, 1, 1, "", "ConstrainedEuclideanMetricSystem"], [14, 1, 1, "", "DenseConstrainedEuclideanMetricSystem"], [14, 1, 1, "", "DenseRiemannianMetricSystem"], [14, 1, 1, "", "DiagonalRiemannianMetricSystem"], [14, 1, 1, "", "EuclideanMetricSystem"], [14, 1, 1, "", "GaussianDenseConstrainedEuclideanMetricSystem"], [14, 1, 1, "", "GaussianEuclideanMetricSystem"], [14, 1, 1, "", "RiemannianMetricSystem"], [14, 1, 1, "", "ScalarRiemannianMetricSystem"], [14, 1, 1, "", "SoftAbsRiemannianMetricSystem"], [14, 1, 1, "", "System"], [14, 1, 1, "", "TractableFlowSystem"]], "mici.systems.CholeskyFactoredRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.ConstrainedEuclideanMetricSystem": [[14, 2, 1, "", "constr"], [14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_log_det_sqrt_gram"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "gram"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "inv_gram"], [14, 2, 1, "", "jacob_constr"], [14, 2, 1, "", "jacob_constr_inner_product"], [14, 2, 1, "", "log_det_sqrt_gram"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "project_onto_cotangent_space"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.DenseConstrainedEuclideanMetricSystem": [[14, 2, 1, "", "constr"], [14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_log_det_sqrt_gram"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "gram"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "inv_gram"], [14, 2, 1, "", "jacob_constr"], [14, 2, 1, "", "jacob_constr_inner_product"], [14, 2, 1, "", "log_det_sqrt_gram"], [14, 2, 1, "", "mhp_constr"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "project_onto_cotangent_space"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.DenseRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.DiagonalRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.EuclideanMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem": [[14, 2, 1, "", "constr"], [14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_log_det_sqrt_gram"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "gram"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "inv_gram"], [14, 2, 1, "", "jacob_constr"], [14, 2, 1, "", "jacob_constr_inner_product"], [14, 2, 1, "", "log_det_sqrt_gram"], [14, 2, 1, "", "mhp_constr"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "project_onto_cotangent_space"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.GaussianEuclideanMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.RiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.ScalarRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.SoftAbsRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "hess_neg_log_dens"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "mtp_neg_log_dens"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.System": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.TractableFlowSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"]], "mici.transitions": [[15, 1, 1, "", "CorrelatedMomentumTransition"], [15, 1, 1, "", "DynamicIntegrationTransition"], [15, 1, 1, "", "IndependentMomentumTransition"], [15, 1, 1, "", "IntegrationTransition"], [15, 1, 1, "", "MetropolisIntegrationTransition"], [15, 1, 1, "", "MetropolisRandomIntegrationTransition"], [15, 1, 1, "", "MetropolisStaticIntegrationTransition"], [15, 1, 1, "", "MomentumTransition"], [15, 1, 1, "", "MultinomialDynamicIntegrationTransition"], [15, 1, 1, "", "SliceDynamicIntegrationTransition"], [15, 1, 1, "", "Transition"], [15, 5, 1, "", "euclidean_no_u_turn_criterion"], [15, 5, 1, "", "riemannian_no_u_turn_criterion"]], "mici.transitions.CorrelatedMomentumTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.DynamicIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.IndependentMomentumTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.IntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MetropolisIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MetropolisRandomIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MetropolisStaticIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MomentumTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MultinomialDynamicIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.SliceDynamicIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.Transition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.utils": [[17, 1, 1, "", "LogRepFloat"], [17, 5, 1, "", "hash_array"], [17, 5, 1, "", "log1m_exp"], [17, 5, 1, "", "log1p_exp"], [17, 5, 1, "", "log_diff_exp"], [17, 5, 1, "", "log_sum_exp"]], "mici.utils.LogRepFloat": [[17, 3, 1, "", "val"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:property", "4": "py:attribute", "5": "py:function", "6": "py:exception"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "property", "Python property"], "4": ["py", "attribute", "Python attribute"], "5": ["py", "function", "Python function"], "6": ["py", "exception", "Python exception"]}, "titleterms": {"welcom": 0, "mici": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17], "": 0, "document": 0, "content": 0, "packag": 1, "submodul": 1, "adapt": 2, "modul": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17], "autodiff": 3, "autograd_wrapp": 4, "error": 5, "integr": 6, "interop": 7, "matric": 8, "progressbar": 9, "sampler": 10, "solver": 11, "stager": 12, "state": 13, "system": 14, "transit": 15, "type": 16, "util": 17}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 8, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.viewcode": 1, "sphinx.ext.intersphinx": 1, "sphinx": 57}, "alltitles": {"Welcome to Mici\u2019s documentation!": [[0, "welcome-to-mici-s-documentation"]], "Contents:": [[0, null]], "mici package": [[1, "module-mici"]], "Submodules": [[1, "submodules"]], "mici.adapters module": [[2, "module-mici.adapters"]], "mici.autodiff module": [[3, "module-mici.autodiff"]], "mici.autograd_wrapper module": [[4, "module-mici.autograd_wrapper"]], "mici.errors module": [[5, "module-mici.errors"]], "mici.integrators module": [[6, "module-mici.integrators"]], "mici.interop module": [[7, "module-mici.interop"]], "mici.matrices module": [[8, "module-mici.matrices"]], "mici.progressbars module": [[9, "module-mici.progressbars"]], "mici.samplers module": [[10, "module-mici.samplers"]], "mici.solvers module": [[11, "module-mici.solvers"]], "mici.stagers module": [[12, "module-mici.stagers"]], "mici.states module": [[13, "module-mici.states"]], "mici.systems module": [[14, "module-mici.systems"]], "mici.transitions module": [[15, "module-mici.transitions"]], "mici.types module": [[16, "module-mici.types"]], "mici.utils module": [[17, "module-mici.utils"]]}, "indexentries": {"mici": [[1, "module-mici"]], "module": [[1, "module-mici"], [2, "module-mici.adapters"], [3, "module-mici.autodiff"], [4, "module-mici.autograd_wrapper"], [5, "module-mici.errors"], [6, "module-mici.integrators"], [7, "module-mici.interop"], [8, "module-mici.matrices"], [9, "module-mici.progressbars"], [10, "module-mici.samplers"], [11, "module-mici.solvers"], [12, "module-mici.stagers"], [13, "module-mici.states"], [14, "module-mici.systems"], [15, "module-mici.transitions"], [16, "module-mici.types"], [17, "module-mici.utils"]], "adapter (class in mici.adapters)": [[2, "mici.adapters.Adapter"]], "dualaveragingstepsizeadapter (class in mici.adapters)": [[2, "mici.adapters.DualAveragingStepSizeAdapter"]], "onlinecovariancemetricadapter (class in mici.adapters)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter"]], "onlinevariancemetricadapter (class in mici.adapters)": [[2, "mici.adapters.OnlineVarianceMetricAdapter"]], "arithmetic_mean_log_step_size_reducer() (in module mici.adapters)": [[2, "mici.adapters.arithmetic_mean_log_step_size_reducer"]], "default_adapt_stat_func() (in module mici.adapters)": [[2, "mici.adapters.default_adapt_stat_func"]], "finalize() (mici.adapters.adapter method)": [[2, "mici.adapters.Adapter.finalize"]], "finalize() (mici.adapters.dualaveragingstepsizeadapter method)": [[2, "mici.adapters.DualAveragingStepSizeAdapter.finalize"]], "finalize() (mici.adapters.onlinecovariancemetricadapter method)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter.finalize"]], "finalize() (mici.adapters.onlinevariancemetricadapter method)": [[2, "mici.adapters.OnlineVarianceMetricAdapter.finalize"]], "geometric_mean_log_step_size_reducer() (in module mici.adapters)": [[2, "mici.adapters.geometric_mean_log_step_size_reducer"]], "initialize() (mici.adapters.adapter method)": [[2, "mici.adapters.Adapter.initialize"]], "initialize() (mici.adapters.dualaveragingstepsizeadapter method)": [[2, "mici.adapters.DualAveragingStepSizeAdapter.initialize"]], "initialize() (mici.adapters.onlinecovariancemetricadapter method)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter.initialize"]], "initialize() (mici.adapters.onlinevariancemetricadapter method)": [[2, "mici.adapters.OnlineVarianceMetricAdapter.initialize"]], "is_fast (mici.adapters.adapter property)": [[2, "mici.adapters.Adapter.is_fast"]], "is_fast (mici.adapters.dualaveragingstepsizeadapter attribute)": [[2, "mici.adapters.DualAveragingStepSizeAdapter.is_fast"]], "is_fast (mici.adapters.onlinecovariancemetricadapter attribute)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter.is_fast"]], "is_fast (mici.adapters.onlinevariancemetricadapter attribute)": [[2, "mici.adapters.OnlineVarianceMetricAdapter.is_fast"]], "mici.adapters": [[2, "module-mici.adapters"]], "min_log_step_size_reducer() (in module mici.adapters)": [[2, "mici.adapters.min_log_step_size_reducer"]], "update() (mici.adapters.adapter method)": [[2, "mici.adapters.Adapter.update"]], "update() (mici.adapters.dualaveragingstepsizeadapter method)": [[2, "mici.adapters.DualAveragingStepSizeAdapter.update"]], "update() (mici.adapters.onlinecovariancemetricadapter method)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter.update"]], "update() (mici.adapters.onlinevariancemetricadapter method)": [[2, "mici.adapters.OnlineVarianceMetricAdapter.update"]], "autodiff_fallback() (in module mici.autodiff)": [[3, "mici.autodiff.autodiff_fallback"]], "mici.autodiff": [[3, "module-mici.autodiff"]], "grad_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.grad_and_value"]], "hessian_grad_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.hessian_grad_and_value"]], "jacobian_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.jacobian_and_value"]], "mhp_jacobian_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.mhp_jacobian_and_value"]], "mici.autograd_wrapper": [[4, "module-mici.autograd_wrapper"]], "mtp_hessian_grad_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.mtp_hessian_grad_and_value"]], "adaptationerror": [[5, "mici.errors.AdaptationError"]], "convergenceerror": [[5, "mici.errors.ConvergenceError"]], "error": [[5, "mici.errors.Error"]], "hamiltoniandivergenceerror": [[5, "mici.errors.HamiltonianDivergenceError"]], "integratorerror": [[5, "mici.errors.IntegratorError"]], "linalgerror": [[5, "mici.errors.LinAlgError"]], "nonreversiblesteperror": [[5, "mici.errors.NonReversibleStepError"]], "readonlystateerror": [[5, "mici.errors.ReadOnlyStateError"]], "args (mici.errors.adaptationerror attribute)": [[5, "mici.errors.AdaptationError.args"]], "args (mici.errors.convergenceerror attribute)": [[5, "mici.errors.ConvergenceError.args"]], "args (mici.errors.error attribute)": [[5, "mici.errors.Error.args"]], "args (mici.errors.hamiltoniandivergenceerror attribute)": [[5, "mici.errors.HamiltonianDivergenceError.args"]], "args (mici.errors.integratorerror attribute)": [[5, "mici.errors.IntegratorError.args"]], "args (mici.errors.linalgerror attribute)": [[5, "mici.errors.LinAlgError.args"]], "args (mici.errors.nonreversiblesteperror attribute)": [[5, "mici.errors.NonReversibleStepError.args"]], "args (mici.errors.readonlystateerror attribute)": [[5, "mici.errors.ReadOnlyStateError.args"]], "mici.errors": [[5, "module-mici.errors"]], "with_traceback() (mici.errors.adaptationerror method)": [[5, "mici.errors.AdaptationError.with_traceback"]], "with_traceback() (mici.errors.convergenceerror method)": [[5, "mici.errors.ConvergenceError.with_traceback"]], "with_traceback() (mici.errors.error method)": [[5, "mici.errors.Error.with_traceback"]], "with_traceback() (mici.errors.hamiltoniandivergenceerror method)": [[5, "mici.errors.HamiltonianDivergenceError.with_traceback"]], "with_traceback() (mici.errors.integratorerror method)": [[5, "mici.errors.IntegratorError.with_traceback"]], "with_traceback() (mici.errors.linalgerror method)": [[5, "mici.errors.LinAlgError.with_traceback"]], "with_traceback() (mici.errors.nonreversiblesteperror method)": [[5, "mici.errors.NonReversibleStepError.with_traceback"]], "with_traceback() (mici.errors.readonlystateerror method)": [[5, "mici.errors.ReadOnlyStateError.with_traceback"]], "bcssfourstageintegrator (class in mici.integrators)": [[6, "mici.integrators.BCSSFourStageIntegrator"]], "bcssthreestageintegrator (class in mici.integrators)": [[6, "mici.integrators.BCSSThreeStageIntegrator"]], "bcsstwostageintegrator (class in mici.integrators)": [[6, "mici.integrators.BCSSTwoStageIntegrator"]], "constrainedleapfrogintegrator (class in mici.integrators)": [[6, "mici.integrators.ConstrainedLeapfrogIntegrator"]], "implicitleapfrogintegrator (class in mici.integrators)": [[6, "mici.integrators.ImplicitLeapfrogIntegrator"]], "implicitmidpointintegrator (class in mici.integrators)": [[6, "mici.integrators.ImplicitMidpointIntegrator"]], "integrator (class in mici.integrators)": [[6, "mici.integrators.Integrator"]], "leapfrogintegrator (class in mici.integrators)": [[6, "mici.integrators.LeapfrogIntegrator"]], "symmetriccompositionintegrator (class in mici.integrators)": [[6, "mici.integrators.SymmetricCompositionIntegrator"]], "tractableflowintegrator (class in mici.integrators)": [[6, "mici.integrators.TractableFlowIntegrator"]], "mici.integrators": [[6, "module-mici.integrators"]], "step() (mici.integrators.bcssfourstageintegrator method)": [[6, "mici.integrators.BCSSFourStageIntegrator.step"]], "step() (mici.integrators.bcssthreestageintegrator method)": [[6, "mici.integrators.BCSSThreeStageIntegrator.step"]], "step() (mici.integrators.bcsstwostageintegrator method)": [[6, "mici.integrators.BCSSTwoStageIntegrator.step"]], "step() (mici.integrators.constrainedleapfrogintegrator method)": [[6, "mici.integrators.ConstrainedLeapfrogIntegrator.step"]], "step() (mici.integrators.implicitleapfrogintegrator method)": [[6, "mici.integrators.ImplicitLeapfrogIntegrator.step"]], "step() (mici.integrators.implicitmidpointintegrator method)": [[6, "mici.integrators.ImplicitMidpointIntegrator.step"]], "step() (mici.integrators.integrator method)": [[6, "mici.integrators.Integrator.step"]], "step() (mici.integrators.leapfrogintegrator method)": [[6, "mici.integrators.LeapfrogIntegrator.step"]], "step() (mici.integrators.symmetriccompositionintegrator method)": [[6, "mici.integrators.SymmetricCompositionIntegrator.step"]], "step() (mici.integrators.tractableflowintegrator method)": [[6, "mici.integrators.TractableFlowIntegrator.step"]], "convert_to_inference_data() (in module mici.interop)": [[7, "mici.interop.convert_to_inference_data"]], "mici.interop": [[7, "module-mici.interop"]], "sample_pymc3_model() (in module mici.interop)": [[7, "mici.interop.sample_pymc3_model"]], "sample_stan_model() (in module mici.interop)": [[7, "mici.interop.sample_stan_model"]], "blockcolumnmatrix (class in mici.matrices)": [[8, "mici.matrices.BlockColumnMatrix"]], "blockmatrix (class in mici.matrices)": [[8, "mici.matrices.BlockMatrix"]], "blockrowmatrix (class in mici.matrices)": [[8, "mici.matrices.BlockRowMatrix"]], "densedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.DenseDefiniteMatrix"]], "densepositivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.DensePositiveDefiniteMatrix"]], "densepositivedefiniteproductmatrix (class in mici.matrices)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix"]], "denserectangularmatrix (class in mici.matrices)": [[8, "mici.matrices.DenseRectangularMatrix"]], "densesquarematrix (class in mici.matrices)": [[8, "mici.matrices.DenseSquareMatrix"]], "densesymmetricmatrix (class in mici.matrices)": [[8, "mici.matrices.DenseSymmetricMatrix"]], "diagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.DiagonalMatrix"]], "differentiablematrix (class in mici.matrices)": [[8, "mici.matrices.DifferentiableMatrix"]], "eigendecomposedpositivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix"]], "eigendecomposedsymmetricmatrix (class in mici.matrices)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix"]], "explicitarraymatrix (class in mici.matrices)": [[8, "mici.matrices.ExplicitArrayMatrix"]], "identitymatrix (class in mici.matrices)": [[8, "mici.matrices.IdentityMatrix"]], "implicitarraymatrix (class in mici.matrices)": [[8, "mici.matrices.ImplicitArrayMatrix"]], "inverselufactoredsquarematrix (class in mici.matrices)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix"]], "inversetriangularmatrix (class in mici.matrices)": [[8, "mici.matrices.InverseTriangularMatrix"]], "invertiblematrix (class in mici.matrices)": [[8, "mici.matrices.InvertibleMatrix"]], "invertiblematrixproduct (class in mici.matrices)": [[8, "mici.matrices.InvertibleMatrixProduct"]], "matrix (class in mici.matrices)": [[8, "mici.matrices.Matrix"]], "matrixproduct (class in mici.matrices)": [[8, "mici.matrices.MatrixProduct"]], "orthogonalmatrix (class in mici.matrices)": [[8, "mici.matrices.OrthogonalMatrix"]], "positivedefiniteblockdiagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix"]], "positivedefinitelowrankupdatematrix (class in mici.matrices)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix"]], "positivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.PositiveDefiniteMatrix"]], "positivediagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.PositiveDiagonalMatrix"]], "positivescaledidentitymatrix (class in mici.matrices)": [[8, "mici.matrices.PositiveScaledIdentityMatrix"]], "scaledidentitymatrix (class in mici.matrices)": [[8, "mici.matrices.ScaledIdentityMatrix"]], "scaledorthogonalmatrix (class in mici.matrices)": [[8, "mici.matrices.ScaledOrthogonalMatrix"]], "softabsregularizedpositivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix"]], "squareblockdiagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.SquareBlockDiagonalMatrix"]], "squarelowrankupdatematrix (class in mici.matrices)": [[8, "mici.matrices.SquareLowRankUpdateMatrix"]], "squarematrix (class in mici.matrices)": [[8, "mici.matrices.SquareMatrix"]], "squarematrixproduct (class in mici.matrices)": [[8, "mici.matrices.SquareMatrixProduct"]], "symmetricblockdiagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix"]], "symmetriclowrankupdatematrix (class in mici.matrices)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix"]], "symmetricmatrix (class in mici.matrices)": [[8, "mici.matrices.SymmetricMatrix"]], "t (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.T"]], "t (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.T"]], "t (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.T"]], "t (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.T"]], "t (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.T"]], "t (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.T"]], "t (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.T"]], "t (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.T"]], "t (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.T"]], "t (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.T"]], "t (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.T"]], "t (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.T"]], "t (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.T"]], "t (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.T"]], "t (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.T"]], "t (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.T"]], "t (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.T"]], "t (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.T"]], "t (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.T"]], "t (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.T"]], "t (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.T"]], "t (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.T"]], "t (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.T"]], "t (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.T"]], "t (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.T"]], "t (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.T"]], "t (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.T"]], "t (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.T"]], "t (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.T"]], "t (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.T"]], "t (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.T"]], "t (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.T"]], "t (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.T"]], "t (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.T"]], "t (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.T"]], "t (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.T"]], "t (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.T"]], "t (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.T"]], "t (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.T"]], "t (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.T"]], "t (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.T"]], "triangularfactoreddefinitematrix (class in mici.matrices)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix"]], "triangularfactoredpositivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix"]], "triangularmatrix (class in mici.matrices)": [[8, "mici.matrices.TriangularMatrix"]], "array (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.array"]], "array (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.array"]], "array (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.array"]], "array (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.array"]], "array (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.array"]], "array (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.array"]], "array (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.array"]], "array (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.array"]], "array (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.array"]], "array (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.array"]], "array (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.array"]], "array (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.array"]], "array (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.array"]], "array (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.array"]], "array (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.array"]], "array (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.array"]], "array (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.array"]], "array (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.array"]], "array (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.array"]], "array (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.array"]], "array (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.array"]], "array (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.array"]], "array (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.array"]], "array (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.array"]], "array (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.array"]], "array (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.array"]], "array (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.array"]], "array (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.array"]], "array (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.array"]], "array (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.array"]], "array (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.array"]], "array (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.array"]], "array (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.array"]], "array (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.array"]], "array (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.array"]], "array (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.array"]], "array (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.array"]], "array (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.array"]], "array (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.array"]], "array (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.array"]], "array (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.array"]], "blocks (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.blocks"]], "blocks (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.blocks"]], "blocks (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.blocks"]], "blocks (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.blocks"]], "blocks (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.blocks"]], "blocks (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.blocks"]], "capacitance_matrix (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.capacitance_matrix"]], "capacitance_matrix (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.capacitance_matrix"]], "capacitance_matrix (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.capacitance_matrix"]], "diagonal (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.diagonal"]], "diagonal (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.diagonal"]], "diagonal (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.diagonal"]], "diagonal (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.diagonal"]], "diagonal (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.diagonal"]], "diagonal (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.diagonal"]], "diagonal (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.diagonal"]], "diagonal (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.diagonal"]], "diagonal (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.diagonal"]], "diagonal (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.diagonal"]], "diagonal (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.diagonal"]], "diagonal (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.diagonal"]], "diagonal (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.diagonal"]], "diagonal (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.diagonal"]], "diagonal (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.diagonal"]], "diagonal (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.diagonal"]], "diagonal (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.diagonal"]], "diagonal (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.diagonal"]], "diagonal (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.diagonal"]], "diagonal (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.diagonal"]], "diagonal (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.diagonal"]], "diagonal (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.diagonal"]], "diagonal (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.diagonal"]], "diagonal (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.diagonal"]], "diagonal (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.diagonal"]], "diagonal (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.diagonal"]], "diagonal (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.diagonal"]], "diagonal (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.diagonal"]], "diagonal (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.diagonal"]], "diagonal (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.diagonal"]], "diagonal (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.diagonal"]], "diagonal (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.diagonal"]], "diagonal (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.diagonal"]], "diagonal (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.diagonal"]], "eigval (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.eigval"]], "eigval (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.eigval"]], "eigval (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.eigval"]], "eigval (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.eigval"]], "eigval (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.eigval"]], "eigval (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.eigval"]], "eigval (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.eigval"]], "eigval (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.eigval"]], "eigval (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.eigval"]], "eigval (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.eigval"]], "eigval (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.eigval"]], "eigval (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.eigval"]], "eigval (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.eigval"]], "eigval (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.eigval"]], "eigval (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.eigval"]], "eigval (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.eigval"]], "eigval (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.eigval"]], "eigval (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.eigval"]], "eigval (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.eigval"]], "eigval (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.eigval"]], "eigval (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.eigval"]], "eigvec (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.eigvec"]], "eigvec (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.eigvec"]], "eigvec (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.eigvec"]], "eigvec (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.eigvec"]], "eigvec (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.eigvec"]], "eigvec (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.eigvec"]], "eigvec (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.eigvec"]], "eigvec (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.eigvec"]], "eigvec (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.eigvec"]], "eigvec (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.eigvec"]], "eigvec (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.eigvec"]], "eigvec (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.eigvec"]], "eigvec (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.eigvec"]], "eigvec (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.eigvec"]], "eigvec (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.eigvec"]], "factor (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.factor"]], "factor (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.factor"]], "factor (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.factor"]], "factor (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.factor"]], "factor (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.factor"]], "grad_log_abs_det (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.grad_log_abs_det"]], "grad_quadratic_form_inv() (mici.matrices.densedefinitematrix method)": [[8, "mici.matrices.DenseDefiniteMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.densepositivedefinitematrix method)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.densepositivedefiniteproductmatrix method)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.diagonalmatrix method)": [[8, "mici.matrices.DiagonalMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.differentiablematrix method)": [[8, "mici.matrices.DifferentiableMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.positivedefiniteblockdiagonalmatrix method)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.positivedefinitelowrankupdatematrix method)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.positivediagonalmatrix method)": [[8, "mici.matrices.PositiveDiagonalMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.positivescaledidentitymatrix method)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.scaledidentitymatrix method)": [[8, "mici.matrices.ScaledIdentityMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.softabsregularizedpositivedefinitematrix method)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.triangularfactoreddefinitematrix method)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.triangularfactoredpositivedefinitematrix method)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.grad_quadratic_form_inv"]], "grad_softabs() (mici.matrices.softabsregularizedpositivedefinitematrix method)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.grad_softabs"]], "inv (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.inv"]], "inv (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.inv"]], "inv (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.inv"]], "inv (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.inv"]], "inv (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.inv"]], "inv (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.inv"]], "inv (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.inv"]], "inv (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.inv"]], "inv (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.inv"]], "inv (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.inv"]], "inv (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.inv"]], "inv (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.inv"]], "inv (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.inv"]], "inv (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.inv"]], "inv (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.inv"]], "inv (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.inv"]], "inv (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.inv"]], "inv (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.inv"]], "inv (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.inv"]], "inv (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.inv"]], "inv (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.inv"]], "inv (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.inv"]], "inv (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.inv"]], "inv (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.inv"]], "inv (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.inv"]], "inv (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.inv"]], "inv (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.inv"]], "inv (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.inv"]], "inv (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.inv"]], "inv (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.inv"]], "log_abs_det (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.log_abs_det"]], "log_abs_det (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.log_abs_det"]], "log_abs_det (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.log_abs_det"]], "log_abs_det (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.log_abs_det"]], "log_abs_det (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.log_abs_det"]], "log_abs_det (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.log_abs_det"]], "log_abs_det (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.log_abs_det"]], "log_abs_det (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.log_abs_det"]], "log_abs_det (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.log_abs_det"]], "log_abs_det (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.log_abs_det"]], "log_abs_det (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.log_abs_det"]], "log_abs_det (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.log_abs_det"]], "log_abs_det (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.log_abs_det"]], "log_abs_det (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.log_abs_det"]], "log_abs_det (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.log_abs_det"]], "log_abs_det (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.log_abs_det"]], "log_abs_det (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.log_abs_det"]], "log_abs_det (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.log_abs_det"]], "lower (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.lower"]], "lower (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.lower"]], "lu_and_piv (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.lu_and_piv"]], "matrices (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.matrices"]], "matrices (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.matrices"]], "matrices (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.matrices"]], "mici.matrices": [[8, "module-mici.matrices"]], "scalar (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.scalar"]], "scalar (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.scalar"]], "shape (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.shape"]], "shape (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.shape"]], "shape (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.shape"]], "shape (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.shape"]], "shape (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.shape"]], "shape (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.shape"]], "shape (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.shape"]], "shape (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.shape"]], "shape (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.shape"]], "shape (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.shape"]], "shape (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.shape"]], "shape (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.shape"]], "shape (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.shape"]], "shape (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.shape"]], "shape (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.shape"]], "shape (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.shape"]], "shape (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.shape"]], "shape (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.shape"]], "shape (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.shape"]], "shape (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.shape"]], "shape (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.shape"]], "shape (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.shape"]], "shape (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.shape"]], "shape (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.shape"]], "shape (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.shape"]], "shape (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.shape"]], "shape (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.shape"]], "shape (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.shape"]], "shape (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.shape"]], "shape (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.shape"]], "shape (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.shape"]], "shape (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.shape"]], "shape (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.shape"]], "shape (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.shape"]], "shape (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.shape"]], "shape (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.shape"]], "shape (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.shape"]], "shape (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.shape"]], "shape (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.shape"]], "shape (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.shape"]], "shape (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.shape"]], "sign (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.sign"]], "sign (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.sign"]], "sign (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.sign"]], "sign (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.sign"]], "sign (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.sign"]], "softabs() (mici.matrices.softabsregularizedpositivedefinitematrix method)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.softabs"]], "sqrt (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.sqrt"]], "sqrt (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.sqrt"]], "sqrt (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.sqrt"]], "sqrt (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.sqrt"]], "sqrt (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.sqrt"]], "sqrt (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.sqrt"]], "sqrt (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.sqrt"]], "sqrt (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.sqrt"]], "sqrt (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.sqrt"]], "sqrt (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.sqrt"]], "sqrt (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.sqrt"]], "transpose (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.transpose"]], "transpose (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.transpose"]], "transpose (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.transpose"]], "transpose (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.transpose"]], "transpose (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.transpose"]], "transpose (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.transpose"]], "transpose (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.transpose"]], "transpose (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.transpose"]], "transpose (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.transpose"]], "transpose (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.transpose"]], "transpose (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.transpose"]], "transpose (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.transpose"]], "transpose (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.transpose"]], "transpose (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.transpose"]], "transpose (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.transpose"]], "transpose (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.transpose"]], "transpose (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.transpose"]], "transpose (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.transpose"]], "transpose (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.transpose"]], "transpose (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.transpose"]], "transpose (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.transpose"]], "transpose (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.transpose"]], "transpose (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.transpose"]], "transpose (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.transpose"]], "transpose (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.transpose"]], "transpose (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.transpose"]], "transpose (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.transpose"]], "transpose (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.transpose"]], "transpose (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.transpose"]], "transpose (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.transpose"]], "transpose (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.transpose"]], "transpose (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.transpose"]], "transpose (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.transpose"]], "transpose (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.transpose"]], "transpose (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.transpose"]], "transpose (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.transpose"]], "cursor_down (mici.progressbars.filedisplay attribute)": [[9, "mici.progressbars.FileDisplay.CURSOR_DOWN"]], "cursor_up (mici.progressbars.filedisplay attribute)": [[9, "mici.progressbars.FileDisplay.CURSOR_UP"]], "dummyprogressbar (class in mici.progressbars)": [[9, "mici.progressbars.DummyProgressBar"]], "filedisplay (class in mici.progressbars)": [[9, "mici.progressbars.FileDisplay"]], "glyphs (mici.progressbars.sequenceprogressbar attribute)": [[9, "mici.progressbars.SequenceProgressBar.GLYPHS"]], "labelledsequenceprogressbar (class in mici.progressbars)": [[9, "mici.progressbars.LabelledSequenceProgressBar"]], "progressbar (class in mici.progressbars)": [[9, "mici.progressbars.ProgressBar"]], "sequenceprogressbar (class in mici.progressbars)": [[9, "mici.progressbars.SequenceProgressBar"]], "bar_color (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.bar_color"]], "completed_labels (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.completed_labels"]], "counter (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.counter"]], "counter (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.counter"]], "current_label (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.current_label"]], "description (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.description"]], "description (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.description"]], "elapsed_time (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.elapsed_time"]], "empty_blocks (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.empty_blocks"]], "est_remaining_time (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.est_remaining_time"]], "filled_blocks (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.filled_blocks"]], "iter_rate (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.iter_rate"]], "mici.progressbars": [[9, "module-mici.progressbars"]], "n_block_empty (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.n_block_empty"]], "n_block_filled (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.n_block_filled"]], "n_iter (mici.progressbars.dummyprogressbar property)": [[9, "mici.progressbars.DummyProgressBar.n_iter"]], "n_iter (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.n_iter"]], "n_iter (mici.progressbars.progressbar property)": [[9, "mici.progressbars.ProgressBar.n_iter"]], "n_iter (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.n_iter"]], "partial_block (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.partial_block"]], "perc_complete (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.perc_complete"]], "postfix (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.postfix"]], "postfix (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.postfix"]], "prefix (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.prefix"]], "prefix (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.prefix"]], "progress_bar (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.progress_bar"]], "progress_bar (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.progress_bar"]], "prop_complete (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.prop_complete"]], "prop_partial_block (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.prop_partial_block"]], "refresh() (mici.progressbars.labelledsequenceprogressbar method)": [[9, "mici.progressbars.LabelledSequenceProgressBar.refresh"]], "refresh() (mici.progressbars.sequenceprogressbar method)": [[9, "mici.progressbars.SequenceProgressBar.refresh"]], "reset() (mici.progressbars.labelledsequenceprogressbar method)": [[9, "mici.progressbars.LabelledSequenceProgressBar.reset"]], "reset() (mici.progressbars.sequenceprogressbar method)": [[9, "mici.progressbars.SequenceProgressBar.reset"]], "sequence (mici.progressbars.dummyprogressbar property)": [[9, "mici.progressbars.DummyProgressBar.sequence"]], "sequence (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.sequence"]], "sequence (mici.progressbars.progressbar property)": [[9, "mici.progressbars.ProgressBar.sequence"]], "sequence (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.sequence"]], "stats (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.stats"]], "stats (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.stats"]], "unstarted_labels (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.unstarted_labels"]], "update() (mici.progressbars.dummyprogressbar method)": [[9, "mici.progressbars.DummyProgressBar.update"]], "update() (mici.progressbars.filedisplay method)": [[9, "mici.progressbars.FileDisplay.update"]], "update() (mici.progressbars.labelledsequenceprogressbar method)": [[9, "mici.progressbars.LabelledSequenceProgressBar.update"]], "update() (mici.progressbars.progressbar method)": [[9, "mici.progressbars.ProgressBar.update"]], "update() (mici.progressbars.sequenceprogressbar method)": [[9, "mici.progressbars.SequenceProgressBar.update"]], "dynamicmultinomialhmc (class in mici.samplers)": [[10, "mici.samplers.DynamicMultinomialHMC"]], "dynamicslicehmc (class in mici.samplers)": [[10, "mici.samplers.DynamicSliceHMC"]], "hmcsamplechainsoutputs (class in mici.samplers)": [[10, "mici.samplers.HMCSampleChainsOutputs"]], "hamiltonianmontecarlo (class in mici.samplers)": [[10, "mici.samplers.HamiltonianMonteCarlo"]], "mcmcsamplechainsoutputs (class in mici.samplers)": [[10, "mici.samplers.MCMCSampleChainsOutputs"]], "markovchainmontecarlomethod (class in mici.samplers)": [[10, "mici.samplers.MarkovChainMonteCarloMethod"]], "randommetropolishmc (class in mici.samplers)": [[10, "mici.samplers.RandomMetropolisHMC"]], "staticmetropolishmc (class in mici.samplers)": [[10, "mici.samplers.StaticMetropolisHMC"]], "max_delta_h (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.max_delta_h"]], "max_delta_h (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.max_delta_h"]], "max_tree_depth (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.max_tree_depth"]], "max_tree_depth (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.max_tree_depth"]], "mici.samplers": [[10, "module-mici.samplers"]], "n_step (mici.samplers.staticmetropolishmc property)": [[10, "mici.samplers.StaticMetropolisHMC.n_step"]], "n_step_range (mici.samplers.randommetropolishmc property)": [[10, "mici.samplers.RandomMetropolisHMC.n_step_range"]], "rng (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.rng"]], "rng (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.rng"]], "rng (mici.samplers.hamiltonianmontecarlo property)": [[10, "mici.samplers.HamiltonianMonteCarlo.rng"]], "rng (mici.samplers.markovchainmontecarlomethod property)": [[10, "mici.samplers.MarkovChainMonteCarloMethod.rng"]], "rng (mici.samplers.randommetropolishmc property)": [[10, "mici.samplers.RandomMetropolisHMC.rng"]], "rng (mici.samplers.staticmetropolishmc property)": [[10, "mici.samplers.StaticMetropolisHMC.rng"]], "sample_chains() (mici.samplers.dynamicmultinomialhmc method)": [[10, "mici.samplers.DynamicMultinomialHMC.sample_chains"]], "sample_chains() (mici.samplers.dynamicslicehmc method)": [[10, "mici.samplers.DynamicSliceHMC.sample_chains"]], "sample_chains() (mici.samplers.hamiltonianmontecarlo method)": [[10, "mici.samplers.HamiltonianMonteCarlo.sample_chains"]], "sample_chains() (mici.samplers.markovchainmontecarlomethod method)": [[10, "mici.samplers.MarkovChainMonteCarloMethod.sample_chains"]], "sample_chains() (mici.samplers.randommetropolishmc method)": [[10, "mici.samplers.RandomMetropolisHMC.sample_chains"]], "sample_chains() (mici.samplers.staticmetropolishmc method)": [[10, "mici.samplers.StaticMetropolisHMC.sample_chains"]], "system (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.system"]], "system (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.system"]], "system (mici.samplers.hamiltonianmontecarlo property)": [[10, "mici.samplers.HamiltonianMonteCarlo.system"]], "system (mici.samplers.randommetropolishmc property)": [[10, "mici.samplers.RandomMetropolisHMC.system"]], "system (mici.samplers.staticmetropolishmc property)": [[10, "mici.samplers.StaticMetropolisHMC.system"]], "transitions (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.transitions"]], "transitions (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.transitions"]], "transitions (mici.samplers.hamiltonianmontecarlo property)": [[10, "mici.samplers.HamiltonianMonteCarlo.transitions"]], "transitions (mici.samplers.markovchainmontecarlomethod property)": [[10, "mici.samplers.MarkovChainMonteCarloMethod.transitions"]], "transitions (mici.samplers.randommetropolishmc property)": [[10, "mici.samplers.RandomMetropolisHMC.transitions"]], "transitions (mici.samplers.staticmetropolishmc property)": [[10, "mici.samplers.StaticMetropolisHMC.transitions"]], "fixedpointsolver (class in mici.solvers)": [[11, "mici.solvers.FixedPointSolver"]], "projectionsolver (class in mici.solvers)": [[11, "mici.solvers.ProjectionSolver"]], "__call__() (mici.solvers.fixedpointsolver method)": [[11, "mici.solvers.FixedPointSolver.__call__"]], "__call__() (mici.solvers.projectionsolver method)": [[11, "mici.solvers.ProjectionSolver.__call__"]], "euclidean_norm() (in module mici.solvers)": [[11, "mici.solvers.euclidean_norm"]], "maximum_norm() (in module mici.solvers)": [[11, "mici.solvers.maximum_norm"]], "mici.solvers": [[11, "module-mici.solvers"]], "solve_fixed_point_direct() (in module mici.solvers)": [[11, "mici.solvers.solve_fixed_point_direct"]], "solve_fixed_point_steffensen() (in module mici.solvers)": [[11, "mici.solvers.solve_fixed_point_steffensen"]], "solve_projection_onto_manifold_newton() (in module mici.solvers)": [[11, "mici.solvers.solve_projection_onto_manifold_newton"]], "solve_projection_onto_manifold_newton_with_line_search() (in module mici.solvers)": [[11, "mici.solvers.solve_projection_onto_manifold_newton_with_line_search"]], "solve_projection_onto_manifold_quasi_newton() (in module mici.solvers)": [[11, "mici.solvers.solve_projection_onto_manifold_quasi_newton"]], "chainstage (class in mici.stagers)": [[12, "mici.stagers.ChainStage"]], "stager (class in mici.stagers)": [[12, "mici.stagers.Stager"]], "warmupstager (class in mici.stagers)": [[12, "mici.stagers.WarmUpStager"]], "windowedwarmupstager (class in mici.stagers)": [[12, "mici.stagers.WindowedWarmUpStager"]], "mici.stagers": [[12, "module-mici.stagers"]], "stages() (mici.stagers.stager method)": [[12, "mici.stagers.Stager.stages"]], "stages() (mici.stagers.warmupstager method)": [[12, "mici.stagers.WarmUpStager.stages"]], "stages() (mici.stagers.windowedwarmupstager method)": [[12, "mici.stagers.WindowedWarmUpStager.stages"]], "chainstate (class in mici.states)": [[13, "mici.states.ChainState"]], "cache_in_state() (in module mici.states)": [[13, "mici.states.cache_in_state"]], "cache_in_state_with_aux() (in module mici.states)": [[13, "mici.states.cache_in_state_with_aux"]], "copy() (mici.states.chainstate method)": [[13, "mici.states.ChainState.copy"]], "mici.states": [[13, "module-mici.states"]], "choleskyfactoredriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem"]], "constrainedeuclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem"]], "denseconstrainedeuclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem"]], "denseriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.DenseRiemannianMetricSystem"]], "diagonalriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.DiagonalRiemannianMetricSystem"]], "euclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.EuclideanMetricSystem"]], "gaussiandenseconstrainedeuclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem"]], "gaussianeuclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.GaussianEuclideanMetricSystem"]], "riemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.RiemannianMetricSystem"]], "scalarriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.ScalarRiemannianMetricSystem"]], "softabsriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem"]], "system (class in mici.systems)": [[14, "mici.systems.System"]], "tractableflowsystem (class in mici.systems)": [[14, "mici.systems.TractableFlowSystem"]], "constr() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.constr"]], "constr() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.constr"]], "constr() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.constr"]], "dh1_dpos() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.system method)": [[14, "mici.systems.System.dh1_dpos"]], "dh1_dpos() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh1_dpos"]], "dh2_dmom() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.system method)": [[14, "mici.systems.System.dh2_dmom"]], "dh2_dmom() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh2_dmom"]], "dh2_dpos() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.system method)": [[14, "mici.systems.System.dh2_dpos"]], "dh2_dpos() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh2_dpos"]], "dh2_flow_dmom() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh2_flow_dmom"]], "dh2_flow_dmom() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh2_flow_dmom"]], "dh2_flow_dmom() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh2_flow_dmom"]], "dh2_flow_dmom() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh2_flow_dmom"]], "dh2_flow_dmom() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh2_flow_dmom"]], "dh2_flow_dmom() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh2_flow_dmom"]], "dh_dmom() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.system method)": [[14, "mici.systems.System.dh_dmom"]], "dh_dmom() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh_dmom"]], "dh_dpos() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.system method)": [[14, "mici.systems.System.dh_dpos"]], "dh_dpos() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh_dpos"]], "grad_log_det_sqrt_gram() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.grad_log_det_sqrt_gram"]], "grad_log_det_sqrt_gram() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.grad_log_det_sqrt_gram"]], "grad_log_det_sqrt_gram() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.grad_log_det_sqrt_gram"]], "grad_neg_log_dens() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.system method)": [[14, "mici.systems.System.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.grad_neg_log_dens"]], "gram() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.gram"]], "gram() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.gram"]], "gram() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.gram"]], "h() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.h"]], "h() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h"]], "h() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h"]], "h() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.h"]], "h() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.h"]], "h() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h"]], "h() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h"]], "h() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h"]], "h() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.h"]], "h() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.h"]], "h() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.h"]], "h() (mici.systems.system method)": [[14, "mici.systems.System.h"]], "h() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h"]], "h1() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.h1"]], "h1() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h1"]], "h1() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h1"]], "h1() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.h1"]], "h1() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.h1"]], "h1() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h1"]], "h1() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h1"]], "h1() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h1"]], "h1() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.h1"]], "h1() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.h1"]], "h1() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.h1"]], "h1() (mici.systems.system method)": [[14, "mici.systems.System.h1"]], "h1() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h1"]], "h1_flow() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.system method)": [[14, "mici.systems.System.h1_flow"]], "h1_flow() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h1_flow"]], "h2() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.h2"]], "h2() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h2"]], "h2() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h2"]], "h2() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.h2"]], "h2() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.h2"]], "h2() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h2"]], "h2() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h2"]], "h2() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h2"]], "h2() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.h2"]], "h2() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.h2"]], "h2() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.h2"]], "h2() (mici.systems.system method)": [[14, "mici.systems.System.h2"]], "h2() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h2"]], "h2_flow() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h2_flow"]], "hess_neg_log_dens() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.hess_neg_log_dens"]], "inv_gram() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.inv_gram"]], "inv_gram() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.inv_gram"]], "inv_gram() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.inv_gram"]], "jacob_constr() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.jacob_constr"]], "jacob_constr() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.jacob_constr"]], "jacob_constr() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.jacob_constr"]], "jacob_constr_inner_product() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.jacob_constr_inner_product"]], "jacob_constr_inner_product() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.jacob_constr_inner_product"]], "jacob_constr_inner_product() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.jacob_constr_inner_product"]], "log_det_sqrt_gram() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.log_det_sqrt_gram"]], "log_det_sqrt_gram() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.log_det_sqrt_gram"]], "log_det_sqrt_gram() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.log_det_sqrt_gram"]], "metric() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.metric"]], "metric() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.metric"]], "metric() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.metric"]], "metric() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.metric"]], "metric() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.metric"]], "metric() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.metric"]], "metric_func() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.metric_func"]], "mhp_constr() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.mhp_constr"]], "mhp_constr() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.mhp_constr"]], "mici.systems": [[14, "module-mici.systems"]], "mtp_neg_log_dens() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.mtp_neg_log_dens"]], "neg_log_dens() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.system method)": [[14, "mici.systems.System.neg_log_dens"]], "neg_log_dens() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.neg_log_dens"]], "project_onto_cotangent_space() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.project_onto_cotangent_space"]], "project_onto_cotangent_space() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.project_onto_cotangent_space"]], "project_onto_cotangent_space() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.project_onto_cotangent_space"]], "sample_momentum() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.system method)": [[14, "mici.systems.System.sample_momentum"]], "sample_momentum() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.sample_momentum"]], "vjp_metric_func() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.vjp_metric_func"]], "correlatedmomentumtransition (class in mici.transitions)": [[15, "mici.transitions.CorrelatedMomentumTransition"]], "dynamicintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.DynamicIntegrationTransition"]], "independentmomentumtransition (class in mici.transitions)": [[15, "mici.transitions.IndependentMomentumTransition"]], "integrationtransition (class in mici.transitions)": [[15, "mici.transitions.IntegrationTransition"]], "metropolisintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.MetropolisIntegrationTransition"]], "metropolisrandomintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.MetropolisRandomIntegrationTransition"]], "metropolisstaticintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.MetropolisStaticIntegrationTransition"]], "momentumtransition (class in mici.transitions)": [[15, "mici.transitions.MomentumTransition"]], "multinomialdynamicintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.MultinomialDynamicIntegrationTransition"]], "slicedynamicintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.SliceDynamicIntegrationTransition"]], "transition (class in mici.transitions)": [[15, "mici.transitions.Transition"]], "euclidean_no_u_turn_criterion() (in module mici.transitions)": [[15, "mici.transitions.euclidean_no_u_turn_criterion"]], "mici.transitions": [[15, "module-mici.transitions"]], "riemannian_no_u_turn_criterion() (in module mici.transitions)": [[15, "mici.transitions.riemannian_no_u_turn_criterion"]], "sample() (mici.transitions.correlatedmomentumtransition method)": [[15, "mici.transitions.CorrelatedMomentumTransition.sample"]], "sample() (mici.transitions.dynamicintegrationtransition method)": [[15, "mici.transitions.DynamicIntegrationTransition.sample"]], "sample() (mici.transitions.independentmomentumtransition method)": [[15, "mici.transitions.IndependentMomentumTransition.sample"]], "sample() (mici.transitions.integrationtransition method)": [[15, "mici.transitions.IntegrationTransition.sample"]], "sample() (mici.transitions.metropolisintegrationtransition method)": [[15, "mici.transitions.MetropolisIntegrationTransition.sample"]], "sample() (mici.transitions.metropolisrandomintegrationtransition method)": [[15, "mici.transitions.MetropolisRandomIntegrationTransition.sample"]], "sample() (mici.transitions.metropolisstaticintegrationtransition method)": [[15, "mici.transitions.MetropolisStaticIntegrationTransition.sample"]], "sample() (mici.transitions.momentumtransition method)": [[15, "mici.transitions.MomentumTransition.sample"]], "sample() (mici.transitions.multinomialdynamicintegrationtransition method)": [[15, "mici.transitions.MultinomialDynamicIntegrationTransition.sample"]], "sample() (mici.transitions.slicedynamicintegrationtransition method)": [[15, "mici.transitions.SliceDynamicIntegrationTransition.sample"]], "sample() (mici.transitions.transition method)": [[15, "mici.transitions.Transition.sample"]], "state_variables (mici.transitions.correlatedmomentumtransition property)": [[15, "mici.transitions.CorrelatedMomentumTransition.state_variables"]], "state_variables (mici.transitions.dynamicintegrationtransition property)": [[15, "mici.transitions.DynamicIntegrationTransition.state_variables"]], "state_variables (mici.transitions.independentmomentumtransition property)": [[15, "mici.transitions.IndependentMomentumTransition.state_variables"]], "state_variables (mici.transitions.integrationtransition property)": [[15, "mici.transitions.IntegrationTransition.state_variables"]], "state_variables (mici.transitions.metropolisintegrationtransition property)": [[15, "mici.transitions.MetropolisIntegrationTransition.state_variables"]], "state_variables (mici.transitions.metropolisrandomintegrationtransition property)": [[15, "mici.transitions.MetropolisRandomIntegrationTransition.state_variables"]], "state_variables (mici.transitions.metropolisstaticintegrationtransition property)": [[15, "mici.transitions.MetropolisStaticIntegrationTransition.state_variables"]], "state_variables (mici.transitions.momentumtransition property)": [[15, "mici.transitions.MomentumTransition.state_variables"]], "state_variables (mici.transitions.multinomialdynamicintegrationtransition property)": [[15, "mici.transitions.MultinomialDynamicIntegrationTransition.state_variables"]], "state_variables (mici.transitions.slicedynamicintegrationtransition property)": [[15, "mici.transitions.SliceDynamicIntegrationTransition.state_variables"]], "state_variables (mici.transitions.transition property)": [[15, "mici.transitions.Transition.state_variables"]], "statistic_types (mici.transitions.correlatedmomentumtransition property)": [[15, "mici.transitions.CorrelatedMomentumTransition.statistic_types"]], "statistic_types (mici.transitions.dynamicintegrationtransition property)": [[15, "mici.transitions.DynamicIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.independentmomentumtransition property)": [[15, "mici.transitions.IndependentMomentumTransition.statistic_types"]], "statistic_types (mici.transitions.integrationtransition property)": [[15, "mici.transitions.IntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.metropolisintegrationtransition property)": [[15, "mici.transitions.MetropolisIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.metropolisrandomintegrationtransition property)": [[15, "mici.transitions.MetropolisRandomIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.metropolisstaticintegrationtransition property)": [[15, "mici.transitions.MetropolisStaticIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.momentumtransition property)": [[15, "mici.transitions.MomentumTransition.statistic_types"]], "statistic_types (mici.transitions.multinomialdynamicintegrationtransition property)": [[15, "mici.transitions.MultinomialDynamicIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.slicedynamicintegrationtransition property)": [[15, "mici.transitions.SliceDynamicIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.transition property)": [[15, "mici.transitions.Transition.statistic_types"]], "mici.types": [[16, "module-mici.types"]], "logrepfloat (class in mici.utils)": [[17, "mici.utils.LogRepFloat"]], "hash_array() (in module mici.utils)": [[17, "mici.utils.hash_array"]], "log1m_exp() (in module mici.utils)": [[17, "mici.utils.log1m_exp"]], "log1p_exp() (in module mici.utils)": [[17, "mici.utils.log1p_exp"]], "log_diff_exp() (in module mici.utils)": [[17, "mici.utils.log_diff_exp"]], "log_sum_exp() (in module mici.utils)": [[17, "mici.utils.log_sum_exp"]], "mici.utils": [[17, "module-mici.utils"]], "val (mici.utils.logrepfloat property)": [[17, "mici.utils.LogRepFloat.val"]]}}) \ No newline at end of file +Search.setIndex({"docnames": ["index", "mici", "mici.adapters", "mici.autodiff", "mici.autograd_wrapper", "mici.errors", "mici.integrators", "mici.interop", "mici.matrices", "mici.progressbars", "mici.samplers", "mici.solvers", "mici.stagers", "mici.states", "mici.systems", "mici.transitions", "mici.types", "mici.utils"], "filenames": ["index.rst", "mici.rst", "mici.adapters.rst", "mici.autodiff.rst", "mici.autograd_wrapper.rst", "mici.errors.rst", "mici.integrators.rst", "mici.interop.rst", "mici.matrices.rst", "mici.progressbars.rst", "mici.samplers.rst", "mici.solvers.rst", "mici.stagers.rst", "mici.states.rst", "mici.systems.rst", "mici.transitions.rst", "mici.types.rst", "mici.utils.rst"], "titles": ["Welcome to Mici\u2019s documentation!", "mici package", "mici.adapters module", "mici.autodiff module", "mici.autograd_wrapper module", "mici.errors module", "mici.integrators module", "mici.interop module", "mici.matrices module", "mici.progressbars module", "mici.samplers module", "mici.solvers module", "mici.stagers module", "mici.states module", "mici.systems module", "mici.transitions module", "mici.types module", "mici.utils module"], "terms": {"i": [0, 2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "python": [0, 7, 10], "packag": 0, "provid": [0, 3, 6, 7, 13, 14], "implement": [0, 2, 3, 6, 8, 9, 10, 17], "markov": [0, 2, 7, 10, 12, 13, 15], "chain": [0, 2, 5, 7, 9, 10, 11, 12, 13, 15], "mont": [0, 2, 6, 10, 14, 15], "carlo": [0, 2, 6, 10, 14, 15], "mcmc": [0, 1, 10, 15], "method": [0, 2, 6, 7, 8, 9, 10, 11, 13, 14, 15], "approxim": [0, 6, 7, 8, 10, 11, 12, 14, 15], "infer": [0, 7, 10, 14], "probabilist": [0, 2, 7], "model": [0, 7, 10, 14, 15], "particular": 0, "focu": 0, "base": [0, 1, 2, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "simul": [0, 1, 6, 10, 11, 14, 15], "hamiltonian": [0, 1, 2, 5, 6, 7, 10, 11, 14, 15], "dynam": [0, 1, 5, 6, 7, 10, 11, 14, 15], "manifold": [0, 1, 6, 11, 14, 15], "submodul": 0, "adapt": [0, 1, 5, 6, 7, 10, 12, 15], "modul": [0, 1], "autodiff": [0, 1], "autograd_wrapp": [0, 1], "error": [0, 1, 2, 3, 6, 11, 13], "integr": [0, 1, 2, 5, 7, 10, 11, 14, 15], "interop": [0, 1], "matric": [0, 1, 14], "progressbar": [0, 1, 7, 10], "sampler": [0, 1, 2, 7, 12, 15], "solver": [0, 1, 5, 6], "stager": [0, 1, 10], "state": [0, 1, 2, 5, 6, 9, 10, 11, 12, 14, 15], "system": [0, 1, 6, 7, 8, 10, 11, 13, 15], "transit": [0, 1, 2, 5, 7, 10, 12], "type": [0, 1, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15, 17], "util": [0, 1, 7], "dualaveragingstepsizeadapt": [1, 2, 10], "onlinecovariancemetricadapt": [1, 2], "onlinevariancemetricadapt": [1, 2], "arithmetic_mean_log_step_size_reduc": [1, 2], "default_adapt_stat_func": [1, 2], "geometric_mean_log_step_size_reduc": [1, 2], "min_log_step_size_reduc": [1, 2], "autodiff_fallback": [1, 3], "grad_and_valu": [1, 4], "hessian_grad_and_valu": [1, 4], "jacobian_and_valu": [1, 4], "mhp_jacobian_and_valu": [1, 4], "mtp_hessian_grad_and_valu": [1, 4], "adaptationerror": [1, 2, 5], "convergenceerror": [1, 5, 6, 11], "hamiltoniandivergenceerror": [1, 5], "integratorerror": [1, 5], "linalgerror": [1, 5, 8, 14], "nonreversiblesteperror": [1, 5, 6], "readonlystateerror": [1, 5, 13], "bcssfourstageintegr": [1, 6], "bcssthreestageintegr": [1, 6], "bcsstwostageintegr": [1, 6], "constrainedleapfrogintegr": [1, 6, 14], "implicitleapfrogintegr": [1, 6, 14], "implicitmidpointintegr": [1, 6], "leapfrogintegr": [1, 6], "symmetriccompositionintegr": [1, 6], "tractableflowintegr": [1, 6], "convert_to_inference_data": [1, 7], "sample_pymc_model": [1, 7], "sample_stan_model": [1, 7], "blockcolumnmatrix": [1, 8], "blockmatrix": [1, 8], "blockrowmatrix": [1, 8], "densedefinitematrix": [1, 8], "densepositivedefinitematrix": [1, 8], "densepositivedefiniteproductmatrix": [1, 8], "denserectangularmatrix": [1, 8], "densesquarematrix": [1, 8], "densesymmetricmatrix": [1, 8], "diagonalmatrix": [1, 8, 14], "differentiablematrix": [1, 8, 14], "eigendecomposedpositivedefinitematrix": [1, 8], "eigendecomposedsymmetricmatrix": [1, 8], "explicitarraymatrix": [1, 8], "identitymatrix": [1, 8], "implicitarraymatrix": [1, 8], "inverselufactoredsquarematrix": [1, 8], "inversetriangularmatrix": [1, 8], "invertiblematrix": [1, 8], "invertiblematrixproduct": [1, 8], "matrix": [1, 2, 4, 5, 7, 8, 10, 11, 14, 15], "matrixproduct": [1, 8], "orthogonalmatrix": [1, 8], "positivedefiniteblockdiagonalmatrix": [1, 8], "positivedefinitelowrankupdatematrix": [1, 8], "positivedefinitematrix": [1, 8, 14], "positivediagonalmatrix": [1, 8], "positivescaledidentitymatrix": [1, 8], "scaledidentitymatrix": [1, 8], "scaledorthogonalmatrix": [1, 8], "softabsregularizedpositivedefinitematrix": [1, 8], "squareblockdiagonalmatrix": [1, 8], "squarelowrankupdatematrix": [1, 8], "squarematrix": [1, 8], "squarematrixproduct": [1, 8], "symmetricblockdiagonalmatrix": [1, 8], "symmetriclowrankupdatematrix": [1, 8], "symmetricmatrix": [1, 8], "triangularfactoreddefinitematrix": [1, 8], "triangularfactoredpositivedefinitematrix": [1, 8], "triangularmatrix": [1, 8], "dummyprogressbar": [1, 9], "filedisplai": [1, 9], "labelledsequenceprogressbar": [1, 9], "sequenceprogressbar": [1, 9, 10], "dynamicmultinomialhmc": [1, 10], "dynamicslicehmc": [1, 10], "hmcsamplechainsoutput": [1, 10], "hamiltonianmontecarlo": [1, 10], "mcmcsamplechainsoutput": [1, 10], "markovchainmontecarlomethod": [1, 7, 10, 12], "randommetropolishmc": [1, 10], "staticmetropolishmc": [1, 10], "fixedpointsolv": [1, 6, 11], "projectionsolv": [1, 6, 11], "euclidean_norm": [1, 11], "maximum_norm": [1, 6, 11], "solve_fixed_point_direct": [1, 6, 11], "solve_fixed_point_steffensen": [1, 11], "solve_projection_onto_manifold_newton": [1, 6, 11], "solve_projection_onto_manifold_newton_with_line_search": [1, 11], "solve_projection_onto_manifold_quasi_newton": [1, 11], "chainstag": [1, 12], "warmupstag": [1, 10, 12], "windowedwarmupstag": [1, 10, 12], "chainstat": [1, 2, 6, 10, 11, 13, 14, 15], "cache_in_st": [1, 13], "cache_in_state_with_aux": [1, 13], "choleskyfactoredriemannianmetricsystem": [1, 14], "constrainedeuclideanmetricsystem": [1, 11, 14], "constrainedtractableflowsystem": [1, 6, 11, 14], "denseconstrainedeuclideanmetricsystem": [1, 14], "denseriemannianmetricsystem": [1, 14], "diagonalriemannianmetricsystem": [1, 14], "euclideanmetricsystem": [1, 14], "gaussiandenseconstrainedeuclideanmetricsystem": [1, 14], "gaussianeuclideanmetricsystem": [1, 14], "riemannianmetricsystem": [1, 14], "scalarriemannianmetricsystem": [1, 14], "softabsriemannianmetricsystem": [1, 14], "tractableflowsystem": [1, 6, 14], "correlatedmomentumtransit": [1, 15], "dynamicintegrationtransit": [1, 15], "independentmomentumtransit": [1, 10, 15], "integrationtransit": [1, 10, 15], "metropolisintegrationtransit": [1, 15], "metropolisrandomintegrationtransit": [1, 15], "metropolisstaticintegrationtransit": [1, 15], "momentumtransit": [1, 10, 15], "multinomialdynamicintegrationtransit": [1, 15], "slicedynamicintegrationtransit": [1, 15], "euclidean_no_u_turn_criterion": [1, 10, 15], "riemannian_no_u_turn_criterion": [1, 10, 15], "logrepfloat": [1, 17], "hash_arrai": [1, 17], "log1m_exp": [1, 17], "log1p_exp": [1, 17], "log_diff_exp": [1, 17], "log_sum_exp": [1, 17], "set": [2, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15], "algorithm": [2, 7, 10, 15], "paramet": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "class": [2, 5, 6, 8, 9, 10, 11, 12, 13, 14, 15, 17], "sourc": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "abc": [2, 6, 8, 9, 12, 14, 15], "abstract": [2, 8, 9, 12, 14, 15], "scheme": [2, 7, 10, 15], "ar": [2, 6, 7, 8, 10, 11, 12, 13, 14, 15], "assum": [2, 4, 6, 8, 11, 14, 15], "updat": [2, 6, 8, 9, 10, 11, 12, 13, 15], "collect": [2, 9], "variabl": [2, 6, 7, 10, 12, 13, 14, 15], "term": [2, 6, 8, 10, 14, 15], "here": [2, 4, 8, 10, 11, 14], "after": [2, 6, 10, 11, 12, 13], "each": [2, 6, 7, 8, 9, 10, 11, 12, 13, 15], "sampl": [2, 6, 7, 10, 12, 13, 14, 15], "statist": [2, 7, 9, 10, 12, 14, 15], "an": [2, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "accept": [2, 6, 7, 10, 14, 15], "probabl": [2, 6, 7, 10, 14, 15], "complet": [2, 9, 10], "one": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "more": [2, 6, 8, 10, 12, 13, 14, 15, 17], "final": [2, 6, 7, 10, 12], "mai": [2, 6, 7, 8, 10, 11, 12, 13, 14], "us": [2, 3, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17], "perform": [2, 6, 8, 10, 11, 12, 15], "adapt_st": 2, "chain_stat": 2, "rng": [2, 10, 14, 15], "option": [2, 3, 6, 7, 8, 9, 10, 12, 13, 14, 15, 17], "multipl": [2, 6, 7, 8, 10, 12], "avail": [2, 8, 10, 13], "e": [2, 4, 6, 8, 10, 11, 13, 14, 15], "g": [2, 6, 10, 13, 14, 15], "from": [2, 3, 6, 7, 10, 14, 15], "independ": [2, 7, 10, 13, 14, 15], "inform": [2, 12, 14], "all": [2, 6, 7, 8, 10, 12, 13, 14, 15], "combin": [2, 6], "": [2, 6, 8, 9, 10, 11, 12, 13, 14, 15], "union": [2, 7, 8, 10], "adapterst": 2, "iter": [2, 5, 6, 7, 8, 9, 10, 11, 12, 13], "list": [2, 7, 8, 9, 10], "per": [2, 7, 9, 10, 11, 12], "arrai": [2, 4, 6, 7, 8, 10, 12, 14, 15, 17], "buffer": 2, "associ": [2, 6, 7, 8, 10, 13, 14], "entri": [2, 7, 8, 9, 10, 12, 13, 15], "recycl": 2, "reduc": [2, 6, 10, 15], "memori": [2, 8, 10], "usag": [2, 10], "so": [2, 8, 10, 11, 12, 13, 14, 15], "correspond": [2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "remov": 2, "dictionari": [2, 6, 7, 9, 10, 12, 13, 14, 15], "current": [2, 9, 10, 11, 12, 14, 15], "stage": [2, 6, 9, 10, 12], "place": [2, 14], "alter": [2, 12], "requir": [2, 3, 6, 8, 11, 12, 14], "ani": [2, 6, 7, 8, 9, 10, 11, 13, 14, 15], "compon": [2, 6, 10, 11, 14, 15], "being": [2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "dapt": 2, "attribut": [2, 5, 10, 12, 13], "child": 2, "object": [2, 6, 7, 8, 9, 10, 11, 13, 14, 15, 17], "gener": [2, 3, 6, 7, 8, 10, 14, 15], "random": [2, 7, 10, 15], "number": [2, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "resampl": [2, 10, 15], "need": [2, 6, 13, 14], "due": [2, 6, 10, 14, 15], "initi": [2, 6, 7, 10, 11, 12, 13, 14, 15], "prior": [2, 7, 14], "start": [2, 7, 13, 14], "calcul": [2, 11, 13, 14], "should": [2, 6, 8, 10, 13, 14, 15], "mutat": 2, "return": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15, 17], "properti": [2, 6, 8, 9, 10, 14, 15, 17], "is_fast": [2, 10, 12], "bool": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "whether": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "fast": [2, 7, 10, 12], "slow": [2, 7, 12], "which": [2, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "onli": [2, 5, 6, 8, 10, 11, 12, 13, 14, 15], "local": [2, 12], "classifi": 2, "while": [2, 6, 7, 13, 15], "global": [2, 12], "fals": [2, 6, 7, 8, 10, 12, 13, 14], "trans_stat": [2, 15], "follow": [2, 6, 7, 10, 12], "transitionstatist": 2, "adapt_stat_target": 2, "0": [2, 4, 6, 7, 9, 10, 11, 12, 14, 15], "8": [2, 6, 7], "adapt_stat_func": 2, "none": [2, 3, 4, 6, 7, 8, 9, 10, 13, 14, 15, 17], "log_step_size_reg_target": 2, "log_step_size_reg_coeffici": 2, "05": [2, 7], "iter_decay_coeff": 2, "75": [2, 7, 12], "iter_offset": 2, "10": [2, 7, 9, 10, 11, 12, 15], "max_init_step_size_it": 2, "100": [2, 11], "log_step_size_reduc": 2, "dual": [2, 10], "averag": [2, 10], "step": [2, 5, 6, 7, 10, 11, 14, 15], "size": [2, 6, 7, 8, 10, 11, 12, 15], "describ": [2, 6, 7, 9, 14, 15], "hoffman": [2, 10, 15], "gelman": [2, 10, 15], "2014": [2, 6, 10, 14, 15], "modifi": [2, 14], "version": [2, 10], "stochast": 2, "optimis": 2, "nesterov": 2, "2009": 2, "By": [2, 8, 12, 13, 14], "default": [2, 6, 7, 9, 10, 12, 13, 14, 15], "control": [2, 6, 7, 10, 12, 14], "accept_stat": [2, 10], "close": [2, 6, 8, 10, 14, 15], "target": [2, 7, 10, 14, 15], "valu": [2, 3, 4, 6, 7, 8, 9, 10, 12, 13, 14, 15, 17], "can": [2, 4, 6, 7, 8, 10, 12, 13, 14], "chang": [2, 10, 11, 12, 13, 15], "refer": [2, 6, 10, 11, 12, 14, 15], "m": [2, 4, 6, 10, 14, 15], "d": [2, 10, 14, 15], "A": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "The": [2, 6, 7, 8, 10, 11, 12, 13, 14, 15], "No": [2, 6, 10, 15], "u": [2, 10, 15], "turn": [2, 10, 15], "path": [2, 10, 15], "length": [2, 9, 10, 15], "journal": [2, 6, 10, 14, 15], "machin": [2, 10, 15], "learn": [2, 10, 15], "research": [2, 10, 15], "15": [2, 10, 12, 15], "1": [2, 4, 6, 7, 8, 9, 10, 11, 14, 15, 17], "pp": [2, 10, 14, 15], "1593": [2, 10, 15], "1623": [2, 10, 15], "y": 2, "primal": [2, 13], "subgradi": 2, "convex": 2, "problem": [2, 6], "mathemat": [2, 6], "program": [2, 7], "120": 2, "221": 2, "259": 2, "float": [2, 6, 7, 8, 9, 10, 11, 12, 14, 15, 17], "dure": [2, 6, 7, 10, 11, 12, 15], "adaptationstatisticfunct": 2, "function": [2, 3, 4, 6, 7, 8, 10, 11, 12, 13, 14, 15, 17], "given": [2, 6, 10, 14, 15], "output": [2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14], "thi": [2, 6, 7, 8, 10, 11, 12, 13, 14, 15], "simpli": [2, 14], "select": [2, 10], "code": [2, 7], "regular": [2, 7, 8, 14], "logarithm": [2, 8, 14, 17], "toward": [2, 10, 15], "If": [2, 6, 7, 8, 10, 11, 12, 13, 14, 15], "log": [2, 7, 8, 14, 17], "init_step_s": 2, "where": [2, 4, 6, 8, 11, 14, 15, 17], "reason": 2, "found": 2, "coars": 2, "search": [2, 11], "recommend": 2, "ha": [2, 3, 7, 8, 10, 14, 15], "effect": [2, 6, 10, 15], "give": [2, 6, 8, 14], "tendenc": 2, "test": [2, 7, 11], "larger": [2, 6, 7], "than": [2, 6, 8, 12, 14, 15], "typic": [2, 6, 8], "have": [2, 6, 8, 9, 10, 13, 14, 15], "lower": [2, 8, 10, 14, 15], "comput": [2, 4, 6, 8, 10, 11, 12, 13, 14, 15, 17], "cost": [2, 8, 10, 11, 15], "coeffici": [2, 6, 8, 14, 15], "amount": 2, "regularis": [2, 8, 14], "expon": [2, 7], "decai": 2, "schedul": 2, "weight": [2, 15], "smooth": [2, 8, 14], "estim": [2, 7, 9], "interv": [2, 6, 7, 10, 14, 15], "5": [2, 6, 11], "ensur": [2, 6, 8, 10, 14, 15], "asymptot": [2, 14], "converg": [2, 5, 6, 7, 11], "equal": [2, 6, 7, 8, 10, 14, 15], "whole": 2, "histori": 2, "smaller": [2, 6], "increasingli": [2, 8, 14], "highli": 2, "recent": 2, "forget": 2, "earli": 2, "int": [2, 6, 7, 8, 9, 10, 11, 12, 13, 15, 17], "offset": [2, 7], "non": [2, 6, 7, 8, 10, 11, 12, 14], "neg": [2, 6, 7, 8, 14, 15], "stabilis": 2, "maximum": [2, 7, 10, 11, 15], "except": [2, 5, 6, 8, 11, 13, 14], "rais": [2, 5, 6, 11, 13, 14], "suitabl": 2, "within": [2, 5, 6, 7, 9, 10, 11], "mani": 2, "reducerfunct": 2, "reduct": 2, "appli": [2, 3, 6, 7, 10, 12, 14], "produc": [2, 15], "overal": [2, 6, 8], "main": [2, 10, 12], "specifi": [2, 3, 6, 7, 8, 9, 10, 12, 13, 14, 15], "sequenc": [2, 6, 8, 9, 10, 12, 17], "arithmet": [2, 17], "mean": [2, 6, 7, 8, 9, 10, 14, 15], "true": [2, 6, 7, 8, 9, 10, 12, 13, 14, 15], "reg_iter_offset": 2, "reg_scal": 2, "001": 2, "dens": [2, 7, 8, 14], "metric": [2, 7, 8, 10, 14, 15], "onlin": 2, "covari": [2, 7, 14], "welford": 2, "1962": 2, "stabli": 2, "posit": [2, 6, 7, 8, 9, 10, 11, 14, 15, 17], "variant": [2, 13, 15], "schubert": 2, "gertz": 2, "2018": [2, 6], "parallel": [2, 7, 10], "batch": [2, 4], "increment": 2, "varianc": [2, 7], "chan": 2, "et": 2, "al": 2, "1979": 2, "scale": [2, 7, 11, 14], "ident": [2, 6, 7, 8, 10, 14, 15], "increas": [2, 12], "small": [2, 6, 11], "decreas": [2, 11], "noisi": 2, "approach": [2, 6, 12, 15], "stan": [2, 7, 10, 12, 15], "carpent": 2, "2017": [2, 10, 14, 15], "represent": [2, 7, 8, 9, 10, 14, 15, 17], "definit": [2, 8, 14], "invers": [2, 8, 14], "b": [2, 6, 9, 10, 14, 15], "p": [2, 6, 10, 11, 14, 15], "note": [2, 6, 8, 10, 12, 14], "correct": [2, 14], "sum": [2, 4, 6, 10, 12, 14, 15], "squar": [2, 8, 14], "product": [2, 4, 8, 14, 15], "technometr": 2, "4": [2, 6, 7, 10, 14, 15], "3": [2, 4, 6, 8, 10, 14, 15], "419": 2, "420": 2, "numer": [2, 6, 10, 14, 17], "stabl": [2, 17], "co": [2, 6, 11, 14], "acm": 2, "doi": 2, "1145": 2, "3221269": 2, "3223036": 2, "t": [2, 4, 6, 8, 11, 13, 14], "f": [2, 4, 6, 8, 14], "golub": 2, "h": [2, 4, 6, 14], "levequ": 2, "r": [2, 10, 11, 14, 15], "j": [2, 4, 6, 8, 10, 14, 15], "formula": 2, "pairwis": 2, "technic": 2, "report": 2, "c": [2, 6, 11, 14], "79": 2, "773": 2, "depart": 2, "scienc": [2, 6, 14], "stanford": 2, "univers": [2, 6], "lee": 2, "goodrich": 2, "betancourt": [2, 10, 14, 15], "brubak": 2, "guo": 2, "li": 2, "riddel": 2, "languag": 2, "softwar": 2, "76": 2, "depend": [2, 8, 10, 12, 13, 14], "between": [2, 9, 10, 12, 13, 14, 15], "higher": 2, "caus": 2, "stronger": 2, "scalar": [2, 4, 6, 8, 10, 12, 14, 15], "defin": [2, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "diagon": [2, 7, 8, 14], "common": [2, 8, 13], "element": [2, 8, 14], "reciproc": [2, 9], "zero": [2, 8, 9, 10, 11, 14, 15], "guarante": [2, 14], "log_step_s": 2, "stat": [2, 7, 9], "extract": 2, "geometr": [2, 14], "minimum": [2, 9, 14], "automat": [3, 13, 14], "different": 3, "fallback": [3, 14], "construct": [3, 8, 12, 13, 14], "deriv": [3, 4, 6, 8, 13, 14], "diff_func": 3, "func": [3, 6, 11], "diff_op_nam": 3, "name": [3, 7, 10, 12, 13, 15], "differenti": [3, 4, 6, 13, 14], "oper": [3, 4, 5, 7, 8, 10, 14, 17], "altern": [3, 6, 14], "been": [3, 8, 13], "callabl": [3, 13], "either": [3, 7, 8, 10, 13, 14, 15], "wa": [3, 15], "str": [3, 6, 7, 9, 10, 12, 13, 14, 15], "string": [3, 7, 9, 10, 12, 13, 15], "framework": 3, "wrapper": [3, 10], "messag": 3, "otherwis": [3, 6, 8, 10, 14], "addit": [4, 6, 7, 10, 13, 14, 15], "autograd": 4, "fun": 4, "x": [4, 6, 8, 11, 14], "make": 4, "both": [4, 6, 8, 9, 10, 11, 12, 14, 15], "gradient": [4, 8, 14], "scalarfunct": [4, 11, 14], "arraylik": [4, 7, 11, 13, 14, 15], "tupl": [4, 8, 9, 10, 12, 13, 14, 15], "scalarlik": [4, 8, 14, 15], "hessian": [4, 14], "broadcast": 4, "along": [4, 8, 11, 15], "first": [4, 6, 7, 8, 9, 10, 13, 14, 15], "dimens": [4, 6, 7, 8, 10, 14], "input": [4, 6, 8, 14], "respect": [4, 6, 7, 8, 10, 11, 13, 14, 15], "concurr": 4, "arrayfunct": [4, 11, 14], "jacobian": [4, 11, 14], "mhp": [4, 14], "For": [4, 6, 8, 10, 15], "vector": [4, 6, 8, 11, 14, 15], "axi": [4, 14], "wrt": [4, 14], "rank": [4, 8], "tensor": 4, "second": [4, 6, 7, 8, 9, 11, 14, 15], "order": [4, 6, 8, 9, 10, 12, 13, 14], "partial": [4, 6, 7, 9, 11, 14, 15], "k": [4, 6, 14], "\u00b2f": 4, "matrixhessianproduct": [4, 14], "mtp": [4, 14], "tressian": [4, 14], "2": [4, 6, 7, 8, 10, 11, 12, 14, 15], "3d": [4, 14], "third": [4, 14], "\u00b3f": [4, 14], "matrixtressianproduct": [4, 14], "when": [5, 6, 7, 8, 10, 11, 12, 13, 14, 15], "fail": [5, 6, 10, 14, 15], "arg": [5, 11], "with_traceback": 5, "tb": 5, "self": [5, 8, 12], "__traceback__": 5, "allow": [5, 6, 7, 8, 9, 11, 13, 14], "runtimeerror": 5, "diverg": [5, 6, 10, 11, 15], "linear": [5, 6, 8, 11, 14], "algebra": [5, 6, 8, 14], "revers": [5, 6, 10, 13, 15], "check": [5, 6, 8, 10, 15], "write": [5, 9, 10], "read": [5, 13], "symplect": [6, 10, 15], "step_siz": 6, "four": 6, "symmetr": [6, 8, 11, 14], "composit": 6, "blane": 6, "casa": 6, "sanz": 6, "serna": 6, "equat": [6, 11, 14], "6": 6, "specif": [6, 14], "instanc": [6, 8, 10, 12, 13, 14], "free": 6, "a_0": 6, "071353913450279725904": 6, "b_1": 6, "191667800000000000000": 6, "a_1": 6, "268548791161230105820": 6, "hybrid": [6, 10, 14, 15], "siam": 6, "scientif": 6, "36": 6, "a1556": 6, "a1580": 6, "tractabl": [6, 14], "flow": [6, 11, 14], "time": [6, 9, 10, 11, 13, 14, 15], "befor": [6, 10, 11, 13, 15], "call": [6, 7, 10, 13], "singl": [6, 9, 10, 12, 14], "suppli": 6, "new": [6, 9, 10, 13, 15], "three": [6, 12], "7": 6, "11888010966548": 6, "29619504261126": 6, "two": [6, 10, 11, 12, 14, 15], "sqrt": [6, 8], "n_inner_step": 6, "reverse_check_tol": 6, "2e": 6, "08": [6, 11], "reverse_check_norm": 6, "projection_solv": 6, "projection_solver_kwarg": 6, "leapfrog": 6, "constrain": [6, 11, 14], "express": 6, "unconstrain": [6, 11, 14], "exactli": [6, 10, 15], "take": [6, 10, 14, 15], "form": [6, 8, 11, 14], "q": [6, 11, 14], "h_1": [6, 14], "h_2": [6, 11, 14], "momentum": [6, 10, 11, 14, 15], "exact": [6, 14], "phi_1": [6, 14], "phi_2": [6, 14], "addition": [6, 13, 14], "subject": [6, 14], "holonom": 6, "constraint": [6, 11, 14], "valid": [6, 9, 10, 13], "must": [6, 8, 9, 13], "satisfi": [6, 8, 11, 14, 15], "some": [6, 7, 10, 15], "surject": [6, 14], "implicitli": [6, 8, 14], "remain": [6, 7, 9, 15], "confin": 6, "enforc": [6, 14], "introduc": 6, "lagrang": [6, 11, 14], "multipli": [6, 8, 11, 12, 14], "lambda": [6, 11, 14], "bar": [6, 7, 9, 10], "text": [6, 9], "dot": [6, 14, 15], "nabla_2": [6, 14], "quad": [6, 14], "nabla_1": [6, 14], "abov": [6, 8, 13, 14], "cotang": [6, 14], "space": [6, 8, 10, 11, 14, 15], "pair": [6, 8, 9, 10, 15], "bundl": [6, 11], "To": 6, "up": [6, 7, 9, 10, 12, 15], "point": [6, 7, 8, 11, 14, 15], "preserv": [6, 10, 14], "map": [6, 7, 10, 11, 14], "we": [6, 11, 14], "reich": 6, "1996": 6, "pi": 6, "parametris": [6, 8], "circ": 6, "tangent": [6, 11, 14], "trivial": 6, "nabla": 6, "therefor": 6, "accord": 6, "project": [6, 11, 14], "result": [6, 8, 10, 13, 14, 15], "back": 6, "usual": [6, 7, 13], "case": [6, 8, 10, 12, 14, 15], "includ": [6, 10], "quadrat": [6, 8, 11, 14], "analyt": [6, 14], "solv": [6, 8, 11, 14], "also": [6, 7, 13, 14], "decompos": 6, "_1": 6, "newton": [6, 11], "solut": [6, 11], "detail": [6, 10, 13, 14, 15], "see": [6, 10, 12, 13, 14, 15], "section": 6, "leimkuhl": 6, "2004": 6, "psi": 6, "n": [6, 14], "integ": [6, 7, 10, 15, 17], "inner": [6, 8, 10, 11, 14], "geodes": [6, 15], "formul": 6, "propos": [6, 7, 10, 15], "matthew": 6, "2016": 6, "flexibl": 6, "possibl": [6, 8, 13, 17], "particularli": 6, "evalu": [6, 8, 11, 14], "significantli": 6, "expens": 6, "doe": [6, 9, 11], "involv": 6, "cheaper": [6, 8, 11], "As": [6, 8, 13, 14], "zappa": 6, "holm": 6, "cerfon": 6, "goodman": 6, "explicit": [6, 8], "lelievr": 6, "rousset": [6, 14], "stoltz": [6, 14], "2019": [6, 14], "analysi": 6, "context": [6, 7], "appropri": [6, 10, 15], "33": 6, "475": 6, "491": 6, "14": 6, "cambridg": 6, "press": 6, "effici": [6, 10, 15], "molecular": 6, "solvent": 6, "split": [6, 10, 12, 14], "proceed": 6, "royal": [6, 14], "societi": [6, 14], "physic": [6, 10, 15], "engin": 6, "472": 6, "2189": 6, "20160138": 6, "densiti": [6, 7, 8, 10, 14, 15], "commun": 6, "pure": 6, "71": 6, "12": 6, "2609": 6, "2647": 6, "measur": [6, 8, 14], "submanifold": [6, 14], "numerisch": [6, 14], "mathematik": [6, 14], "143": [6, 14], "379": [6, 14], "421": [6, 14], "h2_flow": [6, 11, 14], "dh1_dpo": [6, 14], "rel": [6, 10, 15], "compar": [6, 13], "computation": 6, "thu": 6, "forward": [6, 10, 13, 15], "still": 6, "retract": 6, "too": 6, "larg": [6, 10], "toler": [6, 10, 11, 15], "implicit": [6, 8, 11, 14], "sub": [6, 10, 15], "sequenti": [6, 10], "adjoint": 6, "distanc": [6, 15], "argument": [6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "origin": [6, 8, 10, 13, 15], "condit": [6, 10, 14, 15], "met": [6, 10, 15], "normfunct": 6, "norm": [6, 11], "dimension": [6, 14], "state_prev": [6, 11], "time_step": [6, 11], "\u03bb": 6, "constr": [6, 11, 14], "po": [6, 10, 11, 13, 14], "dh2_flow_pos_dmom": 6, "jacob_constr": [6, 11, 14], "dh2_flow_dmom": [6, 14], "action": 6, "conveg": 6, "dict": [6, 7, 8, 9, 10, 12, 13, 14, 15], "keyword": [6, 8, 10, 12, 13, 14], "fixed_point_solv": 6, "fixed_point_solver_kwarg": 6, "separ": [6, 14], "known": [6, 8, 15], "generalis": 6, "lbrace": [6, 14], "rbrace": [6, 14], "partit": 6, "rung": 6, "kutta": 6, "fix": [6, 7, 10, 11, 14, 15], "guess": 6, "x0": [6, 11], "initialis": [6, 8, 11], "midpoint": 6, "phi": 6, "euler": 6, "half": [6, 10, 14, 15], "canon": [6, 10, 15], "ordinari": 6, "qquad": 6, "consequ": 6, "volum": [6, 10], "approx": [6, 11], "over": [6, 7, 9, 10, 15], "conserv": [6, 10, 15], "discretis": 6, "trajectori": [6, 7, 10, 15], "potenti": [6, 10, 13, 14, 15], "energi": [6, 7, 14], "kinet": 6, "classic": [6, 10], "st\u00f6rmer": 6, "verlet": 6, "free_coeffici": 6, "initial_h1_flow_step": 6, "a_": 6, "b_": 6, "determin": [6, 8, 10, 14, 15], "geq": 6, "consist": [6, 10], "least": 6, "sum_": 6, "restrict": [6, 8, 11], "a_m": 6, "b_m": 6, "symmetri": 6, "b_k": 6, "odd": 6, "a_k": 6, "even": [6, 13], "special": [6, 8, 14], "uniqu": [6, 8, 13], "interfac": [7, 9, 15], "extern": 7, "librari": [7, 10], "trace": [7, 10, 12], "energy_kei": 7, "lp_kei": 7, "lp": 7, "convert": 7, "sample_chain": [7, 10], "arviz": 7, "inferencedata": 7, "kei": [7, 8, 9, 10, 12, 13, 15], "draw": [7, 10, 12, 14, 15], "index": [7, 9, 10, 12], "constant": [7, 11, 14], "present": 7, "ad": [7, 13], "sample_stat": 7, "group": 7, "joint": [7, 10], "posterior": [7, 14], "data": [7, 10, 17], "store": [7, 8, 10, 12, 13, 15, 17], "1000": [7, 10, 15], "tune": [7, 10], "core": 7, "random_se": 7, "init": 7, "auto": 7, "jitter_max_retri": 7, "return_inferencedata": 7, "target_accept": 7, "max_treedepth": 7, "pymc": 7, "multinomi": [7, 10, 15], "hmc": [7, 10, 15], "warm": [7, 10, 12], "phase": 7, "replic": 7, "drop": 7, "replac": 7, "adjust": [7, 12], "similar": 7, "drawn": 7, "discard": 7, "run": [7, 10, 12], "import": 7, "reveal": 7, "mode": [7, 13], "whichev": 7, "cpu": 7, "most": [7, 14], "seed": 7, "numpi": [7, 10, 15, 17], "entropi": 7, "displai": [7, 9, 10], "progress": [7, 9, 10, 15], "liter": [7, 8], "adapt_diag": 7, "jitter": 7, "adapt_ful": 7, "One": [7, 8, 10, 13], "mass": 7, "same": [7, 8, 10, 12, 14, 15], "add": 7, "uniform": [7, 10, 15], "chosen": [7, 10, 15], "repeat": 7, "attempt": [7, 8, 13, 14], "creat": [7, 9, 10, 12, 13], "yield": 7, "finit": 7, "track": [7, 9, 10], "unobserved_rv": 7, "distribut": [7, 10, 14, 15], "manag": 7, "depth": [7, 10, 15], "expand": [7, 10, 15], "binari": [7, 8, 10, 15], "tree": [7, 10, 15], "contain": [7, 8, 10, 14, 15], "across": [7, 10, 15], "instead": [7, 8, 10, 11, 14, 15], "model_cod": 7, "num_sampl": 7, "num_warmup": 7, "num_chain": 7, "save_warmup": 7, "diag_": 7, "stepsiz": 7, "adapt_engag": 7, "delta": 7, "gamma": 7, "kappa": 7, "t0": 7, "init_buff": 7, "term_buff": 7, "50": [7, 11, 12], "window": [7, 12], "25": [7, 9, 12], "max_depth": 7, "pystan": 7, "itself": [7, 8, 13], "cmdstan": 7, "save": [7, 13], "unit_": 7, "dense_": 7, "indic": [7, 8, 13], "margin": [7, 14], "engag": 7, "relax": 7, "width": 7, "flatten": 7, "structur": [8, 14], "basic": 8, "block": [8, 9, 13], "compos": 8, "vertic": 8, "concaten": 8, "seri": [8, 14], "column": [8, 9, 14], "top": 8, "bottom": 8, "transpos": 8, "ndarrai": [8, 10, 17], "full": [8, 11], "2d": [8, 14], "access": [8, 13, 15], "avoid": [8, 10, 13, 15], "wherev": 8, "lot": 8, "abl": 8, "exploit": [8, 14], "1d": [8, 14], "shape": [8, 14], "num_row": 8, "num_column": 8, "kwarg": [8, 10, 11], "submatrix": 8, "horizont": 8, "row": [8, 14], "left": [8, 10, 14], "right": [8, 14], "factor": [8, 14], "is_posdef": 8, "_basetriangularfactoreddefinitematrix": 8, "triangular": [8, 14], "factoris": 8, "pre": [8, 15], "later": 8, "made": 8, "eigval": [8, 14], "eigenvalu": [8, 14], "eigvec": [8, 14], "eigenvector": [8, 14], "stack": 8, "sign": 8, "grad_log_abs_det": [8, 14], "absolut": [8, 14], "grad_quadratic_form_inv": [8, 14], "inv": [8, 14], "repres": [8, 9, 14], "necessarili": 8, "log_abs_det": [8, 14], "proport": [8, 9], "riemannian": [8, 14, 15], "lebesgu": [8, 14], "root": [8, 14], "rect_matrix": 8, "pos_def_matrix": 8, "rectangular": 8, "dim_0": 8, "dim_1": 8, "under": [8, 10, 14, 15], "assumpt": 8, "its": [8, 10, 11, 14, 15], "leftmost": 8, "righmost": 8, "dim_inn": 8, "lu_and_piv": 8, "lu_transpos": 8, "singular": 8, "pivot": 8, "lu": 8, "upper": [8, 10, 15], "unit": [8, 9], "scipi": 8, "linalg": 8, "lu_factor": 8, "lu_solv": 8, "orthonorm": 8, "parameter": 8, "convent": 8, "__init__": [8, 10], "subclass": [8, 14], "wrap": [8, 13], "exampl": [8, 9, 13], "param": 8, "ab": [8, 14], "det": 8, "In": [8, 10, 14, 15], "relev": [8, 13], "parametr": 8, "eigendecomposit": 8, "parameteris": 8, "diag": [8, 14], "orthogon": [8, 14], "strictli": [8, 14], "ones": 8, "elsewher": 8, "subset": 8, "inv_arrai": 8, "inv_lu_and_piv": 8, "inv_lu_transpos": 8, "inverse_arrai": 8, "make_triangular": 8, "below": [8, 12], "ignor": [8, 14], "explicitli": 8, "triangl": 8, "check_shap": 8, "invert": 8, "success": 8, "he": 8, "compat": 8, "like": 8, "overload": [8, 17], "well": [8, 10, 13, 15], "standard": [8, 10, 14, 15], "divis": 8, "quantiti": [8, 13], "adjac": 8, "specialis": 8, "factor_matrix": 8, "inner_pos_def_matrix": 8, "capacitance_matrix": 8, "low": 8, "dim_out": 8, "downdat": 8, "peform": [8, 10], "woodburi": 8, "lemma": 8, "o": [8, 10, 14], "plu": 8, "square_root": 8, "exist": 8, "directli": [8, 14], "pass": [8, 9, 10, 12, 13, 14], "alreadi": 8, "previou": [8, 10, 11, 15], "do": 8, "reli": 8, "reprsent": 8, "orth_arrai": 8, "paramteris": 8, "real": [8, 14], "symmetric_arrai": 8, "softabs_coeff": [8, 14], "transform": [8, 14], "eigh": [8, 14], "softab": [8, 14], "tend": [8, 14], "infin": [8, 11, 14], "becom": [8, 14], "grad_softab": 8, "left_factor_matrix": 8, "right_factor_matrix": 8, "square_matrix": 8, "inner_square_matrix": 8, "resp": 8, "rightmost": 8, "symmetric_matrix": 8, "inner_symmetric_matrix": 8, "factor_is_low": 8, "trinagular": 8, "boolean": 8, "choleski": [8, 14], "descript": [9, 10, 12, 13], "placehold": 9, "_and_": 9, "len": 9, "task": 9, "prefix": 9, "total": 9, "n_iter": [9, 12], "iter_count": 9, "iter_dict": 9, "refresh": [9, 15], "counter": [9, 13], "postfix": [9, 10], "file": [9, 10], "support": [9, 10, 14], "ansi": 9, "escap": 9, "line": [9, 11, 15], "textio": 9, "x1b": 9, "cursor": 9, "down": 9, "manipul": 9, "sy": 9, "stdout": 9, "cursor_down": 9, "move": [9, 10, 15], "cursor_up": 9, "obj": 9, "labelled_sequ": 9, "label": [9, 12], "visual": 9, "much": 9, "completed_label": 9, "count": [9, 13], "current_label": 9, "progress_bar": 9, "statu": 9, "reset": [9, 12], "comma": 9, "delimit": 9, "unstarted_label": 9, "unstart": 9, "expect": [9, 14, 15], "n_col": 9, "min_refresh_tim": 9, "html": 9, "richer": 9, "jupyt": 9, "notebook": 9, "interact": 9, "termin": [9, 10, 11, 15], "charact": 9, "min_referesh_tim": 9, "glyph": 9, "bar_color": 9, "css": 9, "color": 9, "elapsed_tim": 9, "elaps": 9, "format": 9, "empty_block": 9, "empti": [9, 10], "est_remaining_tim": 9, "filled_block": 9, "fill": 9, "iter_r": 9, "rate": 9, "n_block_empti": 9, "n_block_fil": 9, "partial_block": 9, "perc_complet": 9, "percentag": 9, "prop_complet": 9, "prop_partial_block": 9, "max_tree_depth": [10, 15], "max_delta_h": [10, 15], "termination_criterion": [10, 15], "do_extra_subtree_check": [10, 15], "momentum_transit": 10, "recurs": [10, 15], "randomli": [10, 15], "backward": [10, 15], "until": [10, 11, 15], "criteria": [10, 15], "leav": [10, 15], "next": [10, 15], "candid": [10, 15], "differ": [10, 15], "bias": [10, 15], "further": [10, 12, 14, 15], "criterion": [10, 15], "extra": 10, "subtre": [10, 15], "enabl": 10, "equival": [10, 15], "nut": 10, "minu": 10, "http": [10, 12], "mc": [10, 12], "org": [10, 12], "v2": 10, "23": 10, "conceptu": [10, 15], "introduct": [10, 15], "arxiv": [10, 15], "preprint": [10, 15], "1701": [10, 15], "02434": [10, 15], "signal": [10, 15], "terminationcriterion": [10, 15], "expans": [10, 15], "edg": [10, 15], "node": [10, 15], "overlap": [10, 15], "improv": [10, 15], "robust": [10, 15], "simpl": [10, 15], "harmon": [10, 15], "oscil": [10, 15], "normal": [10, 15], "certain": [10, 15], "reson": [10, 15], "behaviour": [10, 12, 14, 15], "seen": [10, 15], "detect": [10, 15], "past": [10, 15], "period": [10, 15], "continu": [10, 11, 15], "limit": [10, 15], "hit": [10, 15], "discours": [10, 15], "discuss": [10, 15], "kutt": [10, 15], "yaki": [10, 15], "help": [10, 15], "correl": [10, 15], "overhead": [10, 15], "kernel": [10, 15], "invari": [10, 15], "trigger": 10, "n_warm_up_it": [10, 12], "n_main_it": [10, 12], "init_st": 10, "process": 10, "mom": [10, 13, 14], "trace_func": [10, 12], "record": [10, 12, 13], "trace_warm_up": [10, 12], "appear": [10, 12], "last": [10, 12], "matter": [10, 12], "activ": [10, 12], "docstr": 10, "n_process": 10, "multiprocess": 10, "pool": 10, "assign": [10, 15], "cpu_count": 10, "max_threads_per_process": 10, "threadpoolctl": 10, "thread": 10, "bla": 10, "openmp": 10, "instal": 10, "environ": 10, "force_memmap": 10, "forc": 10, "disk": 10, "excess": 10, "long": 10, "written": 10, "npy": 10, "directori": 10, "memmap_path": 10, "temporari": 10, "alwai": [10, 14], "delet": 10, "onc": 10, "them": 10, "monitor_stat": 10, "monitor": [10, 13], "far": 10, "print": 10, "display_progress": 10, "progress_bar_class": 10, "factori": [10, 14], "show": 10, "final_st": 10, "interatino": 10, "augment": 10, "slice": [10, 15], "disabl": 10, "namedtupl": [10, 12], "hamiltonianmcmc": 10, "resum": 10, "lead": [10, 13], "integration_transit": 10, "henceforth": [10, 11], "user": 10, "There": 10, "variou": 10, "duan": [10, 15], "kennedi": [10, 15], "pendleton": [10, 15], "roweth": [10, 15], "1987": [10, 15], "letter": [10, 15], "195": [10, 15], "216": [10, 15], "222": [10, 15], "neal": [10, 14, 15], "2011": [10, 14, 15], "handbook": [10, 15], "11": [10, 14, 15], "jointli": [10, 15], "join": 10, "outer": 10, "tracefunct": [10, 12], "sueqenc": 10, "statistics_typ": 10, "n_step_rang": [10, 15], "metropoli": [10, 15], "direct": [10, 11, 15], "end": [10, 15], "negat": [10, 15], "involut": [10, 15], "determinist": [10, 15], "again": [10, 15], "irrespect": [10, 15], "decis": [10, 15], "reject": [10, 15], "randomis": [10, 15], "mix": [10, 15], "poorli": [10, 15], "mackenzi": [10, 15], "1989": [10, 15], "226": [10, 15], "369": [10, 15], "371": [10, 15], "bound": [10, 15], "inclus": [10, 15], "uniformli": [10, 15], "n_step": [10, 15], "static": [10, 15], "often": [10, 15], "now": [10, 15], "protocol": 11, "__call__": 11, "phi_": 11, "level": [11, 14, 15], "vct": 11, "euclidean": [11, 14, 15], "l": [11, 14], "convergence_tol": 11, "1e": 11, "09": 11, "divergence_tol": 11, "10000000000": 11, "max_it": 11, "find": 11, "successfulli": 11, "abort": 11, "assess": 11, "encount": 11, "valueerror": 11, "steffensen": 11, "steffennsen": 11, "achiev": 11, "constraint_tol": 11, "position_tol": 11, "re": 11, "loop": 11, "decomposit": [11, 14], "residu": 11, "partial_2": 11, "post": [11, 15], "delta_po": 11, "max_line_search_it": 11, "backtrack": [11, 15], "alpha": 11, "try": 11, "quasi": 11, "recomput": [11, 13], "shorthand": 11, "previous": 11, "record_stat": 12, "n_init_slow_window_it": 12, "n_init_fast_stage_it": 12, "n_final_fast_stage_it": 12, "slow_window_multipli": 12, "hierarchi": 12, "quickli": 12, "addtion": 12, "identifi": [12, 13], "grow": 12, "memoryless": 12, "begin": [12, 13], "doubl": 12, "subsequ": [12, 13, 15], "smallest": 12, "cach": 13, "_call_count": 13, "_read_onli": 13, "_depend": 13, "_cach": 13, "recalcul": 13, "reus": 13, "memoiz": 13, "those": 13, "decor": 13, "everi": 13, "isn": 13, "constructor": 13, "underscor": 13, "pos_val": 13, "mom_val": 13, "dir": 13, "dir_val": 13, "reserv": 13, "copi": 13, "persist": 13, "intend": 13, "intern": 13, "read_onli": 13, "deep": 13, "depends_on": 13, "prevent": 13, "futur": 13, "correctli": 13, "clear": 13, "auxiliary_output": 13, "auxiliari": 13, "intermedi": [13, 15], "primari": 13, "anoth": [13, 14], "thei": 13, "pattern": 13, "alongsid": 13, "part": 13, "retriev": 13, "encapsul": 14, "neg_log_den": 14, "metric_chol_func": 14, "vjp_metric_chol_func": 14, "grad_neg_log_den": 14, "taken": 14, "document": 14, "about": 14, "unnorm": 14, "wish": 14, "vectorjacobianproductfunct": 14, "vjp": 14, "v": 14, "jacob": 14, "dim_po": 14, "gradientfunct": 14, "h1": 14, "dh2_dmom": 14, "h2": 14, "dh2_dpo": 14, "dh_dmom": 14, "dh_dpo": 14, "h1_flow": 14, "dt": 14, "metric_matrix_class": 14, "metric_func": 14, "sample_momentum": 14, "vjp_metric_func": 14, "rang": 14, "ndim": 14, "vectorjacobianproduct": 14, "dens_wrt_hausdorff": 14, "embed": 14, "ambient": 14, "mathcal": 14, "mathbb": 14, "equip": 14, "gaussian": [14, 15], "frac": 14, "impli": 14, "veloc": [14, 15], "exp": [14, 17], "ell": 14, "hausdorff": 14, "induc": 14, "event": 14, "gram": 14, "leli\u00e8vr": 14, "graham": 14, "storkei": 14, "electron": 14, "5105": 14, "5164": 14, "former": 14, "latter": 14, "ratio": 14, "rrai": 14, "metriclik": 14, "distriubt": 14, "jacobianfunct": 14, "dpos_dmom": 14, "dmom_dmom": 14, "grad_log_det_sqrt_gram": 14, "log_det_sqrt_gram": 14, "inv_gram": 14, "jacob_constr_inner_product": 14, "jacob_constr_1": 14, "inner_product_matrix": 14, "jacob_constr_2": 14, "sparsiti": 14, "matrixlik": 14, "project_onto_cotangent_spac": 14, "definin": 14, "math": 14, "onto": 14, "mhp_constr": 14, "matrixhessianproductfunct": 14, "dim_constr": 14, "hess": 14, "\u00b2c": 14, "almost": 14, "everywher": 14, "metric_diagonal_func": 14, "vjp_metric_diagonal_func": 14, "rather": [14, 15], "shahbaba": 14, "lan": 14, "johnson": 14, "w": 14, "24": 14, "339": 14, "349": 14, "metric_kwarg": 14, "simpler": 14, "constructng": 14, "sim": 14, "coupl": [14, 15], "girolami": 14, "calderhead": 14, "riemann": 14, "langevin": 14, "varlo": 14, "methodologi": 14, "73": 14, "123": 14, "214": 14, "fulli": 14, "togeth": 14, "__matmul__": 14, "__rmatmul__": 14, "metric_scalar_func": 14, "vjp_metric_scalar_func": 14, "metric_scalar_funct": 14, "grad": 14, "hess_neg_log_den": 14, "mtp_neg_log_den": 14, "riemmanian": 14, "tanh": 14, "elementwis": 14, "act": 14, "piecewis": 14, "2013": [14, 15], "327": 14, "334": 14, "hessianfunct": 14, "containt": 14, "matrixtressianproductfunct": 14, "tress": 14, "fourth": 14, "hesisan": 14, "howev": [14, 15], "mom_resample_coeff": 15, "pertub": 15, "crank": 15, "nicolson": 15, "It": 15, "momenta": 15, "sometim": 15, "succes": 15, "applic": 15, "evolv": 15, "walk": 15, "without": 15, "tractori": 15, "vari": 15, "horowitz": 15, "1991": 15, "guid": 15, "phy": 15, "lett": 15, "268": 15, "cern": 15, "th": 15, "6172": 15, "91": 15, "247": 15, "252": 15, "state_vari": 15, "statistic_typ": 15, "dtypelik": 15, "dtype": 15, "transtion": 15, "through": 15, "state_1": 15, "state_2": 15, "sum_mom": 15, "evolut": 15, "intrins": 15, "curvatur": 15, "longer": 15, "straight": 15, "1304": 15, "1920": 15, "alias": 16, "val": 17, "log_val": 17, "hash": 17, "byte": 17, "val1": 17, "val2": 17}, "objects": {"": [[1, 0, 0, "-", "mici"]], "mici": [[2, 0, 0, "-", "adapters"], [3, 0, 0, "-", "autodiff"], [4, 0, 0, "-", "autograd_wrapper"], [5, 0, 0, "-", "errors"], [6, 0, 0, "-", "integrators"], [7, 0, 0, "-", "interop"], [8, 0, 0, "-", "matrices"], [9, 0, 0, "-", "progressbars"], [10, 0, 0, "-", "samplers"], [11, 0, 0, "-", "solvers"], [12, 0, 0, "-", "stagers"], [13, 0, 0, "-", "states"], [14, 0, 0, "-", "systems"], [15, 0, 0, "-", "transitions"], [16, 0, 0, "-", "types"], [17, 0, 0, "-", "utils"]], "mici.adapters": [[2, 1, 1, "", "Adapter"], [2, 1, 1, "", "DualAveragingStepSizeAdapter"], [2, 1, 1, "", "OnlineCovarianceMetricAdapter"], [2, 1, 1, "", "OnlineVarianceMetricAdapter"], [2, 5, 1, "", "arithmetic_mean_log_step_size_reducer"], [2, 5, 1, "", "default_adapt_stat_func"], [2, 5, 1, "", "geometric_mean_log_step_size_reducer"], [2, 5, 1, "", "min_log_step_size_reducer"]], "mici.adapters.Adapter": [[2, 2, 1, "", "finalize"], [2, 2, 1, "", "initialize"], [2, 3, 1, "", "is_fast"], [2, 2, 1, "", "update"]], "mici.adapters.DualAveragingStepSizeAdapter": [[2, 2, 1, "", "finalize"], [2, 2, 1, "", "initialize"], [2, 4, 1, "", "is_fast"], [2, 2, 1, "", "update"]], "mici.adapters.OnlineCovarianceMetricAdapter": [[2, 2, 1, "", "finalize"], [2, 2, 1, "", "initialize"], [2, 4, 1, "", "is_fast"], [2, 2, 1, "", "update"]], "mici.adapters.OnlineVarianceMetricAdapter": [[2, 2, 1, "", "finalize"], [2, 2, 1, "", "initialize"], [2, 4, 1, "", "is_fast"], [2, 2, 1, "", "update"]], "mici.autodiff": [[3, 5, 1, "", "autodiff_fallback"]], "mici.autograd_wrapper": [[4, 5, 1, "", "grad_and_value"], [4, 5, 1, "", "hessian_grad_and_value"], [4, 5, 1, "", "jacobian_and_value"], [4, 5, 1, "", "mhp_jacobian_and_value"], [4, 5, 1, "", "mtp_hessian_grad_and_value"]], "mici.errors": [[5, 6, 1, "", "AdaptationError"], [5, 6, 1, "", "ConvergenceError"], [5, 6, 1, "", "Error"], [5, 6, 1, "", "HamiltonianDivergenceError"], [5, 6, 1, "", "IntegratorError"], [5, 6, 1, "", "LinAlgError"], [5, 6, 1, "", "NonReversibleStepError"], [5, 6, 1, "", "ReadOnlyStateError"]], "mici.errors.AdaptationError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.ConvergenceError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.Error": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.HamiltonianDivergenceError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.IntegratorError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.LinAlgError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.NonReversibleStepError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.errors.ReadOnlyStateError": [[5, 4, 1, "", "args"], [5, 2, 1, "", "with_traceback"]], "mici.integrators": [[6, 1, 1, "", "BCSSFourStageIntegrator"], [6, 1, 1, "", "BCSSThreeStageIntegrator"], [6, 1, 1, "", "BCSSTwoStageIntegrator"], [6, 1, 1, "", "ConstrainedLeapfrogIntegrator"], [6, 1, 1, "", "ImplicitLeapfrogIntegrator"], [6, 1, 1, "", "ImplicitMidpointIntegrator"], [6, 1, 1, "", "Integrator"], [6, 1, 1, "", "LeapfrogIntegrator"], [6, 1, 1, "", "SymmetricCompositionIntegrator"], [6, 1, 1, "", "TractableFlowIntegrator"]], "mici.integrators.BCSSFourStageIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.BCSSThreeStageIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.BCSSTwoStageIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.ConstrainedLeapfrogIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.ImplicitLeapfrogIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.ImplicitMidpointIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.Integrator": [[6, 2, 1, "", "step"]], "mici.integrators.LeapfrogIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.SymmetricCompositionIntegrator": [[6, 2, 1, "", "step"]], "mici.integrators.TractableFlowIntegrator": [[6, 2, 1, "", "step"]], "mici.interop": [[7, 5, 1, "", "convert_to_inference_data"], [7, 5, 1, "", "sample_pymc_model"], [7, 5, 1, "", "sample_stan_model"]], "mici.matrices": [[8, 1, 1, "", "BlockColumnMatrix"], [8, 1, 1, "", "BlockMatrix"], [8, 1, 1, "", "BlockRowMatrix"], [8, 1, 1, "", "DenseDefiniteMatrix"], [8, 1, 1, "", "DensePositiveDefiniteMatrix"], [8, 1, 1, "", "DensePositiveDefiniteProductMatrix"], [8, 1, 1, "", "DenseRectangularMatrix"], [8, 1, 1, "", "DenseSquareMatrix"], [8, 1, 1, "", "DenseSymmetricMatrix"], [8, 1, 1, "", "DiagonalMatrix"], [8, 1, 1, "", "DifferentiableMatrix"], [8, 1, 1, "", "EigendecomposedPositiveDefiniteMatrix"], [8, 1, 1, "", "EigendecomposedSymmetricMatrix"], [8, 1, 1, "", "ExplicitArrayMatrix"], [8, 1, 1, "", "IdentityMatrix"], [8, 1, 1, "", "ImplicitArrayMatrix"], [8, 1, 1, "", "InverseLUFactoredSquareMatrix"], [8, 1, 1, "", "InverseTriangularMatrix"], [8, 1, 1, "", "InvertibleMatrix"], [8, 1, 1, "", "InvertibleMatrixProduct"], [8, 1, 1, "", "Matrix"], [8, 1, 1, "", "MatrixProduct"], [8, 1, 1, "", "OrthogonalMatrix"], [8, 1, 1, "", "PositiveDefiniteBlockDiagonalMatrix"], [8, 1, 1, "", "PositiveDefiniteLowRankUpdateMatrix"], [8, 1, 1, "", "PositiveDefiniteMatrix"], [8, 1, 1, "", "PositiveDiagonalMatrix"], [8, 1, 1, "", "PositiveScaledIdentityMatrix"], [8, 1, 1, "", "ScaledIdentityMatrix"], [8, 1, 1, "", "ScaledOrthogonalMatrix"], [8, 1, 1, "", "SoftAbsRegularizedPositiveDefiniteMatrix"], [8, 1, 1, "", "SquareBlockDiagonalMatrix"], [8, 1, 1, "", "SquareLowRankUpdateMatrix"], [8, 1, 1, "", "SquareMatrix"], [8, 1, 1, "", "SquareMatrixProduct"], [8, 1, 1, "", "SymmetricBlockDiagonalMatrix"], [8, 1, 1, "", "SymmetricLowRankUpdateMatrix"], [8, 1, 1, "", "SymmetricMatrix"], [8, 1, 1, "", "TriangularFactoredDefiniteMatrix"], [8, 1, 1, "", "TriangularFactoredPositiveDefiniteMatrix"], [8, 1, 1, "", "TriangularMatrix"]], "mici.matrices.BlockColumnMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.BlockMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.BlockRowMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DenseDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "transpose"]], "mici.matrices.DensePositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.DensePositiveDefiniteProductMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.DenseRectangularMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DenseSquareMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "lu_and_piv"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DenseSymmetricMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.DifferentiableMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.EigendecomposedPositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.EigendecomposedSymmetricMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.ExplicitArrayMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.IdentityMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.ImplicitArrayMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.InverseLUFactoredSquareMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.InverseTriangularMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "lower"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.InvertibleMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.InvertibleMatrixProduct": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "matrices"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.Matrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.MatrixProduct": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "matrices"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.OrthogonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveDefiniteBlockDiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveDefiniteLowRankUpdateMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "capacitance_matrix"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveDiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.PositiveScaledIdentityMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "scalar"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.ScaledIdentityMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "scalar"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.ScaledOrthogonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 2, 1, "", "grad_softabs"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 2, 1, "", "softabs"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.SquareBlockDiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SquareLowRankUpdateMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "capacitance_matrix"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SquareMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SquareMatrixProduct": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "matrices"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SymmetricBlockDiagonalMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "blocks"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SymmetricLowRankUpdateMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "capacitance_matrix"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.SymmetricMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.matrices.TriangularFactoredDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "transpose"]], "mici.matrices.TriangularFactoredPositiveDefiniteMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "eigval"], [8, 3, 1, "", "eigvec"], [8, 3, 1, "", "factor"], [8, 3, 1, "", "grad_log_abs_det"], [8, 2, 1, "", "grad_quadratic_form_inv"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "sign"], [8, 3, 1, "", "sqrt"], [8, 3, 1, "", "transpose"]], "mici.matrices.TriangularMatrix": [[8, 3, 1, "", "T"], [8, 3, 1, "", "array"], [8, 3, 1, "", "diagonal"], [8, 3, 1, "", "inv"], [8, 3, 1, "", "log_abs_det"], [8, 3, 1, "", "lower"], [8, 3, 1, "", "shape"], [8, 3, 1, "", "transpose"]], "mici.progressbars": [[9, 1, 1, "", "DummyProgressBar"], [9, 1, 1, "", "FileDisplay"], [9, 1, 1, "", "LabelledSequenceProgressBar"], [9, 1, 1, "", "ProgressBar"], [9, 1, 1, "", "SequenceProgressBar"]], "mici.progressbars.DummyProgressBar": [[9, 3, 1, "", "n_iter"], [9, 3, 1, "", "sequence"], [9, 2, 1, "", "update"]], "mici.progressbars.FileDisplay": [[9, 4, 1, "", "CURSOR_DOWN"], [9, 4, 1, "", "CURSOR_UP"], [9, 2, 1, "", "update"]], "mici.progressbars.LabelledSequenceProgressBar": [[9, 3, 1, "", "completed_labels"], [9, 3, 1, "", "counter"], [9, 3, 1, "", "current_label"], [9, 3, 1, "", "description"], [9, 3, 1, "", "n_iter"], [9, 3, 1, "", "postfix"], [9, 3, 1, "", "prefix"], [9, 3, 1, "", "progress_bar"], [9, 2, 1, "", "refresh"], [9, 2, 1, "", "reset"], [9, 3, 1, "", "sequence"], [9, 3, 1, "", "stats"], [9, 3, 1, "", "unstarted_labels"], [9, 2, 1, "", "update"]], "mici.progressbars.ProgressBar": [[9, 3, 1, "", "n_iter"], [9, 3, 1, "", "sequence"], [9, 2, 1, "", "update"]], "mici.progressbars.SequenceProgressBar": [[9, 4, 1, "", "GLYPHS"], [9, 3, 1, "", "bar_color"], [9, 3, 1, "", "counter"], [9, 3, 1, "", "description"], [9, 3, 1, "", "elapsed_time"], [9, 3, 1, "", "empty_blocks"], [9, 3, 1, "", "est_remaining_time"], [9, 3, 1, "", "filled_blocks"], [9, 3, 1, "", "iter_rate"], [9, 3, 1, "", "n_block_empty"], [9, 3, 1, "", "n_block_filled"], [9, 3, 1, "", "n_iter"], [9, 3, 1, "", "partial_block"], [9, 3, 1, "", "perc_complete"], [9, 3, 1, "", "postfix"], [9, 3, 1, "", "prefix"], [9, 3, 1, "", "progress_bar"], [9, 3, 1, "", "prop_complete"], [9, 3, 1, "", "prop_partial_block"], [9, 2, 1, "", "refresh"], [9, 2, 1, "", "reset"], [9, 3, 1, "", "sequence"], [9, 3, 1, "", "stats"], [9, 2, 1, "", "update"]], "mici.samplers": [[10, 1, 1, "", "DynamicMultinomialHMC"], [10, 1, 1, "", "DynamicSliceHMC"], [10, 1, 1, "", "HMCSampleChainsOutputs"], [10, 1, 1, "", "HamiltonianMonteCarlo"], [10, 1, 1, "", "MCMCSampleChainsOutputs"], [10, 1, 1, "", "MarkovChainMonteCarloMethod"], [10, 1, 1, "", "RandomMetropolisHMC"], [10, 1, 1, "", "StaticMetropolisHMC"]], "mici.samplers.DynamicMultinomialHMC": [[10, 3, 1, "", "max_delta_h"], [10, 3, 1, "", "max_tree_depth"], [10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.samplers.DynamicSliceHMC": [[10, 3, 1, "", "max_delta_h"], [10, 3, 1, "", "max_tree_depth"], [10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.samplers.HamiltonianMonteCarlo": [[10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.samplers.MarkovChainMonteCarloMethod": [[10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "transitions"]], "mici.samplers.RandomMetropolisHMC": [[10, 3, 1, "", "n_step_range"], [10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.samplers.StaticMetropolisHMC": [[10, 3, 1, "", "n_step"], [10, 3, 1, "", "rng"], [10, 2, 1, "", "sample_chains"], [10, 3, 1, "", "system"], [10, 3, 1, "", "transitions"]], "mici.solvers": [[11, 1, 1, "", "FixedPointSolver"], [11, 1, 1, "", "ProjectionSolver"], [11, 5, 1, "", "euclidean_norm"], [11, 5, 1, "", "maximum_norm"], [11, 5, 1, "", "solve_fixed_point_direct"], [11, 5, 1, "", "solve_fixed_point_steffensen"], [11, 5, 1, "", "solve_projection_onto_manifold_newton"], [11, 5, 1, "", "solve_projection_onto_manifold_newton_with_line_search"], [11, 5, 1, "", "solve_projection_onto_manifold_quasi_newton"]], "mici.solvers.FixedPointSolver": [[11, 2, 1, "", "__call__"]], "mici.solvers.ProjectionSolver": [[11, 2, 1, "", "__call__"]], "mici.stagers": [[12, 1, 1, "", "ChainStage"], [12, 1, 1, "", "Stager"], [12, 1, 1, "", "WarmUpStager"], [12, 1, 1, "", "WindowedWarmUpStager"]], "mici.stagers.Stager": [[12, 2, 1, "", "stages"]], "mici.stagers.WarmUpStager": [[12, 2, 1, "", "stages"]], "mici.stagers.WindowedWarmUpStager": [[12, 2, 1, "", "stages"]], "mici.states": [[13, 1, 1, "", "ChainState"], [13, 5, 1, "", "cache_in_state"], [13, 5, 1, "", "cache_in_state_with_aux"]], "mici.states.ChainState": [[13, 2, 1, "", "copy"]], "mici.systems": [[14, 1, 1, "", "CholeskyFactoredRiemannianMetricSystem"], [14, 1, 1, "", "ConstrainedEuclideanMetricSystem"], [14, 1, 1, "", "ConstrainedTractableFlowSystem"], [14, 1, 1, "", "DenseConstrainedEuclideanMetricSystem"], [14, 1, 1, "", "DenseRiemannianMetricSystem"], [14, 1, 1, "", "DiagonalRiemannianMetricSystem"], [14, 1, 1, "", "EuclideanMetricSystem"], [14, 1, 1, "", "GaussianDenseConstrainedEuclideanMetricSystem"], [14, 1, 1, "", "GaussianEuclideanMetricSystem"], [14, 1, 1, "", "RiemannianMetricSystem"], [14, 1, 1, "", "ScalarRiemannianMetricSystem"], [14, 1, 1, "", "SoftAbsRiemannianMetricSystem"], [14, 1, 1, "", "System"], [14, 1, 1, "", "TractableFlowSystem"]], "mici.systems.CholeskyFactoredRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.ConstrainedEuclideanMetricSystem": [[14, 2, 1, "", "constr"], [14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_log_det_sqrt_gram"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "gram"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "inv_gram"], [14, 2, 1, "", "jacob_constr"], [14, 2, 1, "", "jacob_constr_inner_product"], [14, 2, 1, "", "log_det_sqrt_gram"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "project_onto_cotangent_space"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.ConstrainedTractableFlowSystem": [[14, 2, 1, "", "constr"], [14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "jacob_constr"], [14, 2, 1, "", "jacob_constr_inner_product"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "project_onto_cotangent_space"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.DenseConstrainedEuclideanMetricSystem": [[14, 2, 1, "", "constr"], [14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_log_det_sqrt_gram"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "gram"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "inv_gram"], [14, 2, 1, "", "jacob_constr"], [14, 2, 1, "", "jacob_constr_inner_product"], [14, 2, 1, "", "log_det_sqrt_gram"], [14, 2, 1, "", "mhp_constr"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "project_onto_cotangent_space"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.DenseRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.DiagonalRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.EuclideanMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem": [[14, 2, 1, "", "constr"], [14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh2_flow_dmom"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_log_det_sqrt_gram"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "gram"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "inv_gram"], [14, 2, 1, "", "jacob_constr"], [14, 2, 1, "", "jacob_constr_inner_product"], [14, 2, 1, "", "log_det_sqrt_gram"], [14, 2, 1, "", "mhp_constr"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "project_onto_cotangent_space"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.GaussianEuclideanMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.RiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.ScalarRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.SoftAbsRiemannianMetricSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "hess_neg_log_dens"], [14, 2, 1, "", "metric"], [14, 2, 1, "", "metric_func"], [14, 2, 1, "", "mtp_neg_log_dens"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"], [14, 2, 1, "", "vjp_metric_func"]], "mici.systems.System": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"]], "mici.systems.TractableFlowSystem": [[14, 2, 1, "", "dh1_dpos"], [14, 2, 1, "", "dh2_dmom"], [14, 2, 1, "", "dh2_dpos"], [14, 2, 1, "", "dh_dmom"], [14, 2, 1, "", "dh_dpos"], [14, 2, 1, "", "grad_neg_log_dens"], [14, 2, 1, "", "h"], [14, 2, 1, "", "h1"], [14, 2, 1, "", "h1_flow"], [14, 2, 1, "", "h2"], [14, 2, 1, "", "h2_flow"], [14, 2, 1, "", "neg_log_dens"], [14, 2, 1, "", "sample_momentum"]], "mici.transitions": [[15, 1, 1, "", "CorrelatedMomentumTransition"], [15, 1, 1, "", "DynamicIntegrationTransition"], [15, 1, 1, "", "IndependentMomentumTransition"], [15, 1, 1, "", "IntegrationTransition"], [15, 1, 1, "", "MetropolisIntegrationTransition"], [15, 1, 1, "", "MetropolisRandomIntegrationTransition"], [15, 1, 1, "", "MetropolisStaticIntegrationTransition"], [15, 1, 1, "", "MomentumTransition"], [15, 1, 1, "", "MultinomialDynamicIntegrationTransition"], [15, 1, 1, "", "SliceDynamicIntegrationTransition"], [15, 1, 1, "", "Transition"], [15, 5, 1, "", "euclidean_no_u_turn_criterion"], [15, 5, 1, "", "riemannian_no_u_turn_criterion"]], "mici.transitions.CorrelatedMomentumTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.DynamicIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.IndependentMomentumTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.IntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MetropolisIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MetropolisRandomIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MetropolisStaticIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MomentumTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.MultinomialDynamicIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.SliceDynamicIntegrationTransition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.transitions.Transition": [[15, 2, 1, "", "sample"], [15, 3, 1, "", "state_variables"], [15, 3, 1, "", "statistic_types"]], "mici.utils": [[17, 1, 1, "", "LogRepFloat"], [17, 5, 1, "", "hash_array"], [17, 5, 1, "", "log1m_exp"], [17, 5, 1, "", "log1p_exp"], [17, 5, 1, "", "log_diff_exp"], [17, 5, 1, "", "log_sum_exp"]], "mici.utils.LogRepFloat": [[17, 3, 1, "", "val"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:property", "4": "py:attribute", "5": "py:function", "6": "py:exception"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "property", "Python property"], "4": ["py", "attribute", "Python attribute"], "5": ["py", "function", "Python function"], "6": ["py", "exception", "Python exception"]}, "titleterms": {"welcom": 0, "mici": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17], "": 0, "document": 0, "content": 0, "packag": 1, "submodul": 1, "adapt": 2, "modul": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17], "autodiff": 3, "autograd_wrapp": 4, "error": 5, "integr": 6, "interop": 7, "matric": 8, "progressbar": 9, "sampler": 10, "solver": 11, "stager": 12, "state": 13, "system": 14, "transit": 15, "type": 16, "util": 17}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 8, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.viewcode": 1, "sphinx.ext.intersphinx": 1, "sphinx": 57}, "alltitles": {"Welcome to Mici\u2019s documentation!": [[0, "welcome-to-mici-s-documentation"]], "Contents:": [[0, null]], "mici package": [[1, "module-mici"]], "Submodules": [[1, "submodules"]], "mici.adapters module": [[2, "module-mici.adapters"]], "mici.autodiff module": [[3, "module-mici.autodiff"]], "mici.autograd_wrapper module": [[4, "module-mici.autograd_wrapper"]], "mici.errors module": [[5, "module-mici.errors"]], "mici.integrators module": [[6, "module-mici.integrators"]], "mici.interop module": [[7, "module-mici.interop"]], "mici.matrices module": [[8, "module-mici.matrices"]], "mici.progressbars module": [[9, "module-mici.progressbars"]], "mici.samplers module": [[10, "module-mici.samplers"]], "mici.solvers module": [[11, "module-mici.solvers"]], "mici.stagers module": [[12, "module-mici.stagers"]], "mici.states module": [[13, "module-mici.states"]], "mici.systems module": [[14, "module-mici.systems"]], "mici.transitions module": [[15, "module-mici.transitions"]], "mici.types module": [[16, "module-mici.types"]], "mici.utils module": [[17, "module-mici.utils"]]}, "indexentries": {"mici": [[1, "module-mici"]], "module": [[1, "module-mici"], [2, "module-mici.adapters"], [3, "module-mici.autodiff"], [4, "module-mici.autograd_wrapper"], [5, "module-mici.errors"], [6, "module-mici.integrators"], [7, "module-mici.interop"], [8, "module-mici.matrices"], [9, "module-mici.progressbars"], [10, "module-mici.samplers"], [11, "module-mici.solvers"], [12, "module-mici.stagers"], [13, "module-mici.states"], [14, "module-mici.systems"], [15, "module-mici.transitions"], [16, "module-mici.types"], [17, "module-mici.utils"]], "adapter (class in mici.adapters)": [[2, "mici.adapters.Adapter"]], "dualaveragingstepsizeadapter (class in mici.adapters)": [[2, "mici.adapters.DualAveragingStepSizeAdapter"]], "onlinecovariancemetricadapter (class in mici.adapters)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter"]], "onlinevariancemetricadapter (class in mici.adapters)": [[2, "mici.adapters.OnlineVarianceMetricAdapter"]], "arithmetic_mean_log_step_size_reducer() (in module mici.adapters)": [[2, "mici.adapters.arithmetic_mean_log_step_size_reducer"]], "default_adapt_stat_func() (in module mici.adapters)": [[2, "mici.adapters.default_adapt_stat_func"]], "finalize() (mici.adapters.adapter method)": [[2, "mici.adapters.Adapter.finalize"]], "finalize() (mici.adapters.dualaveragingstepsizeadapter method)": [[2, "mici.adapters.DualAveragingStepSizeAdapter.finalize"]], "finalize() (mici.adapters.onlinecovariancemetricadapter method)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter.finalize"]], "finalize() (mici.adapters.onlinevariancemetricadapter method)": [[2, "mici.adapters.OnlineVarianceMetricAdapter.finalize"]], "geometric_mean_log_step_size_reducer() (in module mici.adapters)": [[2, "mici.adapters.geometric_mean_log_step_size_reducer"]], "initialize() (mici.adapters.adapter method)": [[2, "mici.adapters.Adapter.initialize"]], "initialize() (mici.adapters.dualaveragingstepsizeadapter method)": [[2, "mici.adapters.DualAveragingStepSizeAdapter.initialize"]], "initialize() (mici.adapters.onlinecovariancemetricadapter method)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter.initialize"]], "initialize() (mici.adapters.onlinevariancemetricadapter method)": [[2, "mici.adapters.OnlineVarianceMetricAdapter.initialize"]], "is_fast (mici.adapters.adapter property)": [[2, "mici.adapters.Adapter.is_fast"]], "is_fast (mici.adapters.dualaveragingstepsizeadapter attribute)": [[2, "mici.adapters.DualAveragingStepSizeAdapter.is_fast"]], "is_fast (mici.adapters.onlinecovariancemetricadapter attribute)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter.is_fast"]], "is_fast (mici.adapters.onlinevariancemetricadapter attribute)": [[2, "mici.adapters.OnlineVarianceMetricAdapter.is_fast"]], "mici.adapters": [[2, "module-mici.adapters"]], "min_log_step_size_reducer() (in module mici.adapters)": [[2, "mici.adapters.min_log_step_size_reducer"]], "update() (mici.adapters.adapter method)": [[2, "mici.adapters.Adapter.update"]], "update() (mici.adapters.dualaveragingstepsizeadapter method)": [[2, "mici.adapters.DualAveragingStepSizeAdapter.update"]], "update() (mici.adapters.onlinecovariancemetricadapter method)": [[2, "mici.adapters.OnlineCovarianceMetricAdapter.update"]], "update() (mici.adapters.onlinevariancemetricadapter method)": [[2, "mici.adapters.OnlineVarianceMetricAdapter.update"]], "autodiff_fallback() (in module mici.autodiff)": [[3, "mici.autodiff.autodiff_fallback"]], "mici.autodiff": [[3, "module-mici.autodiff"]], "grad_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.grad_and_value"]], "hessian_grad_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.hessian_grad_and_value"]], "jacobian_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.jacobian_and_value"]], "mhp_jacobian_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.mhp_jacobian_and_value"]], "mici.autograd_wrapper": [[4, "module-mici.autograd_wrapper"]], "mtp_hessian_grad_and_value() (in module mici.autograd_wrapper)": [[4, "mici.autograd_wrapper.mtp_hessian_grad_and_value"]], "adaptationerror": [[5, "mici.errors.AdaptationError"]], "convergenceerror": [[5, "mici.errors.ConvergenceError"]], "error": [[5, "mici.errors.Error"]], "hamiltoniandivergenceerror": [[5, "mici.errors.HamiltonianDivergenceError"]], "integratorerror": [[5, "mici.errors.IntegratorError"]], "linalgerror": [[5, "mici.errors.LinAlgError"]], "nonreversiblesteperror": [[5, "mici.errors.NonReversibleStepError"]], "readonlystateerror": [[5, "mici.errors.ReadOnlyStateError"]], "args (mici.errors.adaptationerror attribute)": [[5, "mici.errors.AdaptationError.args"]], "args (mici.errors.convergenceerror attribute)": [[5, "mici.errors.ConvergenceError.args"]], "args (mici.errors.error attribute)": [[5, "mici.errors.Error.args"]], "args (mici.errors.hamiltoniandivergenceerror attribute)": [[5, "mici.errors.HamiltonianDivergenceError.args"]], "args (mici.errors.integratorerror attribute)": [[5, "mici.errors.IntegratorError.args"]], "args (mici.errors.linalgerror attribute)": [[5, "mici.errors.LinAlgError.args"]], "args (mici.errors.nonreversiblesteperror attribute)": [[5, "mici.errors.NonReversibleStepError.args"]], "args (mici.errors.readonlystateerror attribute)": [[5, "mici.errors.ReadOnlyStateError.args"]], "mici.errors": [[5, "module-mici.errors"]], "with_traceback() (mici.errors.adaptationerror method)": [[5, "mici.errors.AdaptationError.with_traceback"]], "with_traceback() (mici.errors.convergenceerror method)": [[5, "mici.errors.ConvergenceError.with_traceback"]], "with_traceback() (mici.errors.error method)": [[5, "mici.errors.Error.with_traceback"]], "with_traceback() (mici.errors.hamiltoniandivergenceerror method)": [[5, "mici.errors.HamiltonianDivergenceError.with_traceback"]], "with_traceback() (mici.errors.integratorerror method)": [[5, "mici.errors.IntegratorError.with_traceback"]], "with_traceback() (mici.errors.linalgerror method)": [[5, "mici.errors.LinAlgError.with_traceback"]], "with_traceback() (mici.errors.nonreversiblesteperror method)": [[5, "mici.errors.NonReversibleStepError.with_traceback"]], "with_traceback() (mici.errors.readonlystateerror method)": [[5, "mici.errors.ReadOnlyStateError.with_traceback"]], "bcssfourstageintegrator (class in mici.integrators)": [[6, "mici.integrators.BCSSFourStageIntegrator"]], "bcssthreestageintegrator (class in mici.integrators)": [[6, "mici.integrators.BCSSThreeStageIntegrator"]], "bcsstwostageintegrator (class in mici.integrators)": [[6, "mici.integrators.BCSSTwoStageIntegrator"]], "constrainedleapfrogintegrator (class in mici.integrators)": [[6, "mici.integrators.ConstrainedLeapfrogIntegrator"]], "implicitleapfrogintegrator (class in mici.integrators)": [[6, "mici.integrators.ImplicitLeapfrogIntegrator"]], "implicitmidpointintegrator (class in mici.integrators)": [[6, "mici.integrators.ImplicitMidpointIntegrator"]], "integrator (class in mici.integrators)": [[6, "mici.integrators.Integrator"]], "leapfrogintegrator (class in mici.integrators)": [[6, "mici.integrators.LeapfrogIntegrator"]], "symmetriccompositionintegrator (class in mici.integrators)": [[6, "mici.integrators.SymmetricCompositionIntegrator"]], "tractableflowintegrator (class in mici.integrators)": [[6, "mici.integrators.TractableFlowIntegrator"]], "mici.integrators": [[6, "module-mici.integrators"]], "step() (mici.integrators.bcssfourstageintegrator method)": [[6, "mici.integrators.BCSSFourStageIntegrator.step"]], "step() (mici.integrators.bcssthreestageintegrator method)": [[6, "mici.integrators.BCSSThreeStageIntegrator.step"]], "step() (mici.integrators.bcsstwostageintegrator method)": [[6, "mici.integrators.BCSSTwoStageIntegrator.step"]], "step() (mici.integrators.constrainedleapfrogintegrator method)": [[6, "mici.integrators.ConstrainedLeapfrogIntegrator.step"]], "step() (mici.integrators.implicitleapfrogintegrator method)": [[6, "mici.integrators.ImplicitLeapfrogIntegrator.step"]], "step() (mici.integrators.implicitmidpointintegrator method)": [[6, "mici.integrators.ImplicitMidpointIntegrator.step"]], "step() (mici.integrators.integrator method)": [[6, "mici.integrators.Integrator.step"]], "step() (mici.integrators.leapfrogintegrator method)": [[6, "mici.integrators.LeapfrogIntegrator.step"]], "step() (mici.integrators.symmetriccompositionintegrator method)": [[6, "mici.integrators.SymmetricCompositionIntegrator.step"]], "step() (mici.integrators.tractableflowintegrator method)": [[6, "mici.integrators.TractableFlowIntegrator.step"]], "convert_to_inference_data() (in module mici.interop)": [[7, "mici.interop.convert_to_inference_data"]], "mici.interop": [[7, "module-mici.interop"]], "sample_pymc_model() (in module mici.interop)": [[7, "mici.interop.sample_pymc_model"]], "sample_stan_model() (in module mici.interop)": [[7, "mici.interop.sample_stan_model"]], "blockcolumnmatrix (class in mici.matrices)": [[8, "mici.matrices.BlockColumnMatrix"]], "blockmatrix (class in mici.matrices)": [[8, "mici.matrices.BlockMatrix"]], "blockrowmatrix (class in mici.matrices)": [[8, "mici.matrices.BlockRowMatrix"]], "densedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.DenseDefiniteMatrix"]], "densepositivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.DensePositiveDefiniteMatrix"]], "densepositivedefiniteproductmatrix (class in mici.matrices)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix"]], "denserectangularmatrix (class in mici.matrices)": [[8, "mici.matrices.DenseRectangularMatrix"]], "densesquarematrix (class in mici.matrices)": [[8, "mici.matrices.DenseSquareMatrix"]], "densesymmetricmatrix (class in mici.matrices)": [[8, "mici.matrices.DenseSymmetricMatrix"]], "diagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.DiagonalMatrix"]], "differentiablematrix (class in mici.matrices)": [[8, "mici.matrices.DifferentiableMatrix"]], "eigendecomposedpositivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix"]], "eigendecomposedsymmetricmatrix (class in mici.matrices)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix"]], "explicitarraymatrix (class in mici.matrices)": [[8, "mici.matrices.ExplicitArrayMatrix"]], "identitymatrix (class in mici.matrices)": [[8, "mici.matrices.IdentityMatrix"]], "implicitarraymatrix (class in mici.matrices)": [[8, "mici.matrices.ImplicitArrayMatrix"]], "inverselufactoredsquarematrix (class in mici.matrices)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix"]], "inversetriangularmatrix (class in mici.matrices)": [[8, "mici.matrices.InverseTriangularMatrix"]], "invertiblematrix (class in mici.matrices)": [[8, "mici.matrices.InvertibleMatrix"]], "invertiblematrixproduct (class in mici.matrices)": [[8, "mici.matrices.InvertibleMatrixProduct"]], "matrix (class in mici.matrices)": [[8, "mici.matrices.Matrix"]], "matrixproduct (class in mici.matrices)": [[8, "mici.matrices.MatrixProduct"]], "orthogonalmatrix (class in mici.matrices)": [[8, "mici.matrices.OrthogonalMatrix"]], "positivedefiniteblockdiagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix"]], "positivedefinitelowrankupdatematrix (class in mici.matrices)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix"]], "positivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.PositiveDefiniteMatrix"]], "positivediagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.PositiveDiagonalMatrix"]], "positivescaledidentitymatrix (class in mici.matrices)": [[8, "mici.matrices.PositiveScaledIdentityMatrix"]], "scaledidentitymatrix (class in mici.matrices)": [[8, "mici.matrices.ScaledIdentityMatrix"]], "scaledorthogonalmatrix (class in mici.matrices)": [[8, "mici.matrices.ScaledOrthogonalMatrix"]], "softabsregularizedpositivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix"]], "squareblockdiagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.SquareBlockDiagonalMatrix"]], "squarelowrankupdatematrix (class in mici.matrices)": [[8, "mici.matrices.SquareLowRankUpdateMatrix"]], "squarematrix (class in mici.matrices)": [[8, "mici.matrices.SquareMatrix"]], "squarematrixproduct (class in mici.matrices)": [[8, "mici.matrices.SquareMatrixProduct"]], "symmetricblockdiagonalmatrix (class in mici.matrices)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix"]], "symmetriclowrankupdatematrix (class in mici.matrices)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix"]], "symmetricmatrix (class in mici.matrices)": [[8, "mici.matrices.SymmetricMatrix"]], "t (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.T"]], "t (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.T"]], "t (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.T"]], "t (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.T"]], "t (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.T"]], "t (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.T"]], "t (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.T"]], "t (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.T"]], "t (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.T"]], "t (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.T"]], "t (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.T"]], "t (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.T"]], "t (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.T"]], "t (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.T"]], "t (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.T"]], "t (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.T"]], "t (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.T"]], "t (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.T"]], "t (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.T"]], "t (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.T"]], "t (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.T"]], "t (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.T"]], "t (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.T"]], "t (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.T"]], "t (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.T"]], "t (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.T"]], "t (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.T"]], "t (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.T"]], "t (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.T"]], "t (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.T"]], "t (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.T"]], "t (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.T"]], "t (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.T"]], "t (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.T"]], "t (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.T"]], "t (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.T"]], "t (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.T"]], "t (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.T"]], "t (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.T"]], "t (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.T"]], "t (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.T"]], "triangularfactoreddefinitematrix (class in mici.matrices)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix"]], "triangularfactoredpositivedefinitematrix (class in mici.matrices)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix"]], "triangularmatrix (class in mici.matrices)": [[8, "mici.matrices.TriangularMatrix"]], "array (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.array"]], "array (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.array"]], "array (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.array"]], "array (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.array"]], "array (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.array"]], "array (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.array"]], "array (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.array"]], "array (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.array"]], "array (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.array"]], "array (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.array"]], "array (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.array"]], "array (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.array"]], "array (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.array"]], "array (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.array"]], "array (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.array"]], "array (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.array"]], "array (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.array"]], "array (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.array"]], "array (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.array"]], "array (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.array"]], "array (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.array"]], "array (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.array"]], "array (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.array"]], "array (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.array"]], "array (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.array"]], "array (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.array"]], "array (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.array"]], "array (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.array"]], "array (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.array"]], "array (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.array"]], "array (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.array"]], "array (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.array"]], "array (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.array"]], "array (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.array"]], "array (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.array"]], "array (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.array"]], "array (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.array"]], "array (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.array"]], "array (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.array"]], "array (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.array"]], "array (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.array"]], "blocks (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.blocks"]], "blocks (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.blocks"]], "blocks (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.blocks"]], "blocks (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.blocks"]], "blocks (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.blocks"]], "blocks (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.blocks"]], "capacitance_matrix (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.capacitance_matrix"]], "capacitance_matrix (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.capacitance_matrix"]], "capacitance_matrix (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.capacitance_matrix"]], "diagonal (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.diagonal"]], "diagonal (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.diagonal"]], "diagonal (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.diagonal"]], "diagonal (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.diagonal"]], "diagonal (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.diagonal"]], "diagonal (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.diagonal"]], "diagonal (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.diagonal"]], "diagonal (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.diagonal"]], "diagonal (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.diagonal"]], "diagonal (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.diagonal"]], "diagonal (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.diagonal"]], "diagonal (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.diagonal"]], "diagonal (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.diagonal"]], "diagonal (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.diagonal"]], "diagonal (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.diagonal"]], "diagonal (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.diagonal"]], "diagonal (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.diagonal"]], "diagonal (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.diagonal"]], "diagonal (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.diagonal"]], "diagonal (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.diagonal"]], "diagonal (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.diagonal"]], "diagonal (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.diagonal"]], "diagonal (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.diagonal"]], "diagonal (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.diagonal"]], "diagonal (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.diagonal"]], "diagonal (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.diagonal"]], "diagonal (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.diagonal"]], "diagonal (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.diagonal"]], "diagonal (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.diagonal"]], "diagonal (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.diagonal"]], "diagonal (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.diagonal"]], "diagonal (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.diagonal"]], "diagonal (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.diagonal"]], "diagonal (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.diagonal"]], "diagonal (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.diagonal"]], "eigval (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.eigval"]], "eigval (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.eigval"]], "eigval (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.eigval"]], "eigval (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.eigval"]], "eigval (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.eigval"]], "eigval (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.eigval"]], "eigval (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.eigval"]], "eigval (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.eigval"]], "eigval (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.eigval"]], "eigval (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.eigval"]], "eigval (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.eigval"]], "eigval (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.eigval"]], "eigval (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.eigval"]], "eigval (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.eigval"]], "eigval (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.eigval"]], "eigval (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.eigval"]], "eigval (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.eigval"]], "eigval (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.eigval"]], "eigval (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.eigval"]], "eigval (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.eigval"]], "eigval (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.eigval"]], "eigvec (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.eigvec"]], "eigvec (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.eigvec"]], "eigvec (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.eigvec"]], "eigvec (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.eigvec"]], "eigvec (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.eigvec"]], "eigvec (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.eigvec"]], "eigvec (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.eigvec"]], "eigvec (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.eigvec"]], "eigvec (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.eigvec"]], "eigvec (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.eigvec"]], "eigvec (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.eigvec"]], "eigvec (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.eigvec"]], "eigvec (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.eigvec"]], "eigvec (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.eigvec"]], "eigvec (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.eigvec"]], "eigvec (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.eigvec"]], "factor (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.factor"]], "factor (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.factor"]], "factor (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.factor"]], "factor (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.factor"]], "factor (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.factor"]], "grad_log_abs_det (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.grad_log_abs_det"]], "grad_log_abs_det (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.grad_log_abs_det"]], "grad_quadratic_form_inv() (mici.matrices.densedefinitematrix method)": [[8, "mici.matrices.DenseDefiniteMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.densepositivedefinitematrix method)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.densepositivedefiniteproductmatrix method)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.diagonalmatrix method)": [[8, "mici.matrices.DiagonalMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.differentiablematrix method)": [[8, "mici.matrices.DifferentiableMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.positivedefiniteblockdiagonalmatrix method)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.positivedefinitelowrankupdatematrix method)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.positivediagonalmatrix method)": [[8, "mici.matrices.PositiveDiagonalMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.positivescaledidentitymatrix method)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.scaledidentitymatrix method)": [[8, "mici.matrices.ScaledIdentityMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.softabsregularizedpositivedefinitematrix method)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.triangularfactoreddefinitematrix method)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.grad_quadratic_form_inv"]], "grad_quadratic_form_inv() (mici.matrices.triangularfactoredpositivedefinitematrix method)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.grad_quadratic_form_inv"]], "grad_softabs() (mici.matrices.softabsregularizedpositivedefinitematrix method)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.grad_softabs"]], "inv (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.inv"]], "inv (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.inv"]], "inv (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.inv"]], "inv (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.inv"]], "inv (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.inv"]], "inv (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.inv"]], "inv (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.inv"]], "inv (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.inv"]], "inv (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.inv"]], "inv (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.inv"]], "inv (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.inv"]], "inv (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.inv"]], "inv (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.inv"]], "inv (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.inv"]], "inv (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.inv"]], "inv (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.inv"]], "inv (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.inv"]], "inv (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.inv"]], "inv (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.inv"]], "inv (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.inv"]], "inv (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.inv"]], "inv (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.inv"]], "inv (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.inv"]], "inv (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.inv"]], "inv (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.inv"]], "inv (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.inv"]], "inv (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.inv"]], "inv (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.inv"]], "inv (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.inv"]], "inv (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.inv"]], "log_abs_det (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.log_abs_det"]], "log_abs_det (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.log_abs_det"]], "log_abs_det (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.log_abs_det"]], "log_abs_det (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.log_abs_det"]], "log_abs_det (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.log_abs_det"]], "log_abs_det (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.log_abs_det"]], "log_abs_det (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.log_abs_det"]], "log_abs_det (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.log_abs_det"]], "log_abs_det (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.log_abs_det"]], "log_abs_det (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.log_abs_det"]], "log_abs_det (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.log_abs_det"]], "log_abs_det (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.log_abs_det"]], "log_abs_det (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.log_abs_det"]], "log_abs_det (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.log_abs_det"]], "log_abs_det (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.log_abs_det"]], "log_abs_det (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.log_abs_det"]], "log_abs_det (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.log_abs_det"]], "log_abs_det (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.log_abs_det"]], "log_abs_det (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.log_abs_det"]], "log_abs_det (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.log_abs_det"]], "lower (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.lower"]], "lower (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.lower"]], "lu_and_piv (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.lu_and_piv"]], "matrices (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.matrices"]], "matrices (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.matrices"]], "matrices (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.matrices"]], "mici.matrices": [[8, "module-mici.matrices"]], "scalar (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.scalar"]], "scalar (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.scalar"]], "shape (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.shape"]], "shape (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.shape"]], "shape (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.shape"]], "shape (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.shape"]], "shape (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.shape"]], "shape (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.shape"]], "shape (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.shape"]], "shape (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.shape"]], "shape (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.shape"]], "shape (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.shape"]], "shape (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.shape"]], "shape (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.shape"]], "shape (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.shape"]], "shape (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.shape"]], "shape (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.shape"]], "shape (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.shape"]], "shape (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.shape"]], "shape (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.shape"]], "shape (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.shape"]], "shape (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.shape"]], "shape (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.shape"]], "shape (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.shape"]], "shape (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.shape"]], "shape (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.shape"]], "shape (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.shape"]], "shape (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.shape"]], "shape (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.shape"]], "shape (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.shape"]], "shape (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.shape"]], "shape (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.shape"]], "shape (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.shape"]], "shape (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.shape"]], "shape (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.shape"]], "shape (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.shape"]], "shape (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.shape"]], "shape (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.shape"]], "shape (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.shape"]], "shape (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.shape"]], "shape (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.shape"]], "shape (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.shape"]], "shape (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.shape"]], "sign (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.sign"]], "sign (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.sign"]], "sign (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.sign"]], "sign (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.sign"]], "sign (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.sign"]], "softabs() (mici.matrices.softabsregularizedpositivedefinitematrix method)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.softabs"]], "sqrt (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.sqrt"]], "sqrt (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.sqrt"]], "sqrt (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.sqrt"]], "sqrt (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.sqrt"]], "sqrt (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.sqrt"]], "sqrt (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.sqrt"]], "sqrt (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.sqrt"]], "sqrt (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.sqrt"]], "sqrt (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.sqrt"]], "sqrt (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.sqrt"]], "sqrt (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.sqrt"]], "transpose (mici.matrices.blockcolumnmatrix property)": [[8, "mici.matrices.BlockColumnMatrix.transpose"]], "transpose (mici.matrices.blockmatrix property)": [[8, "mici.matrices.BlockMatrix.transpose"]], "transpose (mici.matrices.blockrowmatrix property)": [[8, "mici.matrices.BlockRowMatrix.transpose"]], "transpose (mici.matrices.densedefinitematrix property)": [[8, "mici.matrices.DenseDefiniteMatrix.transpose"]], "transpose (mici.matrices.densepositivedefinitematrix property)": [[8, "mici.matrices.DensePositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.densepositivedefiniteproductmatrix property)": [[8, "mici.matrices.DensePositiveDefiniteProductMatrix.transpose"]], "transpose (mici.matrices.denserectangularmatrix property)": [[8, "mici.matrices.DenseRectangularMatrix.transpose"]], "transpose (mici.matrices.densesquarematrix property)": [[8, "mici.matrices.DenseSquareMatrix.transpose"]], "transpose (mici.matrices.densesymmetricmatrix property)": [[8, "mici.matrices.DenseSymmetricMatrix.transpose"]], "transpose (mici.matrices.diagonalmatrix property)": [[8, "mici.matrices.DiagonalMatrix.transpose"]], "transpose (mici.matrices.differentiablematrix property)": [[8, "mici.matrices.DifferentiableMatrix.transpose"]], "transpose (mici.matrices.eigendecomposedpositivedefinitematrix property)": [[8, "mici.matrices.EigendecomposedPositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.eigendecomposedsymmetricmatrix property)": [[8, "mici.matrices.EigendecomposedSymmetricMatrix.transpose"]], "transpose (mici.matrices.explicitarraymatrix property)": [[8, "mici.matrices.ExplicitArrayMatrix.transpose"]], "transpose (mici.matrices.identitymatrix property)": [[8, "mici.matrices.IdentityMatrix.transpose"]], "transpose (mici.matrices.implicitarraymatrix property)": [[8, "mici.matrices.ImplicitArrayMatrix.transpose"]], "transpose (mici.matrices.inverselufactoredsquarematrix property)": [[8, "mici.matrices.InverseLUFactoredSquareMatrix.transpose"]], "transpose (mici.matrices.inversetriangularmatrix property)": [[8, "mici.matrices.InverseTriangularMatrix.transpose"]], "transpose (mici.matrices.invertiblematrix property)": [[8, "mici.matrices.InvertibleMatrix.transpose"]], "transpose (mici.matrices.invertiblematrixproduct property)": [[8, "mici.matrices.InvertibleMatrixProduct.transpose"]], "transpose (mici.matrices.matrix property)": [[8, "mici.matrices.Matrix.transpose"]], "transpose (mici.matrices.matrixproduct property)": [[8, "mici.matrices.MatrixProduct.transpose"]], "transpose (mici.matrices.orthogonalmatrix property)": [[8, "mici.matrices.OrthogonalMatrix.transpose"]], "transpose (mici.matrices.positivedefiniteblockdiagonalmatrix property)": [[8, "mici.matrices.PositiveDefiniteBlockDiagonalMatrix.transpose"]], "transpose (mici.matrices.positivedefinitelowrankupdatematrix property)": [[8, "mici.matrices.PositiveDefiniteLowRankUpdateMatrix.transpose"]], "transpose (mici.matrices.positivedefinitematrix property)": [[8, "mici.matrices.PositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.positivediagonalmatrix property)": [[8, "mici.matrices.PositiveDiagonalMatrix.transpose"]], "transpose (mici.matrices.positivescaledidentitymatrix property)": [[8, "mici.matrices.PositiveScaledIdentityMatrix.transpose"]], "transpose (mici.matrices.scaledidentitymatrix property)": [[8, "mici.matrices.ScaledIdentityMatrix.transpose"]], "transpose (mici.matrices.scaledorthogonalmatrix property)": [[8, "mici.matrices.ScaledOrthogonalMatrix.transpose"]], "transpose (mici.matrices.softabsregularizedpositivedefinitematrix property)": [[8, "mici.matrices.SoftAbsRegularizedPositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.squareblockdiagonalmatrix property)": [[8, "mici.matrices.SquareBlockDiagonalMatrix.transpose"]], "transpose (mici.matrices.squarelowrankupdatematrix property)": [[8, "mici.matrices.SquareLowRankUpdateMatrix.transpose"]], "transpose (mici.matrices.squarematrix property)": [[8, "mici.matrices.SquareMatrix.transpose"]], "transpose (mici.matrices.squarematrixproduct property)": [[8, "mici.matrices.SquareMatrixProduct.transpose"]], "transpose (mici.matrices.symmetricblockdiagonalmatrix property)": [[8, "mici.matrices.SymmetricBlockDiagonalMatrix.transpose"]], "transpose (mici.matrices.symmetriclowrankupdatematrix property)": [[8, "mici.matrices.SymmetricLowRankUpdateMatrix.transpose"]], "transpose (mici.matrices.symmetricmatrix property)": [[8, "mici.matrices.SymmetricMatrix.transpose"]], "transpose (mici.matrices.triangularfactoreddefinitematrix property)": [[8, "mici.matrices.TriangularFactoredDefiniteMatrix.transpose"]], "transpose (mici.matrices.triangularfactoredpositivedefinitematrix property)": [[8, "mici.matrices.TriangularFactoredPositiveDefiniteMatrix.transpose"]], "transpose (mici.matrices.triangularmatrix property)": [[8, "mici.matrices.TriangularMatrix.transpose"]], "cursor_down (mici.progressbars.filedisplay attribute)": [[9, "mici.progressbars.FileDisplay.CURSOR_DOWN"]], "cursor_up (mici.progressbars.filedisplay attribute)": [[9, "mici.progressbars.FileDisplay.CURSOR_UP"]], "dummyprogressbar (class in mici.progressbars)": [[9, "mici.progressbars.DummyProgressBar"]], "filedisplay (class in mici.progressbars)": [[9, "mici.progressbars.FileDisplay"]], "glyphs (mici.progressbars.sequenceprogressbar attribute)": [[9, "mici.progressbars.SequenceProgressBar.GLYPHS"]], "labelledsequenceprogressbar (class in mici.progressbars)": [[9, "mici.progressbars.LabelledSequenceProgressBar"]], "progressbar (class in mici.progressbars)": [[9, "mici.progressbars.ProgressBar"]], "sequenceprogressbar (class in mici.progressbars)": [[9, "mici.progressbars.SequenceProgressBar"]], "bar_color (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.bar_color"]], "completed_labels (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.completed_labels"]], "counter (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.counter"]], "counter (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.counter"]], "current_label (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.current_label"]], "description (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.description"]], "description (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.description"]], "elapsed_time (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.elapsed_time"]], "empty_blocks (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.empty_blocks"]], "est_remaining_time (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.est_remaining_time"]], "filled_blocks (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.filled_blocks"]], "iter_rate (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.iter_rate"]], "mici.progressbars": [[9, "module-mici.progressbars"]], "n_block_empty (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.n_block_empty"]], "n_block_filled (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.n_block_filled"]], "n_iter (mici.progressbars.dummyprogressbar property)": [[9, "mici.progressbars.DummyProgressBar.n_iter"]], "n_iter (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.n_iter"]], "n_iter (mici.progressbars.progressbar property)": [[9, "mici.progressbars.ProgressBar.n_iter"]], "n_iter (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.n_iter"]], "partial_block (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.partial_block"]], "perc_complete (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.perc_complete"]], "postfix (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.postfix"]], "postfix (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.postfix"]], "prefix (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.prefix"]], "prefix (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.prefix"]], "progress_bar (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.progress_bar"]], "progress_bar (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.progress_bar"]], "prop_complete (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.prop_complete"]], "prop_partial_block (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.prop_partial_block"]], "refresh() (mici.progressbars.labelledsequenceprogressbar method)": [[9, "mici.progressbars.LabelledSequenceProgressBar.refresh"]], "refresh() (mici.progressbars.sequenceprogressbar method)": [[9, "mici.progressbars.SequenceProgressBar.refresh"]], "reset() (mici.progressbars.labelledsequenceprogressbar method)": [[9, "mici.progressbars.LabelledSequenceProgressBar.reset"]], "reset() (mici.progressbars.sequenceprogressbar method)": [[9, "mici.progressbars.SequenceProgressBar.reset"]], "sequence (mici.progressbars.dummyprogressbar property)": [[9, "mici.progressbars.DummyProgressBar.sequence"]], "sequence (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.sequence"]], "sequence (mici.progressbars.progressbar property)": [[9, "mici.progressbars.ProgressBar.sequence"]], "sequence (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.sequence"]], "stats (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.stats"]], "stats (mici.progressbars.sequenceprogressbar property)": [[9, "mici.progressbars.SequenceProgressBar.stats"]], "unstarted_labels (mici.progressbars.labelledsequenceprogressbar property)": [[9, "mici.progressbars.LabelledSequenceProgressBar.unstarted_labels"]], "update() (mici.progressbars.dummyprogressbar method)": [[9, "mici.progressbars.DummyProgressBar.update"]], "update() (mici.progressbars.filedisplay method)": [[9, "mici.progressbars.FileDisplay.update"]], "update() (mici.progressbars.labelledsequenceprogressbar method)": [[9, "mici.progressbars.LabelledSequenceProgressBar.update"]], "update() (mici.progressbars.progressbar method)": [[9, "mici.progressbars.ProgressBar.update"]], "update() (mici.progressbars.sequenceprogressbar method)": [[9, "mici.progressbars.SequenceProgressBar.update"]], "dynamicmultinomialhmc (class in mici.samplers)": [[10, "mici.samplers.DynamicMultinomialHMC"]], "dynamicslicehmc (class in mici.samplers)": [[10, "mici.samplers.DynamicSliceHMC"]], "hmcsamplechainsoutputs (class in mici.samplers)": [[10, "mici.samplers.HMCSampleChainsOutputs"]], "hamiltonianmontecarlo (class in mici.samplers)": [[10, "mici.samplers.HamiltonianMonteCarlo"]], "mcmcsamplechainsoutputs (class in mici.samplers)": [[10, "mici.samplers.MCMCSampleChainsOutputs"]], "markovchainmontecarlomethod (class in mici.samplers)": [[10, "mici.samplers.MarkovChainMonteCarloMethod"]], "randommetropolishmc (class in mici.samplers)": [[10, "mici.samplers.RandomMetropolisHMC"]], "staticmetropolishmc (class in mici.samplers)": [[10, "mici.samplers.StaticMetropolisHMC"]], "max_delta_h (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.max_delta_h"]], "max_delta_h (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.max_delta_h"]], "max_tree_depth (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.max_tree_depth"]], "max_tree_depth (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.max_tree_depth"]], "mici.samplers": [[10, "module-mici.samplers"]], "n_step (mici.samplers.staticmetropolishmc property)": [[10, "mici.samplers.StaticMetropolisHMC.n_step"]], "n_step_range (mici.samplers.randommetropolishmc property)": [[10, "mici.samplers.RandomMetropolisHMC.n_step_range"]], "rng (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.rng"]], "rng (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.rng"]], "rng (mici.samplers.hamiltonianmontecarlo property)": [[10, "mici.samplers.HamiltonianMonteCarlo.rng"]], "rng (mici.samplers.markovchainmontecarlomethod property)": [[10, "mici.samplers.MarkovChainMonteCarloMethod.rng"]], "rng (mici.samplers.randommetropolishmc property)": [[10, "mici.samplers.RandomMetropolisHMC.rng"]], "rng (mici.samplers.staticmetropolishmc property)": [[10, "mici.samplers.StaticMetropolisHMC.rng"]], "sample_chains() (mici.samplers.dynamicmultinomialhmc method)": [[10, "mici.samplers.DynamicMultinomialHMC.sample_chains"]], "sample_chains() (mici.samplers.dynamicslicehmc method)": [[10, "mici.samplers.DynamicSliceHMC.sample_chains"]], "sample_chains() (mici.samplers.hamiltonianmontecarlo method)": [[10, "mici.samplers.HamiltonianMonteCarlo.sample_chains"]], "sample_chains() (mici.samplers.markovchainmontecarlomethod method)": [[10, "mici.samplers.MarkovChainMonteCarloMethod.sample_chains"]], "sample_chains() (mici.samplers.randommetropolishmc method)": [[10, "mici.samplers.RandomMetropolisHMC.sample_chains"]], "sample_chains() (mici.samplers.staticmetropolishmc method)": [[10, "mici.samplers.StaticMetropolisHMC.sample_chains"]], "system (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.system"]], "system (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.system"]], "system (mici.samplers.hamiltonianmontecarlo property)": [[10, "mici.samplers.HamiltonianMonteCarlo.system"]], "system (mici.samplers.randommetropolishmc property)": [[10, "mici.samplers.RandomMetropolisHMC.system"]], "system (mici.samplers.staticmetropolishmc property)": [[10, "mici.samplers.StaticMetropolisHMC.system"]], "transitions (mici.samplers.dynamicmultinomialhmc property)": [[10, "mici.samplers.DynamicMultinomialHMC.transitions"]], "transitions (mici.samplers.dynamicslicehmc property)": [[10, "mici.samplers.DynamicSliceHMC.transitions"]], "transitions (mici.samplers.hamiltonianmontecarlo property)": [[10, "mici.samplers.HamiltonianMonteCarlo.transitions"]], "transitions (mici.samplers.markovchainmontecarlomethod property)": [[10, "mici.samplers.MarkovChainMonteCarloMethod.transitions"]], "transitions (mici.samplers.randommetropolishmc property)": [[10, "mici.samplers.RandomMetropolisHMC.transitions"]], "transitions (mici.samplers.staticmetropolishmc property)": [[10, "mici.samplers.StaticMetropolisHMC.transitions"]], "fixedpointsolver (class in mici.solvers)": [[11, "mici.solvers.FixedPointSolver"]], "projectionsolver (class in mici.solvers)": [[11, "mici.solvers.ProjectionSolver"]], "__call__() (mici.solvers.fixedpointsolver method)": [[11, "mici.solvers.FixedPointSolver.__call__"]], "__call__() (mici.solvers.projectionsolver method)": [[11, "mici.solvers.ProjectionSolver.__call__"]], "euclidean_norm() (in module mici.solvers)": [[11, "mici.solvers.euclidean_norm"]], "maximum_norm() (in module mici.solvers)": [[11, "mici.solvers.maximum_norm"]], "mici.solvers": [[11, "module-mici.solvers"]], "solve_fixed_point_direct() (in module mici.solvers)": [[11, "mici.solvers.solve_fixed_point_direct"]], "solve_fixed_point_steffensen() (in module mici.solvers)": [[11, "mici.solvers.solve_fixed_point_steffensen"]], "solve_projection_onto_manifold_newton() (in module mici.solvers)": [[11, "mici.solvers.solve_projection_onto_manifold_newton"]], "solve_projection_onto_manifold_newton_with_line_search() (in module mici.solvers)": [[11, "mici.solvers.solve_projection_onto_manifold_newton_with_line_search"]], "solve_projection_onto_manifold_quasi_newton() (in module mici.solvers)": [[11, "mici.solvers.solve_projection_onto_manifold_quasi_newton"]], "chainstage (class in mici.stagers)": [[12, "mici.stagers.ChainStage"]], "stager (class in mici.stagers)": [[12, "mici.stagers.Stager"]], "warmupstager (class in mici.stagers)": [[12, "mici.stagers.WarmUpStager"]], "windowedwarmupstager (class in mici.stagers)": [[12, "mici.stagers.WindowedWarmUpStager"]], "mici.stagers": [[12, "module-mici.stagers"]], "stages() (mici.stagers.stager method)": [[12, "mici.stagers.Stager.stages"]], "stages() (mici.stagers.warmupstager method)": [[12, "mici.stagers.WarmUpStager.stages"]], "stages() (mici.stagers.windowedwarmupstager method)": [[12, "mici.stagers.WindowedWarmUpStager.stages"]], "chainstate (class in mici.states)": [[13, "mici.states.ChainState"]], "cache_in_state() (in module mici.states)": [[13, "mici.states.cache_in_state"]], "cache_in_state_with_aux() (in module mici.states)": [[13, "mici.states.cache_in_state_with_aux"]], "copy() (mici.states.chainstate method)": [[13, "mici.states.ChainState.copy"]], "mici.states": [[13, "module-mici.states"]], "choleskyfactoredriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem"]], "constrainedeuclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem"]], "constrainedtractableflowsystem (class in mici.systems)": [[14, "mici.systems.ConstrainedTractableFlowSystem"]], "denseconstrainedeuclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem"]], "denseriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.DenseRiemannianMetricSystem"]], "diagonalriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.DiagonalRiemannianMetricSystem"]], "euclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.EuclideanMetricSystem"]], "gaussiandenseconstrainedeuclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem"]], "gaussianeuclideanmetricsystem (class in mici.systems)": [[14, "mici.systems.GaussianEuclideanMetricSystem"]], "riemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.RiemannianMetricSystem"]], "scalarriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.ScalarRiemannianMetricSystem"]], "softabsriemannianmetricsystem (class in mici.systems)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem"]], "system (class in mici.systems)": [[14, "mici.systems.System"]], "tractableflowsystem (class in mici.systems)": [[14, "mici.systems.TractableFlowSystem"]], "constr() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.constr"]], "constr() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.constr"]], "constr() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.constr"]], "constr() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.constr"]], "dh1_dpos() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh1_dpos"]], "dh1_dpos() (mici.systems.system method)": [[14, "mici.systems.System.dh1_dpos"]], "dh1_dpos() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh1_dpos"]], "dh2_dmom() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh2_dmom"]], "dh2_dmom() (mici.systems.system method)": [[14, "mici.systems.System.dh2_dmom"]], "dh2_dmom() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh2_dmom"]], "dh2_dpos() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh2_dpos"]], "dh2_dpos() (mici.systems.system method)": [[14, "mici.systems.System.dh2_dpos"]], "dh2_dpos() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh2_dpos"]], "dh2_flow_dmom() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh2_flow_dmom"]], "dh2_flow_dmom() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.dh2_flow_dmom"]], "dh2_flow_dmom() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh2_flow_dmom"]], "dh2_flow_dmom() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh2_flow_dmom"]], "dh_dmom() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.dh_dmom"]], "dh_dmom() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh_dmom"]], "dh_dmom() (mici.systems.system method)": [[14, "mici.systems.System.dh_dmom"]], "dh_dmom() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh_dmom"]], "dh_dpos() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.dh_dpos"]], "dh_dpos() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.dh_dpos"]], "dh_dpos() (mici.systems.system method)": [[14, "mici.systems.System.dh_dpos"]], "dh_dpos() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.dh_dpos"]], "grad_log_det_sqrt_gram() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.grad_log_det_sqrt_gram"]], "grad_log_det_sqrt_gram() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.grad_log_det_sqrt_gram"]], "grad_log_det_sqrt_gram() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.grad_log_det_sqrt_gram"]], "grad_neg_log_dens() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.system method)": [[14, "mici.systems.System.grad_neg_log_dens"]], "grad_neg_log_dens() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.grad_neg_log_dens"]], "gram() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.gram"]], "gram() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.gram"]], "gram() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.gram"]], "h() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.h"]], "h() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h"]], "h() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.h"]], "h() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h"]], "h() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.h"]], "h() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.h"]], "h() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h"]], "h() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h"]], "h() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h"]], "h() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.h"]], "h() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.h"]], "h() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.h"]], "h() (mici.systems.system method)": [[14, "mici.systems.System.h"]], "h() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h"]], "h1() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.h1"]], "h1() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h1"]], "h1() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.h1"]], "h1() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h1"]], "h1() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.h1"]], "h1() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.h1"]], "h1() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h1"]], "h1() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h1"]], "h1() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h1"]], "h1() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.h1"]], "h1() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.h1"]], "h1() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.h1"]], "h1() (mici.systems.system method)": [[14, "mici.systems.System.h1"]], "h1() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h1"]], "h1_flow() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.h1_flow"]], "h1_flow() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h1_flow"]], "h1_flow() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.h1_flow"]], "h1_flow() (mici.systems.system method)": [[14, "mici.systems.System.h1_flow"]], "h1_flow() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h1_flow"]], "h2() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.h2"]], "h2() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h2"]], "h2() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.h2"]], "h2() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h2"]], "h2() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.h2"]], "h2() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.h2"]], "h2() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h2"]], "h2() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h2"]], "h2() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h2"]], "h2() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.h2"]], "h2() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.h2"]], "h2() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.h2"]], "h2() (mici.systems.system method)": [[14, "mici.systems.System.h2"]], "h2() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h2"]], "h2_flow() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.h2_flow"]], "h2_flow() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.h2_flow"]], "h2_flow() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.h2_flow"]], "hess_neg_log_dens() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.hess_neg_log_dens"]], "inv_gram() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.inv_gram"]], "inv_gram() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.inv_gram"]], "inv_gram() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.inv_gram"]], "jacob_constr() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.jacob_constr"]], "jacob_constr() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.jacob_constr"]], "jacob_constr() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.jacob_constr"]], "jacob_constr() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.jacob_constr"]], "jacob_constr_inner_product() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.jacob_constr_inner_product"]], "jacob_constr_inner_product() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.jacob_constr_inner_product"]], "jacob_constr_inner_product() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.jacob_constr_inner_product"]], "jacob_constr_inner_product() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.jacob_constr_inner_product"]], "log_det_sqrt_gram() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.log_det_sqrt_gram"]], "log_det_sqrt_gram() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.log_det_sqrt_gram"]], "log_det_sqrt_gram() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.log_det_sqrt_gram"]], "metric() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.metric"]], "metric() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.metric"]], "metric() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.metric"]], "metric() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.metric"]], "metric() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.metric"]], "metric() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.metric"]], "metric_func() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.metric_func"]], "metric_func() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.metric_func"]], "mhp_constr() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.mhp_constr"]], "mhp_constr() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.mhp_constr"]], "mici.systems": [[14, "module-mici.systems"]], "mtp_neg_log_dens() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.mtp_neg_log_dens"]], "neg_log_dens() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.neg_log_dens"]], "neg_log_dens() (mici.systems.system method)": [[14, "mici.systems.System.neg_log_dens"]], "neg_log_dens() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.neg_log_dens"]], "project_onto_cotangent_space() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.project_onto_cotangent_space"]], "project_onto_cotangent_space() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.project_onto_cotangent_space"]], "project_onto_cotangent_space() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.project_onto_cotangent_space"]], "project_onto_cotangent_space() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.project_onto_cotangent_space"]], "sample_momentum() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.constrainedeuclideanmetricsystem method)": [[14, "mici.systems.ConstrainedEuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.constrainedtractableflowsystem method)": [[14, "mici.systems.ConstrainedTractableFlowSystem.sample_momentum"]], "sample_momentum() (mici.systems.denseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.DenseConstrainedEuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.euclideanmetricsystem method)": [[14, "mici.systems.EuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.gaussiandenseconstrainedeuclideanmetricsystem method)": [[14, "mici.systems.GaussianDenseConstrainedEuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.gaussianeuclideanmetricsystem method)": [[14, "mici.systems.GaussianEuclideanMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.sample_momentum"]], "sample_momentum() (mici.systems.system method)": [[14, "mici.systems.System.sample_momentum"]], "sample_momentum() (mici.systems.tractableflowsystem method)": [[14, "mici.systems.TractableFlowSystem.sample_momentum"]], "vjp_metric_func() (mici.systems.choleskyfactoredriemannianmetricsystem method)": [[14, "mici.systems.CholeskyFactoredRiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.denseriemannianmetricsystem method)": [[14, "mici.systems.DenseRiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.diagonalriemannianmetricsystem method)": [[14, "mici.systems.DiagonalRiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.riemannianmetricsystem method)": [[14, "mici.systems.RiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.scalarriemannianmetricsystem method)": [[14, "mici.systems.ScalarRiemannianMetricSystem.vjp_metric_func"]], "vjp_metric_func() (mici.systems.softabsriemannianmetricsystem method)": [[14, "mici.systems.SoftAbsRiemannianMetricSystem.vjp_metric_func"]], "correlatedmomentumtransition (class in mici.transitions)": [[15, "mici.transitions.CorrelatedMomentumTransition"]], "dynamicintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.DynamicIntegrationTransition"]], "independentmomentumtransition (class in mici.transitions)": [[15, "mici.transitions.IndependentMomentumTransition"]], "integrationtransition (class in mici.transitions)": [[15, "mici.transitions.IntegrationTransition"]], "metropolisintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.MetropolisIntegrationTransition"]], "metropolisrandomintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.MetropolisRandomIntegrationTransition"]], "metropolisstaticintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.MetropolisStaticIntegrationTransition"]], "momentumtransition (class in mici.transitions)": [[15, "mici.transitions.MomentumTransition"]], "multinomialdynamicintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.MultinomialDynamicIntegrationTransition"]], "slicedynamicintegrationtransition (class in mici.transitions)": [[15, "mici.transitions.SliceDynamicIntegrationTransition"]], "transition (class in mici.transitions)": [[15, "mici.transitions.Transition"]], "euclidean_no_u_turn_criterion() (in module mici.transitions)": [[15, "mici.transitions.euclidean_no_u_turn_criterion"]], "mici.transitions": [[15, "module-mici.transitions"]], "riemannian_no_u_turn_criterion() (in module mici.transitions)": [[15, "mici.transitions.riemannian_no_u_turn_criterion"]], "sample() (mici.transitions.correlatedmomentumtransition method)": [[15, "mici.transitions.CorrelatedMomentumTransition.sample"]], "sample() (mici.transitions.dynamicintegrationtransition method)": [[15, "mici.transitions.DynamicIntegrationTransition.sample"]], "sample() (mici.transitions.independentmomentumtransition method)": [[15, "mici.transitions.IndependentMomentumTransition.sample"]], "sample() (mici.transitions.integrationtransition method)": [[15, "mici.transitions.IntegrationTransition.sample"]], "sample() (mici.transitions.metropolisintegrationtransition method)": [[15, "mici.transitions.MetropolisIntegrationTransition.sample"]], "sample() (mici.transitions.metropolisrandomintegrationtransition method)": [[15, "mici.transitions.MetropolisRandomIntegrationTransition.sample"]], "sample() (mici.transitions.metropolisstaticintegrationtransition method)": [[15, "mici.transitions.MetropolisStaticIntegrationTransition.sample"]], "sample() (mici.transitions.momentumtransition method)": [[15, "mici.transitions.MomentumTransition.sample"]], "sample() (mici.transitions.multinomialdynamicintegrationtransition method)": [[15, "mici.transitions.MultinomialDynamicIntegrationTransition.sample"]], "sample() (mici.transitions.slicedynamicintegrationtransition method)": [[15, "mici.transitions.SliceDynamicIntegrationTransition.sample"]], "sample() (mici.transitions.transition method)": [[15, "mici.transitions.Transition.sample"]], "state_variables (mici.transitions.correlatedmomentumtransition property)": [[15, "mici.transitions.CorrelatedMomentumTransition.state_variables"]], "state_variables (mici.transitions.dynamicintegrationtransition property)": [[15, "mici.transitions.DynamicIntegrationTransition.state_variables"]], "state_variables (mici.transitions.independentmomentumtransition property)": [[15, "mici.transitions.IndependentMomentumTransition.state_variables"]], "state_variables (mici.transitions.integrationtransition property)": [[15, "mici.transitions.IntegrationTransition.state_variables"]], "state_variables (mici.transitions.metropolisintegrationtransition property)": [[15, "mici.transitions.MetropolisIntegrationTransition.state_variables"]], "state_variables (mici.transitions.metropolisrandomintegrationtransition property)": [[15, "mici.transitions.MetropolisRandomIntegrationTransition.state_variables"]], "state_variables (mici.transitions.metropolisstaticintegrationtransition property)": [[15, "mici.transitions.MetropolisStaticIntegrationTransition.state_variables"]], "state_variables (mici.transitions.momentumtransition property)": [[15, "mici.transitions.MomentumTransition.state_variables"]], "state_variables (mici.transitions.multinomialdynamicintegrationtransition property)": [[15, "mici.transitions.MultinomialDynamicIntegrationTransition.state_variables"]], "state_variables (mici.transitions.slicedynamicintegrationtransition property)": [[15, "mici.transitions.SliceDynamicIntegrationTransition.state_variables"]], "state_variables (mici.transitions.transition property)": [[15, "mici.transitions.Transition.state_variables"]], "statistic_types (mici.transitions.correlatedmomentumtransition property)": [[15, "mici.transitions.CorrelatedMomentumTransition.statistic_types"]], "statistic_types (mici.transitions.dynamicintegrationtransition property)": [[15, "mici.transitions.DynamicIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.independentmomentumtransition property)": [[15, "mici.transitions.IndependentMomentumTransition.statistic_types"]], "statistic_types (mici.transitions.integrationtransition property)": [[15, "mici.transitions.IntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.metropolisintegrationtransition property)": [[15, "mici.transitions.MetropolisIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.metropolisrandomintegrationtransition property)": [[15, "mici.transitions.MetropolisRandomIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.metropolisstaticintegrationtransition property)": [[15, "mici.transitions.MetropolisStaticIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.momentumtransition property)": [[15, "mici.transitions.MomentumTransition.statistic_types"]], "statistic_types (mici.transitions.multinomialdynamicintegrationtransition property)": [[15, "mici.transitions.MultinomialDynamicIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.slicedynamicintegrationtransition property)": [[15, "mici.transitions.SliceDynamicIntegrationTransition.statistic_types"]], "statistic_types (mici.transitions.transition property)": [[15, "mici.transitions.Transition.statistic_types"]], "mici.types": [[16, "module-mici.types"]], "logrepfloat (class in mici.utils)": [[17, "mici.utils.LogRepFloat"]], "hash_array() (in module mici.utils)": [[17, "mici.utils.hash_array"]], "log1m_exp() (in module mici.utils)": [[17, "mici.utils.log1m_exp"]], "log1p_exp() (in module mici.utils)": [[17, "mici.utils.log1p_exp"]], "log_diff_exp() (in module mici.utils)": [[17, "mici.utils.log_diff_exp"]], "log_sum_exp() (in module mici.utils)": [[17, "mici.utils.log_sum_exp"]], "mici.utils": [[17, "module-mici.utils"]], "val (mici.utils.logrepfloat property)": [[17, "mici.utils.LogRepFloat.val"]]}}) \ No newline at end of file