All Classes and Interfaces
Class
Description
Base class for continuous distributions.
Base class for probability distributions.
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
Basic implementation of
FieldMatrix
methods regardless of the underlying storage.Common part shared by both
FractionFormat
and BigFractionFormat
.Base class for integer-valued discrete distributions.
Base class managing common boilerplate for all integrators.
Base class for implementing least squares optimizers.
Base class for implementing linear optimizers.
Chromosome represented by an immutable list of a fixed length.
Abstract base class for implementations of MultipleLinearRegression.
Abstract class implementing the
RandomGenerator
interface.Basic implementation of RealMatrix methods regardless of the underlying storage.
This class provides default basic implementations for many methods in the
RealVector
interface.Base class for implementing optimizers for multivariate scalar functions.
This abstract class represents an interpolator over the last step
during an ODE integration.
Abstract implementation of the
StorelessUnivariateStatistic
interface.Provide a default implementation for several functions useful to generic
optimizers.
Abstract base class for all implementations of the
UnivariateStatistic
interface.This abstract class implements the WELL class of pseudo-random number generator
from François Panneton, Pierre L'Ecuyer and Makoto Matsumoto.
This class implements explicit Adams-Bashforth integrators for Ordinary
Differential Equations.
Base class for
Adams-Bashforth
and
Adams-Moulton
integrators.This class implements implicit Adams-Moulton integrators for Ordinary
Differential Equations.
Transformer to Nordsieck vectors for Adams integrators.
This abstract class holds the common part of all adaptive
stepsize integrators for Ordinary Differential Equations.
An aggregator for
SummaryStatistics
from several data sets or
data set partitions.Interface defining very basic matrix operations.
Error thrown when a method is called with an out of bounds argument.
Utility class for transforming the list of arguments passed to
constructors of exceptions.
Implementation of FieldMatrix using a
FieldElement
[][] array to store entries.Implementation of RealMatrix using a double[][] array to store entries and
LU decomposition to support linear system
solution and inverse.
This class implements the
FieldVector
interface with a FieldElement
array.This class implements the
RealVector
interface with a double array.This is a utility class that provides computation methods related to the
Beta family of functions.
Computes the cumulative, inverse cumulative and density functions for the beta distribuiton.
Implements the Beta distribution.
Function that implements the
bicubic spline interpolation.
Generates a bicubic interpolating function.
Representation of a rational number without any overflow.
Representation of the fractional numbers without any overflow field.
Formats a BigFraction number in proper format or improper format.
Deprecated.
as of 2.0, replaced by
FieldMatrix
with a BigReal
parameterDeprecated.
as of 2.0, replaced by
Array2DRowFieldMatrix
with a BigReal
parameterArbitrary precision decimal number.
Representation of real numbers with arbitrary precision field.
Chromosome represented by a vector of 0s and 1s.
Deprecated.
in 2.2
Mutation for
BinaryChromosome
s.The Binomial Distribution.
The default implementation of
BinomialDistribution
.Implements the
bisection algorithm for finding zeros of univariate real functions.
Base class for random number generators that generates bits streams.
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.
Cache-friendly implementation of FieldMatrix using a flat arrays to store
square blocks of the matrix.
Cache-friendly implementation of RealMatrix using a flat arrays to store
square blocks of the matrix.
Provide an interval that brackets a local optimum of a function.
Implements Richard Brent's algorithm (from his book "Algorithms for
Minimization without Derivatives", p.
Implements the
Brent algorithm for finding zeros of real univariate functions.
This class represents exceptions thrown while extractiong Cardan
or Euler angles from a rotation.
Cauchy Distribution.
Default implementation of
CauchyDistribution
.The Chi-Squared Distribution.
The default implementation of
ChiSquaredDistribution
An interface for Chi-Square tests.
Implements Chi-Square test statistics defined in the
UnknownDistributionChiSquareTest
interface.An interface to classes that implement an algorithm to calculate the
Cholesky decomposition of a real symmetric positive-definite matrix.
Calculates the Cholesky decomposition of a matrix.
Individual in a population.
A pair of
Chromosome
objects.This class implements the classical fourth order Runge-Kutta
integrator for Ordinary Differential Equations (it is the most
often used Runge-Kutta method).
Cluster holding a set of
Clusterable
points.Interface for points that can be clustered together.
Deprecated.
as of 2.2, this class is not used anymore
Representation of a Complex number - a number which has both a
real and imaginary part.
Representation of the complex numbers field.
Formats a Complex number in cartesian format "Re(c) + Im(c)i".
Static implementations of common
Complex
utilities functions.Base class for
UnivariateRealFunction
that can be composed with other functions.Base class for formatters of composite objects (complex numbers, vectors ...).
Available choices of update formulas for the β parameter
in
NonLinearConjugateGradientOptimizer
.Provides a generic means to evaluate continued fractions.
Base interface for continuous distributions.
This class stores all information provided by an ODE integrator
during the integration process and build a continuous model of the
solution from this.
Error thrown when a numerical computation can not be performed because the
numerical result failed to converge to a finite value.
Error thrown when a numerical computation can not be performed because the
numerical result failed to converge to a finite value.
Deprecated.
in 2.2 (to be removed in 3.0).
Deprecated.
in 2.2 (to be removed in 3.0).
A
RandomVectorGenerator
that generates vectors with with
correlated components.Computes covariances for pairs of arrays or columns of a matrix.
Policy used to create a pair of new chromosomes by performing a crossover
operation on a source pair of chromosomes.
Fitter for parametric univariate real functions y = f(x).
Interface handling decomposition algorithms that can solve A × X = B.
Default implementation of the
FieldMatrixChangingVisitor
interface.Default implementation of the
FieldMatrixPreservingVisitor
interface.Default implementation of the
RealMatrixChangingVisitor
interface.Default implementation of the
RealMatrixPreservingVisitor
interface.A Default NumberTransformer for java.lang.Numbers and Numeric Strings.
This exception is made available to users to report
the error conditions that are triggered while computing
the differential equations.
Maintains a dataset of values of a single variable and computes descriptive
statistics based on stored data.
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
.Extension of
MultivariateRealFunction
representing a differentiable
multivariate real function.This interface represents an optimization algorithm for
scalar differentiable objective
functions
.Extension of
MultivariateVectorialFunction
representing a differentiable
multivariate vectorial function.This interface represents an optimization algorithm for
vectorial differentiable objective functions
.Extension of
UnivariateMatrixFunction
representing a differentiable univariate matrix function.Extension of
UnivariateRealFunction
representing a differentiable univariate real function.Extension of
UnivariateVectorialFunction
representing a differentiable univariate vectorial function.Deprecated.
in 2.2 (to be removed in 3.0).
Exception to be thrown when two dimensions differ.
This class implements simplex-based direct search optimization
algorithms.
Base interface for discrete distributions.
Base interface for probability distributions.
Implements the <a href="
"http://mathworld.wolfram.com/NewtonsDividedDifferenceInterpolationFormula.html">
Divided Difference Algorithm for interpolation of real univariate
functions.
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.
Provides a standard interface for double arrays.
Dummy implementation of the
Localizable
interface, without localization.This class is a step handler that does nothing.
This class is a step interpolator that does nothing.
Exception thrown when a sample contains several entries at the same abscissa.
An interface to classes that implement an algorithm to calculate the
eigen decomposition of a real matrix.
Calculates the eigen decomposition of a real symmetric
matrix.
Population of chromosomes which uses elitism (certain percentace of the best
chromosomes is directly copied to the next generation).
This class implements the common part of all embedded Runge-Kutta
integrators for Ordinary Differential Equations.
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.
Implements
EmpiricalDistribution
interface.This is a utility class that provides computation methods related to the
error functions.
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
A simple implementation of
Clusterable
for points with integer coordinates.This class implements a simple Euler integrator for Ordinary
Differential Equations.
This exception is made available to users to report
the error conditions that are triggered by
EventHandler
This interface represents a handler for discrete events triggered
during ODE integration.
Deprecated.
as of 2.2 the complete package is deprecated, it will be replaced
in 3.0 by a completely rewritten implementation
This class handles the state for one
event handler
during integration steps.The Exponential Distribution.
The default implementation of
ExponentialDistribution
.This interface represents a first order differential equations set
with a main set of equations and an extension set.
Implements the Fast Cosine Transform
for transformation of one-dimensional data sets.
Implements the
Fast Fourier Transform for transformation of one-dimensional data sets.
Implements the Fast Hadamard Transform (FHT).
Faster, more accurate, portable alternative to
StrictMath
.Implements the Fast Sine Transform
for transformation of one-dimensional data sets.
F-Distribution.
Default implementation of
FDistribution
.Interface representing a field.
Interface handling decomposition algorithms that can solve A × X = B.
Interface representing field elements.
An interface to classes that implement an algorithm to calculate the
LU-decomposition of a real matrix.
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 defining a visitor for matrix entries.
Interface defining a field-valued vector with basic algebraic operations.
Computes the first moment (arithmetic mean).
This class converts second order differential equations to first
order ones.
This interface represents a first order differential equations set.
This interface represents a first order integrator for
differential equations.
Deprecated.
as of 2.2 the complete package is deprecated, it will be replaced
in 3.0 by a completely rewritten implementation
Fitness of a chromosome.
Stops after a fixed number of generations.
This interface represents a handler that should be called after
each successful fixed step.
Computes a statistic related to the Fourth Central Moment.
Representation of a rational number.
Error thrown when a double value cannot be converted to a fraction
in the allowed number of iterations.
Representation of the fractional numbers field.
Formats a Fraction number in proper format or improper format.
Maintains a frequency distribution.
Exception thrown when an error occurs evaluating a function.
This is a utility class that provides computation methods related to the
Gamma family of functions.
The Gamma Distribution.
The default implementation of
GammaDistribution
.The derivative of
GaussianFunction
.Fits points to a Gaussian function (that is, a
GaussianFunction
).A Gaussian function.
Guesses the parameters (
a
, b
, c
, and d
)
of a ParametricGaussianFunction
based on the specified observed
points.This class is a gaussian normalized random generator for scalars.
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
Gauss-Newton least-squares solver.
Implementation of a genetic algorithm.
Returns the
geometric mean of the available values.
This class implements the Gill fourth order Runge-Kutta
integrator for Ordinary Differential Equations .
The GLS implementation of the multiple linear regression.
Goal type for an optimization problem.
This class implements a Gragg-Bulirsch-Stoer integrator for
Ordinary Differential Equations.
This class guesses harmonic coefficients from a sample.
This class implements a curve fitting specialized for sinusoids.
Harmonic function of the form
f (t) = a cos (ω t + φ)
.Deprecated.
to be removed in math 3.0
This class implements the 5(4) Higham and Hall integrator for
Ordinary Differential Equations.
The Hypergeometric Distribution.
The default implementation of
HypergeometricDistribution
.Interface for discrete distributions of integer-valued random variables.
This exception is made available to users to report
the error conditions that are triggered during integration
Thrown when a system attempts an operation on a matrix, and
that matrix does not satisfy the preconditions for the
aforementioned operation.
Exception indicating that the representation of a chromosome is not valid.
Extension of
java.util.Random
to implement
RandomGenerator
.Clustering algorithm based on David Arthur and Sergei Vassilvitski k-means++ algorithm.
Strategies to use for replacing an empty cluster.
Computes the Kurtosis of the available values.
Implements the
Laguerre's Method for root finding of real coefficient polynomials.
This class converts
vectorial
objective functions
to scalar objective functions
when the goal is to minimize them.Implements the
Legendre-Gauss quadrature formula.
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
This class solves a least squares problem using the Levenberg-Marquardt algorithm.
A linear constraint for a linear optimization problem.
Implements a linear function for interpolation of real univariate functions.
An objective function for a linear optimization problem.
This interface represents an optimization algorithm for linear problems.
Population of chromosomes represented by a
List
.Interface for localizable strings.
Enumeration for localized messages formats used in exceptions messages.
Implements the
Local Regression Algorithm (also Loess, Lowess) for interpolation of
real univariate functions.
An interface to classes that implement an algorithm to calculate the
LU-decomposition of a real matrix.
Calculates the LUP-decomposition of a square matrix.
Signals a configuration problem with any of the factory methods.
Base class for commons-math checked exceptions.
Base class for all preconditions violation exceptions.
Base class for exceptions raised by a wrong number.
Base class for all exceptions that signal a mismatch between the
current state and the user's expectations.
Exception triggered when something that shouldn't happen does happen.
Base class for commons-math unchecked exceptions.
Interface for commons-math throwables.
Base class for all unsupported features.
Some useful additions to the built-in functions in
Math
.Specification of ordering direction.
Thrown when an operation addresses a matrix coordinate (row, col)
which is outside of the dimensions of a matrix.
A collection of static methods that operate on or return matrices.
Thrown when a visitor encounters an error while processing a matrix entry.
Returns the maximum of the available values.
Error thrown when a numerical computation exceeds its allowed
number of functions evaluations.
Error thrown when a numerical computation exceeds its allowed
number of iterations.
Computes the arithmetic mean of a set of values.
Returns the median of the available values.
This class implements a powerful pseudo-random number generator
developed by Makoto Matsumoto and Takuji Nishimura during
1996-1997.
Class for constructing localized messages.
Interpolating function that implements the
Microsphere Projection.
Interpolator that implements the algorithm described in
William Dudziak's
MS thesis.
This class implements a second order Runge-Kutta integrator for
Ordinary Differential Equations.
Returns the minimum of the available values.
Implements the
Muller's Method for root finding of real univariate functions.
Converter between unidimensional storage structure and multidimensional
conceptual structure.
This class implements the multi-directional direct search method.
The multiple linear regression can be represented in matrix-notation.
Special implementation of the
DifferentiableMultivariateRealOptimizer
interface adding
multi-start features to an existing optimizer.Special implementation of the
DifferentiableMultivariateVectorialOptimizer
interface adding
multi-start features to an existing optimizer.Special implementation of the
MultivariateRealOptimizer
interface adding
multi-start features to an existing optimizer.Special implementation of the
UnivariateRealOptimizer
interface adding
multi-start features to an existing optimizer.This class is the base class for multistep integrators for Ordinary
Differential Equations.
Transformer used to convert the first step to Nordsieck representation.
An interface representing a multivariate matrix function.
An interface representing a multivariate real function.
Interface representing a univariate real interpolating function.
This interface represents an optimization algorithm for
scalar objective functions
.Computes summary statistics for a stream of n-tuples added using the
addValue
method.An interface representing a multivariate vectorial function.
Algorithm used to mutate a chrommosome.
Strategies for handling NaN values in rank transformations.
Ranking based on the natural ordering on doubles.
This class implements the Nelder-Mead direct search method.
Implements the
Neville's Algorithm for interpolation of real univariate functions.
Implements
Newton's Method for finding zeros of real univariate functions.
Exception to be thrown when the required data is missing.
This class represents exceptions thrown by optimizers when no solution
fulfills the constraints.
Non-linear conjugate gradient optimizer.
Exception to be thrown when the a sequence of values is not monotonously
increasing or decreasing.
Thrown when an operation defined only for square matrices is applied to non-square ones.
This class implements an interpolator for integrators using Nordsieck representation.
Normal (Gauss) Distribution.
Default implementation of
NormalDistribution
.This interface represent a normalized random generator for
scalars.
This class represents exceptions thrown while building rotations
from matrices.
This class represents exceptions thrown when a matrix expected to
be positive definite is not.
Exception to be thrown when the argument is negative.
Exception to be thrown when the argument is negative.
This class represents exceptions thrown when a matrix expected to
be symmetric is not
All conditions checks that fail due to a
null
argument must throw
this exception.Exception to be thrown when a number is too large.
Exception to be thrown when a number is too small.
Subclasses implementing this interface can transform Objects to doubles.
This interface defines the common parts shared by integrators
for first and second order differential equations.
Deprecated.
as of 2.2 the complete package is deprecated, it will be replaced
in 3.0 by a completely rewritten implementation
Implements ordinary least squares (OLS) to estimate the parameters of a
multiple linear regression model.
One point crossover policy.
An interface for one-way ANOVA (analysis of variance).
Implements one-way ANOVA statistics defined in the
OneWayAnovaImpl
interface.Open addressed map from int to double.
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.Deprecated.
in 2.2 (to be removed in 3.0).
Exception to be thrown when some argument is out of range.
Deprecated.
as of 2.2 the complete package is deprecated, it will be replaced
in 3.0 by a completely rewritten implementation
A Gaussian function.
An interface representing a real function that depends on one independent
variable plus some extra parameters.
The Pascal distribution.
The default implementation of
PascalDistribution
.Computes Pearson's product-moment correlation coefficients for pairs of arrays
or columns of a matrix.
Provides percentile computation.
Interface indicating that the chromosome represents a permutation of objects.
Interface representing the Poisson Distribution.
Implementation for the
PoissonDistribution
.This class implements a curve fitting specialized for polynomials.
Immutable representation of a real polynomial function with real coefficients.
Implements the representation of a real polynomial function in
Lagrange Form.
Implements the representation of a real polynomial function in
Newton Form.
Represents a polynomial spline function.
A collection of static methods that operate on or return polynomials.
A collection of chromosomes that facilitates generational evolution.
Powell algorithm.
This interface represents a preconditioner for differentiable scalar
objective function optimizers.
Returns the product of the available values.
Formats a BigFraction number in proper format.
Formats a Fraction number in proper format.
An interface to classes that implement an algorithm to calculate the
QR-decomposition of a real matrix.
Calculates the QR-decomposition of a matrix.
Extension of
java.util.Random
wrapping a
RandomGenerator
.Random data generation utilities.
Implements the
RandomData
interface using a RandomGenerator
instance to generate non-secure data and a SecureRandom
instance to provide data for the nextSecureXxx
methods.Interface extracted from
java.util.Random
.
Random Key chromosome is used for permutation representation.
Mutation operator for
RandomKey
s.This interface represents a random generator for whole vectors.
Interface representing a rank transformation.
This interface specifies how to check if an
optimization
algorithm
has converged.Interface defining a real-valued matrix with basic algebraic operations.
Interface defining a visitor for matrix entries.
Deprecated.
as of 2.0 replaced by
Array2DRowRealMatrix
Interface defining a visitor for matrix entries.
This class holds a point and the value of an objective function at this point.
Interface for one-dimensional data sets transformations producing real results.
Interface defining a real-valued vector with basic algebraic operations.
Class representing a modifiable entry in the vector.
Formats a vector in components list format "{v0; v1; ...; vk-1}".
Types of relationships between two cells in a Solver
LinearConstraint
.
A variable length
DoubleArray
implementation that automatically
handles expanding and contracting its internal storage array as elements
are added and removed.Implements the
Ridders' Method for root finding of real univariate functions.
Implements the
Romberg Algorithm for integration of real univariate functions.
This class implements rotations in a three-dimensional space.
This class is a utility representing a rotation order specification
for Cardan or Euler angles specification.
This class implements the common part of all fixed step Runge-Kutta
integrators for Ordinary Differential Equations.
Implements a modified version of the
secant method
for approximating a zero of a real univariate function.
Computes a statistic related to the Second Central Moment.
This interface represents a second order differential equations set.
This interface represents a second order integrator for
differential equations.
Algorithm used to select a chromosome pair from a population.
Computes the semivariance of a set of values with respect to a given cutoff value.
The direction of the semivariance - either upside or downside.
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
Simple implementation of the
RealConvergenceChecker
interface using
only point coordinates.Estimates an ordinary least squares regression model
with one independent variable.
Simple implementation of the
RealConvergenceChecker
interface using
only objective function values.Simple implementation of the
VectorialConvergenceChecker
interface using
only point coordinates.Simple implementation of the
VectorialConvergenceChecker
interface using
only objective function values.Solves a linear problem using the Two-Phase Simplex Method.
Implements the
Simpson's Rule for integration of real univariate functions.
Thrown when a matrix is singular.
An interface to classes that implement an algorithm to calculate the
Singular Value Decomposition of a real matrix.
Calculates the compact Singular Value Decomposition of a matrix.
Computes the skewness of the available values.
Deprecated.
This class does not perform smoothing; the name is thus misleading.
Generates a bicubic interpolation function.
Sparse matrix implementation based on an open addressed map.
This class implements the
FieldVector
interface with a OpenIntToFieldHashMap
backing store.Marker interface for
RealMatrix
implementations that require sparse backing storageMarker interface for RealVectors that require sparse backing storage
Spearman's rank correlation.
Computes a natural (also known as "free", "unclamped") cubic spline interpolation for the data set.
Computes the sample standard deviation.
Reporting interface for basic multivariate statistics.
Reporting interface for basic univariate statistics.
Value object representing the results of a univariate statistical summary.
StatUtils provides static methods for computing statistics based on data
stored in double[] arrays.
This interface represents a handler that should be called after
each successful step.
Deprecated.
as of 2.2 the complete package is deprecated, it will be replaced
in 3.0 by a completely rewritten implementation
This interface represents an interpolator over the last step
during an ODE integration.
Deprecated.
as of 2.2 the complete package is deprecated, it will be replaced
in 3.0 by a completely rewritten implementation
This class wraps an object implementing
FixedStepHandler
into a StepHandler
.Algorithm used to determine when to stop evolution.
Extends the definition of
UnivariateStatistic
with
StorelessUnivariateStatistic.increment(double)
and StorelessUnivariateStatistic.incrementAll(double[])
methods for adding
values and updating internal state.Returns the sum of the available values.
Computes summary statistics for a stream of data values added using the
addValue
method.Returns the sum of the natural logs for this collection of values.
Returns the sum of the squares of the available values.
Implementation of
DescriptiveStatistics
that
is safe to use in a multithreaded environment.Implementation of
MultivariateSummaryStatistics
that
is safe to use in a multithreaded environment.Implementation of
SummaryStatistics
that
is safe to use in a multithreaded environment.Student's t-Distribution.
Default implementation of
TDistribution
.A collection of static methods to create inference test instances or to
perform inference tests.
Computes a statistic related to the Third Central Moment.
This class implements the 3/8 fourth order Runge-Kutta
integrator for Ordinary Differential Equations.
Strategies for handling tied values in rank transformations.
Tournament selection scheme.
This TansformerMap automates the transformation of mixed object types.
Implements the
Trapezoidal Rule for integration of real univariate functions.
Function that implements the
tricubic spline interpolation, as proposed in
Tricubic interpolation in three dimensions
F.
Generates a tricubic interpolating function.
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 interface for Student's t-tests.
Implements t-test statistics defined in the
TTest
interface.This class represents exceptions thrown by optimizers when a solution
escapes to infinity.
A
RandomVectorGenerator
that generates vectors with uncorrelated
components.This class implements a normalized uniform random generator.
Generate random vectors isotropically located on the surface of a sphere.
An interface representing a univariate matrix function.
An interface representing a univariate real function.
Interface for univariate real integration algorithms.
Provide a default implementation for several generic functions.
Interface representing a univariate real interpolating function.
Interface for (univariate real) optimization algorithms.
Interface for (univariate real) rootfinding algorithms.
Abstract factory class used to create
UnivariateRealSolver
instances.A concrete
UnivariateRealSolverFactory
.Deprecated.
in 2.2 (to be removed in 3.0).
Utility routines for
UnivariateRealSolver
objects.Base interface implemented by all statistics.
An interface representing a univariate vectorial function.
An interface for Chi-Square tests for unknown distributions.
Generates values for use in simulation applications.
Computes the variance of the available values.
This class implements vectors in a three-dimensional space.
Formats a 3D vector in components list format "{x; y; z}".
This interface specifies how to check if a
optimization algorithm
has converged.Returns the covariance matrix of the available vectors.
Returns the arithmetic mean of the available vectors.
This class holds a point and the vectorial value of an objective function at this point.
Weibull Distribution.
Default implementation of
WeibullDistribution
.Weighted evaluation for statistics.
Deprecated.
as of 2.0, everything in package org.apache.commons.math.estimation has
been deprecated and replaced by package org.apache.commons.math.optimization.general
This class is a simple container for weighted observed point in
curve fitting
.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.
Exception to be thrown when zero is provided where it is not allowed.
The Zipf (or zeta) Distribution.
Implementation for the
ZipfDistribution
.