All Classes Interface Summary Class Summary Enum Summary Exception Summary
Class |
Description |
Abs |
Absolute value function.
|
AbstractConvergenceChecker<PAIR> |
Base class for all convergence checker implementations.
|
AbstractConvergenceChecker<PAIR> |
Deprecated.
|
AbstractConvexHullGenerator2D |
Abstract base class for convex hull generators in the two-dimensional euclidean space.
|
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.
|
AbstractDifferentiableOptimizer |
Deprecated.
|
AbstractDifferentiableUnivariateSolver |
Deprecated.
|
AbstractEvaluation |
|
AbstractFieldIntegrator<T extends RealFieldElement<T>> |
Base class managing common boilerplate for all integrators.
|
AbstractFieldMatrix<T extends FieldElement<T>> |
Basic implementation of FieldMatrix methods regardless of the underlying storage.
|
AbstractFieldStepInterpolator<T extends RealFieldElement<T>> |
This abstract class represents an interpolator over the last step
during an ODE integration.
|
AbstractFormat |
|
AbstractIntegerDistribution |
Base class for integer-valued discrete distributions.
|
AbstractIntegrator |
Base class managing common boilerplate for all integrators.
|
AbstractLeastSquaresOptimizer |
Deprecated.
|
AbstractLeastSquaresOptimizer |
Deprecated.
|
AbstractLinearOptimizer |
Deprecated.
|
AbstractListChromosome<T> |
Chromosome represented by an immutable list of a fixed length.
|
AbstractMultipleLinearRegression |
Abstract base class for implementations of MultipleLinearRegression.
|
AbstractMultivariateRealDistribution |
Base class for multivariate probability distributions.
|
AbstractOptimizationProblem<PAIR> |
Base class for implementing optimization problems.
|
AbstractOptimizationProblem.MaxEvalCallback |
Defines the action to perform when reaching the maximum number of evaluations.
|
AbstractOptimizationProblem.MaxIterCallback |
Defines the action to perform when reaching the maximum number of evaluations.
|
AbstractParameterizable |
This abstract class provides boilerplate parameters list.
|
AbstractPolynomialSolver |
Base class for solvers.
|
AbstractRandomGenerator |
|
AbstractRealDistribution |
Base class for probability distributions on the reals.
|
AbstractRealMatrix |
Basic implementation of RealMatrix methods regardless of the underlying storage.
|
AbstractRegion<S extends Space,T extends Space> |
Abstract class for all regions, independently of geometry type or dimension.
|
AbstractScalarDifferentiableOptimizer |
Deprecated.
|
AbstractSimplex |
This class implements the simplex concept.
|
AbstractSimplex |
Deprecated.
|
AbstractStepInterpolator |
This abstract class represents an interpolator over the last step
during an ODE integration.
|
AbstractStorelessUnivariateStatistic |
|
AbstractSubHyperplane<S extends Space,T extends Space> |
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 |
|
AbstractWell |
This abstract class implements the WELL class of pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
|
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 RealFieldElement<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 RealFieldElement<T>> |
|
AdamsFieldStepInterpolator<T extends RealFieldElement<T>> |
This class implements an interpolator for Adams integrators using Nordsieck representation.
|
AdamsIntegrator |
|
AdamsMoultonFieldIntegrator<T extends RealFieldElement<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 RealFieldElement<T>> |
Transformer to Nordsieck vectors for Adams integrators.
|
AdamsNordsieckTransformer |
Transformer to Nordsieck vectors for Adams integrators.
|
AdaptiveStepsizeFieldIntegrator<T extends RealFieldElement<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.
|
AggregateSummaryStatistics |
An aggregator for SummaryStatistics from several data sets or
data set partitions.
|
AggregateSummaryStatistics.AggregatingSummaryStatistics |
A SummaryStatistics that also forwards all values added to it to a second
SummaryStatistics for aggregation.
|
AgrestiCoullInterval |
Implements the Agresti-Coull method for creating a binomial proportion confidence interval.
|
AkimaSplineInterpolator |
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."
J.
|
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.
|
ArgUtils |
Utility class for transforming the list of arguments passed to
constructors of exceptions.
|
ArithmeticUtils |
Some useful, arithmetics related, additions to the built-in functions in
Math .
|
Array2DRowFieldMatrix<T extends FieldElement<T>> |
Implementation of FieldMatrix using a FieldElement [][] array to store entries.
|
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.
|
AVLTree<T extends java.lang.Comparable<T>> |
Deprecated.
|
AVLTree.Skew |
Enum for tree skew factor.
|
BaseAbstractMultivariateOptimizer<FUNC extends MultivariateFunction> |
Deprecated.
|
BaseAbstractMultivariateSimpleBoundsOptimizer<FUNC extends MultivariateFunction> |
Deprecated.
|
BaseAbstractMultivariateVectorOptimizer<FUNC extends MultivariateVectorFunction> |
Deprecated.
|
BaseAbstractUnivariateIntegrator |
Provide a default implementation for several generic functions.
|
BaseAbstractUnivariateOptimizer |
Deprecated.
|
BaseAbstractUnivariateSolver<FUNC extends UnivariateFunction> |
Provide a default implementation for several functions useful to generic
solvers.
|
BaseMultiStartMultivariateOptimizer<PAIR> |
Base class multi-start optimizer for a multivariate function.
|
BaseMultivariateMultiStartOptimizer<FUNC extends MultivariateFunction> |
Deprecated.
|
BaseMultivariateOptimizer<PAIR> |
Base class for implementing optimizers for multivariate functions.
|
BaseMultivariateOptimizer<FUNC extends MultivariateFunction> |
Deprecated.
|
BaseMultivariateSimpleBoundsOptimizer<FUNC extends MultivariateFunction> |
Deprecated.
|
BaseMultivariateVectorMultiStartOptimizer<FUNC extends MultivariateVectorFunction> |
Deprecated.
|
BaseMultivariateVectorOptimizer<FUNC extends MultivariateVectorFunction> |
Deprecated.
|
BaseOptimizer<PAIR> |
Base class for implementing optimizers.
|
BaseOptimizer<PAIR> |
Deprecated.
|
BaseOptimizer.MaxEvalCallback |
Defines the action to perform when reaching the maximum number
of evaluations.
|
BaseOptimizer.MaxIterCallback |
Defines the action to perform when reaching the maximum number
of evaluations.
|
BaseRuleFactory<T extends java.lang.Number> |
Base class for rules that determines the integration nodes and their
weights.
|
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.
|
BaseUnivariateOptimizer<FUNC extends UnivariateFunction> |
Deprecated.
|
BaseUnivariateSolver<FUNC 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.
|
BetaDistribution.ChengBetaSampler |
Utility class implementing Cheng's algorithms for beta distribution sampling.
|
BicubicFunction |
Bicubic function.
|
BicubicInterpolatingFunction |
|
BicubicInterpolator |
|
BicubicSplineFunction |
2D-spline function.
|
BicubicSplineInterpolatingFunction |
Deprecated.
|
BicubicSplineInterpolator |
Deprecated.
|
BiDiagonalTransformer |
Class transforming any matrix to bi-diagonal shape.
|
BigFraction |
Representation of a rational number without any overflow.
|
BigFractionField |
Representation of the fractional numbers without any overflow field.
|
BigFractionField.LazyHolder |
Holder for the instance.
|
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.
|
BigRealField.LazyHolder |
Holder for the instance.
|
BinaryChromosome |
Chromosome represented by a vector of 0s and 1s.
|
BinaryMutation |
|
BinomialConfidenceInterval |
Interface to generate confidence intervals for a binomial proportion.
|
BinomialDistribution |
Implementation of the binomial distribution.
|
BinomialTest |
Implements binomial test statistics.
|
BisectionSolver |
|
BitsStreamGenerator |
Base class for random number generators that generates bits streams.
|
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.
|
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.
|
BOBYQAOptimizer |
Deprecated.
|
BOBYQAOptimizer.PathIsExploredException |
Marker for code paths that are not explored with the current unit tests.
|
BOBYQAOptimizer.PathIsExploredException |
Marker for code paths that are not explored with the current unit tests.
|
BoundaryAttribute<S extends Space> |
Class holding boundary attributes.
|
BoundaryBuilder<S extends Space> |
Visitor building boundary shell tree.
|
BoundaryProjection<S extends Space> |
Class holding the result of point projection on region boundary.
|
BoundaryProjector<S extends Space,T extends Space> |
Local tree visitor to compute projection on boundary.
|
BoundarySizeVisitor<S extends Space> |
Visitor computing the boundary size.
|
BracketedRealFieldUnivariateSolver<T extends RealFieldElement<T>> |
|
BracketedUnivariateSolver<FUNC extends UnivariateFunction> |
|
BracketFinder |
Provide an interval that brackets a local optimum of a function.
|
BracketFinder |
Deprecated.
|
BracketingNthOrderBrentSolver |
|
BracketingNthOrderBrentSolverDFP |
Deprecated.
|
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.
|
BrentOptimizer |
Deprecated.
|
BrentSolver |
This class implements the
Brent algorithm for finding zeros of real univariate functions.
|
BSPTree<S extends Space> |
This class represent a Binary Space Partition tree.
|
BSPTree.LeafMerger<S extends Space> |
This interface gather the merging operations between a BSP tree
leaf and another BSP tree.
|
BSPTree.VanishingCutHandler<S extends Space> |
This interface handles the corner cases when an internal node cut sub-hyperplane vanishes.
|
BSPTreeVisitor<S extends Space> |
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.
|
CanberraDistance |
Calculates the Canberra distance between two points.
|
CardanEulerSingularityException |
This class represents exceptions thrown while extractiong Cardan
or Euler angles from a rotation.
|
CauchyDistribution |
Implementation of the Cauchy distribution.
|
Cbrt |
Cube root function.
|
Ceil |
ceil function.
|
CentralPivotingStrategy |
A mid point strategy based on the average of begin and end indices.
|
CentroidCluster<T extends Clusterable> |
A Cluster used by centroid-based clustering algorithms.
|
Characterization<S extends Space> |
Cut sub-hyperplanes characterization with respect to inside/outside cells.
|
ChebyshevDistance |
Calculates the L∞ (max of abs) distance between two points.
|
ChiSquaredDistribution |
Implementation of the chi-squared distribution.
|
ChiSquareTest |
Implements Chi-Square test statistics.
|
CholeskyDecomposition |
Calculates the Cholesky decomposition of a matrix.
|
CholeskyDecomposition.Solver |
Specialized solver.
|
Chromosome |
Individual in a population.
|
ChromosomePair |
|
Circle |
This class represents an oriented great circle on the 2-sphere.
|
Circle.CircleTransform |
Class embedding a 3D rotation.
|
ClassicalRungeKuttaFieldIntegrator<T extends RealFieldElement<T>> |
This class implements the classical fourth order Runge-Kutta
integrator for Ordinary Differential Equations (it is the most
often used Runge-Kutta method).
|
ClassicalRungeKuttaFieldStepInterpolator<T extends RealFieldElement<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).
|
ClassicalRungeKuttaStepInterpolator |
This class implements a step interpolator for the classical fourth
order Runge-Kutta integrator.
|
ClopperPearsonInterval |
Implements the Clopper-Pearson method for creating a binomial proportion confidence interval.
|
Cluster<T extends Clusterable> |
|
Cluster<T extends Clusterable<T>> |
Deprecated.
|
Clusterable |
Interface for n-dimensional points that can be clustered together.
|
Clusterable<T> |
Deprecated.
|
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 |
Deprecated.
|
CMAESOptimizer.DoubleIndex |
Used to sort fitness values.
|
CMAESOptimizer.DoubleIndex |
Used to sort fitness values.
|
CMAESOptimizer.PopulationSize |
Population size.
|
CMAESOptimizer.PopulationSize |
Population size.
|
CMAESOptimizer.Sigma |
Input sigma values.
|
CMAESOptimizer.Sigma |
Input sigma values.
|
CMAESOptimizer.ValuePenaltyPair |
Stores the value and penalty (for repair of out of bounds point).
|
Combinations |
Utility to create
combinations (n, k) of k elements in a set of
n elements.
|
Combinations.IterationOrder |
Describes the type of iteration performed by the
iterator .
|
Combinations.LexicographicComparator |
|
Combinations.LexicographicIterator |
Lexicographic combinations iterator.
|
Combinations.SingletonIterator |
Iterator with just one element to handle degenerate cases (full array,
empty array) for combination iterator.
|
CombinatoricsUtils |
Combinatorial utilities.
|
Complex |
Representation of a Complex number, i.e.
|
ComplexField |
Representation of the complex numbers field.
|
ComplexField.LazyHolder |
Holder for the instance.
|
ComplexFormat |
Formats a Complex number in cartesian format "Re(c) + Im(c)i".
|
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 |
|
ConjugateGradientFormula |
Deprecated.
|
Constant |
Constant function.
|
ConstantRealDistribution |
Implementation of the constant real distribution.
|
ContinuedFraction |
Provides a generic means to evaluate continued fractions.
|
ContinuousOutputFieldModel<T extends RealFieldElement<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.
|
ContinuousOutputModel |
This class stores all information provided by an ODE integrator
during the integration process and build a continuous model of the
solution from this.
|
ConvergenceChecker<PAIR> |
This interface specifies how to check if an optimization algorithm has
converged.
|
ConvergenceChecker<PAIR> |
Deprecated.
|
ConvergenceException |
Error thrown when a numerical computation can not be performed because the
numerical result failed to converge to a finite value.
|
ConvexHull<S extends Space,P extends Point<S>> |
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>> |
Interface for convex hull generators.
|
ConvexHullGenerator2D |
Interface for convex hull generators in the two-dimensional euclidean space.
|
CorrelatedRandomVectorGenerator |
|
Cos |
Cosine function.
|
Cosh |
Hyperbolic cosine function.
|
Covariance |
Computes covariances for pairs of arrays or columns of a matrix.
|
CrossoverPolicy |
Policy used to create a pair of new chromosomes by performing a crossover
operation on a source pair of chromosomes.
|
CurveFitter<T extends ParametricUnivariateFunction> |
Deprecated.
|
CurveFitter<T extends ParametricUnivariateFunction> |
Deprecated.
|
CycleCrossover<T> |
Cycle Crossover [CX] builds offspring from ordered chromosomes by identifying cycles
between two parent chromosomes.
|
DBSCANClusterer<T extends Clusterable> |
DBSCAN (density-based spatial clustering of applications with noise) algorithm.
|
DBSCANClusterer<T extends Clusterable<T>> |
Deprecated.
|
DBSCANClusterer.PointStatus |
Status of a point during the clustering process.
|
DBSCANClusterer.PointStatus |
Status of a point during the clustering process.
|
DctNormalization |
This enumeration defines the various types of normalizations that can be
applied to discrete cosine transforms (DCT).
|
Decimal64 |
This class wraps a double value in an object.
|
Decimal64Field |
The field of double precision floating-point numbers.
|
DecompositionSolver |
Interface handling decomposition algorithms that can solve A × X = B.
|
DefaultFieldMatrixChangingVisitor<T extends FieldElement<T>> |
|
DefaultFieldMatrixPreservingVisitor<T extends FieldElement<T>> |
|
DefaultIterativeLinearSolverEvent |
|
DefaultMeasurementModel |
|
DefaultProcessModel |
|
DefaultRealMatrixChangingVisitor |
|
DefaultRealMatrixPreservingVisitor |
|
DefaultTransformer |
A Default NumberTransformer for java.lang.Numbers and Numeric Strings.
|
DenseWeightedEvaluation |
Applies a dense weight matrix to an evaluation.
|
DerivativeStructure |
Class representing both the value and the differentials of a function.
|
DerivativeStructure.DataTransferObject |
Internal class used only for serialization.
|
DescriptiveStatistics |
Maintains a dataset of values of a single variable and computes descriptive
statistics based on stored data.
|
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.
|
DifferentiableMultivariateFunction |
Deprecated.
|
DifferentiableMultivariateMultiStartOptimizer |
Deprecated.
|
DifferentiableMultivariateOptimizer |
Deprecated.
|
DifferentiableMultivariateVectorFunction |
Deprecated.
|
DifferentiableMultivariateVectorMultiStartOptimizer |
Deprecated.
|
DifferentiableMultivariateVectorOptimizer |
Deprecated.
|
DifferentiableUnivariateFunction |
Deprecated.
|
DifferentiableUnivariateMatrixFunction |
Deprecated.
|
DifferentiableUnivariateSolver |
Deprecated.
|
DifferentiableUnivariateVectorFunction |
Deprecated.
|
DimensionMismatchException |
Exception to be thrown when two dimensions differ.
|
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 |
|
DormandPrince54FieldIntegrator<T extends RealFieldElement<T>> |
This class implements the 5(4) Dormand-Prince integrator for Ordinary
Differential Equations.
|
DormandPrince54FieldStepInterpolator<T extends RealFieldElement<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.
|
DormandPrince54StepInterpolator |
This class represents an interpolator over the last step during an
ODE integration for the 5(4) Dormand-Prince integrator.
|
DormandPrince853FieldIntegrator<T extends RealFieldElement<T>> |
This class implements the 8(5,3) Dormand-Prince integrator for Ordinary
Differential Equations.
|
DormandPrince853FieldStepInterpolator<T extends RealFieldElement<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.
|
DormandPrince853StepInterpolator |
This class represents an interpolator over the last step during an
ODE integration for the 8(5,3) Dormand-Prince integrator.
|
DoubleArray |
Provides a standard interface for double arrays.
|
DoublePoint |
A simple implementation of Clusterable for points with double coordinates.
|
DSCompiler |
Class holding "compiled" computation rules for derivative structures.
|
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.
|
DummyStepHandler |
This class is a step handler that does nothing.
|
DummyStepHandler.LazyHolder |
Holder for the instance.
|
EarthMoversDistance |
Calculates the Earh Mover's distance (also known as Wasserstein metric) between two distributions.
|
Edge |
Spherical polygons boundary edge.
|
EdgesBuilder |
Visitor building edges.
|
EigenDecomposition |
Calculates the eigen decomposition of a real matrix.
|
EigenDecomposition.Solver |
Specialized solver.
|
ElitisticListPopulation |
Population of chromosomes which uses elitism (certain percentage of the best
chromosomes is directly copied to the next generation).
|
EmbeddedRungeKuttaFieldIntegrator<T extends RealFieldElement<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,T extends Space> |
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>> |
Interface for algorithms computing enclosing balls.
|
EnclosingBall<S extends Space,P extends Point<S>> |
This class represents a ball enclosing some points.
|
EnumeratedDistribution<T> |
|
EnumeratedIntegerDistribution |
|
EnumeratedRealDistribution |
|
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.LazyHolder |
Holder for the instance.
|
Euclidean1D.NoSubSpaceException |
Specialized exception for inexistent sub-space.
|
Euclidean2D |
This class implements a two-dimensional space.
|
Euclidean2D.LazyHolder |
Holder for the instance.
|
Euclidean3D |
This class implements a three-dimensional space.
|
Euclidean3D.LazyHolder |
Holder for the instance.
|
EuclideanDistance |
Calculates the L2 (Euclidean) distance between two points.
|
EuclideanDoublePoint |
Deprecated.
|
EuclideanIntegerPoint |
Deprecated.
|
EulerFieldIntegrator<T extends RealFieldElement<T>> |
This class implements a simple Euler integrator for Ordinary
Differential Equations.
|
EulerFieldStepInterpolator<T extends RealFieldElement<T>> |
This class implements a linear interpolator for step.
|
EulerIntegrator |
This class implements a simple Euler integrator for Ordinary
Differential Equations.
|
EulerStepInterpolator |
This class implements a linear interpolator for step.
|
EvaluationRmsChecker |
Check if an optimization has converged based on the change in computed RMS.
|
EventFilter |
Wrapper used to detect only increasing or decreasing events.
|
EventHandler |
This interface represents a handler for discrete events triggered
during ODE integration.
|
EventHandler.Action |
Enumerate for actions to be performed when an event occurs.
|
EventState |
This class handles the state for one event handler during integration steps.
|
EventState.LocalMaxCountExceededException |
Local wrapper to propagate exceptions.
|
ExceptionContext |
Class that contains the actual implementation of the functionality mandated
by the ExceptionContext interface.
|
ExceptionContextProvider |
Interface for accessing the context data structure stored in Commons Math
exceptions.
|
Exp |
Exponential function.
|
ExpandableStatefulODE |
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.
|
ExpandableStatefulODE.SecondaryComponent |
Components of the compound stateful ODE.
|
Expm1 |
ex-1 function.
|
ExponentialDecayFunction |
Exponential decay function: a e-x / b ,
where x is the (integer) independent variable.
|
ExponentialDistribution |
Implementation of the exponential distribution.
|
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.
|
FastFourierTransformer.MultiDimensionalComplexMatrix |
Deprecated.
|
FastHadamardTransformer |
|
FastMath |
Faster, more accurate, portable alternative to Math and
StrictMath for large scale computation.
|
FastMath.CodyWaite |
Enclose the Cody/Waite reduction (used in "sin", "cos" and "tan").
|
FastMath.ExpFracTable |
Enclose large data table in nested static class so it's only loaded on first access.
|
FastMath.ExpIntTable |
Enclose large data table in nested static class so it's only loaded on first access.
|
FastMath.lnMant |
Enclose large data table in nested static class so it's only loaded on first access.
|
FastMath.Split |
Class operator on double numbers split into one 26 bits number and one 27 bits number.
|
FastMathCalc |
Class used to compute the classical functions tables.
|
FastMathLiteralArrays |
Utility class for loading tabulated data used by FastMath .
|
FastSineTransformer |
Implements the Fast Sine Transform for transformation of one-dimensional real
data sets.
|
FDistribution |
Implementation of the F-distribution.
|
FeatureInitializer |
Defines how to assign the first value of a neuron's feature.
|
FeatureInitializerFactory |
Creates functions that will select the initial values of a neuron's
features.
|
Field<T> |
Interface representing a field.
|
FieldBracketingNthOrderBrentSolver<T extends RealFieldElement<T>> |
|
FieldButcherArrayProvider<T extends RealFieldElement<T>> |
This interface represents an integrator based on Butcher arrays.
|
FieldDecompositionSolver<T extends FieldElement<T>> |
Interface handling decomposition algorithms that can solve A × X = B.
|
FieldElement<T> |
Interface representing field elements.
|
FieldEquationsMapper<T extends RealFieldElement<T>> |
Class mapping the part of a complete state or derivative that pertains
to a set of differential equations.
|
FieldEventHandler<T extends RealFieldElement<T>> |
This interface represents a handler for discrete events triggered
during ODE integration.
|
FieldEventState<T extends RealFieldElement<T>> |
This class handles the state for one event handler during integration steps.
|
FieldExpandableODE<T extends RealFieldElement<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.
|
FieldFixedStepHandler<T extends RealFieldElement<T>> |
This interface represents a handler that should be called after
each successful fixed step.
|
FieldHermiteInterpolator<T extends FieldElement<T>> |
Polynomial interpolator using both sample values and sample derivatives.
|
FieldLUDecomposition<T extends FieldElement<T>> |
Calculates the LUP-decomposition of a square matrix.
|
FieldLUDecomposition.Solver<T extends FieldElement<T>> |
Specialized solver.
|
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.
|
FieldMatrixPreservingVisitor<T extends FieldElement<?>> |
Interface defining a visitor for matrix entries.
|
FieldODEState<T extends RealFieldElement<T>> |
Container for time, main and secondary state vectors.
|
FieldODEStateAndDerivative<T extends RealFieldElement<T>> |
Container for time, main and secondary state vectors as well as their derivatives.
|
FieldRotation<T extends RealFieldElement<T>> |
|
FieldSecondaryEquations<T extends RealFieldElement<T>> |
This interface allows users to add secondary differential equations to a primary
set of differential equations.
|
FieldStepHandler<T extends RealFieldElement<T>> |
This interface represents a handler that should be called after
each successful step.
|
FieldStepInterpolator<T extends RealFieldElement<T>> |
This interface represents an interpolator over the last step
during an ODE integration.
|
FieldStepNormalizer<T extends RealFieldElement<T>> |
|
FieldVector<T extends FieldElement<T>> |
Interface defining a field-valued vector with basic algebraic operations.
|
FieldVector3D<T extends RealFieldElement<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.
|
FirstMoment |
Computes the first moment (arithmetic mean).
|
FirstOrderConverter |
This class converts second order differential equations to first
order ones.
|
FirstOrderDifferentialEquations |
This interface represents a first order differential equations set.
|
FirstOrderFieldDifferentialEquations<T extends RealFieldElement<T>> |
This interface represents a first order differential equations set.
|
FirstOrderFieldIntegrator<T extends RealFieldElement<T>> |
This interface represents a first order integrator for
differential equations.
|
FirstOrderIntegrator |
This interface represents a first order integrator for
differential equations.
|
Fitness |
Fitness of a chromosome.
|
FixedElapsedTime |
Stops after a fixed amount of time has elapsed.
|
FixedGenerationCount |
Stops after a fixed number of generations.
|
FixedStepHandler |
This interface represents a handler that should be called after
each successful fixed step.
|
Floor |
floor function.
|
FourthMoment |
Computes a statistic related to the Fourth Central Moment.
|
Fraction |
Representation of a rational number.
|
FractionConversionException |
Error thrown when a double value cannot be converted to a fraction
in the allowed number of iterations.
|
FractionField |
Representation of the fractional numbers field.
|
FractionField.LazyHolder |
Holder for the instance.
|
FractionFormat |
Formats a Fraction number in proper format or improper format.
|
Frequency |
Maintains a frequency distribution.
|
Frequency.NaturalComparator<T extends java.lang.Comparable<T>> |
A Comparator that compares comparable objects using the
natural order.
|
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.
|
GaussianFitter |
Deprecated.
|
GaussianFitter |
Deprecated.
|
GaussianFitter.ParameterGuesser |
Guesses the parameters norm , mean , and sigma
of a Gaussian.Parametric
based on the specified observed points.
|
GaussianFitter.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 |
|
GaussNewtonOptimizer |
Gauss-Newton least-squares solver.
|
GaussNewtonOptimizer |
Deprecated.
|
GaussNewtonOptimizer |
Deprecated.
|
GaussNewtonOptimizer.Decomposition |
The decomposition algorithm to use to solve the normal equations.
|
GeneticAlgorithm |
Implementation of a genetic algorithm.
|
GeometricDistribution |
Implementation of the geometric distribution.
|
GeometricMean |
|
GillFieldIntegrator<T extends RealFieldElement<T>> |
This class implements the Gill fourth order Runge-Kutta
integrator for Ordinary Differential Equations .
|
GillFieldStepInterpolator<T extends RealFieldElement<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 .
|
GillStepInterpolator |
This class implements a step interpolator for the Gill fourth
order Runge-Kutta integrator.
|
GLSMultipleLinearRegression |
The GLS implementation of multiple linear regression.
|
GoalType |
Goal type for an optimization problem (minimization or maximization of
a scalar function.
|
GoalType |
Deprecated.
|
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.
|
GraggBulirschStoerStepInterpolator |
This class implements an interpolator for the Gragg-Bulirsch-Stoer
integrator.
|
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.
|
HarmonicFitter |
Deprecated.
|
HarmonicFitter |
Deprecated.
|
HarmonicFitter.ParameterGuesser |
This class guesses harmonic coefficients from a sample.
|
HarmonicFitter.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 RealFieldElement<T>> |
This class implements the 5(4) Higham and Hall integrator for
Ordinary Differential Equations.
|
HighamHall54FieldStepInterpolator<T extends RealFieldElement<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.
|
HighamHall54StepInterpolator |
This class represents an interpolator over the last step during an
ODE integration for the 5(4) Higham and Hall integrator.
|
HitHistogram |
Computes the hit histogram.
|
HypergeometricDistribution |
Implementation of the hypergeometric distribution.
|
Hyperplane<S extends Space> |
This interface represents an hyperplane of a space.
|
Identity |
Identity function.
|
IllConditionedOperatorException |
|
IllinoisSolver |
Implements the Illinois method for root-finding (approximating
a zero of a univariate real function).
|
Incrementor |
Deprecated.
|
Incrementor.MaxCountExceededCallback |
Defines a method to be called at counter exhaustion.
|
InitialGuess |
Starting point (first guess) of the optimization procedure.
|
InitialGuess |
Deprecated.
|
InsideFinder<S extends Space> |
Utility class checking if inside nodes can be found
on the plus and minus sides of an hyperplane.
|
InsufficientDataException |
Exception to be thrown when there is insufficient data to perform a computation.
|
IntegerDistribution |
Interface for distributions on the integers.
|
IntegerSequence |
Provides a sequence of integers.
|
IntegerSequence.Incrementor |
Utility that increments a counter until a maximum is reached, at
which point, the instance will by default throw a
MaxCountExceededException .
|
IntegerSequence.Incrementor.MaxCountExceededCallback |
Defines a method to be called at counter exhaustion.
|
IntegerSequence.Range |
Generates a sequence of integers.
|
InterpolatingMicrosphere |
|
InterpolatingMicrosphere.Facet |
Microsphere "facet" (surface element).
|
InterpolatingMicrosphere.FacetData |
|
InterpolatingMicrosphere2D |
|
Interval |
This class represents a 1D interval.
|
IntervalsSet |
This class represents a 1D region: a set of intervals.
|
IntervalUtils |
Factory methods to generate confidence intervals for a binomial proportion.
|
InvalidRepresentationException |
Exception indicating that the representation of a chromosome is not valid.
|
Inverse |
Inverse function.
|
ISAACRandom |
|
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.
|
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.
|
JacobianMatrices |
This class defines a set of secondary equations to
compute the Jacobian matrices with respect to the initial state vector and, if
any, to some parameters of the primary ODE set.
|
JacobianMatrices.MainStateJacobianWrapper |
Wrapper class to compute jacobian matrices by finite differences for ODE
which do not compute them by themselves.
|
JacobianMatrices.MismatchedEquations |
Special exception for equations mismatch.
|
JacobianMultivariateVectorOptimizer |
Deprecated.
|
JacobiPreconditioner |
This class implements the standard Jacobi (diagonal) preconditioner.
|
JDKRandomGenerator |
|
KalmanFilter |
Implementation of a Kalman filter to estimate the state xk
of a discrete-time controlled process that is governed by the linear
stochastic difference equation:
|
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<T extends Clusterable<T>> |
Deprecated.
|
KMeansPlusPlusClusterer.EmptyClusterStrategy |
Strategies to use for replacing an empty cluster.
|
KMeansPlusPlusClusterer.EmptyClusterStrategy |
Strategies to use for replacing an empty cluster.
|
KohonenTrainingTask |
Trainer for Kohonen's Self-Organizing Map.
|
KohonenUpdateAction |
|
KolmogorovSmirnovDistribution |
Deprecated.
|
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.
|
LaguerreSolver |
|
LaplaceDistribution |
This class implements the Laplace distribution.
|
LearningFactorFunction |
Provides the learning rate as a function of the number of calls
already performed during the learning task.
|
LearningFactorFunctionFactory |
|
LeastSquaresAdapter |
|
LeastSquaresBuilder |
|
LeastSquaresConverter |
|
LeastSquaresConverter |
Deprecated.
|
LeastSquaresFactory |
|
LeastSquaresFactory.LocalLeastSquaresProblem |
|
LeastSquaresFactory.LocalLeastSquaresProblem.LazyUnweightedEvaluation |
Container with the model lazy evaluation at a particular point.
|
LeastSquaresFactory.LocalLeastSquaresProblem.UnweightedEvaluation |
Container with the model evaluation at a particular point.
|
LeastSquaresFactory.LocalValueAndJacobianFunction |
|
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 |
|
LegendreGaussIntegrator |
Deprecated.
|
LegendreHighPrecisionRuleFactory |
Factory that creates Gauss-type quadrature rule using Legendre polynomials.
|
LegendreRuleFactory |
Factory that creates Gauss-type quadrature rule using Legendre polynomials.
|
LevenbergMarquardtOptimizer |
This class solves a least-squares problem using the Levenberg-Marquardt
algorithm.
|
LevenbergMarquardtOptimizer |
Deprecated.
|
LevenbergMarquardtOptimizer |
Deprecated.
|
LevenbergMarquardtOptimizer.InternalData |
Holds internal data.
|
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.
|
Line.LineTransform |
Class embedding an affine transform.
|
LinearConstraint |
A linear constraint for a linear optimization problem.
|
LinearConstraint |
Deprecated.
|
LinearConstraintSet |
|
LinearInterpolator |
Implements a linear function for interpolation of real univariate functions.
|
LinearObjectiveFunction |
An objective function for a linear optimization problem.
|
LinearObjectiveFunction |
Deprecated.
|
LinearOptimizer |
Base class for implementing linear optimizers.
|
LinearOptimizer |
Deprecated.
|
LineSearch |
Class for finding the minimum of the objective function along a given
direction.
|
ListPopulation |
Population of chromosomes represented by a List .
|
Localizable |
Interface for localizable strings.
|
LocalizedFormats |
Enumeration for localized messages formats used in exceptions messages.
|
LocationFinder |
Helper class to find the grid coordinates of a neuron.
|
LocationFinder.Location |
Container holding a (row, column) pair.
|
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.
|
LUDecomposition |
Calculates the LUP-decomposition of a square matrix.
|
LUDecomposition.Solver |
Specialized solver.
|
LutherFieldIntegrator<T extends RealFieldElement<T>> |
This class implements the Luther sixth order Runge-Kutta
integrator for Ordinary Differential Equations.
|
LutherFieldStepInterpolator<T extends RealFieldElement<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.
|
LutherStepInterpolator |
This class represents an interpolator over the last step during an
ODE integration for the 6th order Luther integrator.
|
MainStateJacobianProvider |
|
ManhattanDistance |
Calculates the L1 (sum of abs) distance between two points.
|
MannWhitneyUTest |
An implementation of the Mann-Whitney U test (also called Wilcoxon rank-sum test).
|
MapDataVisualization |
Interface for algorithms that compute some metrics of the projection of
data on a 2D-map.
|
MapUtils |
Utilities for network maps.
|
MapUtils.PairNeuronDouble |
Helper data structure holding a (Neuron, double) pair.
|
MapVisualization |
Interface for algorithms that compute some property of a 2D-map.
|
MathArithmeticException |
Base class for arithmetic exceptions.
|
MathArrays |
Arrays utilities.
|
MathArrays.Function |
Real-valued function that operate on an array or a part of it.
|
MathArrays.OrderDirection |
Specification of ordering direction.
|
MathArrays.PairDoubleInteger |
A helper data structure holding a double and an integer value.
|
MathArrays.Position |
Specification for indicating that some operation applies
before or after a given index.
|
MathIllegalArgumentException |
Base class for all preconditions violation exceptions.
|
MathIllegalNumberException |
Base class for exceptions raised by a wrong number.
|
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.
|
MathInternalError |
Exception triggered when something that shouldn't happen does happen.
|
MathParseException |
Class to signal parse failures.
|
MathRuntimeException |
As of release 4.0, all exceptions thrown by the Commons Math code (except
NullArgumentException ) inherit from this class.
|
MathUnsupportedOperationException |
Base class for all unsupported features.
|
MathUtils |
Miscellaneous utility functions.
|
MatrixDimensionMismatchException |
Exception to be thrown when either the number of rows or the number of
columns of a matrix do not match the expected values.
|
MatrixUtils |
A collection of static methods that operate on or return matrices.
|
MatrixUtils.BigFractionMatrixConverter |
|
MatrixUtils.FractionMatrixConverter |
|
Max |
Maximum function.
|
Max |
Returns the maximum of the available values.
|
MaxCountExceededException |
Exception to be thrown when some counter maximum value is exceeded.
|
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.
|
MeasurementModel |
Defines the measurement model for the use with a KalmanFilter .
|
Median |
Returns the median of the available values.
|
MedianOf3PivotingStrategy |
Classic median of 3 strategy given begin and end indices.
|
MersenneTwister |
This class implements a powerful pseudo-random number generator
developed by Makoto Matsumoto and Takuji Nishimura during
1996-1997.
|
MicrosphereInterpolatingFunction |
Deprecated.
|
MicrosphereInterpolatingFunction.MicrosphereSurfaceElement |
Class for storing the accounting data needed to perform the
microsphere projection.
|
MicrosphereInterpolator |
Deprecated.
|
MicrosphereProjectionInterpolator |
Interpolator that implements the algorithm described in
William Dudziak's
MS thesis.
|
MidpointFieldIntegrator<T extends RealFieldElement<T>> |
This class implements a second order Runge-Kutta integrator for
Ordinary Differential Equations.
|
MidpointFieldStepInterpolator<T extends RealFieldElement<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.
|
MidpointStepInterpolator |
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> |
|
ModelFunction |
Deprecated.
|
ModelFunctionJacobian |
Deprecated.
|
ModelSpecificationException |
Exception thrown when a regression model is not correctly specified.
|
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.
|
MultiDimensionMismatchException |
Exception to be thrown when two sets of dimensions differ.
|
MultiDirectionalSimplex |
This class implements the multi-directional direct search method.
|
MultiDirectionalSimplex |
Deprecated.
|
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.
|
MultiStartMultivariateVectorOptimizer |
Deprecated. |
MultiStartUnivariateOptimizer |
Special implementation of the UnivariateOptimizer interface
adding multi-start features to an existing optimizer.
|
MultistepFieldIntegrator<T extends RealFieldElement<T>> |
This class is the base class for multistep integrators for Ordinary
Differential Equations.
|
MultistepFieldIntegrator.InitializationCompletedMarkerException |
Marker exception used ONLY to stop the starter integrator after first step.
|
MultistepIntegrator |
This class is the base class for multistep integrators for Ordinary
Differential Equations.
|
MultistepIntegrator.InitializationCompletedMarkerException |
Marker exception used ONLY to stop the starter integrator after first step.
|
MultistepIntegrator.NordsieckTransformer |
Deprecated.
|
MultivariateDifferentiableFunction |
|
MultivariateDifferentiableMultiStartOptimizer |
Deprecated.
|
MultivariateDifferentiableOptimizer |
Deprecated.
|
MultivariateDifferentiableVectorFunction |
|
MultivariateDifferentiableVectorMultiStartOptimizer |
Deprecated.
|
MultivariateDifferentiableVectorOptimizer |
Deprecated.
|
MultivariateFunction |
An interface representing a multivariate real function.
|
MultivariateFunctionMappingAdapter |
|
MultivariateFunctionMappingAdapter |
Deprecated.
|
MultivariateFunctionMappingAdapter.LowerBoundMapper |
Local class for lower bounds mapping.
|
MultivariateFunctionMappingAdapter.LowerBoundMapper |
Local class for lower bounds mapping.
|
MultivariateFunctionMappingAdapter.LowerUpperBoundMapper |
Local class for lower and bounds mapping.
|
MultivariateFunctionMappingAdapter.LowerUpperBoundMapper |
Local class for lower and bounds mapping.
|
MultivariateFunctionMappingAdapter.Mapper |
Mapping interface.
|
MultivariateFunctionMappingAdapter.Mapper |
Mapping interface.
|
MultivariateFunctionMappingAdapter.NoBoundsMapper |
Local class for no bounds mapping.
|
MultivariateFunctionMappingAdapter.NoBoundsMapper |
Local class for no bounds mapping.
|
MultivariateFunctionMappingAdapter.UpperBoundMapper |
Local class for upper bounds mapping.
|
MultivariateFunctionMappingAdapter.UpperBoundMapper |
Local class for upper bounds mapping.
|
MultivariateFunctionPenaltyAdapter |
|
MultivariateFunctionPenaltyAdapter |
Deprecated.
|
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.
|
MultivariateMultiStartOptimizer |
Deprecated.
|
MultivariateNormalDistribution |
Implementation of the multivariate normal (Gaussian) distribution.
|
MultivariateNormalMixtureExpectationMaximization |
Expectation-Maximization algorithm for fitting the parameters of
multivariate normal mixture model distributions.
|
MultivariateNormalMixtureExpectationMaximization.DataRow |
Class used for sorting user-supplied data.
|
MultivariateOptimizer |
Base class for a multivariate scalar function optimizer.
|
MultivariateOptimizer |
Deprecated.
|
MultivariateRealDistribution |
Base interface for multivariate distributions on the reals.
|
MultivariateSummaryStatistics |
Computes summary statistics for a stream of n-tuples added using the
addValue method.
|
MultivariateVectorFunction |
An interface representing a multivariate vectorial function.
|
MultivariateVectorOptimizer |
Deprecated. |
MutationPolicy |
Algorithm used to mutate a chromosome.
|
NakagamiDistribution |
This class implements the Nakagami distribution.
|
NaNStrategy |
Strategies for handling NaN values in rank transformations.
|
NaturalRanking |
Ranking based on the natural ordering on doubles.
|
NaturalRanking.IntDoublePair |
Represents the position of a double value in an ordering.
|
NeighbourhoodSizeFunction |
Provides the network neighbourhood's size as a function of the
number of calls already performed during the learning task.
|
NeighbourhoodSizeFunctionFactory |
|
NelderMeadSimplex |
This class implements the Nelder-Mead simplex algorithm.
|
NelderMeadSimplex |
Deprecated.
|
NestedLoops |
This class represent a tree of nested 2D boundary loops.
|
Network |
Neural network, composed of Neuron instances and the links
between them.
|
Network.NeuronIdentifierComparator |
Comparator that prescribes an order of the neurons according
to the increasing order of their identifier.
|
Network.SerializationProxy |
Serialization.
|
Neuron |
Describes a neuron element of a neural network.
|
Neuron.SerializationProxy |
Serialization.
|
NeuronSquareMesh2D |
Neural network with the topology of a two-dimensional surface.
|
NeuronSquareMesh2D.HorizontalDirection |
Horizontal (along row) direction.
|
NeuronSquareMesh2D.SerializationProxy |
Serialization.
|
NeuronSquareMesh2D.VerticalDirection |
Vertical (along column) direction.
|
NeuronString |
Neural network with the topology of a one-dimensional line.
|
NeuronString.SerializationProxy |
Serialization.
|
NevilleInterpolator |
|
NewtonRaphsonSolver |
Implements
Newton's Method for finding zeros of real univariate differentiable
functions.
|
NewtonSolver |
Deprecated.
|
NoBracketingException |
Exception to be thrown when function values have the same sign at both
ends of an interval.
|
NoDataException |
Exception to be thrown when the required data is missing.
|
NodesSet<S extends Space> |
|
NoFeasibleSolutionException |
This class represents exceptions thrown by optimizers when no solution fulfills the constraints.
|
NoFeasibleSolutionException |
Deprecated.
|
NonLinearConjugateGradientOptimizer |
Non-linear conjugate gradient optimizer.
|
NonLinearConjugateGradientOptimizer |
Deprecated.
|
NonLinearConjugateGradientOptimizer.BracketingStep |
Deprecated.
|
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.
|
NonLinearConjugateGradientOptimizer.IdentityPreconditioner |
Default identity preconditioner.
|
NonMonotonicSequenceException |
Exception to be thrown when the a sequence of values is not monotonically
increasing or decreasing.
|
NonNegativeConstraint |
A constraint for a linear optimization problem indicating whether all
variables must be restricted to non-negative values.
|
NonPositiveDefiniteMatrixException |
Exception to be thrown when a positive definite matrix is expected.
|
NonPositiveDefiniteOperatorException |
Exception to be thrown when a symmetric, definite positive
RealLinearOperator is expected.
|
NonSelfAdjointOperatorException |
|
NonSquareMatrixException |
Exception to be thrown when a square matrix is expected.
|
NonSquareOperatorException |
Exception to be thrown when a square linear operator is expected.
|
NonSymmetricMatrixException |
Exception to be thrown when a symmetric matrix is expected.
|
NordsieckStepInterpolator |
This class implements an interpolator for integrators using Nordsieck representation.
|
NormalApproximationInterval |
Implements the normal approximation method for creating a binomial proportion confidence interval.
|
NormalDistribution |
Implementation of the normal (gaussian) distribution.
|
NormalizedRandomGenerator |
This interface represent a normalized random generator for
scalars.
|
NotANumberException |
Exception to be thrown when a number is not a number.
|
NotARotationMatrixException |
This class represents exceptions thrown while building rotations
from matrices.
|
NotFiniteNumberException |
Exception to be thrown when a number is not finite.
|
NotPositiveException |
Exception to be thrown when the argument is negative.
|
NotStrictlyPositiveException |
Exception to be thrown when the argument is not greater than 0.
|
NPointCrossover<T> |
N-point crossover policy.
|
NullArgumentException |
All conditions checks that fail due to a null argument must throw
this exception.
|
NumberIsTooLargeException |
Exception to be thrown when a number is too large.
|
NumberIsTooSmallException |
Exception to be thrown when a number is too small.
|
NumberTransformer |
Subclasses implementing this interface can transform Objects to doubles.
|
ObjectiveFunction |
Scalar function to be optimized.
|
ObjectiveFunctionGradient |
Gradient of the scalar function to be optimized.
|
ODEIntegrator |
This interface defines the common parts shared by integrators
for first and second order differential equations.
|
OLSMultipleLinearRegression |
Implements ordinary least squares (OLS) to estimate the parameters of a
multiple linear regression model.
|
OnePointCrossover<T> |
One point crossover policy.
|
OneWayAnova |
Implements one-way ANOVA (analysis of variance) statistics.
|
OneWayAnova.AnovaStats |
Convenience class to pass dfbg,dfwg,F values around within OneWayAnova.
|
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.
|
OptimizationData |
Deprecated.
|
OptimizationProblem<PAIR> |
Common settings for all optimization problems.
|
OptimumImpl |
|
OrderedCrossover<T> |
Order 1 Crossover [OX1] builds offspring from ordered chromosomes by copying a
consecutive slice from one parent, and filling up the remaining genes from the other
parent as they appear.
|
OrderedTuple |
Deprecated.
|
OrientedPoint |
This class represents a 1D oriented hyperplane.
|
OutlineExtractor |
|
OutOfRangeException |
Exception to be thrown when some argument is out of range.
|
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.
|
ParameterizedODE |
|
ParameterizedWrapper |
|
ParameterJacobianProvider |
|
ParameterJacobianWrapper |
Wrapper class to compute Jacobian matrices by finite differences for ODE
which do not compute them by themselves.
|
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.
|
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.
|
PermutationChromosome<T> |
Interface indicating that the chromosome represents a permutation of objects.
|
PiecewiseBicubicSplineInterpolatingFunction |
|
PiecewiseBicubicSplineInterpolator |
Generates a piecewise-bicubic interpolating function.
|
PivotingStrategyInterface |
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> |
This interface represents a generic geometrical point.
|
PointValuePair |
This class holds a point and the value of an objective function at
that point.
|
PointValuePair |
Deprecated.
|
PointValuePair.DataTransferObject |
Internal class used only for serialization.
|
PointValuePair.DataTransferObject |
Internal class used only for serialization.
|
PointVectorValuePair |
This class holds a point and the vectorial value of an objective function at
that point.
|
PointVectorValuePair |
Deprecated.
|
PointVectorValuePair.DataTransferObject |
Internal class used only for serialization.
|
PointVectorValuePair.DataTransferObject |
Internal class used only for serialization.
|
PoissonDistribution |
Implementation of the Poisson distribution.
|
PollardRho |
Implementation of the Pollard's rho factorization algorithm.
|
PolygonsSet |
This class represents a 2D region: a set of polygons.
|
PolygonsSet.ConnectableSegment |
Private extension of Segment allowing connection.
|
PolygonsSet.Edge |
Internal class for holding edges while they are processed to build a BSP tree.
|
PolygonsSet.SegmentsBuilder |
Visitor building segments.
|
PolygonsSet.Vertex |
Internal class for holding vertices while they are processed to build a BSP tree.
|
PolyhedronsSet |
This class represents a 3D region: a set of polyhedrons.
|
PolyhedronsSet.RotationTransform |
3D rotation as a Transform.
|
PolyhedronsSet.TranslationTransform |
3D translation as a transform.
|
PolynomialCurveFitter |
|
PolynomialFitter |
Deprecated.
|
PolynomialFitter |
Deprecated.
|
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.
|
PolynomialsUtils.JacobiKey |
Inner class for Jacobi polynomials keys.
|
PolynomialsUtils.RecurrenceCoefficientsGenerator |
Interface for recurrence coefficients generation.
|
Population |
A collection of chromosomes that facilitates generational evolution.
|
Pow |
Power function.
|
PowellOptimizer |
Powell's algorithm.
|
PowellOptimizer |
Deprecated.
|
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.
|
Preconditioner |
Deprecated.
|
Primes |
Methods related to prime numbers in the range of int :
primality test
prime number generation
factorization
|
ProcessModel |
Defines the process dynamics model for the use with a KalmanFilter .
|
Product |
Returns the product of the available values.
|
ProperBigFractionFormat |
Formats a BigFraction number in proper format.
|
ProperFractionFormat |
Formats a Fraction number in proper format.
|
PropertiesComputer |
Visitor computing geometrical properties.
|
PSquarePercentile |
|
PSquarePercentile.FixedCapacityList<E> |
A simple fixed capacity list that has an upper bound to growth.
|
PSquarePercentile.Marker |
The class modeling the attributes of the marker of the P-square algorithm
|
PSquarePercentile.Markers |
Markers is an encapsulation of the five markers/buckets as indicated in
the original works.
|
PSquarePercentile.PSquareMarkers |
An interface that encapsulates abstractions of the
P-square algorithm markers as is explained in the original works.
|
QRDecomposition |
Calculates the QR-decomposition of a matrix.
|
QRDecomposition.Solver |
Specialized solver.
|
QuantizationError |
Computes the quantization error histogram.
|
QuasiSigmoidDecayFunction |
Decay function whose shape is similar to a sigmoid.
|
Quaternion |
This class implements
quaternions (Hamilton's hypercomplex numbers).
|
RandomAdaptor |
|
RandomData |
Deprecated.
|
RandomDataGenerator |
Implements the RandomData interface using a RandomGenerator
instance to generate non-secure data and a SecureRandom
instance to provide data for the nextSecureXxx methods.
|
RandomDataImpl |
Deprecated.
|
RandomGenerator |
Interface extracted from java.util.Random .
|
RandomGeneratorFactory |
|
RandomKey<T> |
Random Key chromosome is used for permutation representation.
|
RandomKeyMutation |
|
RandomPivotingStrategy |
A strategy of selecting random index between begin and end indices.
|
RandomVectorGenerator |
This interface represents a random generator for whole vectors.
|
RankingAlgorithm |
Interface representing a rank transformation.
|
RealDistribution |
Base interface for distributions on the reals.
|
RealFieldElement<T> |
|
RealFieldUnivariateFunction<T extends RealFieldElement<T>> |
An interface representing a univariate real function.
|
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> |
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> |
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 |
|
Relationship |
Deprecated.
|
ResizableDoubleArray |
A variable length DoubleArray implementation that automatically
handles expanding and contracting its internal storage array as elements
are added and removed.
|
ResizableDoubleArray.ExpansionMode |
Specification of expansion algorithm.
|
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.
|
Rotation |
This class implements rotations in a three-dimensional space.
|
RotationConvention |
This enumerates is used to differentiate the semantics of a rotation.
|
RotationOrder |
This class is a utility representing a rotation order specification
for Cardan or Euler angles specification.
|
RRQRDecomposition |
Calculates the rank-revealing QR-decomposition of a matrix, with column pivoting.
|
RRQRDecomposition.Solver |
Specialized solver.
|
RungeKuttaFieldIntegrator<T extends RealFieldElement<T>> |
This class implements the common part of all fixed step Runge-Kutta
integrators for Ordinary Differential Equations.
|
RungeKuttaFieldStepInterpolator<T extends RealFieldElement<T>> |
This class represents an interpolator over the last step during an
ODE integration for Runge-Kutta and embedded Runge-Kutta integrators.
|
RungeKuttaIntegrator |
This class implements the common part of all fixed step Runge-Kutta
integrators for Ordinary Differential Equations.
|
RungeKuttaStepInterpolator |
This class represents an interpolator over the last step during an
ODE integration for Runge-Kutta and embedded Runge-Kutta integrators.
|
S1Point |
This class represents a point on the 1-sphere.
|
S2Point |
This class represents a point on the 2-sphere.
|
SaddlePointExpansion |
Utility class used by various distributions to accurately compute their
respective probability mass functions.
|
SchurTransformer |
Class transforming a general real matrix to Schur form.
|
SchurTransformer.ShiftInfo |
Internal data structure holding the current shift information.
|
SearchInterval |
Search interval and (optional) start value.
|
SecantSolver |
Implements the Secant method for root-finding (approximating a
zero of a univariate real function).
|
SecondaryEquations |
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.
|
SecondOrderDifferentialEquations |
This interface represents a second order differential equations set.
|
SecondOrderIntegrator |
This interface represents a second order integrator for
differential equations.
|
Segment |
Simple container for a two-points segment.
|
Segment |
Simple container for a two-points segment.
|
SelectionPolicy |
Algorithm used to select a chromosome pair from a population.
|
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.
|
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
|
Signum |
signum function.
|
SimpleBounds |
Simple optimization constraints: lower and upper bounds.
|
SimpleBounds |
Deprecated.
|
SimpleCurveFitter |
|
SimplePointChecker<PAIR extends Pair<double[],? extends java.lang.Object>> |
|
SimplePointChecker<PAIR extends Pair<double[],? extends java.lang.Object>> |
Deprecated.
|
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.
|
SimpleUnivariateValueChecker |
Deprecated.
|
SimpleValueChecker |
Simple implementation of the ConvergenceChecker interface using
only objective function values.
|
SimpleValueChecker |
Deprecated.
|
SimpleVectorValueChecker |
Simple implementation of the ConvergenceChecker interface using
only objective function values.
|
SimpleVectorValueChecker |
Deprecated.
|
SimplexOptimizer |
This class implements simplex-based direct search optimization.
|
SimplexOptimizer |
Deprecated.
|
SimplexSolver |
Solves a linear problem using the "Two-Phase Simplex" method.
|
SimplexSolver |
Deprecated.
|
SimplexTableau |
A tableau for use in the Simplex method.
|
SimplexTableau |
Deprecated.
|
SimpsonIntegrator |
Implements
Simpson's Rule for integration of real univariate functions.
|
Sin |
Sine function.
|
Sinc |
Sinc function,
defined by
|
SingularMatrixException |
Exception to be thrown when a non-singular matrix is expected.
|
SingularOperatorException |
Exception to be thrown when trying to invert a singular operator.
|
SingularValueDecomposition |
Calculates the compact Singular Value Decomposition of a matrix.
|
SingularValueDecomposition.Solver |
Specialized solver.
|
Sinh |
Hyperbolic sine function.
|
Skewness |
Computes the skewness of the available values.
|
SmallPrimes |
Utility methods to work on primes within the int range.
|
SmoothedDataHistogram |
Visualization of high-dimensional data projection on a 2D-map.
|
SmoothingPolynomialBicubicSplineInterpolator |
Deprecated.
|
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.
|
Sphere1D.LazyHolder |
Holder for the instance.
|
Sphere1D.NoSubSpaceException |
Specialized exception for inexistent sub-space.
|
Sphere2D |
This class implements a two-dimensional sphere (i.e.
|
Sphere2D.LazyHolder |
Holder for the instance.
|
SphereGenerator |
Class generating an enclosing ball from its support points.
|
SphericalCoordinates |
|
SphericalCoordinates.DataTransferObject |
Internal class used only for serialization.
|
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.
|
Sqrt |
Square-root function.
|
SquareNeighbourhood |
Defines neighbourhood types.
|
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.
|
StepFunction |
|
StepHandler |
This interface represents a handler that should be called after
each successful step.
|
StepInterpolator |
This interface represents an interpolator over the last step
during an ODE integration.
|
StepNormalizer |
|
StepNormalizerBounds |
|
StepNormalizerMode |
|
StoppingCondition |
Algorithm used to determine when to stop evolution.
|
StorelessBivariateCovariance |
Bivariate Covariance implementation that does not require input data to be
stored in memory.
|
StorelessCovariance |
Covariance implementation that does not require input data to be
stored in memory.
|
StorelessUnivariateStatistic |
|
SubCircle |
This class represents a sub-hyperplane for Circle .
|
SubHyperplane<S extends Space> |
This interface represents the remaining parts of an hyperplane after
other parts have been chopped off.
|
SubHyperplane.SplitSubHyperplane<U extends Space> |
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.
|
SummaryStatistics |
Computes summary statistics for a stream of data values added using the
addValue method.
|
SumOfClusterVariances<T extends Clusterable> |
Computes the sum of intra-cluster distance variances according to the formula:
|
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>> |
Interface for generating balls based on support points.
|
SymmetricGaussIntegrator |
This class's implements integrate
method assuming that the integral is symmetric about 0.
|
SymmLQ |
|
SymmLQ.State |
A simple container holding the non-final variables used in the
iterations.
|
SynchronizedDescriptiveStatistics |
|
SynchronizedMultivariateSummaryStatistics |
|
SynchronizedRandomGenerator |
Any RandomGenerator implementation can be thread-safe if it
is used through an instance of this class.
|
SynchronizedSummaryStatistics |
Implementation of
SummaryStatistics that
is safe to use in a multithreaded environment.
|
Tan |
Tangent function.
|
Tanh |
Hyperbolic tangent function.
|
Target |
Deprecated.
|
Target |
Deprecated.
|
TDistribution |
Implementation of Student's t-distribution.
|
TestUtils |
A collection of static methods to create inference test instances or to
perform inference tests.
|
ThirdMoment |
Computes a statistic related to the Third Central Moment.
|
ThreeEighthesFieldIntegrator<T extends RealFieldElement<T>> |
This class implements the 3/8 fourth order Runge-Kutta
integrator for Ordinary Differential Equations.
|
ThreeEighthesFieldStepInterpolator<T extends RealFieldElement<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.
|
ThreeEighthesStepInterpolator |
This class implements a step interpolator for the 3/8 fourth
order Runge-Kutta integrator.
|
TiesStrategy |
Strategies for handling tied values in rank transformations.
|
TooManyEvaluationsException |
Exception to be thrown when the maximal number of evaluations is exceeded.
|
TooManyIterationsException |
Exception to be thrown when the maximal number of iterations is exceeded.
|
TopographicErrorHistogram |
Computes the topographic error histogram.
|
TournamentSelection |
Tournament selection scheme.
|
Transform<S extends Space,T extends Space> |
This interface represents an inversible affine transform in a space.
|
Transformer |
|
TransformerMap |
This TansformerMap automates the transformation of mixed object types.
|
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.
|
TricubicFunction |
3D-spline function.
|
TricubicInterpolatingFunction |
|
TricubicInterpolator |
Generates a tricubic interpolating function.
|
TricubicSplineFunction |
3D-spline function.
|
TricubicSplineInterpolatingFunction |
Deprecated.
|
TricubicSplineInterpolator |
Deprecated.
|
TriDiagonalTransformer |
Class transforming a symmetrical matrix to tridiagonal shape.
|
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.
|
Ulp |
ulp function.
|
UnboundedSolutionException |
This class represents exceptions thrown by optimizers when a solution escapes to infinity.
|
UnboundedSolutionException |
Deprecated.
|
UncorrelatedRandomVectorGenerator |
|
UnifiedDistanceMatrix |
U-Matrix
visualization of high-dimensional data projection.
|
UniformCrossover<T> |
Perform Uniform Crossover [UX] on the specified chromosomes.
|
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.
|
UnivariateDfpFunction |
Deprecated.
|
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.
|
UnivariateMultiStartOptimizer<FUNC extends UnivariateFunction> |
Deprecated.
|
UnivariateObjectiveFunction |
Scalar function to be optimized.
|
UnivariateOptimizer |
Base class for a univariate scalar function optimizer.
|
UnivariateOptimizer |
Deprecated.
|
UnivariatePeriodicInterpolator |
|
UnivariatePointValuePair |
This class holds a point and the value of an objective function at this
point.
|
UnivariatePointValuePair |
Deprecated.
|
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.
|
UnknownParameterException |
Exception to be thrown when a parameter is unknown.
|
UpdateAction |
Describes how to update the network in response to a training
sample.
|
UpdatingMultipleLinearRegression |
An interface for regression models allowing for dynamic updating of the data.
|
ValueAndJacobianFunction |
A interface for functions that compute a vector of values and can compute their
derivatives (Jacobian).
|
ValueServer |
Generates values for use in simulation applications.
|
Variance |
Computes the variance of the available values.
|
Vector<S extends Space> |
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}".
|
VectorFormat<S extends Space> |
Formats a vector in components list format "{x; y; ...}".
|
VectorialCovariance |
Returns the covariance matrix of the available vectors.
|
VectorialMean |
Returns the arithmetic mean of the available vectors.
|
Vertex |
Spherical polygons boundary vertex.
|
WeibullDistribution |
Implementation of the Weibull distribution.
|
Weight |
Deprecated.
|
Weight |
Deprecated.
|
WeightedEvaluation |
Weighted evaluation for statistics.
|
WeightedObservedPoint |
This class is a simple container for weighted observed point in
curve fitting .
|
WeightedObservedPoint |
Deprecated.
|
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>> |
Class implementing Emo Welzl algorithm to find the smallest enclosing ball in linear time.
|
WilcoxonSignedRankTest |
An implementation of the Wilcoxon signed-rank test.
|
WilsonScoreInterval |
Implements the Wilson score method for creating a binomial proportion confidence interval.
|
ZeroException |
Exception to be thrown when zero is provided where it is not allowed.
|
ZipfDistribution |
Implementation of the Zipf distribution.
|
ZipfDistribution.ZipfRejectionInversionSampler |
Utility class implementing a rejection inversion sampling method for a discrete,
bounded Zipf distribution that is based on the method described in
|