所有类和接口
类
说明
Absolute value function.
Base class for all convergence checker implementations.
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.Vector function for computing function theoretical values.
An implementation of
LeastSquaresProblem.Evaluation
that is designed for extension.Base class managing common boilerplate for all integrators.
Basic implementation of
FieldMatrix
methods regardless of the underlying storage.Base class for #@link
FieldODEEventDetector
.This abstract class represents an interpolator over the last step
during an ODE integration.
Base class for integer-valued discrete distributions.
Base class managing common boilerplate for all integrators.
Shared parts between linear and non-linear Kalman filters.
Abstract base class for implementations of MultipleLinearRegression.
Base class for multivariate probability distributions.
Base class for #@link
ODEEventDetector
.This abstract class represents an interpolator over the last step
during an ODE integration.
Base class for implementing optimization problems.
This abstract class provides boilerplate parameters list.
Base class for solvers.
Base class for probability distributions on the reals.
Basic implementation of RealMatrix methods regardless of the underlying storage.
Abstract class for all regions, independently of geometry type or dimension.
Base class for rules that determines the integration nodes and their
weights.
This class implements the simplex concept.
Abstract base class for implementations of the
StorelessUnivariateStatistic
interface.This class implements the dimension-independent parts of
SubHyperplane
.Provide a default implementation for several functions useful to generic
solvers.
Base class for solvers.
Abstract base class for implementations of the
UnivariateStatistic
interface.Base class for unscented transform providers.
This abstract class implements the WELL class of pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
Inner class used to store the indirection index table which is fixed
for a given type of WELL class of pseudo-random number generator.
Arc-cosine function.
Hyperbolic arc-cosine function.
Enumerate for actions to be performed when an event occurs during ODE integration.
This class implements explicit Adams-Bashforth integrators for Ordinary
Differential Equations.
This class implements explicit Adams-Bashforth integrators for Ordinary
Differential Equations.
Base class for
Adams-Bashforth
and
Adams-Moulton
integrators.Base class for
Adams-Bashforth
and
Adams-Moulton
integrators.This class implements implicit Adams-Moulton integrators for Ordinary
Differential Equations.
This class implements implicit Adams-Moulton integrators for Ordinary
Differential Equations.
Transformer to Nordsieck vectors for Adams integrators.
Transformer to Nordsieck vectors for Adams integrators.
This interface represents an event checking interval that depends on state.
This abstract class holds the common part of all adaptive
stepsize integrators for Ordinary Differential Equations.
This abstract class holds the common part of all adaptive
stepsize integrators for Ordinary Differential Equations.
Add the two operands.
An interface for statistics that can aggregate results.
Test cases for the AgrestiCoullInterval.
Computes a cubic spline interpolation for the data set using the Akima
algorithm, as originally formulated by Hiroshi Akima in his 1970 paper
"A New Method of Interpolation and Smooth Curve Fitting Based on Local Procedures."
A simple heuristic to improve the performance of convex hull algorithms.
Test class for AklToussaintHeuristic.
The kinds of solutions that a
(bracketed univariate real) root-finding algorithm
may accept as solutions.Represents an alternative hypothesis for a hypothesis test.
Interface defining very basic matrix operations.
This class represents an arc on a circle.
This class represents a region of a circle: a set of arcs.
Specialized exception for inconsistent BSP tree state inconsistency.
Class holding the results of the
split
method.Some useful, arithmetics related, additions to the built-in functions in
Math
.Test cases for the
ArithmeticUtils
class.Implementation of
FieldMatrix
using a FieldElement
[][] array to store entries.Test cases for the
Array2DRowFieldMatrix
class.Implementation of
RealMatrix
using a double[][]
array to
store entries.Test cases for the
Array2DRowRealMatrix
class.This class implements the
FieldVector
interface with a FieldElement
array.Test cases for the
ArrayFieldVector
class.This class implements the
RealVector
interface with a double array.Test cases for the
ArrayRealVector
class.Arc-sine function.
Hyperbolic arc-sine function.
Arc-tangent function.
Arc-tangent function.
Hyperbolic arc-tangent function.
Provide a default implementation for several generic functions.
Provide a default implementation for several generic functions.
Provide a default implementation for several functions useful to generic
solvers.
Base class multi-start optimizer for a multivariate function.
Base class for implementing optimizers for multivariate functions.
Base class for implementing optimizers.
Base class for all bracketing Secant-based methods for root-finding
(approximating a zero of a univariate real function).
Secant-based root-finding methods.
Base class for root-finding algorithms tests derived from
BaseSecantSolver
.Interface for (univariate real) rootfinding algorithms.
This class provides computation methods related to Bessel
functions of the first kind.
Encapsulates the results returned by
BesselJ.rjBesl(double, double, int)
.
This is a utility class that provides computation methods related to the
Beta family of functions.
Implements the Beta distribution.
Function that implements the
bicubic spline interpolation.
Test case for the bicubic function.
Generates a
bicubic interpolating
function
.Test case for the bicubic interpolator.
Representation of a rational number without any overflow.
A test to determine if a series of fractions has converged.
Representation of the fractional numbers without any overflow field.
Formats a BigFraction number in proper format or improper format.
Arbitrary precision decimal number.
Representation of real numbers with arbitrary precision field.
Interpolate grid data using bi-linear interpolation.
Interpolate grid data using bi-linear interpolation.
This class wraps a
double
value in an object.The field of
double precision floating-point numbers
.Implementation of the binomial distribution.
Test cases for BinomialDistribution.
Utility methods to generate confidence intervals for a binomial proportion.
Test cases for the BinomialProportion implementations.
Implements binomial test statistics.
Test cases for the BinomialTest class.
Implements the
bisection algorithm for finding zeros of univariate real functions.
An interface representing a bivariate real function.
Interface representing a bivariate real interpolating function where the
sample points must be specified on a regular grid.
Interface representing classes that can blend with other instances of themselves using a given blending value.
Cache-friendly implementation of FieldMatrix using a flat arrays to store
square blocks of the matrix.
Test cases for the
BlockFieldMatrix
class.Cache-friendly implementation of RealMatrix using a flat arrays to store
square blocks of the matrix.
Test cases for the
BlockRealMatrix
class.Powell's BOBYQA algorithm.
Test for
BOBYQAOptimizer
.Class holding boundary attributes.
Class holding the result of point projection on region boundary.
Interface for
(univariate real) root-finding
algorithms
that maintain a bracketed solution.An interval of a function that brackets a root.
Interface for
(univariate real) root-finding
algorithms
that maintain a bracketed solution.An interval of a function that brackets a root.
Provide an interval that brackets a local optimum of a function.
Test for
BracketFinder
.This class implements a modification of the Brent algorithm.
Test case for
bracketing nth order Brent
solver.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.This class implements the
Brent algorithm for finding zeros of real univariate functions.
Test case for
Brent
solver.This class represent a Binary Space Partition tree.
This interface gather the merging operations between a BSP tree
leaf and another BSP tree.
This interface handles the corner cases when an internal node cut sub-hyperplane vanishes.
This interface is used to visit
BSP tree
nodes.Enumerate for visit order with respect to plus sub-tree, minus sub-tree and cut sub-hyperplane.
This interface represents an integrator based on Butcher arrays.
An interface representing a bivariate field function.
Interface representing a field
with calculus capabilities (sin, cos, ...).
An interface representing a scalar multivariate function.
An interface representing a matrix multivariate function.
An interface representing a vector multivariate function.
An interface representing a univariate real function.
An interface representing a univariate matrix function.
An interface representing a univariate vectorial function for any field type.
Calculates the Canberra distance between two points.
Tests for
CanberraDistance
class.已过时。
Elliptic integrals in Carlson symmetric form.
Implementation of the Cauchy distribution.
Test cases for CauchyDistribution.
Cube root function.
ceil
function.A Cluster used by centroid-based clustering algorithms.
Certified data test cases.
Calculates the L∞ (max of abs) distance between two points.
Tests for
ChebyshevDistance
class.Implementation of the chi-squared distribution.
Test cases for
ChiSquaredDistribution
.Implements Chi-Square test statistics.
Test cases for the ChiSquareTestImpl class.
Matrix decomposer using Cholseky decomposition.
Calculates the Cholesky decomposition of a matrix.
This class represents an oriented great circle on the 2-sphere.
Class used in the tests.
This class implements the classical fourth order Runge-Kutta
integrator for Ordinary Differential Equations (it is the most
often used Runge-Kutta method).
This class implements the classical fourth order Runge-Kutta
integrator for Ordinary Differential Equations (it is the most
often used Runge-Kutta method).
Test cases for the ClopperPearsonInterval.
Check events are detected correctly when the event times are close.
Some basic equations to integrate.
Cluster holding a set of
Clusterable
points.Interface for n-dimensional points that can be clustered together.
Plots clustering results for various algorithms and datasets.
Plot component.
Display frame.
Base class for clustering algorithms.
Base class for cluster evaluation methods.
An implementation of the active Covariance Matrix Adaptation Evolution Strategy (CMA-ES)
for non-linear, non-convex, non-smooth, global function minimization.
Population size.
Input sigma values.
Test for
CMAESOptimizer
.Utility to create combinations
(n, k)
of k
elements
in a set of n
elements.Tests for the
Combinations
class.Combinatorial utilities.
Class for computing the natural logarithm of the factorial of
n
.Test cases for the
CombinatoricsUtils
class.Representation of a Complex number, i.e. a number which has both a
real and imaginary part.
Comparator for Complex Numbers.
Given a matrix A, it computes a complex eigen decomposition AV = VD.
Representation of the complex numbers field.
Formats a Complex number in cartesian format "Re(c) + Im(c)i".
This class converts
complex Ordinary
Differential Equations
into real ones
.Container for time, main and secondary state vectors.
Container for time, main and secondary state vectors as well as their derivatives.
This interface represents a first order differential equations set for
complex state
.This interface allows users to add secondary differential equations to a primary
set of differential equations.
Class to test extending Complex
Wrapper to perform univariate complex integration using an underlying real integration algorithms.
Static implementations of common
Complex
utilities functions.Base class for formatters of composite objects (complex numbers, vectors ...).
Represents an interval estimate of a population parameter.
This is an implementation of the conjugate gradient method for
RealLinearOperator
.Constant function.
Implementation of the constant real distribution.
Test cases for ConstantRealDistribution.
Provides a generic means to evaluate continued fractions.
Tests for ContinuedFraction.
Classical method for domain coloring.
已过时。
as of 1.0, replaced with
DenseOutputModel
已过时。
This interface specifies how to check if an optimization algorithm has
converged.
Multiplexer for
ConvergenceChecker
, checking all the checkers converged.Multiplexer for
ConvergenceChecker
, checking one of the checkers converged.已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
This class represents a convex hull.
This class represents a convex hull in an two-dimensional euclidean space.
Interface for convex hull generators.
Interface for convex hull generators in the two-dimensional euclidean space.
Abstract base test class for 2D convex hull generators.
Copolar trio with pole at point c in Glaisher’s Notation.
Copolar trio with pole at point d in Glaisher’s Notation.
Copolar trio with pole at point n in Glaisher’s Notation.
Copolar trio with pole at point s in Glaisher’s Notation.
A
RandomVectorGenerator
that generates vectors with with
correlated components.Cosine function.
Hyperbolic cosine function.
Computes covariances for pairs of arrays or columns of a matrix.
DBSCAN (density-based spatial clustering of applications with noise) algorithm.
This enumeration defines the various types of normalizations that can be
applied to discrete cosine transforms (DCT).
Interface handling decomposition algorithms that can solve A × X = B.
Default implementation of the
FieldMatrixChangingVisitor
interface.Default implementation of the
FieldMatrixPreservingVisitor
interface.A default concrete implementation of the abstract class
IterativeLinearSolverEvent
.Default implementation of the
RealMatrixChangingVisitor
interface.Default implementation of the
RealMatrixPreservingVisitor
interface.This class stores all information provided by an ODE integrator
during the integration process and build a continuous model of the
solution from this.
Enumerate to specify how dependent vectors should be handled in
MatrixUtils.orthonormalize(List, double, DependentVectorsHandler)
and
MatrixUtils.orthonormalize(Field, List, CalculusFieldElement, DependentVectorsHandler)
.Interface representing both the value and the differentials of a function.
Class representing both the value and the differentials of a function.
Test for class
DerivativeStructure
.Maintains a dataset of values of a single variable and computes descriptive
statistics based on stored data.
Test cases for the
DescriptiveStatistics
class.This class handles the state for one
event handler
during integration steps.Decimal floating point library for Java
Subclass of
Dfp
which hides the radix-10000 artifacts of the superclass.Field for Decimal floating point instances.
Enumerate for rounding modes.
Mathematical routines for use with
Dfp
.This enumeration defines the various types of normalizations that can be
applied to discrete Fourier transforms (DFT).
Implementation of a diagonal matrix.
Test cases for the
DiagonalMatrix
class.已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Class generating an enclosing ball from its support points.
Interface for distance measures of n-dimensional vectors.
Divide the first operand by the second.
Implements the
Divided Difference Algorithm for interpolation of real univariate
functions.
Test case for Divided Difference interpolator.
Base class for domain coloring.
This class implements the 5(4) Dormand-Prince integrator for Ordinary
Differential Equations.
This class implements the 5(4) Dormand-Prince integrator for Ordinary
Differential Equations.
This class implements the 8(5,3) Dormand-Prince integrator for Ordinary
Differential Equations.
This class implements the 8(5,3) Dormand-Prince integrator for Ordinary
Differential Equations.
A simple implementation of
Clusterable
for points with double coordinates.Class holding "compiled" computation rules for derivative structures.
Test for class
DSCompiler
.Factory for
DerivativeStructure
.Field for {link DerivativeStructure} instances.
This enumeration defines the various types of normalizations that can be
applied to discrete sine transforms (DST).
Dummy implementation of the
Localizable
interface, without localization.已过时。
as of 1.0, this class is not used anymore
This class is a step interpolator that does nothing.
Calculates the Earh Mover's distance (also known as Wasserstein metric) between two distributions.
Tests for
EarthMoversDistance
class.Spherical polygons boundary edge.
Calculates the eigen decomposition of a non-symmetric real matrix.
Calculates the eigen decomposition of a symmetric real matrix.
This class implements the common part of all embedded Runge-Kutta
integrators for Ordinary Differential Equations.
This class implements the common part of all embedded Runge-Kutta
integrators for Ordinary Differential Equations.
This interface defines mappers between a space and one of its sub-spaces.
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.
Test cases for the EmpiricalDistribution class
Interface for algorithms computing enclosing balls.
This class represents a ball enclosing some points.
A generic implementation of a
discrete probability distribution (Wikipedia) over a finite sample space,
based on an enumerated list of <value, probability> pairs.
Implementation of an integer-valued
EnumeratedDistribution
.Test class for
EnumeratedIntegerDistribution
.Implementation of a real-valued
EnumeratedDistribution
.Test class for
EnumeratedRealDistribution
.Class mapping the part of a complete state or derivative that pertains
to a specific differential equation.
This is a utility class that provides computation methods related to the
error functions.
This class implements a one-dimensional space.
Specialized exception for inexistent sub-space.
This class implements a two-dimensional space.
This class implements a three-dimensional space.
Calculates the L2 (Euclidean) distance between two points.
Tests for
EuclideanDistance
class.This class implements a simple Euler integrator for Ordinary
Differential Equations.
This class implements a simple Euler integrator for Ordinary
Differential Equations.
Check if an optimization has converged based on the change in computed RMS.
Unit tests for
EvaluationRmsChecker
.The only features tested here are utility methods defined
in
LeastSquaresProblem.Evaluation
that compute the
chi-square and parameters standard-deviations.This class demonstrates the main functionality of the
LeastSquaresProblem.Evaluation
, common to the
optimizer implementations in package
org.hipparchus.optim.nonlinear.vector.leastsquares
.已过时。
as of 1.0, replaced with
ODEEventDetector
已过时。
as of 1.0, replaced with
Action
Class to hold the data related to an event occurrence that is needed to decide how
to modify integration.
Wrapper used to detect only increasing or decreasing events.
State events for this unit test.
State events for this unit test.
Check events handlers and step handlers are called at consistent times.
This interface handles the state for either one
event handler
or one step end handler
during integration steps.Graphics utilities for examples.
Display frame.
Exponential function.
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.
ex-1
function.Implementation of the exponential distribution.
Test cases for ExponentialDistribution.
Kalman filter for
non-linear process
.Test cases for the
CombinatoricsUtils.FactorialLog
class.Implements the Fast Cosine Transform for transformation of one-dimensional
real data sets.
Test case for fast cosine transformer.
Implements the Fast Fourier Transform for transformation of one-dimensional
real or complex data sets.
Test case for fast Fourier transformer.
Implements the Fast Hadamard Transform (FHT).
JUnit Test for HadamardTransformerTest
Faster, more accurate, portable alternative to
Math
and
StrictMath
for large scale computation.Test to compare FastMath results against StrictMath results for boundary values.
Implements the Fast Sine Transform for transformation of one-dimensional real
data sets.
Test case for fast sine transformer.
Implementation of the F-distribution.
Test cases for FDistribution.
Factory for
FieldDerivativeStructure
.Field for {link FieldDerivativeStructure} instances.
Interface representing a field.
Base class for rules that determines the integration nodes and their
weights.
This interface represents an event checking interval that depends on state.
An interface representing a bivariate field function.
Interface representing classes that can blend with other instances of themselves using a given blending value.
This class implements a modification of the Brent algorithm.
Test case for
bracketing nth order Brent
solver.This interface represents an integrator based on Butcher arrays.
Check events are detected correctly when the event times are close.
Some basic equations to integrate.
Some basic equations to integrate.
Representation of a Complex number, i.e. a number which has both a
real and imaginary part.
Representation of the complex numbers field.
Class to test extending Complex
Wrapper to perform univariate complex integration using an underlying real integration algorithms.
Provides a generic means to evaluate continued fractions.
Tests for ContinuedFraction.
Copolar trio with pole at point c in Glaisher’s Notation.
Copolar trio with pole at point d in Glaisher’s Notation.
Copolar trio with pole at point n in Glaisher’s Notation.
Copolar trio with pole at point s in Glaisher’s Notation.
Interface handling decomposition algorithms that can solve A × X = B.
This class stores all information provided by an ODE integrator
during the integration process and build a continuous model of the
solution from this.
Interface representing both the value and the differentials of a function.
Class representing both the value and the differentials of a function.
Abstract test for class
FieldDerivativeStructure
.Test for class
FieldDerivativeStructure
on Binary64
.Test for class
FieldDerivativeStructure
on Complex
.Test for class
FieldDerivativeStructure
on Dfp
.This class handles the state for one
event handler
during integration steps.Interface representing field elements.
Class mapping the part of a complete state or derivative that pertains
to a set of differential equations.
Class to hold the data related to an event occurrence that is needed to decide how
to modify integration.
Wrapper used to detect only increasing or decreasing events.
This interface handles the state for either one
event handler
or one step end handler
during integration steps.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.
Base class for standard testing of Gaussian quadrature rules,
which are exact for polynomials up to a certain degree.
Class that implements the Gaussian rule for
integrating
a weighted
function.Class that provides different ways to compute the nodes and weights to be
used by the
Gaussian integration rule
.Test for
GaussIntegrator
class.Class representing both the value and the differentials of a function.
Test for class
.
引用无效
FieldGradiant
Test for class
FieldGradient
on Binary64
.Test for class
FieldGradient
on Dfp
.Field for
Gradient
instances.Polynomial interpolator using both sample values and sample derivatives.
Test of the
FieldHermiteRuleFactory
.Factory that creates a
Gauss-type quadrature rule using Hermite polynomials
of the first kind.
Test of the
HermiteRuleFactory
.Computation of Jacobi elliptic functions.
Algorithm computing Jacobi theta functions.
Factory that creates Gauss-type quadrature rule using Laguerre polynomials.
Test of the
FieldLaguerreRuleFactory
.Test of the
FieldLegendreRuleFactory
.Factory that creates Gauss-type quadrature rule using Legendre polynomials.
Test of the
FieldLegendreRuleFactory
.The class represent lines in a three dimensional space.
Matrix decomposer using LU-decomposition.
Calculates the LUP-decomposition of a square matrix.
Interface defining field-valued matrix with basic algebraic operations.
Interface defining a visitor for matrix entries.
Interface for all algorithms providing matrix decomposition.
Interface defining a visitor for matrix entries.
Implements the
Midpoint Rule for integration of real univariate functions.
Test case for midpoint integrator.
An interface representing a scalar multivariate function for any field type.
An interface representing a matrix multivariate function for any field type.
An interface representing a vector multivariate function for any field type.
This interface represents a handler for discrete events triggered
during ODE integration.
This interface represents a handler for discrete events triggered
during ODE integration.
This interface represents a handler that should be called after
each successful fixed step.
This interface represents a first order integrator for
differential equations.
Container for time, main and secondary state vectors.
Container for time, main and secondary state vectors as well as their derivatives.
This interface represents an interpolator over the last step
during an ODE integration.
This interface represents a handler for discrete events triggered
during ODE integration at each step end.
This interface represents a handler that should be called after
each successful step.
This interface represents a first order differential equations set.
Immutable representation of a real polynomial function with real coefficients.
Tests the FieldPolynomialFunction implementation of a UnivariateFunction.
Represents a polynomial spline function.
Tests the FieldFieldPolynomialSplineFunction implementation.
Matrix decomposer using QR-decomposition.
Calculates the QR-decomposition of a field matrix.
Implements the
Romberg Algorithm for integration of real univariate functions.
Test case for Romberg integrator.
This class is a re-implementation of
Rotation
using CalculusFieldElement
.Interface for rules that determines the integration nodes and their weights.
Test for
FieldAbstractRuleFactory
.This interface allows users to add secondary differential equations to a primary
set of differential equations.
Implements
Simpson's Rule for integration of real univariate functions.
Test case for Simpson integrator.
Holder for both sine and cosine values.
Holder for both hyperbolic sine and hyperbolic cosine values.
This class handles the state for one
event handler
that triggers at step end.This class wraps an object implementing
FieldODEFixedStepHandler
into a FieldODEStepHandler
.Container for a Taylor map.
Test for class .
Values of
Jacobi theta
functions.Implements the
Trapezoid Rule for integration of real univariate functions.
Test case for trapezoid integrator.
This class allows to perform the same computation of all components of a Tuple at once.
Abstract class representing both the value and the differentials of a function.
Class representing both the value and the differentials of a function.
Test for class
FieldUnivariateDerivative1
.Test for class
FieldUnivariateDerivative1
on Binary64
.Test for class
FieldUnivariateDerivative1
on Dfp
.Field for
FieldUnivariateDerivative1
instances.Class representing both the value and the differentials of a function.
Test for class
FieldUnivariateDerivative2
.Test for class
FieldUnivariateDerivative2
on Binary64
.Test for class
FieldUnivariateDerivative2
on Dfp
.Field for
FieldUnivariateDerivative2
instances.An interface representing a univariate real function for any field type.
Interface for univariate real integration algorithms.
Interface representing a univariate field interpolating function.
An interface representing a univariate matrix function for any field type.
An interface representing a univariate vectorial function for any field type.
Tests for variable check interval.
Interface defining a field-valued vector with basic algebraic operations.
This class is a re-implementation of
Vector2D
using CalculusFieldElement
.This class is a re-implementation of
Vector3D
using CalculusFieldElement
.This interface defines a visitor for the entries of a vector.
This interface defines a visitor for the entries of a vector.
Enumerate for
filtering events
.Univariate functions differentiator using finite differences.
Test for class
FiniteDifferencesDifferentiator
.Test cases for the
FirstMoment
class.This class converts second order differential equations to first
order ones.
已过时。
as of 1.0, replaced with
OrdinaryDifferentialEquation
已过时。
as of 1.0, replaced with
ODEFixedStepHandler
floor
function.Test cases for the
FourthMoment
class.Representation of a rational number.
A test to determine if a series of fractions has converged.
Representation of the fractional numbers field.
Formats a Fraction number in proper format or improper format.
Maintains a frequency distribution of Comparable values.
Test cases for the
Frequency
class.Utilities for manipulating function objects.
Test for
FunctionUtils
.Fuzzy K-Means clustering algorithm.
Test cases for FuzzyKMeansClusterer.
This is a utility class that provides computation methods related to the
Γ (Gamma) family of functions.
Implementation of the Gamma distribution.
Test cases for GammaDistribution.
Gaussian function.
Parametric function where the input array contains the parameters of
the Gaussian, ordered as follows:
Norm
Mean
Standard deviation
Fits points to a
Gaussian
function.Guesses the parameters
norm
, mean
, and sigma
of a Gaussian.Parametric
based on the specified observed points.Tests
GaussianCurveFitter
.Base class for standard testing of Gaussian quadrature rules,
which are exact for polynomials up to a certain degree.
This class is a gaussian normalized random generator for scalars.
Test for class
Gaussian
.Class that implements the Gaussian rule for
integrating
a weighted
function.Class that provides different ways to compute the nodes and weights to be
used by the
Gaussian integration rule
.Test for
GaussIntegrator
class.Gauss-Newton least-squares solver.
Implementation of the geometric distribution.
Test cases for GeometricDistribution.
Returns the
geometric mean of the available values.
Test cases for the
GeometricMean
class.Simple example illustrating some parts of the geometry package.
Main frame for geometry examples.
This class implements the Gill fourth order Runge-Kutta
integrator for Ordinary Differential Equations .
This class implements the Gill fourth order Runge-Kutta
integrator for Ordinary Differential Equations .
The GLS implementation of multiple linear regression.
Program plotting complex functions with domain coloring.
Goal type for an optimization problem (minimization or maximization of
a scalar function.
Class representing both the value and the differentials of a function.
Field for
Gradient
instances.Class representing the gradient of a multivariate function.
Test for class
GradientFunction
.Base class for implementing optimizers for multivariate scalar
differentiable functions.
Test for class
UnivariateDerivative
.This class implements a Gragg-Bulirsch-Stoer integrator for
Ordinary Differential Equations.
Helper for finding interpolation nodes along one axis of grid data.
Implements G Test
statistics.
Test cases for the GTest class.
This class implements the Gumbel distribution.
Test cases for GumbelDistribution.
Implementation of a Halton sequence.
Fits points to a
harmonic oscillator
function.This class guesses harmonic coefficients from a sample.
simple harmonic oscillator function.
Parametric function where the input array contains the parameters of
the harmonic oscillator function, ordered as follows:
Amplitude
Angular frequency
Phase
Test for class
HarmonicOscillator
.Polynomial interpolator using both sample values and sample derivatives.
Test of the
HermiteRuleFactory
.Factory that creates a
Gauss-type quadrature rule using Hermite polynomials
of the first kind.
Test of the
HermiteRuleFactory
.Class transforming a general real matrix to Hessenberg form.
This class implements the 5(4) Higham and Hall integrator for
Ordinary Differential Equations.
This class implements the 5(4) Higham and Hall integrator for
Ordinary Differential Equations.
This class implements Hilbert Matrices as
RealLinearOperator
.Implementation of the hypergeometric distribution.
Test cases for HyperGeometriclDistribution.
This interface represents an hyperplane of a space.
Identity function.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Implements the Illinois method for root-finding (approximating
a zero of a univariate real function).
Test case for
Illinois
solver.This example shows how clustering can be applied to images.
Main frame for displaying clusters.
Utility that increments a counter until a maximum is reached, at
which point, the instance will by default throw a
MathIllegalStateException
.Defines a method to be called at counter exhaustion.
Test for
Incrementor
.A collection of static methods to create inference test instances or to
perform inference tests.
Test cases for the InferenceTestUtils class.
Starting point (first guess) of the optimization procedure.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Interface for discrete distributions.
Abstract base class for
IntegerDistribution
tests.Displays pdf/cdf for integer distributions.
Main frame for displaying distributions.
Test class for use of external moments.
Utility class for the
MicrosphereProjectionInterpolator
algorithm.Utility class for the
MicrosphereProjectionInterpolator
algorithm.This class represents a 1D interval.
This class represents a 1D region: a set of intervals.
已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
Inverse function.
This class implements inverses of Hilbert Matrices as
RealLinearOperator
.A fast cryptographic pseudo-random number generator.
The root class from which all events occurring while running an
IterationManager
should be derived.The listener interface for receiving events occurring in an iterative
algorithm.
This abstract class provides a general framework for managing iterative
algorithms.
This algorithm divides the integration interval into equally-sized
sub-interval and on each of them performs a
Legendre-Gauss quadrature.
This algorithm divides the integration interval into equally-sized
sub-interval and on each of them performs a
Legendre-Gauss quadrature.
This abstract class defines an iterative solver for the linear system A
· x = b.
This is the base class for all events occurring during the iterations of a
IterativeLinearSolver
.Class representing the Jacobian of a multivariate vector function.
Test for class
JacobianFunction
.已过时。
as of 1.0, replaced with
VariationalEquation
Special exception for equations mismatch.
已过时。
Algorithm computing Jacobi elliptic functions.
Builder for algorithms compmuting Jacobi elliptic functions.
This class implements the standard Jacobi (diagonal) preconditioner.
Algorithm computing Jacobi theta functions.
A
RandomGenerator
adapter that delegates the random number
generation to the standard Random
class.Unscented transform as defined by Julier and Uhlmann.
Interface representing a Kalman filter.
Implementation of Kendall's Tau-b rank correlation.
Test cases for Kendall's Tau rank correlation.
Clustering algorithm based on David Arthur and Sergei Vassilvitski k-means++ algorithm.
Strategies to use for replacing an empty cluster.
Implementation of the
Kolmogorov-Smirnov (K-S) test for equality of continuous distributions.
Test cases for
KolmogorovSmirnovTest
.A Simple Kth selector implementation to pick up the
Kth ordered element from a work array containing the
input numbers.
Computes the Kurtosis of the available values.
Test cases for the
Kurtosis
class.Factory that creates Gauss-type quadrature rule using Laguerre polynomials.
Implements the
Laguerre's Method for root finding of real coefficient polynomials.
Test case for Laguerre solver.
Test of the
LaguerreRuleFactory
.This class implements the Laplace distribution.
Test cases for LaplaceDistribution.
An adapter that delegates to another implementation of
LeastSquaresProblem
.A mutable builder for
LeastSquaresProblem
s.This class converts
vectorial objective functions
to
scalar objective functions
when the goal is to minimize them.A Factory for creating
LeastSquaresProblem
s.An algorithm that can be applied to a non-linear least squares problem.
The optimum found by the optimizer.
The data necessary to define a non-linear least squares problem.
An evaluation of a
LeastSquaresProblem
at a particular point.Complete and incomplete elliptic integrals in Legendre form.
Test of the
FieldLegendreRuleFactory
.Test of the
FieldLegendreRuleFactory
.Test of the
LegendreRuleFactory
.Factory that creates Gauss-type quadrature rule using Legendre polynomials.
Test of the
LegendreRuleFactory
.This class solves a least-squares problem using the Levenberg-Marquardt
algorithm.
This class implements the
Lévy distribution.
This class represents a 1D oriented hyperplane on the circle.
The class represent lines in a three dimensional space.
This class represents an oriented line in the 2D plane.
A linear constraint for a linear optimization problem.
Class that represents a set of
linear constraints
.Container for
linear process
evolution data.Implements a linear function for interpolation of real univariate functions.
Test the LinearInterpolator.
Kalman filter for
linear process
.An objective function for a linear optimization problem.
Base class for implementing linear optimizers.
Linear process that can be estimated by a
LinearKalmanFilter
.Class for finding the minimum of the objective function along a given
direction.
Interface for localizable strings.
Enumeration for localized messages formats used in exceptions messages.
Enumeration for localized messages formats used in exceptions messages.
This interface specified methods implemented by localized exception classes.
Enumeration for localized messages formats used in exceptions messages.
已过时。
this class is only meant as a migration help from Apache Commons Math,
it is really replaced by
LocalizedCoreFormats
,
LocalizedGeometryFormats
, LocalizedODEFormats
,
LocalizedOptimFormats
and LocalizedFFTFormats
Enumeration for localized messages formats used in exceptions messages.
已过时。
these formats are not used at all, they are intended only
as a migration help from Apache Commons Math
已过时。
Enumeration for localized messages formats used in exceptions messages.
Enumeration for localized messages formats used in exceptions messages.
Enumeration for localized messages formats used in exceptions messages.
Implements the
Local Regression Algorithm (also Loess, Lowess) for interpolation of
real univariate functions.
Test of the LoessInterpolator class.
Natural logarithm function.
Base 10 logarithm function.
log(1 + p)
function.
Generalised logistic function.
Parametric function where the input array contains the parameters of
the
logistic function
, ordered as follows:
k
m
b
q
a
n
This class implements the Logistic distribution.
Test cases for LogisticsDistribution.
Test for class
Logistic
.
Logit function.
Parametric function where the input array contains the parameters of
the logit function, ordered as follows:
Lower bound
Higher bound
Test for class
Logit
.Implementation of the log-normal (gaussian) distribution.
Test cases for
LogNormalDistribution
.Maintains a frequency distribution of Long values.
Test cases for the
Frequency
class.Plots 2D samples drawn from various pseudo / quasi-random generators.
Main frame for displaying low discrepancy points.
Plotting component.
Matrix decomposer using LU-decomposition.
Calculates the LUP-decomposition of a square matrix.
This class implements the Luther sixth order Runge-Kutta
integrator for Ordinary Differential Equations.
This class implements the Luther sixth order Runge-Kutta
integrator for Ordinary Differential Equations.
已过时。
as of 1.0, replaced with
ODEJacobiansProvider
Calculates the L1 (sum of abs) distance between two points.
Tests for
ManhattanDistance
class.An implementation of the Mann-Whitney U test.
Test cases for the MannWhitneyUTest class.
已过时。
as of 1.0, replaced with
MathRuntimeException
Arrays utilities.
Real-valued function that operates on an array or a part of it.
Specification of ordering direction.
Specification for indicating that some operation applies
before or after a given index.
Test cases for the
MathArrays
class.Base class for all preconditions violation exceptions.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
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.
已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
All exceptions thrown by the Hipparchus code inherit from this class.
Unit tests for
MathRuntimeException
.已过时。
as of 1.0, replaced with
MathRuntimeException
Miscellaneous utility functions.
Result class for
MathUtils.twoSum(FieldElement, FieldElement)
containing
the sum and the residual error in the sum.Result class for
MathUtils.twoSum(double, double)
containing the
sum and the residual error in the sum.Test cases for the MathUtils class.
Interface for all algorithms providing matrix decomposition.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
A collection of static methods that operate on or return matrices.
Test cases for the
MatrixUtils
class.Maximum function.
Returns the maximum of the available values.
已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
Maximum number of evaluations of the function to be optimized.
Maximum number of iterations performed by an (iterative) algorithm.
Test cases for the
Max
class.Computes the arithmetic mean of a set of values.
Test cases for the
Mean
class.Interface defining a measurement on process.
Returns the median of the available values.
Test cases for the
Median
class.This class implements a powerful pseudo-random number generator
developed by Makoto Matsumoto and Takuji Nishimura during
1996-1997.
Unscented transform as defined by Merwe and Wan.
Interpolator that implements the algorithm described in
William Dudziak's
MS thesis.
Test case for the
"microsphere projection"
interpolator.This class implements a second order Runge-Kutta integrator for
Ordinary Differential Equations.
This class implements a second order Runge-Kutta integrator for
Ordinary Differential Equations.
Implements the
Midpoint Rule for integration of real univariate functions.
Test case for midpoint integrator.
This class is a concrete implementation of the
UpdatingMultipleLinearRegression
interface.MillerUpdatingRegression tests.
Minimum function.
Returns the minimum of the available values.
Test cases for the
Min
class.Minus function.
Multivariate normal mixture distribution.
Class for representing
mixture model distributions.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Wrapper class for counting functions calls.
Implements Andrew's monotone chain method to generate the convex hull of a finite set of
points in the two-dimensional euclidean space.
Test class for MonotoneChain.
This class implements the
Muller's Method for root finding of real univariate functions.
This class implements the
Muller's Method for root finding of real univariate functions.
Test case for
Muller
solver.Test case for
Muller
solver.Converter between unidimensional storage structure and multidimensional
conceptual structure.
Test cases for the
MultidimensionalCounter
class.已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
This class implements the multi-directional direct search method.
A wrapper around a k-means++ clustering algorithm which performs multiple trials
and returns the best solution.
The multiple linear regression can be represented in matrix-notation.
Multiply the two operands.
Multi-start optimizer.
Special implementation of the
UnivariateOptimizer
interface
adding multi-start features to an existing optimizer.This class is the base class for multistep integrators for Ordinary
Differential Equations.
This class is the base class for multistep integrators for Ordinary
Differential Equations.
Extension of
MultivariateFunction
representing a
multivariate differentiable real function.Extension of
MultivariateVectorFunction
representing a
multivariate differentiable vectorial function.An interface representing a multivariate real function.
Adapter for mapping bounded
MultivariateFunction
to unbounded ones.Adapter extending bounded
MultivariateFunction
to an unbouded
domain using a penalty function.Interface representing a univariate real interpolating function.
A interface for functions that compute a vector of values and can compute their
derivatives (Jacobian).
An interface representing a multivariate matrix function.
Implementation of the multivariate normal (Gaussian) distribution.
Test cases for
MultivariateNormalDistribution
.Expectation-Maximization algorithm for fitting the parameters of
multivariate normal mixture model distributions.
Test that demonstrates the use of
MultivariateNormalMixtureExpectationMaximization
.Test that demonstrates the use of
MixtureMultivariateRealDistribution
in order to create a mixture model composed of normal distributions
.Base class for a multivariate scalar function optimizer.
Base interface for multivariate continuous distributions.
Computes summary statistics for a stream of n-tuples added using the
addValue
method.Test cases for the
MultivariateSummaryStatistics
class.An interface representing a multivariate vectorial function.
This class implements the Nakagami distribution.
Test cases for NakagamiDistribution.
Interface to compute exactly Jacobian matrix for some parameter
when computing
partial derivatives equations
.Strategies for handling NaN values in rank transformations.
Ranking based on the natural ordering on doubles.
Test cases for NaturalRanking class
This class implements the Nelder-Mead simplex algorithm.
Implements the
Neville's Algorithm for interpolation of real univariate functions.
Test case for Neville interpolator.
Implements
Newton's Method for finding zeros of real univariate differentiable
functions.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Set of
BSP tree
nodes.已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
Non-linear conjugate gradient optimizer.
Available choices of update formulas for the updating the parameter
that is used to compute the successive conjugate search directions.
Default identity preconditioner.
Container for
non-linear process
evolution data.Non-linear process that can be estimated by a
ExtendedKalmanFilter
.已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
A constraint for a linear optimization problem indicating whether all
variables must be restricted to non-negative values.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Test cases for the NormalApproximationInterval.
Implementation of the normal (gaussian) distribution.
Test cases for
NormalDistribution
.This interface represent a normalized random generator for
scalars.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
All conditions checks that fail due to a
null
argument must throw
this exception.已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Scalar function to be optimized.
Gradient of the scalar function to be optimized.
This interface represents a detector for discrete events triggered
during ODE integration.
This interface represents a handler for discrete events triggered
during ODE integration.
This interface represents a handler that should be called after
each successful fixed step.
This interface represents a first order integrator for
differential equations.
Interface expanding
first order
differential equations
in order to compute exactly the Jacobian
matrices for partial derivatives equations
.Container for time, main and secondary state vectors.
Container for time, main and secondary state vectors as well as their derivatives.
This interface represents an interpolator over the last step
during an ODE integration.
This interface represents a handler for discrete events triggered
during ODE integration at each step end.
This interface represents a handler that should be called after
each successful step.
Implements ordinary least squares (OLS) to estimate the parameters of a
multiple linear regression model.
Implements one-way ANOVA (analysis of variance) statistics.
Test cases for the OneWayAnovaImpl class.
Open addressed map from int to double.
Test cases for the
OpenIntToDoubleHashMap
.Open addressed map from int to FieldElement.
Sparse matrix implementation based on an open addressed map.
This class implements the
RealVector
interface with a
OpenIntToDoubleHashMap
backing store.Marker interface.
Common settings for all optimization problems.
Given a matrix A, it computes a complex eigen decomposition A = VDV^{T}.
This interface represents a first order differential equations set.
This class represents a 1D oriented hyperplane.
Extractor for
polyhedrons sets
outlines.已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Tests for overlapping state events.
Generic pair.
Test for
Pair
.Simple container pairing a parameter name with a step in order to compute
the associated Jacobian matrix by finite difference.
This interface enables to process any parameterizable object.
已过时。
as of 1.0, replaced with
NamedParameterJacobianProvider
Interface to compute by finite difference Jacobian matrix for some parameter
when computing
partial derivatives equations
.Interface for validating a set of model parameters.
An interface representing a real function that depends on one independent
variable plus some extra parameters.
Implementation of the Pareto distribution.
Test cases for
ParetoDistribution
.Implementation of the Pascal distribution.
Test cases for PascalDistribution.
Principal component analysis (PCA) is a statistical technique for reducing the dimensionality of a dataset.
Computes Pearson's product-moment correlation coefficients for pairs of arrays
or columns of a matrix.
Implements the Pegasus method for root-finding (approximating
a zero of a univariate real function).
Test case for
Pegasus
solver.Provides percentile computation.
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.
Test cases for the
Percentile
class.Function that implements the
bicubic spline
interpolation.
Test case for the piecewise bicubic function.
Generates a piecewise-bicubic interpolating function.
Test case for the piecewise bicubic interpolator.
A strategy to pick a pivoting index of an array for doing partitioning.
Pivot selection rule to the use for a Simplex solver.
The class represent planes in a three dimensional space.
This class is a small and incomplete parser for PLY files.
This interface represents a generic geometrical point.
This class holds a point and the value of an objective function at
that point.
This class holds a point and the vectorial value of an objective function at
that point.
Implementation of the Poisson distribution.
PoissonDistributionTest
This class represents a 2D region: a set of polygons.
This class represents a 3D region: a set of polyhedrons.
Container for Boundary REPresentation (B-Rep).
Fits points to a
polynomial
function.Test for class
PolynomialCurveFitter
.Immutable representation of a real polynomial function with real coefficients.
Dedicated parametric polynomial class.
Implements the representation of a real polynomial function in
Lagrange Form.
Test case for Lagrange form of polynomial function.
Implements the representation of a real polynomial function in
Newton Form.
Test case for Newton form of polynomial function.
Tests the PolynomialFunction implementation of a UnivariateFunction.
Interface for (polynomial) root-finding algorithms.
Represents a polynomial spline function.
Tests the PolynomialSplineFunction implementation.
A collection of static methods that operate on or return polynomials.
Tests the PolynomialsUtils class.
Power function.
Powell's algorithm.
Test for
PowellOptimizer
.Power function.
Utilities for comparing numbers.
Test cases for the
Precision
class.
This abstract class defines preconditioned iterative solvers.
This interface represents a preconditioner for differentiable scalar
objective function optimizers.
Holder for process state and covariance.
Returns the product of the available values.
Test cases for the
Product
class.Formats a BigFraction number in proper format.
Formats a Fraction number in proper format.
A
StorelessUnivariateStatistic
estimating percentiles using the
P2
Algorithm as explained by Raj
Jain and Imrich Chlamtac in
P2 Algorithm
for Dynamic Calculation of Quantiles and Histogram Without Storing
Observations.An interface that encapsulates abstractions of the
P-square algorithm markers as is explained in the original works.
Test cases for the
PSquarePercentile
class which naturally extends
StorelessUnivariateStatisticAbstractTest
.Matrix decomposer using QR-decomposition.
Calculates the QR-decomposition of a matrix.
This class implements
quaternions (Hamilton's hypercomplex numbers).
Auxiliary class for testing solvers.
Extension of
Random
wrapping a
RandomGenerator
.Test cases for the RandomAdaptor class.
Factory for generating a cloud of points that approximate a circle.
A class for generating random data.
Test cases for the RandomDataGenerator class.
Interface for generators of random number sequences.
Base class for RandomGenerator tests.
A
StorelessUnivariateStatistic
estimating percentiles using the
RANDOM
Algorithm.Test cases for the
RandomPercentileTest
class.Factory for generating a cloud of points that approximate a straight line.
This interface represents a random generator for whole vectors.
Interface representing a rank transformation.
Base interface for continuous distributions.
Abstract base class for
RealDistribution
tests.Displays pdf/cdf for real distributions.
Main frame for displaying distributions.
This class defines a linear operator operating on real (
double
)
vector spaces.Interface defining a real-valued matrix with basic algebraic operations.
Interface defining a visitor for matrix entries.
Formats a
nxm
matrix in components list format
"{{a00,a01, ...,
a0m-1},{a10,
a11, ..., a1m-1},{...},{
an-10, an-11, ...,
an-1m-1}}".Interface defining a visitor for matrix entries.
Interface for one-dimensional data sets transformations producing real results.
Abstract test for classes implementing the
RealTransformer
interface.Class defining a real-valued vector with basic algebraic operations.
Minimal implementation of the
RealVector
abstract class, for
mixed types unit tests.This interface defines a visitor for the entries of a vector.
Formats a vector in components list format "{v0; v1; ...; vk-1}".
This interface defines a visitor for the entries of a vector.
Tests for
RealVector
.State events for this unit test.
Calculates the rectangular Cholesky decomposition of a matrix.
This interface represents a region of a space as a partition.
Enumerate for the location of a point with respect to the region.
Class dumping a string representation of an
AbstractRegion
.This class is a factory for
Region
.Class parsing a string representation of an
AbstractRegion
.Results of a Multiple Linear Regression model fit.
Implements the Regula Falsi or False position method for
root-finding (approximating a zero of a univariate real function).
Test case for
Regula Falsi
solver.Types of relationships between two cells in a Solver
LinearConstraint
.A variable length primitive double array implementation that automatically
handles expanding and contracting its internal storage array as elements
are added and removed.
Specification of expansion algorithm.
This class contains test cases for the ResizableDoubleArray.
Annotation that enables test retries.
A test runner that retries tests when assertions fail.
Test for the "Retry" functionality (retrying Junit test methods).
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.
This solver computes the solution using the following approach:
1.
Implements the
Ridders' Method for root finding of real univariate functions.
Test case for
Ridders
solver.rint
function.Implements the
Romberg Algorithm for integration of real univariate functions.
Test case for Romberg integrator.
A helper class for the computation and caching of the
n
-th roots
of unity.Unit tests for the
RootsOfUnity
class.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.Test cases for the
RosenNumberPartitionIterator
class.This class implements rotations in a three-dimensional space.
This enumerates is used to differentiate the semantics of a rotation.
This class is a utility representing a rotation order specification
for Cardan or Euler angles specification.
Calculates the rank-revealing QR-decomposition of a matrix, with column pivoting.
Interface for rules that determines the integration nodes and their weights.
Test for
AbstractRuleFactory
.This class implements the common part of all fixed step Runge-Kutta
integrators for Ordinary Differential Equations.
This class implements the common part of all fixed step Runge-Kutta
integrators for Ordinary Differential Equations.
An implementation of Ryū for double.
This class represents a point on the 1-sphere.
This class represents a point on the 2-sphere.
Domain coloring enhancing modules changes.
Domain coloring enhancing both phase and module changes.
Class transforming a general real matrix to Schur form.
Search interval and (optional) start value.
Implements the Secant method for root-finding (approximating a
zero of a univariate real function).
Test case for
Secant
solver.已过时。
as of 1.0, replaced with
SecondaryODE
This interface allows users to add secondary differential equations to a primary
set of differential equations.
Computes a statistic related to the Second Central Moment.
Test cases for the
SecondMoment
class.已过时。
as of 1.0, replaced with
SecondOrderODE
This interface represents a second order differential equations set.
Simple container for a two-points segment.
Simple container for a two-points segment.
Calculates the Cholesky decomposition of a positive semidefinite matrix.
Computes the semivariance of a set of values with respect to a given cutoff value.
The direction of the semivariance - either upside or downside.
Test cases for the
SemiVariance
class.Sequential Gauss-Newton least-squares solver.
Enumerate representing the location of an element with respect to an
hyperplane
of a space.
Sigmoid function.
Parametric function where the input array contains the parameters of
the
sigmoid function
, ordered
as follows:
Lower asymptote
Higher asymptote
Test for class
Sigmoid
.Simple optimization constraints: lower and upper bounds.
Fits points to a user-defined
function
.Test for class
SimpleCurveFitter
.Simple implementation of the
ConvergenceChecker
interface using
only point coordinates.Estimates an ordinary least squares regression model
with one independent variable.
Test cases for the TestStatistic class.
Simple implementation of the
ConvergenceChecker
interface
that uses only objective function values.Simple implementation of the
ConvergenceChecker
interface using
only objective function values.Simple implementation of the
ConvergenceChecker
interface using
only objective function values.This class implements simplex-based direct search optimization.
Solves a linear problem using the "Two-Phase Simplex" method.
Implements
Simpson's Rule for integration of real univariate functions.
Test case for Simpson integrator.
Sine function.
Sinc function,
defined by
Holder for both sine and cosine values.
已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Matrix decomposer using Singular Value Decomposition.
Calculates the compact Singular Value Decomposition of a matrix.
Hyperbolic sine function.
Holder for both hyperbolic sine and hyperbolic cosine values.
Computes the skewness of the available values.
Test cases for the
Skewness
class.Smoothstep function factory.
Smoothstep function as defined here.
Specific smoothstep function that cannot be built using the
SmoothStepFactory.getGeneralOrder(int)
.Smoothstep function as defined here.
Implementation of a Sobol sequence.
A callback object that can be provided to a linear optimizer to keep track
of the best solution found.
This interface represents a generic space, with affine and vectorial counterparts.
Sparse matrix implementation based on an open addressed map.
Test cases for the
SparseFieldMatrix
class.This class implements the
FieldVector
interface with a OpenIntToFieldHashMap
backing store.Test cases for the
SparseFieldVector
class.First derivative computation with large number of variables.
Marker interface for
RealMatrix
implementations that require sparse backing storageTest cases for the
OpenMapRealMatrix
class.Marker class for RealVectors that require sparse backing storage
Test cases for the
OpenMapRealVector
class.Spearman's rank correlation.
Test cases for Spearman's rank correlation
This class implements a one-dimensional sphere (i.e. a circle).
Specialized exception for inexistent sub-space.
This class implements a two-dimensional sphere (i.e. the regular sphere).
Class generating an enclosing ball from its support points.
This class provides conversions related to spherical coordinates.
This class represents a region on the 2-sphere: a set of spherical polygons.
Computes a natural (also known as "free", "unclamped") cubic spline interpolation for the data set.
Test the SplineInterpolator.
Square-root function.
This class provides a stable normalized random generator.
The class
StableRandomGeneratorTest
contains tests for the class
StableRandomGenerator
Computes the sample standard deviation.
Test cases for the
StandardDeviation
class.Reporting interface for basic multivariate statistics.
This class gives access to the statistical reference datasets provided by the
NIST (available
here).
A factory to create instances of
StatisticalReferenceDataset
from
available resources.Reporting interface for basic univariate statistics.
Test cases for
StatisticalSummary
.Value object representing the results of a univariate
statistical summary.
Test cases for the
StatisticalSummaryValues
class.StatUtils provides static methods for computing statistics based on data
stored in double[] arrays.
Test cases for the
StatUtils
class.This class handles the state for one
event handler
that triggers at step end.Test for class
StepFunction
.已过时。
as of 1.0, replaced with
ODEStepHandler
已过时。
as of 1.0, replaced with
ODEStateInterpolator
This class wraps an object implementing
ODEFixedStepHandler
into a ODEStepHandler
.Step normalizer
bounds settings.Step normalizer
modes.Step normalizer output tests, for problems where the first and last points
are overlap fixed points.
Step normalizer output tests, for problems where the first and last points
are not fixed points.
Base class for step normalizer output tests.
Helper for adaptive stepsize control.
Covariance implementation that does not require input data to be
stored in memory.
Base interface implemented by storeless multivariate statistics.
Extends the definition of
UnivariateStatistic
with
StorelessUnivariateStatistic.increment(double)
and StorelessUnivariateStatistic.incrementAll(double[])
methods for adding
values and updating internal state.Test cases for
StorelessUnivariateStatistic
classes.Computes summary statistics for a stream of data values added using the
addValue
method.Builder for StreamingStatistics instances.
Test cases for the
StreamingStatistics
class.This class represents a sub-hyperplane for
Circle
.This interface represents the remaining parts of an hyperplane after
other parts have been chopped off.
Class holding the results of the
split
method.This class represents sub-hyperplane for
LimitAngle
.This class represents a subset of a
Line
.This class represents a sub-hyperplane for
Line
.This class represents sub-hyperplane for
OrientedPoint
.This class represents a sub-hyperplane for
Plane
.Subtract the second operand from the first.
Returns the sum of the available values.
Test cases for the
SumLog
class.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 \).
Returns the sum of the natural logs for this collection of values.
Returns the sum of the squares of the available values.
Auxiliary class for testing optimizers.
Test cases for the
SumOfSquares
class.Test cases for the
Sum
class.Interface for generating balls based on support points.
This class's implements
integrate
method assuming that the integral is symmetric about 0.This class's implements
integrate
method assuming that the integral is symmetric about 0.
Implementation of the SYMMLQ iterative linear solver proposed by Paige and Saunders (1975).
Any
RandomGenerator
implementation can be thread-safe if it
is used through an instance of this class.Tangent function.
Hyperbolic tangent function.
Container for a Taylor map.
Test for class
TaylorMap
.Implementation of Student's t-distribution.
Test cases for TDistribution.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
Container for inertia of a 3D object.
Container for moment of inertia and associated inertia axis.
This class is used as the base class of the problems that are
integrated during the junit tests for the ODE integrators.
This class is used to handle steps for the test problems
integrated during the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
This class is used in the junit tests for the ODE integrators.
Container for inertia of a 3D object.
Container for moment of inertia and associated inertia axis.
This class is used as the base class of the problems that are
integrated during the junit tests for the ODE integrators.
This class is used to handle steps for the test problems
integrated during the junit tests for the ODE integrators.
Values of
Jacobi theta
functions.Test cases for the
ThirdMoment
class.This class implements the 3/8 fourth order Runge-Kutta
integrator for Ordinary Differential Equations.
This class implements the 3/8 fourth order Runge-Kutta
integrator for Ordinary Differential Equations.
Strategies for handling tied values in rank transformations.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
This interface represents an inversible affine transform in a space.
This enumeration defines the type of transform which is to be computed.
Useful functions for the implementation of various transforms.
Implements the
Trapezoid Rule for integration of real univariate functions.
Test case for trapezoid integrator.
Implementation of the triangular real distribution.
Test cases for
TriangularDistribution
.Function that implements the
tricubic spline interpolation, as proposed in
Tricubic interpolation in three dimensions
F.
F.
Test case for the bicubic function.
Generates a tricubic interpolating function.
Test case for the
tricubic interpolator
.An interface representing a trivariate real function.
Interface representing a trivariate real interpolating function where the
sample points must be specified on a regular grid.
An implementation for Student's t-tests.
Test cases for the TTestImpl class.
This class allows to perform the same computation of all components of a Tuple at once.
ulp
function.已过时。
as of 1.0, this exception is replaced by
MathIllegalStateException
A
RandomVectorGenerator
that generates vectors with uncorrelated components.Implementation of the uniform integer distribution.
Test cases for UniformIntegerDistribution.
This class implements a normalized uniform random generator.
Implementation of the uniform real distribution.
Test cases for UniformRealDistribution.
Generate random vectors isotropically located on the surface of a sphere.
Keeps track of the number of occurrences of distinct T instances
added via
UnitTestUtils.Frequency.addValue(Object)
.Stripped-down version of the bivariate regression class with the same name
in o.h.stat.regression.
Stripped down implementation of StreamingStatistics from o.h.stat.descriptive.
Abstract class representing both the value and the differentials of a function.
Class representing both the value and the differentials of a function.
Field for
UnivariateDerivative1
instances.Test for class
UnivariateDerivative1
.Class representing both the value and the differentials of a function.
Field for
UnivariateDerivative2
instances.Test for class
UnivariateDerivative2
.Test for class
UnivariateDerivative
.Interface for univariate functions derivatives.
Extension of
UnivariateMatrixFunction
representing a univariate differentiable matrix function.Interface for (univariate real) rootfinding algorithms.
Extension of
UnivariateVectorFunction
representing a univariate differentiable vectorial function.An interface representing a univariate real function.
Interface defining the function differentiation operation.
Interface for univariate real integration algorithms.
Interface representing a univariate real interpolating function.
Base test for interpolators.
An interface representing a univariate matrix function.
Interface defining the function differentiation operation.
Scalar function to be optimized.
Base class for a univariate scalar function optimizer.
Adapter for classes implementing the
UnivariateInterpolator
interface.Test for
UnivariatePeriodicInterpolator
.This class holds a point and the value of an objective function at this
point.
Interface for (univariate real) root-finding algorithms.
Utility routines for
UnivariateSolver
objects.Base interface implemented by all statistics.
Test cases for the
UnivariateStatistic
class.An interface representing a univariate vectorial function.
Interface defining the function differentiation operation.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
This is an implementation of
UnmodifiableRealVectorAbstractTest
for
unmodifiable views of ArrayRealVectorTest
.This is an implementation of
UnmodifiableRealVectorAbstractTest
for
unmodifiable views of OpenMapRealVector
.This is an abstract test of the
unmodifiable vector
implementation.Container for
unscented process
evolution data.Unscented Kalman filter for
unscented process
.Unscented process that can be estimated by a
UnscentedKalmanFilter
.Provider for unscented transform.
An interface for regression models allowing for dynamic updating of the data.
Control class loading properties in UTF-8 encoding.
A interface for functions that compute a vector of values and can compute their
derivatives (Jacobian).
Tests for variable check interval.
Computes the variance of the available values.
Test cases for the
Variance
class.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.Special exception for equations mismatch.
This interface represents a generic vector in a vectorial space or a point in an affine space.
This class represents a 1D vector.
Formats a 1D vector in components list format "{x}".
This class represents a 2D vector.
Formats a 2D vector in components list format "{x; y}".
This class implements vectors in a three-dimensional space.
Formats a 3D vector in components list format "{x; y; z}".
Formats a vector in components list format "{x; y; ...}".
Returns the covariance matrix of the available vectors.
Uses an independent
StorelessUnivariateStatistic
instance
for each component of a vector.Spherical polygons boundary vertex.
Implementation of the Weibull distribution.
Test cases for WeibullDistribution.
Weighted evaluation for statistics.
This class is a simple container for weighted observed point in
curve fitting
.Simple container for weighted observed points used
in
curve fitting
algorithms.Tests
WeightedObservedPoints
.This class implements the WELL1024a pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
This class implements the WELL19937a pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
This class implements the WELL19937c pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
This class implements the WELL44497a pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
This class implements the WELL44497b pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
This class implements the WELL512a pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
Class implementing Emo Welzl algorithm to find the smallest enclosing ball in linear time.
An implementation of the Wilcoxon signed-rank test.
Test cases for the WilcoxonSignedRangTest class.
Test cases for the WilsonScoreInterval.
Auxiliary class for testing solvers.
已过时。
as of 1.0, this exception is replaced by
MathIllegalArgumentException
Implementation of the Zipf distribution.
Test cases for
ZipfDistribution
.
MathIllegalStateException