All Classes Interface Summary Class Summary Enum Summary Exception Summary
| Class |
Description |
| Abs |
Absolute value function.
|
| AbstractConvergenceChecker<P> |
Base class for all convergence checker implementations.
|
| AbstractCurveFitter |
Base class that contains common code for fitting parametric univariate
real functions y = f(pi;x), where x is
the independent variable and the pi are the
parameters.
|
| AbstractCurveFitter.TheoreticalValuesFunction |
Vector function for computing function theoretical values.
|
| AbstractEvaluation |
|
| AbstractFieldIntegrator<T extends CalculusFieldElement<T>> |
Base class managing common boilerplate for all integrators.
|
| AbstractFieldMatrix<T extends FieldElement<T>> |
Basic implementation of FieldMatrix methods regardless of the underlying storage.
|
| AbstractFieldODEDetector<T extends AbstractFieldODEDetector<T,E>,E extends CalculusFieldElement<E>> |
|
| AbstractFieldODEStateInterpolator<T extends CalculusFieldElement<T>> |
This abstract class represents an interpolator over the last step
during an ODE integration.
|
| AbstractIntegerDistribution |
Base class for integer-valued discrete distributions.
|
| AbstractIntegrator |
Base class managing common boilerplate for all integrators.
|
| AbstractKalmanFilter<T extends Measurement> |
Shared parts between linear and non-linear Kalman filters.
|
| AbstractMultipleLinearRegression |
Abstract base class for implementations of MultipleLinearRegression.
|
| AbstractMultivariateRealDistribution |
Base class for multivariate probability distributions.
|
| AbstractODEDetector<T extends AbstractODEDetector<T>> |
|
| AbstractODEStateInterpolator |
This abstract class represents an interpolator over the last step
during an ODE integration.
|
| AbstractOpenIntHashMap |
Base class for open addressed map from int.
|
| AbstractOpenIntHashMap.InsertionHolder |
Holder for handling values insertion.
|
| AbstractOpenIntHashMap.ValueCopier |
Interface for copying values.
|
| AbstractOptimizationProblem<P> |
Base class for implementing optimization problems.
|
| AbstractParameterizable |
This abstract class provides boilerplate parameters list.
|
| AbstractPolynomialSolver |
Base class for solvers.
|
| AbstractRealDistribution |
Base class for probability distributions on the reals.
|
| AbstractRealMatrix |
Basic implementation of RealMatrix methods regardless of the underlying storage.
|
| AbstractRegion<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>,T extends Space,Q extends Point<T,Q>,F extends Hyperplane<T,Q,F,J>,J extends SubHyperplane<T,Q,F,J>> |
Abstract class for all regions, independently of geometry type or dimension.
|
| AbstractRuleFactory |
Base class for rules that determines the integration nodes and their
weights.
|
| AbstractSimplex |
This class implements the simplex concept.
|
| AbstractSQPOptimizer |
Abstract class for Sequential Quadratic Programming solvers
|
| AbstractStorelessUnivariateStatistic |
|
| AbstractSubHyperplane<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>,T extends Space,Q extends Point<T,Q>,F extends Hyperplane<T,Q,F,J>,J extends SubHyperplane<T,Q,F,J>> |
This class implements the dimension-independent parts of SubHyperplane.
|
| AbstractUnivariateDifferentiableSolver |
Provide a default implementation for several functions useful to generic
solvers.
|
| AbstractUnivariateSolver |
Base class for solvers.
|
| AbstractUnivariateStatistic |
|
| AbstractUnscentedTransform |
Base class for unscented transform providers.
|
| AbstractWell |
This abstract class implements the WELL class of pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
|
| AbstractWell.IndexTable |
Inner class used to store the indirection index table which is fixed
for a given type of WELL class of pseudo-random number generator.
|
| Acos |
Arc-cosine function.
|
| Acosh |
Hyperbolic arc-cosine function.
|
| Action |
Enumerate for actions to be performed when an event occurs during ODE integration.
|
| AdamsBashforthFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements explicit Adams-Bashforth integrators for Ordinary
Differential Equations.
|
| AdamsBashforthIntegrator |
This class implements explicit Adams-Bashforth integrators for Ordinary
Differential Equations.
|
| AdamsFieldIntegrator<T extends CalculusFieldElement<T>> |
|
| AdamsFieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class implements an interpolator for Adams integrators using Nordsieck representation.
|
| AdamsIntegrator |
|
| AdamsMoultonFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements implicit Adams-Moulton integrators for Ordinary
Differential Equations.
|
| AdamsMoultonIntegrator |
This class implements implicit Adams-Moulton integrators for Ordinary
Differential Equations.
|
| AdamsNordsieckFieldTransformer<T extends CalculusFieldElement<T>> |
Transformer to Nordsieck vectors for Adams integrators.
|
| AdamsNordsieckTransformer |
Transformer to Nordsieck vectors for Adams integrators.
|
| AdamsStateInterpolator |
This class implements an interpolator for integrators using Nordsieck representation.
|
| AdaptableInterval |
This interface represents an event checking interval that depends on state.
|
| AdaptiveStepsizeFieldIntegrator<T extends CalculusFieldElement<T>> |
This abstract class holds the common part of all adaptive
stepsize integrators for Ordinary Differential Equations.
|
| AdaptiveStepsizeIntegrator |
This abstract class holds the common part of all adaptive
stepsize integrators for Ordinary Differential Equations.
|
| Add |
Add the two operands.
|
| ADMMQPConvergenceChecker |
Convergence Checker for ADMM QP Optimizer.
|
| ADMMQPKKT |
Alternative Direction Method of Multipliers Solver.
|
| ADMMQPModifiedRuizEquilibrium |
TBD.
|
| ADMMQPOptimizer |
Alternating Direction Method of Multipliers Quadratic Programming Optimizer.
\[
min \frac{1}{2} X^T Q X + G X a\\
A X = B_1\\
B X \ge B_2\\
l_b \le C X \le u_b
\]
Algorithm based on paper:"An Operator Splitting Solver for Quadratic Programs(Bartolomeo Stellato, Goran Banjac, Paul Goulart, Alberto Bemporad, Stephen Boyd,February 13 2020)"
|
| ADMMQPOption |
|
| ADMMQPSolution |
Internal Solution for ADMM QP Optimizer.
|
| AggregatableStatistic<T> |
An interface for statistics that can aggregate results.
|
| AkimaSplineInterpolator |
|
| AklToussaintHeuristic |
A simple heuristic to improve the performance of convex hull algorithms.
|
| AllowedSolution |
|
| AlternativeHypothesis |
Represents an alternative hypothesis for a hypothesis test.
|
| AnyMatrix |
Interface defining very basic matrix operations.
|
| Arc |
This class represents an arc on a circle.
|
| ArcsSet |
This class represents a region of a circle: a set of arcs.
|
| ArcsSet.InconsistentStateAt2PiWrapping |
Specialized exception for inconsistent BSP tree state inconsistency.
|
| ArcsSet.Split |
Class holding the results of the split method.
|
| ArithmeticUtils |
Some useful, arithmetics related, additions to the built-in functions in
Math.
|
| Array2DRowFieldMatrix<T extends FieldElement<T>> |
|
| Array2DRowRealMatrix |
Implementation of RealMatrix using a double[][] array to
store entries.
|
| ArrayFieldVector<T extends FieldElement<T>> |
|
| ArrayRealVector |
This class implements the RealVector interface with a double array.
|
| Asin |
Arc-sine function.
|
| Asinh |
Hyperbolic arc-sine function.
|
| Atan |
Arc-tangent function.
|
| Atan2 |
Arc-tangent function.
|
| Atanh |
Hyperbolic arc-tangent function.
|
| BaseAbstractFieldUnivariateIntegrator<T extends CalculusFieldElement<T>> |
Provide a default implementation for several generic functions.
|
| BaseAbstractUnivariateIntegrator |
Provide a default implementation for several generic functions.
|
| BaseAbstractUnivariateSolver<F extends UnivariateFunction> |
Provide a default implementation for several functions useful to generic
solvers.
|
| BaseMultiStartMultivariateOptimizer<P> |
Base class multi-start optimizer for a multivariate function.
|
| BaseMultivariateOptimizer<P> |
Base class for implementing optimizers for multivariate functions.
|
| BaseOptimizer<P> |
Base class for implementing optimizers.
|
| BaseSecantSolver |
Base class for all bracketing Secant-based methods for root-finding
(approximating a zero of a univariate real function).
|
| BaseSecantSolver.Method |
Secant-based root-finding methods.
|
| BaseUnivariateSolver<F extends UnivariateFunction> |
Interface for (univariate real) rootfinding algorithms.
|
| BesselJ |
This class provides computation methods related to Bessel
functions of the first kind.
|
| BesselJ.BesselJResult |
|
| Beta |
This is a utility class that provides computation methods related to the
Beta family of functions.
|
| BetaDistribution |
Implements the Beta distribution.
|
| BicubicInterpolatingFunction |
|
| BicubicInterpolator |
|
| BigFraction |
Representation of a rational number without any overflow.
|
| BigFraction.ConvergenceTest |
A test to determine if a series of fractions has converged.
|
| BigFractionField |
Representation of the fractional numbers without any overflow field.
|
| BigFractionFormat |
Formats a BigFraction number in proper format or improper format.
|
| BigReal |
Arbitrary precision decimal number.
|
| BigRealField |
Representation of real numbers with arbitrary precision field.
|
| BilinearInterpolatingFunction |
Interpolate grid data using bi-linear interpolation.
|
| BilinearInterpolator |
Interpolate grid data using bi-linear interpolation.
|
| Binary64 |
This class wraps a double value in an object.
|
| Binary64Field |
|
| BinomialDistribution |
Implementation of the binomial distribution.
|
| BinomialProportion |
Utility methods to generate confidence intervals for a binomial proportion.
|
| BinomialTest |
Implements binomial test statistics.
|
| BisectionSolver |
|
| BivariateFunction |
An interface representing a bivariate real function.
|
| BivariateGridInterpolator |
Interface representing a bivariate real interpolating function where the
sample points must be specified on a regular grid.
|
| Blendable<B> |
Interface representing classes that can blend with other instances of themselves using a given blending value.
|
| BlockFieldMatrix<T extends FieldElement<T>> |
Cache-friendly implementation of FieldMatrix using a flat arrays to store
square blocks of the matrix.
|
| BlockRealMatrix |
Cache-friendly implementation of RealMatrix using a flat arrays to store
square blocks of the matrix.
|
| BOBYQAOptimizer |
Powell's BOBYQA algorithm.
|
| BoundaryAttribute<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
Class holding boundary attributes.
|
| BoundaryProjection<S extends Space,P extends Point<S,P>> |
Class holding the result of point projection on region boundary.
|
| BoundedConstraint |
Constraint with lower and upper bounds: \(l \le f(x) \le u\).
|
| BracketedRealFieldUnivariateSolver<T extends CalculusFieldElement<T>> |
|
| BracketedRealFieldUnivariateSolver.Interval<T extends CalculusFieldElement<T>> |
An interval of a function that brackets a root.
|
| BracketedUnivariateSolver<F extends UnivariateFunction> |
|
| BracketedUnivariateSolver.Interval |
An interval of a function that brackets a root.
|
| BracketFinder |
Provide an interval that brackets a local optimum of a function.
|
| BracketingNthOrderBrentSolver |
|
| BrentOptimizer |
For a function defined on some interval (lo, hi), this class
finds an approximation x to the point at which the function
attains its minimum.
|
| BrentSolver |
This class implements the
Brent algorithm for finding zeros of real univariate functions.
|
| BSPTree<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This class represent a Binary Space Partition tree.
|
| BSPTree.InteriorPoint<S extends Space,P extends Point<S,P>> |
Container for cell interior points.
|
| BSPTree.LeafMerger<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This interface gather the merging operations between a BSP tree
leaf and another BSP tree.
|
| BSPTree.VanishingCutHandler<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This interface handles the corner cases when an internal node cut sub-hyperplane vanishes.
|
| BSPTreeVisitor<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This interface is used to visit BSP tree nodes.
|
| BSPTreeVisitor.Order |
Enumerate for visit order with respect to plus sub-tree, minus sub-tree and cut sub-hyperplane.
|
| ButcherArrayProvider |
This interface represents an integrator based on Butcher arrays.
|
| CalculusFieldBivariateFunction<T extends CalculusFieldElement<T>> |
An interface representing a bivariate field function.
|
| CalculusFieldElement<T extends FieldElement<T>> |
Interface representing a field
with calculus capabilities (sin, cos, ...).
|
| CalculusFieldMultivariateFunction<T extends CalculusFieldElement<T>> |
An interface representing a scalar multivariate function.
|
| CalculusFieldMultivariateMatrixFunction<T extends CalculusFieldElement<T>> |
An interface representing a matrix multivariate function.
|
| CalculusFieldMultivariateVectorFunction<T extends CalculusFieldElement<T>> |
An interface representing a vector multivariate function.
|
| CalculusFieldUnivariateFunction<T extends CalculusFieldElement<T>> |
An interface representing a univariate real function.
|
| CalculusFieldUnivariateMatrixFunction<T extends CalculusFieldElement<T>> |
An interface representing a univariate matrix function.
|
| CalculusFieldUnivariateVectorFunction<T extends CalculusFieldElement<T>> |
An interface representing a univariate vectorial function for any field type.
|
| CanberraDistance |
Calculates the Canberra distance between two points.
|
| CarlsonEllipticIntegral |
Elliptic integrals in Carlson symmetric form.
|
| CauchyDistribution |
Implementation of the Cauchy distribution.
|
| Cbrt |
Cube root function.
|
| Ceil |
ceil function.
|
| CentroidCluster<T extends Clusterable> |
A Cluster used by centroid-based clustering algorithms.
|
| ChebyshevDistance |
Calculates the L∞ (max of abs) distance between two points.
|
| ChiSquaredDistribution |
Implementation of the chi-squared distribution.
|
| ChiSquareTest |
Implements Chi-Square test statistics.
|
| CholeskyDecomposer |
Matrix decomposer using Cholseky decomposition.
|
| CholeskyDecomposition |
Calculates the Cholesky decomposition of a matrix.
|
| Circle |
This class represents an oriented great circle on the 2-sphere.
|
| ClassicalRungeKuttaFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the classical fourth order Runge-Kutta
integrator for Ordinary Differential Equations (it is the most
often used Runge-Kutta method).
|
| ClassicalRungeKuttaFieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class implements a step interpolator for the classical fourth
order Runge-Kutta integrator.
|
| ClassicalRungeKuttaIntegrator |
This class implements the classical fourth order Runge-Kutta
integrator for Ordinary Differential Equations (it is the most
often used Runge-Kutta method).
|
| ClassicalRungeKuttaStateInterpolator |
This class implements a step interpolator for the classical fourth
order Runge-Kutta integrator.
|
| Cluster<T extends Clusterable> |
|
| Clusterable |
Interface for n-dimensional points that can be clustered together.
|
| ClusterAlgorithmComparison |
Plots clustering results for various algorithms and datasets.
|
| ClusterAlgorithmComparison.ClusterPlot |
Plot component.
|
| ClusterAlgorithmComparison.Display |
Display frame.
|
| Clusterer<T extends Clusterable> |
Base class for clustering algorithms.
|
| ClusterEvaluator<T extends Clusterable> |
Base class for cluster evaluation methods.
|
| CMAESOptimizer |
An implementation of the active Covariance Matrix Adaptation Evolution Strategy (CMA-ES)
for non-linear, non-convex, non-smooth, global function minimization.
|
| CMAESOptimizer.PopulationSize |
Population size.
|
| CMAESOptimizer.Sigma |
Input sigma values.
|
| Combinations |
Utility to create combinations (n, k) of k elements
in a set of n elements.
|
| CombinatoricsUtils |
Combinatorial utilities.
|
| CombinatoricsUtils.FactorialLog |
Class for computing the natural logarithm of the factorial of n.
|
| Complex |
Representation of a Complex number, i.e. a number which has both a
real and imaginary part.
|
| ComplexComparator |
Comparator for Complex Numbers.
|
| ComplexEigenDecomposition |
Given a matrix A, it computes a complex eigen decomposition AV = VD.
|
| ComplexField |
Representation of the complex numbers field.
|
| ComplexFormat |
Formats a Complex number in cartesian format "Re(c) + Im(c)i".
|
| ComplexODEConverter |
|
| ComplexODEState |
Container for time, main and secondary state vectors.
|
| ComplexODEStateAndDerivative |
Container for time, main and secondary state vectors as well as their derivatives.
|
| ComplexOrdinaryDifferentialEquation |
This interface represents a first order differential equations set for complex state.
|
| ComplexSecondaryODE |
This interface allows users to add secondary differential equations to a primary
set of differential equations.
|
| ComplexUnivariateIntegrator |
Wrapper to perform univariate complex integration using an underlying real integration algorithms.
|
| ComplexUtils |
Static implementations of common Complex utilities functions.
|
| CompositeFormat |
Base class for formatters of composite objects (complex numbers, vectors ...).
|
| ConfidenceInterval |
Represents an interval estimate of a population parameter.
|
| ConjugateGradient |
|
| Constant |
Constant function.
|
| ConstantRealDistribution |
Implementation of the constant real distribution.
|
| Constraint |
Generic constraint.
|
| ConstraintOptimizer |
Abstract Constraint Optimizer.
|
| ContinuedFraction |
Provides a generic means to evaluate continued fractions.
|
| ContinuousModuleValue |
Classical method for domain coloring.
|
| ConvergenceChecker<P> |
This interface specifies how to check if an optimization algorithm has
converged.
|
| ConvergenceCheckerAndMultiplexer<P> |
|
| ConvergenceCheckerOrMultiplexer<P> |
|
| ConvertingRuleFactory<T extends FieldElement<T>> |
|
| ConvexHull<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This class represents a convex hull.
|
| ConvexHull2D |
This class represents a convex hull in an two-dimensional euclidean space.
|
| ConvexHullGenerator<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
Interface for convex hull generators.
|
| ConvexHullGenerator2D |
Interface for convex hull generators in the two-dimensional euclidean space.
|
| CopolarC |
Copolar trio with pole at point c in Glaisher’s Notation.
|
| CopolarD |
Copolar trio with pole at point d in Glaisher’s Notation.
|
| CopolarN |
Copolar trio with pole at point n in Glaisher’s Notation.
|
| CopolarS |
Copolar trio with pole at point s in Glaisher’s Notation.
|
| CorrelatedRandomVectorGenerator |
|
| Cos |
Cosine function.
|
| Cosh |
Hyperbolic cosine function.
|
| Covariance |
Computes covariances for pairs of arrays or columns of a matrix.
|
| DBSCANClusterer<T extends Clusterable> |
DBSCAN (density-based spatial clustering of applications with noise) algorithm.
|
| DctNormalization |
This enumeration defines the various types of normalizations that can be
applied to discrete cosine transforms (DCT).
|
| DecompositionSolver |
Interface handling decomposition algorithms that can solve A × X = B.
|
| DefaultFieldMatrixChangingVisitor<T extends FieldElement<T>> |
|
| DefaultFieldMatrixPreservingVisitor<T extends FieldElement<T>> |
|
| DefaultIterativeLinearSolverEvent |
|
| DefaultRealMatrixChangingVisitor |
|
| DefaultRealMatrixPreservingVisitor |
|
| DenseOutputModel |
This class stores all information provided by an ODE integrator
during the integration process and build a continuous model of the
solution from this.
|
| DependentVectorsHandler |
|
| Derivative<T extends CalculusFieldElement<T>> |
Interface representing both the value and the differentials of a function.
|
| Derivative1<T extends CalculusFieldElement<T>> |
Interface representing an object holding partial derivatives up to first order.
|
| DerivativeStructure |
Class representing both the value and the differentials of a function.
|
| DescriptiveStatistics |
Maintains a dataset of values of a single variable and computes descriptive
statistics based on stored data.
|
| DetectorBasedEventState |
This class handles the state for one event handler during integration steps.
|
| Dfp |
Decimal floating point library for Java
|
| DfpDec |
Subclass of Dfp which hides the radix-10000 artifacts of the superclass.
|
| DfpField |
Field for Decimal floating point instances.
|
| DfpField.RoundingMode |
Enumerate for rounding modes.
|
| DfpMath |
Mathematical routines for use with Dfp.
|
| DftNormalization |
This enumeration defines the various types of normalizations that can be
applied to discrete Fourier transforms (DFT).
|
| DiagonalMatrix |
Implementation of a diagonal matrix.
|
| DifferentialAlgebra |
Interface representing an object holding partial derivatives.
|
| DiskGenerator |
Class generating an enclosing ball from its support points.
|
| DistanceMeasure |
Interface for distance measures of n-dimensional vectors.
|
| Divide |
Divide the first operand by the second.
|
| DividedDifferenceInterpolator |
|
| DomainColoring |
Base class for domain coloring.
|
| DormandPrince54FieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the 5(4) Dormand-Prince integrator for Ordinary
Differential Equations.
|
| DormandPrince54FieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class represents an interpolator over the last step during an
ODE integration for the 5(4) Dormand-Prince integrator.
|
| DormandPrince54Integrator |
This class implements the 5(4) Dormand-Prince integrator for Ordinary
Differential Equations.
|
| DormandPrince54StateInterpolator |
This class represents an interpolator over the last step during an
ODE integration for the 5(4) Dormand-Prince integrator.
|
| DormandPrince853FieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the 8(5,3) Dormand-Prince integrator for Ordinary
Differential Equations.
|
| DormandPrince853FieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class represents an interpolator over the last step during an
ODE integration for the 8(5,3) Dormand-Prince integrator.
|
| DormandPrince853Integrator |
This class implements the 8(5,3) Dormand-Prince integrator for Ordinary
Differential Equations.
|
| DormandPrince853StateInterpolator |
This class represents an interpolator over the last step during an
ODE integration for the 8(5,3) Dormand-Prince integrator.
|
| DoublePoint |
A simple implementation of Clusterable for points with double coordinates.
|
| DSCompiler |
Class holding "compiled" computation rules for derivative structures.
|
| DSFactory |
|
| DSFactory.DSField |
Field for {link DerivativeStructure} instances.
|
| DstNormalization |
This enumeration defines the various types of normalizations that can be
applied to discrete sine transforms (DST).
|
| DummyLocalizable |
Dummy implementation of the Localizable interface, without localization.
|
| EarthMoversDistance |
Calculates the Earh Mover's distance (also known as Wasserstein metric) between two distributions.
|
| Edge |
Spherical polygons boundary edge.
|
| EigenDecompositionNonSymmetric |
Calculates the eigen decomposition of a non-symmetric real matrix.
|
| EigenDecompositionSymmetric |
Calculates the eigen decomposition of a symmetric real matrix.
|
| EmbeddedRungeKuttaFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the common part of all embedded Runge-Kutta
integrators for Ordinary Differential Equations.
|
| EmbeddedRungeKuttaIntegrator |
This class implements the common part of all embedded Runge-Kutta
integrators for Ordinary Differential Equations.
|
| Embedding<S extends Space,P extends Point<S,P>,T extends Space,Q extends Point<T,Q>> |
This interface defines mappers between a space and one of its sub-spaces.
|
| EmpiricalDistribution |
Represents an
empirical probability distribution -- a probability distribution derived
from observed data without making any assumptions about the functional form
of the population distribution that the data come from.
|
| Encloser<S extends Space,P extends Point<S,P>> |
Interface for algorithms computing enclosing balls.
|
| EnclosingBall<S extends Space,P extends Point<S,P>> |
This class represents a ball enclosing some points.
|
| EnumeratedDistribution<T> |
|
| EnumeratedIntegerDistribution |
|
| EnumeratedRealDistribution |
|
| EqualityConstraint |
Equality Constraint.
|
| EquationsMapper |
Class mapping the part of a complete state or derivative that pertains
to a specific differential equation.
|
| Erf |
This is a utility class that provides computation methods related to the
error functions.
|
| Euclidean1D |
This class implements a one-dimensional space.
|
| Euclidean1D.NoSubSpaceException |
Specialized exception for inexistent sub-space.
|
| Euclidean2D |
This class implements a two-dimensional space.
|
| Euclidean3D |
This class implements a three-dimensional space.
|
| EuclideanDistance |
Calculates the L2 (Euclidean) distance between two points.
|
| EulerFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements a simple Euler integrator for Ordinary
Differential Equations.
|
| EulerFieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class implements a linear interpolator for step.
|
| EulerIntegrator |
This class implements a simple Euler integrator for Ordinary
Differential Equations.
|
| EulerStateInterpolator |
This class implements a linear interpolator for step.
|
| EvaluationRmsChecker |
Check if an optimization has converged based on the change in computed RMS.
|
| EventOccurrence |
Class to hold the data related to an event occurrence that is needed to decide how
to modify integration.
|
| EventSlopeFilter<T extends ODEEventDetector> |
Wrapper used to detect only increasing or decreasing events.
|
| EventState |
|
| ExampleUtils |
Graphics utilities for examples.
|
| ExampleUtils.ExampleFrame |
Display frame.
|
| Exp |
Exponential function.
|
| ExpandableODE |
This class represents a combined set of first order differential equations,
with at least a primary set of equations expandable by some sets of secondary
equations.
|
| ExplicitRungeKuttaIntegrator |
This interface implements the part of Runge-Kutta
integrators for Ordinary Differential Equations
common to fixed- and adaptive steps.
|
| Expm1 |
ex-1 function.
|
| ExponentialDistribution |
Implementation of the exponential distribution.
|
| ExtendedKalmanFilter<T extends Measurement> |
|
| FastCosineTransformer |
Implements the Fast Cosine Transform for transformation of one-dimensional
real data sets.
|
| FastFourierTransformer |
Implements the Fast Fourier Transform for transformation of one-dimensional
real or complex data sets.
|
| FastHadamardTransformer |
|
| FastMath |
Faster, more accurate, portable alternative to Math and
StrictMath for large scale computation.
|
| FastSineTransformer |
Implements the Fast Sine Transform for transformation of one-dimensional real
data sets.
|
| FDistribution |
Implementation of the F-distribution.
|
| FDSFactory<T extends CalculusFieldElement<T>> |
|
| FDSFactory.DerivativeField<T extends CalculusFieldElement<T>> |
Field for {link FieldDerivativeStructure} instances.
|
| Field<T extends FieldElement<T>> |
Interface representing a field.
|
| FieldAbstractRuleFactory<T extends CalculusFieldElement<T>> |
Base class for rules that determines the integration nodes and their
weights.
|
| FieldAdaptableInterval<T extends CalculusFieldElement<T>> |
This interface represents an event checking interval that depends on state.
|
| FieldBilinearInterpolatingFunction<T extends CalculusFieldElement<T>> |
Interpolate grid data using bi-linear interpolation.
|
| FieldBilinearInterpolator<T extends CalculusFieldElement<T>> |
Interpolate grid data using bi-linear interpolation.
|
| FieldBivariateFunction |
An interface representing a bivariate field function.
|
| FieldBivariateGridInterpolator<T extends CalculusFieldElement<T>> |
Interface representing a bivariate field interpolating function where the
sample points must be specified on a regular grid.
|
| FieldBlendable<B,T extends FieldElement<T>> |
Interface representing classes that can blend with other instances of themselves using a given blending value.
|
| FieldBracketingNthOrderBrentSolver<T extends CalculusFieldElement<T>> |
|
| FieldButcherArrayProvider<T extends CalculusFieldElement<T>> |
This interface represents an integrator based on Butcher arrays.
|
| FieldComplex<T extends CalculusFieldElement<T>> |
Representation of a Complex number, i.e. a number which has both a
real and imaginary part.
|
| FieldComplexField<T extends CalculusFieldElement<T>> |
Representation of the complex numbers field.
|
| FieldComplexUnivariateIntegrator<T extends CalculusFieldElement<T>> |
Wrapper to perform univariate complex integration using an underlying real integration algorithms.
|
| FieldContinuedFraction |
Provides a generic means to evaluate continued fractions.
|
| FieldCopolarC<T extends CalculusFieldElement<T>> |
Copolar trio with pole at point c in Glaisher’s Notation.
|
| FieldCopolarD<T extends CalculusFieldElement<T>> |
Copolar trio with pole at point d in Glaisher’s Notation.
|
| FieldCopolarN<T extends CalculusFieldElement<T>> |
Copolar trio with pole at point n in Glaisher’s Notation.
|
| FieldCopolarS<T extends CalculusFieldElement<T>> |
Copolar trio with pole at point s in Glaisher’s Notation.
|
| FieldDecompositionSolver<T extends FieldElement<T>> |
Interface handling decomposition algorithms that can solve A × X = B.
|
| FieldDenseOutputModel<T extends CalculusFieldElement<T>> |
This class stores all information provided by an ODE integrator
during the integration process and build a continuous model of the
solution from this.
|
| FieldDerivative<S extends CalculusFieldElement<S>,T extends FieldDerivative<S,T>> |
Interface representing both the value and the differentials of a function.
|
| FieldDerivative1<S extends CalculusFieldElement<S>,T extends FieldDerivative<S,T>> |
Interface representing a Field object holding partial derivatives up to first order.
|
| FieldDerivativeStructure<T extends CalculusFieldElement<T>> |
Class representing both the value and the differentials of a function.
|
| FieldDetectorBasedEventState<T extends CalculusFieldElement<T>> |
This class handles the state for one event handler during integration steps.
|
| FieldElement<T extends FieldElement<T>> |
Interface representing field elements.
|
| FieldEquationsMapper<T extends CalculusFieldElement<T>> |
Class mapping the part of a complete state or derivative that pertains
to a set of differential equations.
|
| FieldEventOccurrence<T extends CalculusFieldElement<T>> |
Class to hold the data related to an event occurrence that is needed to decide how
to modify integration.
|
| FieldEventSlopeFilter<T extends FieldODEEventDetector<E>,E extends CalculusFieldElement<E>> |
Wrapper used to detect only increasing or decreasing events.
|
| FieldEventState<T extends CalculusFieldElement<T>> |
|
| FieldExpandableODE<T extends CalculusFieldElement<T>> |
This class represents a combined set of first order differential equations,
with at least a primary set of equations expandable by some sets of secondary
equations.
|
| FieldExplicitRungeKuttaIntegrator<T extends CalculusFieldElement<T>> |
This interface implements the part of Runge-Kutta
Field integrators for Ordinary Differential Equations
common to fixed- and adaptive steps.
|
| FieldGaussIntegrator<T extends CalculusFieldElement<T>> |
Class that implements the Gaussian rule for
integrating a weighted
function.
|
| FieldGaussIntegratorFactory<T extends CalculusFieldElement<T>> |
|
| FieldGradient<T extends CalculusFieldElement<T>> |
Class representing both the value and the differentials of a function.
|
| FieldGradientField<T extends CalculusFieldElement<T>> |
|
| FieldGridAxis<T extends CalculusFieldElement<T>> |
Helper for finding interpolation nodes along one axis of grid data.
|
| FieldHermiteInterpolator<T extends FieldElement<T>> |
Polynomial interpolator using both sample values and sample derivatives.
|
| FieldHermiteRuleFactory<T extends CalculusFieldElement<T>> |
|
| FieldJacobiElliptic<T extends CalculusFieldElement<T>> |
Computation of Jacobi elliptic functions.
|
| FieldJacobiTheta<T extends CalculusFieldElement<T>> |
Algorithm computing Jacobi theta functions.
|
| FieldLaguerreRuleFactory<T extends CalculusFieldElement<T>> |
Factory that creates Gauss-type quadrature rule using Laguerre polynomials.
|
| FieldLegendreRuleFactory<T extends CalculusFieldElement<T>> |
Factory that creates Gauss-type quadrature rule using Legendre polynomials.
|
| FieldLine<T extends CalculusFieldElement<T>> |
The class represent lines in a three dimensional space.
|
| FieldLUDecomposer<T extends FieldElement<T>> |
Matrix decomposer using LU-decomposition.
|
| FieldLUDecomposition<T extends FieldElement<T>> |
Calculates the LUP-decomposition of a square matrix.
|
| FieldMatrix<T extends FieldElement<T>> |
Interface defining field-valued matrix with basic algebraic operations.
|
| FieldMatrixChangingVisitor<T extends FieldElement<?>> |
Interface defining a visitor for matrix entries.
|
| FieldMatrixDecomposer<T extends FieldElement<T>> |
Interface for all algorithms providing matrix decomposition.
|
| FieldMatrixPreservingVisitor<T extends FieldElement<?>> |
Interface defining a visitor for matrix entries.
|
| FieldMidPointIntegrator<T extends CalculusFieldElement<T>> |
Implements the
Midpoint Rule for integration of real univariate functions.
|
| FieldMultivariateFunction |
An interface representing a scalar multivariate function for any field type.
|
| FieldMultivariateMatrixFunction |
An interface representing a matrix multivariate function for any field type.
|
| FieldMultivariateVectorFunction |
An interface representing a vector multivariate function for any field type.
|
| FieldODEEventDetector<T extends CalculusFieldElement<T>> |
This interface represents a handler for discrete events triggered
during ODE integration.
|
| FieldODEEventHandler<T extends CalculusFieldElement<T>> |
This interface represents a handler for discrete events triggered
during ODE integration.
|
| FieldODEFixedStepHandler<T extends CalculusFieldElement<T>> |
This interface represents a handler that should be called after
each successful fixed step.
|
| FieldODEIntegrator<T extends CalculusFieldElement<T>> |
This interface represents a first order integrator for
differential equations.
|
| FieldODEState<T extends CalculusFieldElement<T>> |
Container for time, main and secondary state vectors.
|
| FieldODEStateAndDerivative<T extends CalculusFieldElement<T>> |
Container for time, main and secondary state vectors as well as their derivatives.
|
| FieldODEStateInterpolator<T extends CalculusFieldElement<T>> |
This interface represents an interpolator over the last step
during an ODE integration.
|
| FieldODEStepEndHandler<T extends CalculusFieldElement<T>> |
This interface represents a handler for discrete events triggered
during ODE integration at each step end.
|
| FieldODEStepHandler<T extends CalculusFieldElement<T>> |
This interface represents a handler that should be called after
each successful step.
|
| FieldOrdinaryDifferentialEquation<T extends CalculusFieldElement<T>> |
This interface represents a first order differential equations set.
|
| FieldPolynomialFunction<T extends CalculusFieldElement<T>> |
Immutable representation of a real polynomial function with real coefficients.
|
| FieldPolynomialFunctionLagrangeForm<T extends CalculusFieldElement<T>> |
Implements the representation of a real polynomial function in
Lagrange Form.
|
| FieldPolynomialSplineFunction<T extends CalculusFieldElement<T>> |
Represents a polynomial spline function.
|
| FieldQRDecomposer<T extends CalculusFieldElement<T>> |
Matrix decomposer using QR-decomposition.
|
| FieldQRDecomposition<T extends CalculusFieldElement<T>> |
Calculates the QR-decomposition of a field matrix.
|
| FieldRombergIntegrator<T extends CalculusFieldElement<T>> |
|
| FieldRotation<T extends CalculusFieldElement<T>> |
|
| FieldRuleFactory<T extends FieldElement<T>> |
Interface for rules that determines the integration nodes and their weights.
|
| FieldSecondaryODE<T extends CalculusFieldElement<T>> |
This interface allows users to add secondary differential equations to a primary
set of differential equations.
|
| FieldSimpsonIntegrator<T extends CalculusFieldElement<T>> |
Implements
Simpson's Rule for integration of real univariate functions.
|
| FieldSinCos<T> |
Holder for both sine and cosine values.
|
| FieldSinhCosh<T> |
Holder for both hyperbolic sine and hyperbolic cosine values.
|
| FieldStepEndEventState<T extends CalculusFieldElement<T>> |
This class handles the state for one event handler that triggers at step end.
|
| FieldStepNormalizer<T extends CalculusFieldElement<T>> |
|
| FieldTaylorMap<T extends CalculusFieldElement<T>> |
Container for a Taylor map.
|
| FieldTheta<T extends CalculusFieldElement<T>> |
|
| FieldTrapezoidIntegrator<T extends CalculusFieldElement<T>> |
Implements the
Trapezoid Rule for integration of real univariate functions.
|
| FieldTuple<T extends CalculusFieldElement<T>> |
This class allows to perform the same computation of all components of a Tuple at once.
|
| FieldUnivariateDerivative<S extends CalculusFieldElement<S>,T extends FieldUnivariateDerivative<S,T>> |
Abstract class representing both the value and the differentials of a function.
|
| FieldUnivariateDerivative1<T extends CalculusFieldElement<T>> |
Class representing both the value and the differentials of a function.
|
| FieldUnivariateDerivative1Field<T extends CalculusFieldElement<T>> |
|
| FieldUnivariateDerivative2<T extends CalculusFieldElement<T>> |
Class representing both the value and the differentials of a function.
|
| FieldUnivariateDerivative2Field<T extends CalculusFieldElement<T>> |
|
| FieldUnivariateFunction |
An interface representing a univariate real function for any field type.
|
| FieldUnivariateIntegrator<T extends CalculusFieldElement<T>> |
Interface for univariate real integration algorithms.
|
| FieldUnivariateInterpolator |
Interface representing a univariate field interpolating function.
|
| FieldUnivariateMatrixFunction |
An interface representing a univariate matrix function for any field type.
|
| FieldUnivariateVectorFunction |
An interface representing a univariate vectorial function for any field type.
|
| FieldVector<T extends FieldElement<T>> |
Interface defining a field-valued vector with basic algebraic operations.
|
| FieldVector2D<T extends CalculusFieldElement<T>> |
|
| FieldVector3D<T extends CalculusFieldElement<T>> |
|
| FieldVectorChangingVisitor<T extends FieldElement<?>> |
This interface defines a visitor for the entries of a vector.
|
| FieldVectorPreservingVisitor<T extends FieldElement<?>> |
This interface defines a visitor for the entries of a vector.
|
| FilterType |
|
| FiniteDifferencesDifferentiator |
Univariate functions differentiator using finite differences.
|
| FirstOrderConverter |
This class converts second order differential equations to first
order ones.
|
| FixedStepRungeKuttaFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the common part of all fixed step Runge-Kutta
integrators for Ordinary Differential Equations.
|
| FixedStepRungeKuttaIntegrator |
This class implements the common part of all fixed step Runge-Kutta
integrators for Ordinary Differential Equations.
|
| Floor |
floor function.
|
| Fraction |
Representation of a rational number.
|
| Fraction.ConvergenceTest |
A test to determine if a series of fractions has converged.
|
| FractionField |
Representation of the fractional numbers field.
|
| FractionFormat |
Formats a Fraction number in proper format or improper format.
|
| Frequency<T extends Comparable<T>> |
Maintains a frequency distribution of Comparable values.
|
| FunctionUtils |
Utilities for manipulating function objects.
|
| FuzzyKMeansClusterer<T extends Clusterable> |
Fuzzy K-Means clustering algorithm.
|
| Gamma |
This is a utility class that provides computation methods related to the
Γ (Gamma) family of functions.
|
| GammaDistribution |
Implementation of the Gamma distribution.
|
| Gaussian |
|
| Gaussian.Parametric |
Parametric function where the input array contains the parameters of
the Gaussian, ordered as follows:
Norm
Mean
Standard deviation
|
| GaussianCurveFitter |
|
| GaussianCurveFitter.ParameterGuesser |
Guesses the parameters norm, mean, and sigma
of a Gaussian.Parametric
based on the specified observed points.
|
| GaussianRandomGenerator |
This class is a gaussian normalized random generator for scalars.
|
| GaussIntegrator |
Class that implements the Gaussian rule for
integrating a weighted
function.
|
| GaussIntegratorFactory |
|
| GaussMarkovGenerator |
This class is a Gauss-Markov order 1 autoregressive process generator for scalars.
|
| GaussNewtonOptimizer |
Gauss-Newton least-squares solver.
|
| GeometricDistribution |
Implementation of the geometric distribution.
|
| GeometricMean |
|
| Geometry |
Utilities for geometry.
|
| GeometryExample |
Simple example illustrating some parts of the geometry package.
|
| GeometryExample.Display |
Main frame for geometry examples.
|
| GillFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the Gill fourth order Runge-Kutta
integrator for Ordinary Differential Equations .
|
| GillFieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class implements a step interpolator for the Gill fourth
order Runge-Kutta integrator.
|
| GillIntegrator |
This class implements the Gill fourth order Runge-Kutta
integrator for Ordinary Differential Equations .
|
| GillStateInterpolator |
This class implements a step interpolator for the Gill fourth
order Runge-Kutta integrator.
|
| GLSMultipleLinearRegression |
The GLS implementation of multiple linear regression.
|
| GnuplotComplexPlotter |
Program plotting complex functions with domain coloring.
|
| GoalType |
Goal type for an optimization problem (minimization or maximization of
a scalar function.
|
| Gradient |
Class representing both the value and the differentials of a function.
|
| GradientField |
|
| GradientFunction |
Class representing the gradient of a multivariate function.
|
| GradientMultivariateOptimizer |
Base class for implementing optimizers for multivariate scalar
differentiable functions.
|
| GraggBulirschStoerIntegrator |
This class implements a Gragg-Bulirsch-Stoer integrator for
Ordinary Differential Equations.
|
| GraggBulirschStoerStateInterpolator |
This class implements an interpolator for the Gragg-Bulirsch-Stoer
integrator.
|
| GridAxis |
Helper for finding interpolation nodes along one axis of grid data.
|
| GTest |
|
| GumbelDistribution |
This class implements the Gumbel distribution.
|
| HaltonSequenceGenerator |
Implementation of a Halton sequence.
|
| HarmonicCurveFitter |
|
| HarmonicCurveFitter.ParameterGuesser |
This class guesses harmonic coefficients from a sample.
|
| HarmonicOscillator |
|
| HarmonicOscillator.Parametric |
Parametric function where the input array contains the parameters of
the harmonic oscillator function, ordered as follows:
Amplitude
Angular frequency
Phase
|
| HermiteInterpolator |
Polynomial interpolator using both sample values and sample derivatives.
|
| HermiteRuleFactory |
|
| HessenbergTransformer |
Class transforming a general real matrix to Hessenberg form.
|
| HighamHall54FieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the 5(4) Higham and Hall integrator for
Ordinary Differential Equations.
|
| HighamHall54FieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class represents an interpolator over the last step during an
ODE integration for the 5(4) Higham and Hall integrator.
|
| HighamHall54Integrator |
This class implements the 5(4) Higham and Hall integrator for
Ordinary Differential Equations.
|
| HighamHall54StateInterpolator |
This class represents an interpolator over the last step during an
ODE integration for the 5(4) Higham and Hall integrator.
|
| HypergeometricDistribution |
Implementation of the hypergeometric distribution.
|
| Hyperplane<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This interface represents an hyperplane of a space.
|
| Identity |
Identity function.
|
| IllinoisSolver |
Implements the Illinois method for root-finding (approximating
a zero of a univariate real function).
|
| ImageClusteringExample |
This example shows how clustering can be applied to images.
|
| ImageClusteringExample.Display |
Main frame for displaying clusters.
|
| Incrementor |
Utility that increments a counter until a maximum is reached, at
which point, the instance will by default throw a
MathIllegalStateException.
|
| Incrementor.MaxCountExceededCallback |
Defines a method to be called at counter exhaustion.
|
| InequalityConstraint |
Inequality Constraint with lower bound only: \(l \le f(x)\).
|
| InferenceTestUtils |
A collection of static methods to create inference test instances or to
perform inference tests.
|
| InitialGuess |
Starting point (first guess) of the optimization procedure.
|
| IntegerDistribution |
Interface for discrete distributions.
|
| IntegerDistributionComparison |
Displays pdf/cdf for integer distributions.
|
| IntegerDistributionComparison.Display |
Main frame for displaying distributions.
|
| InteriorPointFinder<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
Finder for interior points.
|
| InterpolatingMicrosphere |
|
| InterpolatingMicrosphere2D |
|
| Interval |
This class represents a 1D interval.
|
| IntervalsSet |
This class represents a 1D region: a set of intervals.
|
| Inverse |
Inverse function.
|
| ISAACRandom |
A fast cryptographic pseudo-random number generator.
|
| IterationEvent |
The root class from which all events occurring while running an
IterationManager should be derived.
|
| IterationListener |
The listener interface for receiving events occurring in an iterative
algorithm.
|
| IterationManager |
This abstract class provides a general framework for managing iterative
algorithms.
|
| IterativeLegendreFieldGaussIntegrator<T extends CalculusFieldElement<T>> |
This algorithm divides the integration interval into equally-sized
sub-interval and on each of them performs a
Legendre-Gauss quadrature.
|
| IterativeLegendreGaussIntegrator |
This algorithm divides the integration interval into equally-sized
sub-interval and on each of them performs a
Legendre-Gauss quadrature.
|
| IterativeLinearSolver |
This abstract class defines an iterative solver for the linear system A
· x = b.
|
| IterativeLinearSolverEvent |
|
| JacobianFunction |
Class representing the Jacobian of a multivariate vector function.
|
| JacobiElliptic |
Algorithm computing Jacobi elliptic functions.
|
| JacobiEllipticBuilder |
Builder for algorithms compmuting Jacobi elliptic functions.
|
| JacobiKey |
Class for handling Jacobi polynomials keys.
|
| JacobiPreconditioner |
This class implements the standard Jacobi (diagonal) preconditioner.
|
| JacobiTheta |
Algorithm computing Jacobi theta functions.
|
| JDKRandomGenerator |
|
| JulierUnscentedTransform |
Unscented transform as defined by Julier and Uhlmann.
|
| KalmanEstimate |
Interface representing a Kalman estimate.
|
| KalmanFilter<T extends Measurement> |
Interface representing a Kalman filter.
|
| KalmanObserver |
Observer for Kalman filter recursions.
|
| KalmanSmoother |
Kalman smoother for linear, extended or unscented filters.
|
| KarushKuhnTuckerSolver<T> |
Karush–Kuhn–Tucker Solver.
|
| KendallsCorrelation |
Implementation of Kendall's Tau-b rank correlation.
|
| KMeansPlusPlusClusterer<T extends Clusterable> |
Clustering algorithm based on David Arthur and Sergei Vassilvitski k-means++ algorithm.
|
| KMeansPlusPlusClusterer.EmptyClusterStrategy |
Strategies to use for replacing an empty cluster.
|
| KolmogorovSmirnovTest |
|
| KthSelector |
A Simple Kth selector implementation to pick up the
Kth ordered element from a work array containing the
input numbers.
|
| Kurtosis |
Computes the Kurtosis of the available values.
|
| LagrangeSolution |
Container for Lagrange t-uple.
|
| LaguerreRuleFactory |
Factory that creates Gauss-type quadrature rule using Laguerre polynomials.
|
| LaguerreSolver |
|
| LaplaceDistribution |
This class implements the Laplace distribution.
|
| LeastSquaresAdapter |
|
| LeastSquaresBuilder |
|
| LeastSquaresConverter |
|
| LeastSquaresFactory |
|
| LeastSquaresOptimizer |
An algorithm that can be applied to a non-linear least squares problem.
|
| LeastSquaresOptimizer.Optimum |
The optimum found by the optimizer.
|
| LeastSquaresProblem |
The data necessary to define a non-linear least squares problem.
|
| LeastSquaresProblem.Evaluation |
|
| LegendreEllipticIntegral |
Complete and incomplete elliptic integrals in Legendre form.
|
| LegendreRuleFactory |
Factory that creates Gauss-type quadrature rule using Legendre polynomials.
|
| LevenbergMarquardtOptimizer |
This class solves a least-squares problem using the Levenberg-Marquardt
algorithm.
|
| LevyDistribution |
|
| LimitAngle |
This class represents a 1D oriented hyperplane on the circle.
|
| Line |
The class represent lines in a three dimensional space.
|
| Line |
This class represents an oriented line in the 2D plane.
|
| LinearBoundedConstraint |
A set of linear inequality constraints expressed as ub>Ax>lb.
|
| LinearConstraint |
A linear constraint for a linear optimization problem.
|
| LinearConstraintSet |
|
| LinearEqualityConstraint |
A set of linear equality constraints given as Ax = b.
|
| LinearEvolution |
|
| LinearInequalityConstraint |
Set of linear inequality constraints expressed as \( A x \gt B\).
|
| LinearInterpolator |
Implements a linear function for interpolation of real univariate functions.
|
| LinearKalmanFilter<T extends Measurement> |
|
| LinearObjectiveFunction |
An objective function for a linear optimization problem.
|
| LinearOptimizer |
Base class for implementing linear optimizers.
|
| LinearProcess<T extends Measurement> |
|
| LineSearch |
Class for finding the minimum of the objective function along a given
direction.
|
| Localizable |
Interface for localizable strings.
|
| LocalizedClusteringFormats |
Enumeration for localized messages formats used in exceptions messages.
|
| LocalizedCoreFormats |
Enumeration for localized messages formats used in exceptions messages.
|
| LocalizedException |
This interface specified methods implemented by localized exception classes.
|
| LocalizedFFTFormats |
Enumeration for localized messages formats used in exceptions messages.
|
| LocalizedFilterFormats |
Enumeration for localized messages formats used in exceptions messages.
|
| LocalizedGeometryFormats |
Enumeration for localized messages formats used in exceptions messages.
|
| LocalizedODEFormats |
Enumeration for localized messages formats used in exceptions messages.
|
| LocalizedOptimFormats |
Enumeration for localized messages formats used in exceptions messages.
|
| LocalizedStatFormats |
Enumeration for localized messages formats used in exceptions messages.
|
| LoessInterpolator |
|
| Log |
Natural logarithm function.
|
| Log10 |
Base 10 logarithm function.
|
| Log1p |
log(1 + p) function.
|
| Logistic |
|
| Logistic.Parametric |
Parametric function where the input array contains the parameters of
the logistic function, ordered as follows:
k
m
b
q
a
n
|
| LogisticDistribution |
This class implements the Logistic distribution.
|
| Logit |
|
| Logit.Parametric |
Parametric function where the input array contains the parameters of
the logit function, ordered as follows:
Lower bound
Higher bound
|
| LogNormalDistribution |
Implementation of the log-normal (gaussian) distribution.
|
| LongFrequency |
Maintains a frequency distribution of Long values.
|
| LorenzPlotter |
Program plotting the Lorenz attractor.
|
| LowDiscrepancyGeneratorComparison |
Plots 2D samples drawn from various pseudo / quasi-random generators.
|
| LowDiscrepancyGeneratorComparison.Display |
Main frame for displaying low discrepancy points.
|
| LowDiscrepancyGeneratorComparison.Plot |
Plotting component.
|
| LUDecomposer |
Matrix decomposer using LU-decomposition.
|
| LUDecomposition |
Calculates the LUP-decomposition of a square matrix.
|
| LutherFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the Luther sixth order Runge-Kutta
integrator for Ordinary Differential Equations.
|
| LutherFieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class represents an interpolator over the last step during an
ODE integration for the 6th order Luther integrator.
|
| LutherIntegrator |
This class implements the Luther sixth order Runge-Kutta
integrator for Ordinary Differential Equations.
|
| LutherStateInterpolator |
This class represents an interpolator over the last step during an
ODE integration for the 6th order Luther integrator.
|
| ManhattanDistance |
Calculates the L1 (sum of abs) distance between two points.
|
| MannWhitneyUTest |
An implementation of the Mann-Whitney U test.
|
| MathArrays |
Arrays utilities.
|
| MathArrays.Function |
Real-valued function that operates on an array or a part of it.
|
| MathArrays.OrderDirection |
Specification of ordering direction.
|
| MathArrays.Position |
Specification for indicating that some operation applies
before or after a given index.
|
| MathIllegalArgumentException |
Base class for all preconditions violation exceptions.
|
| MathIllegalStateException |
Base class for all exceptions that signal that the process
throwing the exception is in a state that does not comply with
the set of states that it is designed to be in.
|
| MathRuntimeException |
All exceptions thrown by the Hipparchus code inherit from this class.
|
| MathUtils |
Miscellaneous utility functions.
|
| MathUtils.FieldSumAndResidual<T extends FieldElement<T>> |
|
| MathUtils.SumAndResidual |
|
| MatrixDecomposer |
Interface for all algorithms providing matrix decomposition.
|
| MatrixUtils |
A collection of static methods that operate on or return matrices.
|
| Max |
Maximum function.
|
| Max |
Returns the maximum of the available values.
|
| MaxEval |
Maximum number of evaluations of the function to be optimized.
|
| MaxIter |
Maximum number of iterations performed by an (iterative) algorithm.
|
| Mean |
Computes the arithmetic mean of a set of values.
|
| Measurement |
Interface defining a measurement on process.
|
| Median |
Returns the median of the available values.
|
| MersenneTwister |
This class implements a powerful pseudo-random number generator
developed by Makoto Matsumoto and Takuji Nishimura during
1996-1997.
|
| MerweUnscentedTransform |
Unscented transform as defined by Merwe and Wan.
|
| MicrosphereProjectionInterpolator |
Interpolator that implements the algorithm described in
William Dudziak's
MS thesis.
|
| MidpointFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements a second order Runge-Kutta integrator for
Ordinary Differential Equations.
|
| MidpointFieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class implements a step interpolator for second order
Runge-Kutta integrator.
|
| MidpointIntegrator |
This class implements a second order Runge-Kutta integrator for
Ordinary Differential Equations.
|
| MidPointIntegrator |
Implements the
Midpoint Rule for integration of real univariate functions.
|
| MidpointStateInterpolator |
This class implements a step interpolator for second order
Runge-Kutta integrator.
|
| MillerUpdatingRegression |
|
| Min |
Minimum function.
|
| Min |
Returns the minimum of the available values.
|
| Minus |
Minus function.
|
| MixtureMultivariateNormalDistribution |
Multivariate normal mixture distribution.
|
| MixtureMultivariateRealDistribution<T extends MultivariateRealDistribution> |
|
| MonotoneChain |
Implements Andrew's monotone chain method to generate the convex hull of a finite set of
points in the two-dimensional euclidean space.
|
| MullerSolver |
This class implements the
Muller's Method for root finding of real univariate functions.
|
| MullerSolver2 |
This class implements the
Muller's Method for root finding of real univariate functions.
|
| MultidimensionalCounter |
Converter between unidimensional storage structure and multidimensional
conceptual structure.
|
| MultiDirectionalSimplex |
This class implements the multi-directional direct search method.
|
| MultiKMeansPlusPlusClusterer<T extends Clusterable> |
A wrapper around a k-means++ clustering algorithm which performs multiple trials
and returns the best solution.
|
| MultipleLinearRegression |
The multiple linear regression can be represented in matrix-notation.
|
| Multiply |
Multiply the two operands.
|
| MultiStartMultivariateOptimizer |
Multi-start optimizer.
|
| MultiStartUnivariateOptimizer |
Special implementation of the UnivariateOptimizer interface
adding multi-start features to an existing optimizer.
|
| MultistepFieldIntegrator<T extends CalculusFieldElement<T>> |
This class is the base class for multistep integrators for Ordinary
Differential Equations.
|
| MultistepIntegrator |
This class is the base class for multistep integrators for Ordinary
Differential Equations.
|
| MultivariateDifferentiableFunction |
|
| MultivariateDifferentiableVectorFunction |
|
| MultivariateFunction |
An interface representing a multivariate real function.
|
| MultivariateFunctionMappingAdapter |
|
| MultivariateFunctionPenaltyAdapter |
|
| MultivariateInterpolator |
Interface representing a univariate real interpolating function.
|
| MultivariateJacobianFunction |
A interface for functions that compute a vector of values and can compute their
derivatives (Jacobian).
|
| MultivariateMatrixFunction |
An interface representing a multivariate matrix function.
|
| MultivariateNormalDistribution |
Implementation of the multivariate normal (Gaussian) distribution.
|
| MultivariateNormalMixtureExpectationMaximization |
Expectation-Maximization algorithm for fitting the parameters of
multivariate normal mixture model distributions.
|
| MultivariateOptimizer |
Base class for a multivariate scalar function optimizer.
|
| MultivariateRealDistribution |
Base interface for multivariate continuous distributions.
|
| MultivariateSummaryStatistics |
Computes summary statistics for a stream of n-tuples added using the
addValue method.
|
| MultivariateVectorFunction |
An interface representing a multivariate vectorial function.
|
| NakagamiDistribution |
This class implements the Nakagami distribution.
|
| NamedParameterJacobianProvider |
|
| NaNStrategy |
Strategies for handling NaN values in rank transformations.
|
| NaturalRanking |
Ranking based on the natural ordering on doubles.
|
| NelderMeadSimplex |
This class implements the Nelder-Mead simplex algorithm.
|
| NevilleInterpolator |
|
| NewtonRaphsonSolver |
Implements
Newton's Method for finding zeros of real univariate differentiable
functions.
|
| NodesSet<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
|
| NonLinearConjugateGradientOptimizer |
Non-linear conjugate gradient optimizer.
|
| NonLinearConjugateGradientOptimizer.Formula |
Available choices of update formulas for the updating the parameter
that is used to compute the successive conjugate search directions.
|
| NonLinearConjugateGradientOptimizer.IdentityPreconditioner |
Default identity preconditioner.
|
| NonLinearEvolution |
|
| NonLinearProcess<T extends Measurement> |
|
| NonNegativeConstraint |
A constraint for a linear optimization problem indicating whether all
variables must be restricted to non-negative values.
|
| NormalDistribution |
Implementation of the normal (gaussian) distribution.
|
| NormalizedRandomGenerator |
This interface represent a normalized random generator for
scalars.
|
| NullArgumentException |
All conditions checks that fail due to a null argument must throw
this exception.
|
| ObjectiveFunction |
Scalar function to be optimized.
|
| ObjectiveFunctionGradient |
Gradient of the scalar function to be optimized.
|
| ODEEventDetector |
This interface represents a detector for discrete events triggered
during ODE integration.
|
| ODEEventHandler |
This interface represents a handler for discrete events triggered
during ODE integration.
|
| ODEFixedStepHandler |
This interface represents a handler that should be called after
each successful fixed step.
|
| ODEIntegrator |
This interface represents a first order integrator for
differential equations.
|
| ODEJacobiansProvider |
|
| ODEState |
Container for time, main and secondary state vectors.
|
| ODEStateAndDerivative |
Container for time, main and secondary state vectors as well as their derivatives.
|
| ODEStateInterpolator |
This interface represents an interpolator over the last step
during an ODE integration.
|
| ODEStepEndHandler |
This interface represents a handler for discrete events triggered
during ODE integration at each step end.
|
| ODEStepHandler |
This interface represents a handler that should be called after
each successful step.
|
| OLSMultipleLinearRegression |
Implements ordinary least squares (OLS) to estimate the parameters of a
multiple linear regression model.
|
| OneWayAnova |
Implements one-way ANOVA (analysis of variance) statistics.
|
| OpenIntToDoubleHashMap |
Open addressed map from int to double.
|
| OpenIntToFieldHashMap<T extends FieldElement<T>> |
Open addressed map from int to FieldElement.
|
| OpenMapRealMatrix |
Sparse matrix implementation based on an open addressed map.
|
| OpenMapRealVector |
|
| OptimizationData |
Marker interface.
|
| OptimizationProblem<P> |
Common settings for all optimization problems.
|
| OrderedComplexEigenDecomposition |
Given a matrix A, it computes a complex eigen decomposition A = VDV^{T}.
|
| OrdinaryDifferentialEquation |
This interface represents a first order differential equations set.
|
| OrientedPoint |
This class represents a 1D oriented hyperplane.
|
| OutlineExtractor |
|
| Pair<K,V> |
Generic pair.
|
| ParameterConfiguration |
Simple container pairing a parameter name with a step in order to compute
the associated Jacobian matrix by finite difference.
|
| Parameterizable |
This interface enables to process any parameterizable object.
|
| ParametersController |
|
| ParameterValidator |
Interface for validating a set of model parameters.
|
| ParametricUnivariateFunction |
An interface representing a real function that depends on one independent
variable plus some extra parameters.
|
| ParetoDistribution |
Implementation of the Pareto distribution.
|
| PascalDistribution |
Implementation of the Pascal distribution.
|
| PCA |
Principal component analysis (PCA) is a statistical technique for reducing the dimensionality of a dataset.
|
| PearsonsCorrelation |
Computes Pearson's product-moment correlation coefficients for pairs of arrays
or columns of a matrix.
|
| PegasusSolver |
Implements the Pegasus method for root-finding (approximating
a zero of a univariate real function).
|
| Percentile |
Provides percentile computation.
|
| Percentile.EstimationType |
An enum for various estimation strategies of a percentile referred in
wikipedia on quantile
with the names of enum matching those of types mentioned in
wikipedia.
|
| PiecewiseBicubicSplineInterpolatingFunction |
|
| PiecewiseBicubicSplineInterpolator |
Generates a piecewise-bicubic interpolating function.
|
| PivotingStrategy |
A strategy to pick a pivoting index of an array for doing partitioning.
|
| PivotSelectionRule |
Pivot selection rule to the use for a Simplex solver.
|
| Plane |
The class represent planes in a three dimensional space.
|
| Point<S extends Space,P extends Point<S,P>> |
This interface represents a generic geometrical point.
|
| PointValuePair |
This class holds a point and the value of an objective function at
that point.
|
| PointVectorValuePair |
This class holds a point and the vectorial value of an objective function at
that point.
|
| PoissonDistribution |
Implementation of the Poisson distribution.
|
| PolygonsSet |
This class represents a 2D region: a set of polygons.
|
| PolyhedronsSet |
This class represents a 3D region: a set of polyhedrons.
|
| PolyhedronsSet.BRep |
Container for Boundary REPresentation (B-Rep).
|
| PolynomialCurveFitter |
|
| PolynomialFunction |
Immutable representation of a real polynomial function with real coefficients.
|
| PolynomialFunction.Parametric |
Dedicated parametric polynomial class.
|
| PolynomialFunctionLagrangeForm |
Implements the representation of a real polynomial function in
Lagrange Form.
|
| PolynomialFunctionNewtonForm |
Implements the representation of a real polynomial function in
Newton Form.
|
| PolynomialSolver |
Interface for (polynomial) root-finding algorithms.
|
| PolynomialSplineFunction |
Represents a polynomial spline function.
|
| PolynomialsUtils |
A collection of static methods that operate on or return polynomials.
|
| Pow |
Power function.
|
| PowellOptimizer |
Powell's algorithm.
|
| Power |
Power function.
|
| Precision |
Utilities for comparing numbers.
|
| PreconditionedIterativeLinearSolver |
This abstract class defines preconditioned iterative solvers.
|
| Preconditioner |
This interface represents a preconditioner for differentiable scalar
objective function optimizers.
|
| ProcessEstimate |
Holder for process state and covariance.
|
| Product |
Returns the product of the available values.
|
| ProperBigFractionFormat |
Formats a BigFraction number in proper format.
|
| ProperFractionFormat |
Formats a Fraction number in proper format.
|
| PSquarePercentile |
|
| PSquarePercentile.PSquareMarkers |
An interface that encapsulates abstractions of the
P-square algorithm markers as is explained in the original works.
|
| QPOptimizer |
Quadratic programming Optimizater.
|
| QRDecomposer |
Matrix decomposer using QR-decomposition.
|
| QRDecomposition |
Calculates the QR-decomposition of a matrix.
|
| QuadraticFunction |
Given P, Q, d, implements \(\frac{1}{2}x^T P X + Q^T x + d\).
|
| Quaternion |
This class implements
quaternions (Hamilton's hypercomplex numbers).
|
| RandomAdaptor |
|
| RandomDataGenerator |
A class for generating random data.
|
| RandomGenerator |
Interface for generators of random number sequences.
|
| RandomPercentile |
|
| RandomVectorGenerator |
This interface represents a random generator for whole vectors.
|
| RankingAlgorithm |
Interface representing a rank transformation.
|
| RealDistribution |
Base interface for continuous distributions.
|
| RealDistributionComparison |
Displays pdf/cdf for real distributions.
|
| RealDistributionComparison.Display |
Main frame for displaying distributions.
|
| RealLinearOperator |
This class defines a linear operator operating on real (double)
vector spaces.
|
| RealMatrix |
Interface defining a real-valued matrix with basic algebraic operations.
|
| RealMatrixChangingVisitor |
Interface defining a visitor for matrix entries.
|
| RealMatrixFormat |
Formats a nxm matrix in components list format
"{{a00,a01, ...,
a0m-1},{a10,
a11, ..., a1m-1},{...},{
an-10, an-11, ...,
an-1m-1}}".
|
| RealMatrixPreservingVisitor |
Interface defining a visitor for matrix entries.
|
| RealTransformer |
Interface for one-dimensional data sets transformations producing real results.
|
| RealVector |
Class defining a real-valued vector with basic algebraic operations.
|
| RealVectorChangingVisitor |
This interface defines a visitor for the entries of a vector.
|
| RealVectorFormat |
Formats a vector in components list format "{v0; v1; ...; vk-1}".
|
| RealVectorPreservingVisitor |
This interface defines a visitor for the entries of a vector.
|
| RectangularCholeskyDecomposition |
Calculates the rectangular Cholesky decomposition of a matrix.
|
| Region<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This interface represents a region of a space as a partition.
|
| Region.Location |
Enumerate for the location of a point with respect to the region.
|
| RegionFactory<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This class is a factory for Region.
|
| RegressionResults |
Results of a Multiple Linear Regression model fit.
|
| RegulaFalsiSolver |
Implements the Regula Falsi or False position method for
root-finding (approximating a zero of a univariate real function).
|
| Relationship |
|
| ResizableDoubleArray |
A variable length primitive double array implementation that automatically
handles expanding and contracting its internal storage array as elements
are added and removed.
|
| ResizableDoubleArray.ExpansionMode |
Specification of expansion algorithm.
|
| RiccatiEquationSolver |
An algebraic Riccati equation is a type of nonlinear equation that arises in
the context of infinite-horizon optimal control problems in continuous time
or discrete time.
|
| RiccatiEquationSolverImpl |
This solver computes the solution using the following approach:
1.
|
| RiddersSolver |
Implements the
Ridders' Method for root finding of real univariate functions.
|
| Rint |
rint function.
|
| RombergIntegrator |
|
| RootsOfUnity |
A helper class for the computation and caching of the n-th roots
of unity.
|
| RosenNumberPartitionIterator |
An iterator that generates all partitions of n elements, into k parts
containing the number of elements in each part, based on Rosen's algorithm.
|
| Rotation |
This class implements rotations in a three-dimensional space.
|
| RotationConvention |
This enumerates is used to differentiate the semantics of a rotation.
|
| RotationOrder |
Enumerate representing a rotation order specification for Cardan or Euler angles.
|
| RRQRDecomposition |
Calculates the rank-revealing QR-decomposition of a matrix, with column pivoting.
|
| RuleFactory |
Interface for rules that determines the integration nodes and their weights.
|
| RungeKuttaFieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class represents an interpolator over the last step during an
ODE integration for Runge-Kutta and embedded Runge-Kutta integrators.
|
| RungeKuttaStateInterpolator |
This class represents an interpolator over the last step during an
ODE integration for Runge-Kutta and embedded Runge-Kutta integrators.
|
| RyuDouble |
An implementation of Ryū for double.
|
| S1Point |
This class represents a point on the 1-sphere.
|
| S2Point |
This class represents a point on the 2-sphere.
|
| SawToothModuleValue |
Domain coloring enhancing modules changes.
|
| SawToothPhaseModuleValue |
Domain coloring enhancing both phase and module changes.
|
| SchurTransformer |
Class transforming a general real matrix to Schur form.
|
| SearchInterval |
Search interval and (optional) start value.
|
| SecantSolver |
Implements the Secant method for root-finding (approximating a
zero of a univariate real function).
|
| SecondaryODE |
This interface allows users to add secondary differential equations to a primary
set of differential equations.
|
| SecondMoment |
Computes a statistic related to the Second Central Moment.
|
| SecondOrderODE |
This interface represents a second order differential equations set.
|
| Segment |
Simple container for a two-points segment.
|
| Segment |
Simple container for a two-points segment.
|
| SemiDefinitePositiveCholeskyDecomposition |
Calculates the Cholesky decomposition of a positive semidefinite matrix.
|
| SemiVariance |
Computes the semivariance of a set of values with respect to a given cutoff value.
|
| SemiVariance.Direction |
The direction of the semivariance - either upside or downside.
|
| SequentialGaussNewtonOptimizer |
Sequential Gauss-Newton least-squares solver.
|
| Side |
Enumerate representing the location of an element with respect to an
hyperplane of a space.
|
| Sigmoid |
|
| Sigmoid.Parametric |
Parametric function where the input array contains the parameters of
the sigmoid function, ordered
as follows:
Lower asymptote
Higher asymptote
|
| SimpleBounds |
Simple optimization constraints: lower and upper bounds.
|
| SimpleCurveFitter |
|
| SimplePointChecker<P extends Pair<double[],? extends Object>> |
|
| SimpleRegression |
Estimates an ordinary least squares regression model
with one independent variable.
|
| SimpleUnivariateValueChecker |
Simple implementation of the
ConvergenceChecker interface
that uses only objective function values.
|
| SimpleValueChecker |
Simple implementation of the ConvergenceChecker interface using
only objective function values.
|
| SimpleVectorValueChecker |
Simple implementation of the ConvergenceChecker interface using
only objective function values.
|
| SimplexOptimizer |
This class implements simplex-based direct search optimization.
|
| SimplexSolver |
Solves a linear problem using the "Two-Phase Simplex" method.
|
| SimpsonIntegrator |
Implements
Simpson's Rule for integration of real univariate functions.
|
| Sin |
Sine function.
|
| Sinc |
Sinc function,
defined by
|
| SinCos |
Holder for both sine and cosine values.
|
| SingularValueDecomposer |
Matrix decomposer using Singular Value Decomposition.
|
| SingularValueDecomposition |
Calculates the compact Singular Value Decomposition of a matrix.
|
| Sinh |
Hyperbolic sine function.
|
| SinhCosh |
Holder for both hyperbolic sine and hyperbolic cosine values.
|
| Skewness |
Computes the skewness of the available values.
|
| SmoothStepFactory |
Smoothstep function factory.
|
| SmoothStepFactory.FieldSmoothStepFunction<T extends CalculusFieldElement<T>> |
Smoothstep function as defined here.
|
| SmoothStepFactory.QuadraticSmoothStepFunction |
|
| SmoothStepFactory.SmoothStepFunction |
Smoothstep function as defined here.
|
| SobolSequenceGenerator |
Implementation of a Sobol sequence.
|
| SolutionCallback |
A callback object that can be provided to a linear optimizer to keep track
of the best solution found.
|
| Space |
This interface represents a generic space, with affine and vectorial counterparts.
|
| SparseFieldMatrix<T extends FieldElement<T>> |
Sparse matrix implementation based on an open addressed map.
|
| SparseFieldVector<T extends FieldElement<T>> |
|
| SparseGradient |
First derivative computation with large number of variables.
|
| SparseRealMatrix |
Marker interface for RealMatrix implementations that require sparse backing storage
|
| SparseRealVector |
Marker class for RealVectors that require sparse backing storage
|
| SpearmansCorrelation |
Spearman's rank correlation.
|
| Sphere1D |
This class implements a one-dimensional sphere (i.e. a circle).
|
| Sphere1D.NoSubSpaceException |
Specialized exception for inexistent sub-space.
|
| Sphere2D |
This class implements a two-dimensional sphere (i.e. the regular sphere).
|
| SphereGenerator |
Class generating an enclosing ball from its support points.
|
| SphericalCoordinates |
|
| SphericalPolygonsSet |
This class represents a region on the 2-sphere: a set of spherical polygons.
|
| SplineInterpolator |
Computes a natural (also known as "free", "unclamped") cubic spline interpolation for the data set.
|
| SQPOptimizerGM |
Sequential Quadratic Programming Optimizer.
|
| SQPOptimizerS |
Sequential Quadratic Programming Optimizer.
|
| SQPOption |
Parameter for SQP Algorithm.
|
| Sqrt |
Square-root function.
|
| StableRandomGenerator |
This class provides a stable normalized random generator.
|
| StandardDeviation |
Computes the sample standard deviation.
|
| StatisticalMultivariateSummary |
Reporting interface for basic multivariate statistics.
|
| StatisticalSummary |
Reporting interface for basic univariate statistics.
|
| StatisticalSummaryValues |
Value object representing the results of a univariate
statistical summary.
|
| StatUtils |
StatUtils provides static methods for computing statistics based on data
stored in double[] arrays.
|
| StepEndEventState |
This class handles the state for one event handler that triggers at step end.
|
| StepFunction |
|
| StepNormalizer |
|
| StepNormalizerBounds |
|
| StepNormalizerMode |
|
| StepsizeHelper |
Helper for adaptive stepsize control.
|
| StorelessCovariance |
Covariance implementation that does not require input data to be
stored in memory.
|
| StorelessMultivariateStatistic |
Base interface implemented by storeless multivariate statistics.
|
| StorelessUnivariateStatistic |
|
| StreamingStatistics |
Computes summary statistics for a stream of data values added using the
addValue method.
|
| StreamingStatistics.StreamingStatisticsBuilder |
Builder for StreamingStatistics instances.
|
| SubCircle |
This class represents a sub-hyperplane for Circle.
|
| SubHyperplane<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>> |
This interface represents the remaining parts of an hyperplane after
other parts have been chopped off.
|
| SubHyperplane.SplitSubHyperplane<U extends Space,R extends Point<U,R>,F extends Hyperplane<U,R,F,J>,J extends SubHyperplane<U,R,F,J>> |
Class holding the results of the split method.
|
| SubLimitAngle |
This class represents sub-hyperplane for LimitAngle.
|
| SubLine |
This class represents a subset of a Line.
|
| SubLine |
This class represents a sub-hyperplane for Line.
|
| SubOrientedPoint |
|
| SubPlane |
This class represents a sub-hyperplane for Plane.
|
| Subtract |
Subtract the second operand from the first.
|
| Sum |
Returns the sum of the available values.
|
| SumOfClusterVariances<T extends Clusterable> |
Computes the sum of intra-cluster distance variances according to the formula:
\] score = \sum\limits_{i=1}^n \sigma_i^2 \]
where n is the number of clusters and \( \sigma_i^2 \) is the variance of
intra-cluster distances of cluster \( c_i \).
|
| SumOfLogs |
Returns the sum of the natural logs for this collection of values.
|
| SumOfSquares |
Returns the sum of the squares of the available values.
|
| SupportBallGenerator<S extends Space,P extends Point<S,P>> |
Interface for generating balls based on support points.
|
| SymmetricFieldGaussIntegrator<T extends CalculusFieldElement<T>> |
This class's implements integrate
method assuming that the integral is symmetric about 0.
|
| SymmetricGaussIntegrator |
This class's implements integrate
method assuming that the integral is symmetric about 0.
|
| SymmLQ |
|
| SynchronizedRandomGenerator |
Any RandomGenerator implementation can be thread-safe if it
is used through an instance of this class.
|
| Tan |
Tangent function.
|
| Tanh |
Hyperbolic tangent function.
|
| TaylorMap |
Container for a Taylor map.
|
| TDistribution |
Implementation of Student's t-distribution.
|
| Theta |
|
| ThreeEighthesFieldIntegrator<T extends CalculusFieldElement<T>> |
This class implements the 3/8 fourth order Runge-Kutta
integrator for Ordinary Differential Equations.
|
| ThreeEighthesFieldStateInterpolator<T extends CalculusFieldElement<T>> |
This class implements a step interpolator for the 3/8 fourth
order Runge-Kutta integrator.
|
| ThreeEighthesIntegrator |
This class implements the 3/8 fourth order Runge-Kutta
integrator for Ordinary Differential Equations.
|
| ThreeEighthesStateInterpolator |
This class implements a step interpolator for the 3/8 fourth
order Runge-Kutta integrator.
|
| TiesStrategy |
Strategies for handling tied values in rank transformations.
|
| Transform<S extends Space,P extends Point<S,P>,H extends Hyperplane<S,P,H,I>,I extends SubHyperplane<S,P,H,I>,T extends Space,Q extends Point<T,Q>,F extends Hyperplane<T,Q,F,J>,J extends SubHyperplane<T,Q,F,J>> |
This interface represents an inversible affine transform in a space.
|
| TransformType |
This enumeration defines the type of transform which is to be computed.
|
| TransformUtils |
Useful functions for the implementation of various transforms.
|
| TrapezoidIntegrator |
Implements the
Trapezoid Rule for integration of real univariate functions.
|
| TriangularDistribution |
Implementation of the triangular real distribution.
|
| TricubicInterpolatingFunction |
|
| TricubicInterpolator |
Generates a tricubic interpolating function.
|
| TrivariateFunction |
An interface representing a trivariate real function.
|
| TrivariateGridInterpolator |
Interface representing a trivariate real interpolating function where the
sample points must be specified on a regular grid.
|
| TTest |
An implementation for Student's t-tests.
|
| Tuple |
This class allows to perform the same computation of all components of a Tuple at once.
|
| TwiceDifferentiableFunction |
A MultivariateFunction that also has a defined gradient and Hessian.
|
| Ulp |
ulp function.
|
| UncorrelatedRandomVectorGenerator |
|
| UniformIntegerDistribution |
Implementation of the uniform integer distribution.
|
| UniformRandomGenerator |
This class implements a normalized uniform random generator.
|
| UniformRealDistribution |
Implementation of the uniform real distribution.
|
| UnitSphereRandomVectorGenerator |
Generate random vectors isotropically located on the surface of a sphere.
|
| UnivariateDerivative<T extends UnivariateDerivative<T>> |
Abstract class representing both the value and the differentials of a function.
|
| UnivariateDerivative1 |
Class representing both the value and the differentials of a function.
|
| UnivariateDerivative1Field |
|
| UnivariateDerivative2 |
Class representing both the value and the differentials of a function.
|
| UnivariateDerivative2Field |
|
| UnivariateDifferentiableFunction |
Interface for univariate functions derivatives.
|
| UnivariateDifferentiableMatrixFunction |
|
| UnivariateDifferentiableSolver |
Interface for (univariate real) rootfinding algorithms.
|
| UnivariateDifferentiableVectorFunction |
|
| UnivariateFunction |
An interface representing a univariate real function.
|
| UnivariateFunctionDifferentiator |
Interface defining the function differentiation operation.
|
| UnivariateIntegrator |
Interface for univariate real integration algorithms.
|
| UnivariateInterpolator |
Interface representing a univariate real interpolating function.
|
| UnivariateMatrixFunction |
An interface representing a univariate matrix function.
|
| UnivariateMatrixFunctionDifferentiator |
Interface defining the function differentiation operation.
|
| UnivariateObjectiveFunction |
Scalar function to be optimized.
|
| UnivariateOptimizer |
Base class for a univariate scalar function optimizer.
|
| UnivariatePeriodicInterpolator |
|
| UnivariatePointValuePair |
This class holds a point and the value of an objective function at this
point.
|
| UnivariateSolver |
Interface for (univariate real) root-finding algorithms.
|
| UnivariateSolverUtils |
|
| UnivariateStatistic |
Base interface implemented by all statistics.
|
| UnivariateVectorFunction |
An interface representing a univariate vectorial function.
|
| UnivariateVectorFunctionDifferentiator |
Interface defining the function differentiation operation.
|
| UnscentedEvolution |
|
| UnscentedKalmanFilter<T extends Measurement> |
|
| UnscentedProcess<T extends Measurement> |
|
| UnscentedTransformProvider |
Provider for unscented transform.
|
| UpdatingMultipleLinearRegression |
An interface for regression models allowing for dynamic updating of the data.
|
| UTF8Control |
Control class loading properties in UTF-8 encoding.
|
| ValueAndJacobianFunction |
A interface for functions that compute a vector of values and can compute their
derivatives (Jacobian).
|
| Variance |
Computes the variance of the available values.
|
| VariationalEquation |
This class defines a set of secondary equations to
compute the global Jacobian matrices with respect to the initial state
vector and, if any, to some parameters of the primary ODE set.
|
| VariationalEquation.MismatchedEquations |
Special exception for equations mismatch.
|
| Vector<S extends Space,V extends Vector<S,V>> |
This interface represents a generic vector in a vectorial space or a point in an affine space.
|
| Vector1D |
This class represents a 1D vector.
|
| Vector1DFormat |
Formats a 1D vector in components list format "{x}".
|
| Vector2D |
This class represents a 2D vector.
|
| Vector2DFormat |
Formats a 2D vector in components list format "{x; y}".
|
| Vector3D |
This class implements vectors in a three-dimensional space.
|
| Vector3DFormat |
Formats a 3D vector in components list format "{x; y; z}".
|
| VectorDifferentiableFunction |
A MultivariateFunction that also has a defined gradient and Hessian.
|
| VectorFormat<S extends Space,V extends Vector<S,V>> |
Formats a vector in components list format "{x; y; ...}".
|
| VectorialCovariance |
Returns the covariance matrix of the available vectors.
|
| VectorialStorelessStatistic |
|
| Vertex |
Spherical polygons boundary vertex.
|
| WeibullDistribution |
Implementation of the Weibull distribution.
|
| WeightedEvaluation |
Weighted evaluation for statistics.
|
| WeightedObservedPoint |
This class is a simple container for weighted observed point in
curve fitting.
|
| WeightedObservedPoints |
Simple container for weighted observed points used
in curve fitting algorithms.
|
| Well1024a |
This class implements the WELL1024a pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
|
| Well19937a |
This class implements the WELL19937a pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
|
| Well19937c |
This class implements the WELL19937c pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
|
| Well44497a |
This class implements the WELL44497a pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
|
| Well44497b |
This class implements the WELL44497b pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
|
| Well512a |
This class implements the WELL512a pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
|
| WelzlEncloser<S extends Space,P extends Point<S,P>> |
Class implementing Emo Welzl algorithm to find the smallest enclosing ball in linear time.
|
| WilcoxonSignedRankTest |
An implementation of the Wilcoxon signed-rank test.
|
| ZipfDistribution |
Implementation of the Zipf distribution.
|