Search Java Classes and Packages

Search Java Frameworks and Libraries

255581 classes and counting ...
Search Tips Index Status



#Org.apache.commons.math3 Classes and Interfaces - 918 results found.
NameDescriptionTypePackageFramework
AbsAbsolute value function.Classorg.apache.commons.math3.analysis.functionApache Commons
AbstractConvergenceCheckerBase class for all convergence checker implementations.Classorg.apache.commons.math3.optimApache Commons
AbstractConvergenceCheckerBase class for all convergence checker implementations.Classorg.apache.commons.math3.optimizationApache Commons
AbstractCurveFitterBase class that contains common code for fitting parametric univariate real functions y = f(pi;x), where x isClassorg.apache.commons.math3.fittingApache Commons
AbstractCurveFitter .TheoreticalValuesFunctionVector function for computing function theoretical values.Classorg.apache.commons.math3.fitting.AbstractCurveFitterApache Commons
AbstractDifferentiableOptimizerBase class for implementing optimizers for multivariate scalar differentiable functions.Classorg.apache.commons.math3.optimization.generalApache Commons
AbstractDifferentiableUnivariateSolverClassorg.apache.commons.math3.analysis.solversApache Commons
AbstractEvaluationAn implementation of LeastSquaresProblem.Classorg.apache.commons.math3.fitting.leastsquaresApache Commons
AbstractFieldIntegratorBase class managing common boilerplate for all integrators.Classorg.apache.commons.math3.odeApache Commons
AbstractFieldMatrixBasic implementation of FieldMatrix methods regardless of the underlying storage.Classorg.apache.commons.math3.linearApache Commons
AbstractFieldStepInterpolatorThis abstract class represents an interpolator over the last step during an ODE integration.Classorg.apache.commons.math3.ode.samplingApache Commons
AbstractFormatCommon part shared by both FractionFormat and BigFractionFormat.Classorg.apache.commons.math3.fractionApache Commons
AbstractIntegerDistributionBase class for integer-valued discrete distributions.Classorg.apache.commons.math3.distributionApache Commons
AbstractIntegratorBase class managing common boilerplate for all integrators.Classorg.apache.commons.math3.odeApache Commons
AbstractLeastSquaresOptimizerBase class for implementing least-squares optimizers.Classorg.apache.commons.math3.optim.nonlinear.vector.jacobianApache Commons
AbstractLeastSquaresOptimizerBase class for implementing least squares optimizers.Classorg.apache.commons.math3.optimization.generalApache Commons
AbstractLinearOptimizerBase class for implementing linear optimizers.Classorg.apache.commons.math3.optimization.linearApache Commons
AbstractListChromosomeChromosome represented by an immutable list of a fixed length.Classorg.apache.commons.math3.geneticsApache Commons
AbstractMultipleLinearRegressionAbstract base class for implementations of MultipleLinearRegression.Classorg.apache.commons.math3.stat.regressionApache Commons
AbstractMultivariateRealDistributionBase class for multivariate probability distributions.Classorg.apache.commons.math3.distributionApache Commons
AbstractOptimizationProblemBase class for implementing optimization problems.Classorg.apache.commons.math3.optimApache Commons
AbstractParameterizableThis abstract class provides boilerplate parameters list.Classorg.apache.commons.math3.odeApache Commons
AbstractPolynomialSolverBase class for solvers.Classorg.apache.commons.math3.analysis.solversApache Commons
AbstractRandomGeneratorAbstract class implementing the RandomGenerator interface.Classorg.apache.commons.math3.randomApache Commons
AbstractRealDistributionBase class for probability distributions on the reals.Classorg.apache.commons.math3.distributionApache Commons
AbstractRealMatrixBasic implementation of RealMatrix methods regardless of the underlying storage.Classorg.apache.commons.math3.linearApache Commons
AbstractRegionAbstract class for all regions, independently of geometry type or dimension.Classorg.apache.commons.math3.geometry.partitioningApache Commons
AbstractScalarDifferentiableOptimizerBase class for implementing optimizers for multivariate scalar differentiable functions.Classorg.apache.commons.math3.optimization.generalApache Commons
AbstractSimplexThis class implements the simplex concept.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderivApache Commons
AbstractSimplexThis class implements the simplex concept.Classorg.apache.commons.math3.optimization.directApache Commons
AbstractStepInterpolatorThis abstract class represents an interpolator over the last step during an ODE integration.Classorg.apache.commons.math3.ode.samplingApache Commons
AbstractStorelessUnivariateStatisticAbstract implementation of the StorelessUnivariateStatistic interface.Classorg.apache.commons.math3.stat.descriptiveApache Commons
AbstractSubHyperplaneThis class implements the dimension-independent parts of SubHyperplane.Classorg.apache.commons.math3.geometry.partitioningApache Commons
AbstractUnivariateDifferentiableSolverClassorg.apache.commons.math3.analysis.solversApache Commons
AbstractUnivariateSolverBase class for solvers.Classorg.apache.commons.math3.analysis.solversApache Commons
AbstractUnivariateStatisticAbstract base class for all implementations of the UnivariateStatistic interface.Classorg.apache.commons.math3.stat.descriptiveApache Commons
AbstractWellClassorg.apache.commons.math3.randomApache Commons
AcosArc-cosine function.Classorg.apache.commons.math3.analysis.functionApache Commons
AcoshHyperbolic arc-cosine function.Classorg.apache.commons.math3.analysis.functionApache Commons
ActionEnumerate for actions to be performed when an event occurs during ODE integration.Classorg.apache.commons.math3.ode.eventsApache Commons
AdamsBashforthFieldIntegratorThis class implements explicit Adams-Bashforth integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdamsBashforthIntegratorThis class implements explicit Adams-Bashforth integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdamsFieldIntegratorBase class for Adams-Bashforth and Adams-Moulton integrators.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdamsIntegratorBase class for Adams-Bashforth and Adams-Moulton integrators.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdamsMoultonFieldIntegratorThis class implements implicit Adams-Moulton integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdamsMoultonIntegratorThis class implements implicit Adams-Moulton integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdamsNordsieckFieldTransformerTransformer to Nordsieck vectors for Adams integrators.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdamsNordsieckTransformerTransformer to Nordsieck vectors for Adams integrators.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdaptiveStepsizeFieldIntegratorThis abstract class holds the common part of all adaptive stepsize integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AdaptiveStepsizeIntegratorThis abstract class holds the common part of all adaptive stepsize integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
AddAdd the two operands.Classorg.apache.commons.math3.analysis.functionApache Commons
AggregateSummaryStatistics An aggregator for SummaryStatistics from several data sets or data set partitions.Classorg.apache.commons.math3.stat.descriptiveApache Commons
AgrestiCoullIntervalClassorg.apache.commons.math3.stat.intervalApache Commons
AkimaSplineInterpolatorComputes a cubic spline interpolation for the data set using the Akima algorithm, as originally formulated by Hiroshi Akima in his 1970 paperClassorg.apache.commons.math3.analysis.interpolationApache Commons
AklToussaintHeuristicA simple heuristic to improve the performance of convex hull algorithms.Classorg.apache.commons.math3.geometry.euclidean.twod.hullApache Commons
AllowedSolutionenum AllowedSolutionThe kinds of solutions that a (bracketed univariate real) root-finding algorithm may accept as solutions.Classorg.apache.commons.math3.analysis.solversApache Commons
AlternativeHypothesisenum AlternativeHypothesisRepresents an alternative hypothesis for a hypothesis test.Classorg.apache.commons.math3.stat.inferenceApache Commons
AnyMatrixInterface defining very basic matrix operations.Interfaceorg.apache.commons.math3.linearApache Commons
ArcThis class represents an arc on a circle.Classorg.apache.commons.math3.geometry.spherical.onedApache Commons
ArcsSetThis class represents a region of a circle: a set of arcs.Classorg.apache.commons.math3.geometry.spherical.onedApache Commons
ArcsSet .InconsistentStateAt2PiWrappingSpecialized exception for inconsistent BSP tree state inconsistency.Classorg.apache.commons.math3.geometry.spherical.oned.ArcsSetApache Commons
ArcsSet .SplitClassorg.apache.commons.math3.geometry.spherical.oned.ArcsSetApache Commons
ArgUtilsUtility class for transforming the list of arguments passed to constructors of exceptions.Classorg.apache.commons.math3.exception.utilApache Commons
ArithmeticUtilsClassorg.apache.commons.math3.utilApache Commons
Array2DRowFieldMatrix As specified in the FieldMatrix interface, matrix element indexing is 0-based -- e.Classorg.apache.commons.math3.linearApache Commons
Array2DRowRealMatrixClassorg.apache.commons.math3.linearApache Commons
ArrayFieldVectorThis class implements the FieldVector interface with a FieldElement array.Classorg.apache.commons.math3.linearApache Commons
ArrayRealVectorThis class implements the RealVector interface with a double array.Classorg.apache.commons.math3.linearApache Commons
AsinClassorg.apache.commons.math3.analysis.functionApache Commons
AsinhHyperbolic arc-sine function.Classorg.apache.commons.math3.analysis.functionApache Commons
AtanArc-tangent function.Classorg.apache.commons.math3.analysis.functionApache Commons
Atan2Arc-tangent function.Classorg.apache.commons.math3.analysis.functionApache Commons
AtanhHyperbolic arc-tangent function.Classorg.apache.commons.math3.analysis.functionApache Commons
AVLTreeThis class implements AVL trees.Classorg.apache.commons.math3.geometry.partitioning.utilitiesApache Commons
BaseAbstractMultivariateOptimizerBase class for implementing optimizers for multivariate scalar functions.Classorg.apache.commons.math3.optimization.directApache Commons
BaseAbstractMultivariateSimpleBoundsOptimizerBase class for implementing optimizers for multivariate scalar functions, subject to simple bounds: The valid range of the parameters is an interval.Classorg.apache.commons.math3.optimization.directApache Commons
BaseAbstractMultivariateVectorOptimizerBase class for implementing optimizers for multivariate scalar functions.Classorg.apache.commons.math3.optimization.directApache Commons
BaseAbstractUnivariateIntegratorProvide a default implementation for several generic functions.Classorg.apache.commons.math3.analysis.integrationApache Commons
BaseAbstractUnivariateOptimizerClassorg.apache.commons.math3.optimization.univariateApache Commons
BaseAbstractUnivariateSolverProvide a default implementation for several functions useful to generic The default values for relative and function tolerances are 1e-14Classorg.apache.commons.math3.analysis.solversApache Commons
BaseMultiStartMultivariateOptimizerBase class multi-start optimizer for a multivariate function.Classorg.apache.commons.math3.optimApache Commons
BaseMultivariateMultiStartOptimizerBase class for all implementations of a multi-start optimizer.Classorg.apache.commons.math3.optimizationApache Commons
BaseMultivariateOptimizerBase class for implementing optimizers for multivariate functions.Classorg.apache.commons.math3.optimApache Commons
BaseMultivariateOptimizerThis interface is mainly intended to enforce the internal coherence of Commons-FastMath.Interfaceorg.apache.commons.math3.optimizationApache Commons
BaseMultivariateSimpleBoundsOptimizerThis interface is mainly intended to enforce the internal coherence of Commons-FastMath.Interfaceorg.apache.commons.math3.optimizationApache Commons
BaseMultivariateVectorMultiStartOptimizerBase class for all implementations of a multi-start optimizer.Classorg.apache.commons.math3.optimizationApache Commons
BaseMultivariateVectorOptimizerThis interface is mainly intended to enforce the internal coherence of Commons-Math.Interfaceorg.apache.commons.math3.optimizationApache Commons
BaseOptimizerBase class for implementing optimizers.Classorg.apache.commons.math3.optimApache Commons
BaseOptimizerThis interface is mainly intended to enforce the internal coherence of Commons-Math.Interfaceorg.apache.commons.math3.optimizationApache Commons
BaseRuleFactoryBase class for rules that determines the integration nodes and their Subclasses must implement the computeRule method.Classorg.apache.commons.math3.analysis.integration.gaussApache Commons
BaseSecantSolverBase class for all bracketing Secant-based methods for root-finding (approximating a zero of a univariate real function).Classorg.apache.commons.math3.analysis.solversApache Commons
BaseSecantSolver .MethodSecant-based root-finding methods.Classorg.apache.commons.math3.analysis.solvers.BaseSecantSolverApache Commons
BaseUnivariateOptimizerThis interface is mainly intended to enforce the internal coherence of Commons-Math.Interfaceorg.apache.commons.math3.optimization.univariateApache Commons
BaseUnivariateSolverInterface for (univariate real) rootfinding algorithms.Interfaceorg.apache.commons.math3.analysis.solversApache Commons
BesselJThis class provides computation methods related to Bessel functions of the first kind.Classorg.apache.commons.math3.specialApache Commons
BesselJ .BesselJResultEncapsulates the results returned by BesselJ.Classorg.apache.commons.math3.special.BesselJApache Commons
Beta This is a utility class that provides computation methods related to the Beta family of functions.Classorg.apache.commons.math3.specialApache Commons
BetaDistributionClassorg.apache.commons.math3.distributionApache Commons
BicubicInterpolatingFunctionFunction that implements the bicubic spline interpolation.Classorg.apache.commons.math3.analysis.interpolationApache Commons
BicubicInterpolatorGenerates a bicubic interpolating Caveat: Because the interpolation scheme requires that derivatives beClassorg.apache.commons.math3.analysis.interpolationApache Commons
BicubicSplineInterpolatingFunctionFunction that implements the bicubic spline interpolation.Classorg.apache.commons.math3.analysis.interpolationApache Commons
BicubicSplineInterpolatorGenerates a bicubic interpolating function.Classorg.apache.commons.math3.analysis.interpolationApache Commons
BigFractionRepresentation of a rational number without any overflow.Classorg.apache.commons.math3.fractionApache Commons
BigFractionFieldRepresentation of the fractional numbers without any overflow field.Classorg.apache.commons.math3.fractionApache Commons
BigFractionFormatFormats a BigFraction number in proper format or improper format.Classorg.apache.commons.math3.fractionApache Commons
BigRealArbitrary precision decimal number.Classorg.apache.commons.math3.utilApache Commons
BigRealFieldRepresentation of real numbers with arbitrary precision field.Classorg.apache.commons.math3.utilApache Commons
BinaryChromosomeChromosome represented by a vector of 0s and 1s.Classorg.apache.commons.math3.geneticsApache Commons
BinaryMutationMutation for BinaryChromosomes.Classorg.apache.commons.math3.geneticsApache Commons
BinomialConfidenceIntervalInterface to generate confidence intervals for a binomial proportion.Interfaceorg.apache.commons.math3.stat.intervalApache Commons
BinomialDistributionSee Also:Binomial distribution (Wikipedia), Binomial Distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
BinomialTest Exact test for the statistical significance of deviations from a theoretically expected distribution of observations into two categories.Classorg.apache.commons.math3.stat.inferenceApache Commons
BisectionSolver bisection algorithm for finding zeros of univariate real functions.Classorg.apache.commons.math3.analysis.solversApache Commons
BitsStreamGeneratorBase class for random number generators that generates bits streams.Classorg.apache.commons.math3.randomApache Commons
BivariateFunctionAn interface representing a bivariate real function.Interfaceorg.apache.commons.math3.analysisApache Commons
BivariateGridInterpolatorInterface representing a bivariate real interpolating function where the sample points must be specified on a regular grid.Interfaceorg.apache.commons.math3.analysis.interpolationApache Commons
BlockFieldMatrixCache-friendly implementation of FieldMatrix using a flat arrays to store square blocks of the matrix.Classorg.apache.commons.math3.linearApache Commons
BlockRealMatrixCache-friendly implementation of RealMatrix using a flat arrays to store square blocks of the matrix.Classorg.apache.commons.math3.linearApache Commons
BOBYQAOptimizerPowell's BOBYQA algorithm.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderivApache Commons
BOBYQAOptimizerPowell's BOBYQA algorithm.Classorg.apache.commons.math3.optimization.directApache Commons
BoundaryAttributeClass holding boundary attributes.Classorg.apache.commons.math3.geometry.partitioningApache Commons
BoundaryProjectionClass holding the result of point projection on region boundary.Classorg.apache.commons.math3.geometry.partitioningApache Commons
BracketedRealFieldUnivariateSolverInterface for (univariate real) root-finding algorithms that maintain a bracketed solution.Interfaceorg.apache.commons.math3.analysis.solversApache Commons
BracketedUnivariateSolverInterface for (univariate real) root-finding algorithms that maintain a bracketed solution.Interfaceorg.apache.commons.math3.analysis.solversApache Commons
BracketFinderProvide an interval that brackets a local optimum of a function.Classorg.apache.commons.math3.optim.univariateApache Commons
BracketFinderProvide an interval that brackets a local optimum of a function.Classorg.apache.commons.math3.optimization.univariateApache Commons
BracketingNthOrderBrentSolverThis class implements a modification of the Brent algorithm.Classorg.apache.commons.math3.analysis.solversApache Commons
BracketingNthOrderBrentSolverDFPThis class implements a modification of the Brent algorithm.Classorg.apache.commons.math3.dfpApache Commons
BrentOptimizerFor a function defined on some interval (lo, hi), this class finds an approximation x to the point at which the functionClassorg.apache.commons.math3.optim.univariateApache Commons
BrentOptimizerFor a function defined on some interval (lo, hi), this class finds an approximation x to the point at which the functionClassorg.apache.commons.math3.optimization.univariateApache Commons
BrentSolverThis class implements the Brent algorithm for finding zeros of real univariate functions.Classorg.apache.commons.math3.analysis.solversApache Commons
BSPTreeThis class represent a Binary Space Partition tree.Classorg.apache.commons.math3.geometry.partitioningApache Commons
BSPTree .LeafMergerThis interface gather the merging operations between a BSP tree leaf and another BSP tree.Interfaceorg.apache.commons.math3.geometry.partitioning.BSPTreeApache Commons
BSPTree .VanishingCutHandlerThis interface handles the corner cases when an internal node cut sub-hyperplane vanishes.Interfaceorg.apache.commons.math3.geometry.partitioning.BSPTreeApache Commons
BSPTreeVisitorThis interface is used to visit BSP tree nodes.Interfaceorg.apache.commons.math3.geometry.partitioningApache Commons
BSPTreeVisitor .OrderIndicator for visit order minus sub-tree, then plus sub-tree, and last cut sub-hyperplane.Classorg.apache.commons.math3.geometry.partitioning.BSPTreeVisitorApache Commons
CanberraDistanceCalculates the Canberra distance between two points.Classorg.apache.commons.math3.ml.distanceApache Commons
CardanEulerSingularityExceptionThis class represents exceptions thrown while extractiong Cardan or Euler angles from a rotation.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
CauchyDistributionClassorg.apache.commons.math3.distributionApache Commons
CbrtClassorg.apache.commons.math3.analysis.functionApache Commons
CeilClassorg.apache.commons.math3.analysis.functionApache Commons
CentralPivotingStrategyA mid point strategy based on the average of begin and end indices.Classorg.apache.commons.math3.utilApache Commons
CentroidClusterA Cluster used by centroid-based clustering algorithms.Classorg.apache.commons.math3.ml.clusteringApache Commons
ChebyshevDistanceClassorg.apache.commons.math3.ml.distanceApache Commons
ChiSquaredDistributionSee Also:Chi-squared distribution (Wikipedia), Chi-squared Distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
ChiSquareTest This implementation handles both known and unknown distributions.Classorg.apache.commons.math3.stat.inferenceApache Commons
CholeskyDecompositionCalculates the Cholesky decomposition of a matrix.Classorg.apache.commons.math3.linearApache Commons
ChromosomeIndividual in a population.Classorg.apache.commons.math3.geneticsApache Commons
ChromosomePairA pair of Chromosome objects.Classorg.apache.commons.math3.geneticsApache Commons
CircleThis class represents an oriented great circle on the 2-sphere.Classorg.apache.commons.math3.geometry.spherical.twodApache Commons
ClassicalRungeKuttaFieldIntegratorThis class implements the classical fourth order Runge-Kutta integrator for Ordinary Differential Equations (it is the mostClassorg.apache.commons.math3.ode.nonstiffApache Commons
ClassicalRungeKuttaIntegratorThis class implements the classical fourth order Runge-Kutta integrator for Ordinary Differential Equations (it is the mostClassorg.apache.commons.math3.ode.nonstiffApache Commons
ClopperPearsonIntervalClassorg.apache.commons.math3.stat.intervalApache Commons
ClusterCluster holding a set of Clusterable points.Classorg.apache.commons.math3.ml.clusteringApache Commons
ClusterCluster holding a set of Clusterable points.Classorg.apache.commons.math3.stat.clusteringApache Commons
ClusterableInterface for n-dimensional points that can be clustered together.Interfaceorg.apache.commons.math3.ml.clusteringApache Commons
ClusterableInterface for points that can be clustered together.Interfaceorg.apache.commons.math3.stat.clusteringApache Commons
ClustererBase class for clustering algorithms.Classorg.apache.commons.math3.ml.clusteringApache Commons
ClusterEvaluatorBase class for cluster evaluation methods.Classorg.apache.commons.math3.ml.clustering.evaluationApache Commons
CMAESOptimizerAn implementation of the active Covariance Matrix Adaptation Evolution Strategy (CMA-ES) for non-linear, non-convex, non-smooth, global function minimization.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderivApache Commons
CMAESOptimizerAn implementation of the active Covariance Matrix Adaptation Evolution Strategy (CMA-ES) for non-linear, non-convex, non-smooth, global function minimization.Classorg.apache.commons.math3.optimization.directApache Commons
CMAESOptimizer .PopulationSize The number of offspring is the primary strategy parameter.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderiv.CMAESOptimizerApache Commons
CMAESOptimizer .PopulationSize The number of offspring is the primary strategy parameter.Classorg.apache.commons.math3.optimization.direct.CMAESOptimizerApache Commons
CMAESOptimizer .Sigma They define the initial coordinate-wise standard deviations for sampling new search points around the initial guess.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderiv.CMAESOptimizerApache Commons
CMAESOptimizer .Sigma They define the initial coordinate-wise standard deviations for sampling new search points around the initial guess.Classorg.apache.commons.math3.optimization.direct.CMAESOptimizerApache Commons
CombinationsClassorg.apache.commons.math3.utilApache Commons
CombinatoricsUtilsCombinatorial utilities.Classorg.apache.commons.math3.utilApache Commons
ComplexRepresentation of a Complex number, i.Classorg.apache.commons.math3.complexApache Commons
ComplexFieldRepresentation of the complex numbers field.Classorg.apache.commons.math3.complexApache Commons
ComplexFormatFormats a Complex number in cartesian format Re(c) + Im(c)i.Classorg.apache.commons.math3.complexApache Commons
ComplexUtilsStatic implementations of common Complex utilities functions.Classorg.apache.commons.math3.complexApache Commons
CompositeFormatBase class for formatters of composite objects (complex numbers, vectors .Classorg.apache.commons.math3.utilApache Commons
ConfidenceIntervalRepresents an interval estimate of a population parameter.Classorg.apache.commons.math3.stat.intervalApache Commons
ConjugateGradient This is an implementation of the conjugate gradient method for RealLinearOperator.Classorg.apache.commons.math3.linearApache Commons
ConjugateGradientFormulaClassorg.apache.commons.math3.optimization.generalApache Commons
ConstantClassorg.apache.commons.math3.analysis.functionApache Commons
ConstantRealDistributionClassorg.apache.commons.math3.distributionApache Commons
ContinuedFractionProvides a generic means to evaluate continued fractions.Classorg.apache.commons.math3.utilApache Commons
ContinuousOutputFieldModelThis class stores all information provided by an ODE integrator during the integration process and build a continuous model of theClassorg.apache.commons.math3.odeApache Commons
ContinuousOutputModelThis class stores all information provided by an ODE integrator during the integration process and build a continuous model of theClassorg.apache.commons.math3.odeApache Commons
ConvergenceCheckerThis interface specifies how to check if an optimization algorithm has Deciding if convergence has been reached is a problem-dependent issue.Interfaceorg.apache.commons.math3.optimApache Commons
ConvergenceCheckerThis interface specifies how to check if an optimization algorithm has Deciding if convergence has been reached is a problem-dependent issue.Interfaceorg.apache.commons.math3.optimizationApache Commons
ConvergenceExceptionError thrown when a numerical computation can not be performed because the numerical result failed to converge to a finite value.Classorg.apache.commons.math3.exceptionApache Commons
ConvexHullThis class represents a convex hull.Interfaceorg.apache.commons.math3.geometry.hullApache Commons
ConvexHull2DThis class represents a convex hull in an two-dimensional euclidean space.Classorg.apache.commons.math3.geometry.euclidean.twod.hullApache Commons
ConvexHullGeneratorInterface for convex hull generators.Interfaceorg.apache.commons.math3.geometry.hullApache Commons
ConvexHullGenerator2DInterface for convex hull generators in the two-dimensional euclidean space.Interfaceorg.apache.commons.math3.geometry.euclidean.twod.hullApache Commons
CorrelatedRandomVectorGeneratorA RandomVectorGenerator that generates vectors with with correlated components.Classorg.apache.commons.math3.randomApache Commons
CosClassorg.apache.commons.math3.analysis.functionApache Commons
CoshHyperbolic cosine function.Classorg.apache.commons.math3.analysis.functionApache Commons
CovarianceComputes covariances for pairs of arrays or columns of a matrix.Classorg.apache.commons.math3.stat.correlationApache Commons
CrossoverPolicyPolicy used to create a pair of new chromosomes by performing a crossover operation on a source pair of chromosomes.Interfaceorg.apache.commons.math3.geneticsApache Commons
CurveFitterFitter for parametric univariate real functions y = f(x).Classorg.apache.commons.math3.fittingApache Commons
CurveFitterFitter for parametric univariate real functions y = f(x).Classorg.apache.commons.math3.optimization.fittingApache Commons
CycleCrossoverCycle Crossover [CX] builds offspring from ordered chromosomes by identifying cycles between two parent chromosomes.Classorg.apache.commons.math3.geneticsApache Commons
DBSCANClustererDBSCAN (density-based spatial clustering of applications with noise) algorithm.Classorg.apache.commons.math3.ml.clusteringApache Commons
DBSCANClustererDBSCAN (density-based spatial clustering of applications with noise) algorithm.Classorg.apache.commons.math3.stat.clusteringApache Commons
DctNormalizationenum DctNormalizationThis enumeration defines the various types of normalizations that can beClassorg.apache.commons.math3.transformApache Commons
Decimal64This class wraps a double value in an object.Classorg.apache.commons.math3.utilApache Commons
Decimal64FieldThe field of double precision floating-point numbers.Classorg.apache.commons.math3.utilApache Commons
DecompositionSolverInterfaceorg.apache.commons.math3.linearApache Commons
DefaultFieldMatrixChangingVisitorDefault implementation of the FieldMatrixChangingVisitor interface.Classorg.apache.commons.math3.linearApache Commons
DefaultFieldMatrixPreservingVisitorDefault implementation of the FieldMatrixPreservingVisitor interface.Classorg.apache.commons.math3.linearApache Commons
DefaultIterativeLinearSolverEventA default concrete implementation of the abstract class IterativeLinearSolverEvent.Classorg.apache.commons.math3.linearApache Commons
DefaultMeasurementModelDefault implementation of a MeasurementModel for the use with a KalmanFilter.Classorg.apache.commons.math3.filterApache Commons
DefaultProcessModelDefault implementation of a ProcessModel for the use with a KalmanFilter.Classorg.apache.commons.math3.filterApache Commons
DefaultRealMatrixChangingVisitorDefault implementation of the RealMatrixChangingVisitor interface.Classorg.apache.commons.math3.linearApache Commons
DefaultRealMatrixPreservingVisitorDefault implementation of the RealMatrixPreservingVisitor interface.Classorg.apache.commons.math3.linearApache Commons
DefaultTransformerA Default NumberTransformer for java.Classorg.apache.commons.math3.utilApache Commons
DerivativeStructureClass representing both the value and the differentials of a function.Classorg.apache.commons.math3.analysis.differentiationApache Commons
DescriptiveStatisticsMaintains a dataset of values of a single variable and computes descriptive statistics based on stored data.Classorg.apache.commons.math3.stat.descriptiveApache Commons
DfpDecimal floating point library for Java Another floating point class.Classorg.apache.commons.math3.dfpApache Commons
DfpDecSubclass of Dfp which hides the radix-10000 artifacts of the superclass.Classorg.apache.commons.math3.dfpApache Commons
DfpFieldField for Decimal floating point instances.Classorg.apache.commons.math3.dfpApache Commons
DfpField .RoundingModeRounds towards positive infinity.Classorg.apache.commons.math3.dfp.DfpFieldApache Commons
DfpMathMathematical routines for use with Dfp.Classorg.apache.commons.math3.dfpApache Commons
DftNormalizationenum DftNormalizationThis enumeration defines the various types of normalizations that can beClassorg.apache.commons.math3.transformApache Commons
DiagonalMatrixClassorg.apache.commons.math3.linearApache Commons
DifferentiableMultivariateFunctionExtension of MultivariateFunction representing a differentiable multivariate real function.Interfaceorg.apache.commons.math3.analysisApache Commons
DifferentiableMultivariateMultiStartOptimizerSpecial implementation of the DifferentiableMultivariateOptimizer interface adding multi-start features to an existing optimizer.Classorg.apache.commons.math3.optimizationApache Commons
DifferentiableMultivariateOptimizerThis interface represents an optimization algorithm for scalar differentiable objectiveInterfaceorg.apache.commons.math3.optimizationApache Commons
DifferentiableMultivariateVectorFunctionExtension of MultivariateVectorFunction representing a differentiable multivariate vectorial function.Interfaceorg.apache.commons.math3.analysisApache Commons
DifferentiableMultivariateVectorMultiStartOptimizerSpecial implementation of the DifferentiableMultivariateVectorOptimizer interface addind multi-start features to an existing optimizer.Classorg.apache.commons.math3.optimizationApache Commons
DifferentiableMultivariateVectorOptimizerThis interface represents an optimization algorithm for vectorial differentiableInterfaceorg.apache.commons.math3.optimizationApache Commons
DifferentiableUnivariateFunctionExtension of UnivariateFunction representing a differentiable univariate real function.Interfaceorg.apache.commons.math3.analysisApache Commons
DifferentiableUnivariateMatrixFunctionExtension of UnivariateMatrixFunction representing a differentiable univariate matrix function.Interfaceorg.apache.commons.math3.analysisApache Commons
DifferentiableUnivariateSolverInterface for (univariate real) rootfinding algorithms.Interfaceorg.apache.commons.math3.analysis.solversApache Commons
DifferentiableUnivariateVectorFunctionExtension of UnivariateVectorFunction representing a differentiable univariate vectorial function.Interfaceorg.apache.commons.math3.analysisApache Commons
DimensionMismatchExceptionException to be thrown when two dimensions differ.Classorg.apache.commons.math3.exceptionApache Commons
DiskGeneratorClass generating an enclosing ball from its support points.Classorg.apache.commons.math3.geometry.euclidean.twodApache Commons
DistanceMeasureInterface for distance measures of n-dimensional vectors.Interfaceorg.apache.commons.math3.ml.distanceApache Commons
DivideDivide the first operand by the second.Classorg.apache.commons.math3.analysis.functionApache Commons
DividedDifferenceInterpolator Divided Difference Algorithm for interpolation of real univariate functions.Classorg.apache.commons.math3.analysis.interpolationApache Commons
DormandPrince54FieldIntegratorThis class implements the 5(4) Dormand-Prince integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
DormandPrince54IntegratorThis class implements the 5(4) Dormand-Prince integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
DormandPrince853FieldIntegratorThis class implements the 8(5,3) Dormand-Prince integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
DormandPrince853IntegratorThis class implements the 8(5,3) Dormand-Prince integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
DoubleArrayProvides a standard interface for double arrays.Interfaceorg.apache.commons.math3.utilApache Commons
DoublePointA simple implementation of Clusterable for points with double coordinates.Classorg.apache.commons.math3.ml.clusteringApache Commons
DSCompilerClass holding compiled computation rules for derivative structures.Classorg.apache.commons.math3.analysis.differentiationApache Commons
DstNormalizationenum DstNormalizationThis enumeration defines the various types of normalizations that can beClassorg.apache.commons.math3.transformApache Commons
DummyLocalizableDummy implementation of the Localizable interface, without localization.Classorg.apache.commons.math3.exception.utilApache Commons
DummyStepHandlerThis class is a step handler that does nothing.Classorg.apache.commons.math3.ode.samplingApache Commons
EarthMoversDistanceCalculates the Earh Mover's distance (also known as Wasserstein metric) between two distributions.Classorg.apache.commons.math3.ml.distanceApache Commons
EdgeSpherical polygons boundary edge.Classorg.apache.commons.math3.geometry.spherical.twodApache Commons
EigenDecompositionCalculates the eigen decomposition of a real matrix.Classorg.apache.commons.math3.linearApache Commons
ElitisticListPopulationPopulation of chromosomes which uses elitism (certain percentage of the best chromosomes is directly copied to the next generation).Classorg.apache.commons.math3.geneticsApache Commons
EmbeddedRungeKuttaFieldIntegratorThis class implements the common part of all embedded Runge-Kutta integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
EmbeddedRungeKuttaIntegratorThis class implements the common part of all embedded Runge-Kutta integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
EmbeddingThis interface defines mappers between a space and one of its sub-spaces.Interfaceorg.apache.commons.math3.geometry.partitioningApache Commons
EmpiricalDistribution empirical probability distribution -- a probability distribution derived from observed data without making any assumptions about the functional formClassorg.apache.commons.math3.randomApache Commons
EncloserInterface for algorithms computing enclosing balls.Interfaceorg.apache.commons.math3.geometry.enclosingApache Commons
EnclosingBallThis class represents a ball enclosing some points.Classorg.apache.commons.math3.geometry.enclosingApache Commons
EnumeratedDistributionA generic implementation of a discrete probability distribution (Wikipedia) over a finite sample space,Classorg.apache.commons.math3.distributionApache Commons
EnumeratedIntegerDistribution Values with zero-probability are allowed but they do not extend the Duplicate values are allowed.Classorg.apache.commons.math3.distributionApache Commons
EnumeratedRealDistribution Values with zero-probability are allowed but they do not extend the Duplicate values are allowed.Classorg.apache.commons.math3.distributionApache Commons
EquationsMapperClass mapping the part of a complete state or derivative that pertains to a specific differential equation.Classorg.apache.commons.math3.odeApache Commons
ErfClassorg.apache.commons.math3.specialApache Commons
Euclidean1DThis class implements a one-dimensional space.Classorg.apache.commons.math3.geometry.euclidean.onedApache Commons
Euclidean1D .NoSubSpaceExceptionSpecialized exception for inexistent sub-space.Classorg.apache.commons.math3.geometry.euclidean.oned.Euclidean1DApache Commons
Euclidean2DThis class implements a two-dimensional space.Classorg.apache.commons.math3.geometry.euclidean.twodApache Commons
Euclidean3DThis class implements a three-dimensional space.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
EuclideanDistanceCalculates the L2 (Euclidean) distance between two points.Classorg.apache.commons.math3.ml.distanceApache Commons
EuclideanDoublePointA simple implementation of Clusterable for points with double coordinates.Classorg.apache.commons.math3.stat.clusteringApache Commons
EuclideanIntegerPointA simple implementation of Clusterable for points with integer coordinates.Classorg.apache.commons.math3.stat.clusteringApache Commons
EulerFieldIntegratorThis class implements a simple Euler integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
EulerIntegratorThis class implements a simple Euler integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
EvaluationRmsCheckerCheck if an optimization has converged based on the change in computed RMS.Classorg.apache.commons.math3.fitting.leastsquaresApache Commons
EventFilterWrapper used to detect only increasing or decreasing events.Classorg.apache.commons.math3.ode.eventsApache Commons
EventHandlerThis interface represents a handler for discrete events triggered during ODE integration.Interfaceorg.apache.commons.math3.ode.eventsApache Commons
EventHandler .ActionReset derivatives indicator.Classorg.apache.commons.math3.ode.events.EventHandlerApache Commons
EventStateThis class handles the state for one event handler during integration steps.Classorg.apache.commons.math3.ode.eventsApache Commons
ExceptionContextClass that contains the actual implementation of the functionality mandated by the ExceptionContext interface.Classorg.apache.commons.math3.exception.utilApache Commons
ExceptionContextProviderInterfaceorg.apache.commons.math3.exception.utilApache Commons
ExpExponential function.Classorg.apache.commons.math3.analysis.functionApache Commons
ExpandableStatefulODEThis class represents a combined set of first order differential equations, with at least a primary set of equations expandable by some sets of secondaryClassorg.apache.commons.math3.odeApache Commons
Expm1Classorg.apache.commons.math3.analysis.functionApache Commons
ExponentialDecayFunctionExponential decay function: a e-x / b, where x is the (integer) independent variable.Classorg.apache.commons.math3.ml.neuralnet.sofm.utilApache Commons
ExponentialDistributionSee Also:Exponential distribution (Wikipedia), Exponential distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
FastCosineTransformer real data sets.Classorg.apache.commons.math3.transformApache Commons
FastFourierTransformer real or complex data sets.Classorg.apache.commons.math3.transformApache Commons
FastHadamardTransformer Transformation of an input vector x to the output vector y.Classorg.apache.commons.math3.transformApache Commons
FastMathFaster, more accurate, portable alternative to Math and StrictMath for large scale computation.Classorg.apache.commons.math3.utilApache Commons
FastSineTransformer data sets.Classorg.apache.commons.math3.transformApache Commons
FDistributionSee Also:F-distribution (Wikipedia), F-distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
FeatureInitializerDefines how to assign the first value of a neuron's feature.Interfaceorg.apache.commons.math3.ml.neuralnetApache Commons
FeatureInitializerFactoryClassorg.apache.commons.math3.ml.neuralnetApache Commons
FieldInterface representing a field.Classorg.apache.commons.math3Apache Commons
FieldBracketingNthOrderBrentSolverThis class implements a modification of the Brent algorithm.Classorg.apache.commons.math3.analysis.solversApache Commons
FieldButcherArrayProviderThis interface represents an integrator based on Butcher arrays.Interfaceorg.apache.commons.math3.ode.nonstiffApache Commons
FieldDecompositionSolverInterfaceorg.apache.commons.math3.linearApache Commons
FieldElementInterface representing field elements.Interfaceorg.apache.commons.math3Apache Commons
FieldEquationsMapperClass mapping the part of a complete state or derivative that pertains to a set of differential equations.Classorg.apache.commons.math3.odeApache Commons
FieldEventHandlerThis interface represents a handler for discrete events triggered during ODE integration.Interfaceorg.apache.commons.math3.ode.eventsApache Commons
FieldEventStateThis class handles the state for one event handler during integration steps.Classorg.apache.commons.math3.ode.eventsApache Commons
FieldExpandableODEThis class represents a combined set of first order differential equations, with at least a primary set of equations expandable by some sets of secondaryClassorg.apache.commons.math3.odeApache Commons
FieldFixedStepHandlerThis interface represents a handler that should be called after each successful fixed step.Interfaceorg.apache.commons.math3.ode.samplingApache Commons
FieldHermiteInterpolatorPolynomial interpolator using both sample values and sample derivatives.Classorg.apache.commons.math3.analysis.interpolationApache Commons
FieldLUDecompositionCalculates the LUP-decomposition of a square matrix.Classorg.apache.commons.math3.linearApache Commons
FieldMatrixInterface defining field-valued matrix with basic algebraic operations.Interfaceorg.apache.commons.math3.linearApache Commons
FieldMatrixChangingVisitorInterface defining a visitor for matrix entries.Interfaceorg.apache.commons.math3.linearApache Commons
FieldMatrixPreservingVisitorInterface defining a visitor for matrix entries.Interfaceorg.apache.commons.math3.linearApache Commons
FieldODEStateContainer for time, main and secondary state vectors.Classorg.apache.commons.math3.odeApache Commons
FieldODEStateAndDerivativeContainer for time, main and secondary state vectors as well as their derivatives.Classorg.apache.commons.math3.odeApache Commons
FieldRotationThis class is a re-implementation of Rotation using RealFieldElement.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
FieldSecondaryEquationsThis interface allows users to add secondary differential equations to a primary set of differential equations.Interfaceorg.apache.commons.math3.odeApache Commons
FieldStepHandlerThis interface represents a handler that should be called after each successful step.Interfaceorg.apache.commons.math3.ode.samplingApache Commons
FieldStepInterpolatorThis interface represents an interpolator over the last step during an ODE integration.Interfaceorg.apache.commons.math3.ode.samplingApache Commons
FieldStepNormalizerThis class wraps an object implementing FieldFixedStepHandler into a FieldStepHandler.Classorg.apache.commons.math3.ode.samplingApache Commons
FieldVectorInterface defining a field-valued vector with basic algebraic operations.Interfaceorg.apache.commons.math3.linearApache Commons
FieldVector3DThis class is a re-implementation of Vector3D using RealFieldElement.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
FieldVectorChangingVisitorThis interface defines a visitor for the entries of a vector.Interfaceorg.apache.commons.math3.linearApache Commons
FieldVectorPreservingVisitorThis interface defines a visitor for the entries of a vector.Interfaceorg.apache.commons.math3.linearApache Commons
FilterTypeEnumerate for filtering events.Classorg.apache.commons.math3.ode.eventsApache Commons
FiniteDifferencesDifferentiatorUnivariate functions differentiator using finite differences.Classorg.apache.commons.math3.analysis.differentiationApache Commons
FirstOrderConverterThis class converts second order differential equations to first This class is a wrapper around a SecondOrderDifferentialEquations which allow to use a FirstOrderIntegrator to integrate it.Classorg.apache.commons.math3.odeApache Commons
FirstOrderDifferentialEquationsThis interface represents a first order differential equations set.Interfaceorg.apache.commons.math3.odeApache Commons
FirstOrderFieldDifferentialEquationsThis interface represents a first order differential equations set.Interfaceorg.apache.commons.math3.odeApache Commons
FirstOrderFieldIntegratorThis interface represents a first order integrator for differential equations.Interfaceorg.apache.commons.math3.odeApache Commons
FirstOrderIntegratorThis interface represents a first order integrator for differential equations.Interfaceorg.apache.commons.math3.odeApache Commons
FitnessFitness of a chromosome.Interfaceorg.apache.commons.math3.geneticsApache Commons
FixedElapsedTimeStops after a fixed amount of time has elapsed.Classorg.apache.commons.math3.geneticsApache Commons
FixedGenerationCountStops after a fixed number of generations.Classorg.apache.commons.math3.geneticsApache Commons
FixedStepHandlerThis interface represents a handler that should be called after each successful fixed step.Interfaceorg.apache.commons.math3.ode.samplingApache Commons
FloorClassorg.apache.commons.math3.analysis.functionApache Commons
FractionRepresentation of a rational number.Classorg.apache.commons.math3.fractionApache Commons
FractionConversionExceptionError thrown when a double value cannot be converted to a fraction in the allowed number of iterations.Classorg.apache.commons.math3.fractionApache Commons
FractionFieldRepresentation of the fractional numbers field.Classorg.apache.commons.math3.fractionApache Commons
FractionFormatFormats a Fraction number in proper format or improper format.Classorg.apache.commons.math3.fractionApache Commons
FrequencyMaintains a frequency distribution.Classorg.apache.commons.math3.statApache Commons
FunctionUtilsUtilities for manipulating function objects.Classorg.apache.commons.math3.analysisApache Commons
FuzzyKMeansClustererFuzzy K-Means clustering algorithm.Classorg.apache.commons.math3.ml.clusteringApache Commons
GammaClassorg.apache.commons.math3.specialApache Commons
GammaDistributionSee Also:Gamma distribution (Wikipedia), Gamma distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
Gaussian Gaussian function.Classorg.apache.commons.math3.analysis.functionApache Commons
Gaussian .ParametricParametric function where the input array contains the parameters of the Gaussian, ordered as follows:Classorg.apache.commons.math3.analysis.function.GaussianApache Commons
GaussianCurveFitterFits points to a Gaussian The initial guess values must be passedClassorg.apache.commons.math3.fittingApache Commons
GaussianCurveFitter .ParameterGuesserGuesses the parameters norm, mean, and sigma of a Gaussian.Classorg.apache.commons.math3.fitting.GaussianCurveFitterApache Commons
GaussianFitterFits points to a Gaussian function.Classorg.apache.commons.math3.fittingApache Commons
GaussianFitterFits points to a Gaussian function.Classorg.apache.commons.math3.optimization.fittingApache Commons
GaussianFitter .ParameterGuesserGuesses the parameters norm, mean, and sigma of a Gaussian.Classorg.apache.commons.math3.fitting.GaussianFitterApache Commons
GaussianFitter .ParameterGuesserGuesses the parameters norm, mean, and sigma of a Gaussian.Classorg.apache.commons.math3.optimization.fitting.GaussianFitterApache Commons
GaussianRandomGeneratorThis class is a gaussian normalized random generator for scalars.Classorg.apache.commons.math3.randomApache Commons
GaussIntegratorClass that implements the Gaussian rule for integrating a weightedClassorg.apache.commons.math3.analysis.integration.gaussApache Commons
GaussIntegratorFactoryClass that provides different ways to compute the nodes and weights to be used by the Gaussian integration rule.Classorg.apache.commons.math3.analysis.integration.gaussApache Commons
GaussNewtonOptimizerGauss-Newton least-squares solver.Classorg.apache.commons.math3.fitting.leastsquaresApache Commons
GaussNewtonOptimizerGauss-Newton least-squares solver.Classorg.apache.commons.math3.optim.nonlinear.vector.jacobianApache Commons
GaussNewtonOptimizerGauss-Newton least-squares solver.Classorg.apache.commons.math3.optimization.generalApache Commons
GaussNewtonOptimizer .DecompositionThe decomposition algorithm to use to solve the normal equations.Classorg.apache.commons.math3.fitting.leastsquares.GaussNewtonOptimizerApache Commons
GeneticAlgorithm of the algorithm can be configured for a specific problem.Classorg.apache.commons.math3.geneticsApache Commons
GeometricDistributionClassorg.apache.commons.math3.distributionApache Commons
GeometricMean geometric mean of the available values.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
GillFieldIntegratorThis class implements the Gill fourth order Runge-Kutta integrator for Ordinary Differential Equations .Classorg.apache.commons.math3.ode.nonstiffApache Commons
GillIntegratorThis class implements the Gill fourth order Runge-Kutta integrator for Ordinary Differential Equations .Classorg.apache.commons.math3.ode.nonstiffApache Commons
GLSMultipleLinearRegressionThe GLS implementation of multiple linear regression.Classorg.apache.commons.math3.stat.regressionApache Commons
GoalTypeGoal type for an optimization problem (minimization or maximization ofEnum Constant SummaryClassorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
GoalTypeGoal type for an optimization problem.Classorg.apache.commons.math3.optimizationApache Commons
GradientFunctionClass representing the gradient of a multivariate function.Classorg.apache.commons.math3.analysis.differentiationApache Commons
GradientMultivariateOptimizerBase class for implementing optimizers for multivariate scalar differentiable functions.Classorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
GraggBulirschStoerIntegratorThis class implements a Gragg-Bulirsch-Stoer integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
GTest This is known in statistical genetics as the McDonald-Kreitman test.Classorg.apache.commons.math3.stat.inferenceApache Commons
GumbelDistributionThis class implements the Gumbel distribution.Classorg.apache.commons.math3.distributionApache Commons
HaltonSequenceGenerator A Halton sequence is a low-discrepancy sequence generating points in the interval [0, 1] according to H(n) = d_0 / b + d_1 / b^2 .Classorg.apache.commons.math3.randomApache Commons
HarmonicCurveFitterFits points to a harmonic oscillator The initial guess values must be passedClassorg.apache.commons.math3.fittingApache Commons
HarmonicCurveFitter .ParameterGuesserThis class guesses harmonic coefficients from a sample.Classorg.apache.commons.math3.fitting.HarmonicCurveFitterApache Commons
HarmonicFitterClass that implements a curve fitting specialized for sinusoids.Classorg.apache.commons.math3.fittingApache Commons
HarmonicFitterClass that implements a curve fitting specialized for sinusoids.Classorg.apache.commons.math3.optimization.fittingApache Commons
HarmonicFitter .ParameterGuesserThis class guesses harmonic coefficients from a sample.Classorg.apache.commons.math3.fitting.HarmonicFitterApache Commons
HarmonicFitter .ParameterGuesserThis class guesses harmonic coefficients from a sample.Classorg.apache.commons.math3.optimization.fitting.HarmonicFitterApache Commons
HarmonicOscillator simple harmonic oscillator function.Classorg.apache.commons.math3.analysis.functionApache Commons
HarmonicOscillator .ParametricParametric function where the input array contains the parameters of the harmonic oscillator function, ordered as follows:Classorg.apache.commons.math3.analysis.function.HarmonicOscillatorApache Commons
HermiteInterpolatorPolynomial interpolator using both sample values and sample derivatives.Classorg.apache.commons.math3.analysis.interpolationApache Commons
HermiteRuleFactoryFactory that creates a Gauss-type quadrature rule using Hermite polynomialsClassorg.apache.commons.math3.analysis.integration.gaussApache Commons
HighamHall54FieldIntegratorThis class implements the 5(4) Higham and Hall integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
HighamHall54IntegratorThis class implements the 5(4) Higham and Hall integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
HitHistogramComputes the hit histogram.Classorg.apache.commons.math3.ml.neuralnet.twod.utilApache Commons
HypergeometricDistributionSee Also:Hypergeometric distribution (Wikipedia), Hypergeometric distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
HyperplaneThis interface represents an hyperplane of a space.Interfaceorg.apache.commons.math3.geometry.partitioningApache Commons
IdentityClassorg.apache.commons.math3.analysis.functionApache Commons
IllConditionedOperatorExceptionAn exception to be thrown when the condition number of a RealLinearOperator is too high.Classorg.apache.commons.math3.linearApache Commons
IllinoisSolver a zero of a univariate real function).Classorg.apache.commons.math3.analysis.solversApache Commons
IncrementorUtility that increments a counter until a maximum is reached, at which point, the instance will by default throw aClassorg.apache.commons.math3.utilApache Commons
Incrementor .MaxCountExceededCallbackDefines a method to be called at counter exhaustion.Interfaceorg.apache.commons.math3.util.IncrementorApache Commons
InitialGuessStarting point (first guess) of the optimization procedure.Classorg.apache.commons.math3.optimApache Commons
InitialGuessStarting point (first guess) of the optimization procedure.Classorg.apache.commons.math3.optimizationApache Commons
InsufficientDataExceptionException to be thrown when there is insufficient data to perform a computation.Classorg.apache.commons.math3.exceptionApache Commons
IntegerDistributionInterface for distributions on the integers.Interfaceorg.apache.commons.math3.distributionApache Commons
IntegerSequenceProvides a sequence of integers.Classorg.apache.commons.math3.utilApache Commons
IntegerSequence .IncrementorUtility that increments a counter until a maximum is reached, at which point, the instance will by default throw aClassorg.apache.commons.math3.util.IntegerSequenceApache Commons
IntegerSequence .Incrementor .MaxCountExceededCallbackDefines a method to be called at counter exhaustion.Interfaceorg.apache.commons.math3.util.IntegerSequence.IncrementorApache Commons
IntegerSequence .RangeGenerates a sequence of integers.Classorg.apache.commons.math3.util.IntegerSequenceApache Commons
InterpolatingMicrosphereUtility class for the MicrosphereProjectionInterpolator algorithm.Classorg.apache.commons.math3.analysis.interpolationApache Commons
InterpolatingMicrosphere2DUtility class for the MicrosphereProjectionInterpolator algorithm.Classorg.apache.commons.math3.analysis.interpolationApache Commons
IntervalThis class represents a 1D interval.Classorg.apache.commons.math3.geometry.euclidean.onedApache Commons
IntervalsSetThis class represents a 1D region: a set of intervals.Classorg.apache.commons.math3.geometry.euclidean.onedApache Commons
IntervalUtilsFactory methods to generate confidence intervals for a binomial proportion.Classorg.apache.commons.math3.stat.intervalApache Commons
InvalidRepresentationExceptionException indicating that the representation of a chromosome is not valid.Classorg.apache.commons.math3.geneticsApache Commons
InverseClassorg.apache.commons.math3.analysis.functionApache Commons
ISAACRandom ISAAC: a fast cryptographic pseudo-random number generator ISAAC (Indirection, Shift, Accumulate, Add, and Count) generates 32-bitClassorg.apache.commons.math3.randomApache Commons
IterationEventThe root class from which all events occurring while running an IterationManager should be derived.Classorg.apache.commons.math3.utilApache Commons
IterationListenerInterfaceorg.apache.commons.math3.utilApache Commons
IterationManagerThis abstract class provides a general framework for managing iterative algorithms.Classorg.apache.commons.math3.utilApache Commons
IterativeLegendreGaussIntegratorThis algorithm divides the integration interval into equally-sized sub-interval and on each of them performs aClassorg.apache.commons.math3.analysis.integrationApache Commons
IterativeLinearSolverClassorg.apache.commons.math3.linearApache Commons
IterativeLinearSolverEventThis is the base class for all events occurring during the iterations of a IterativeLinearSolver.Classorg.apache.commons.math3.linearApache Commons
JacobianFunctionClass representing the Jacobian of a multivariate vector function.Classorg.apache.commons.math3.analysis.differentiationApache Commons
JacobianMatricesThis class defines a set of secondary equations to compute the Jacobian matrices with respect to the initial state vector and, ifClassorg.apache.commons.math3.odeApache Commons
JacobianMatrices .MismatchedEquationsSpecial exception for equations mismatch.Classorg.apache.commons.math3.ode.JacobianMatricesApache Commons
JacobianMultivariateVectorOptimizerBase class for implementing optimizers for multivariate vector differentiable functions.Classorg.apache.commons.math3.optim.nonlinear.vectorApache Commons
JacobiPreconditionerThis class implements the standard Jacobi (diagonal) preconditioner.Classorg.apache.commons.math3.linearApache Commons
JDKRandomGeneratorExtension of java.Classorg.apache.commons.math3.randomApache Commons
KalmanFilter of a discrete-time controlled process that is governed by the linear stochastic difference equation:Classorg.apache.commons.math3.filterApache Commons
KendallsCorrelation A pair of observations (x1, y1) and (x2, y2) are considered concordant ifClassorg.apache.commons.math3.stat.correlationApache Commons
KMeansPlusPlusClustererClustering algorithm based on David Arthur and Sergei Vassilvitski k-means++ algorithm.Classorg.apache.commons.math3.ml.clusteringApache Commons
KMeansPlusPlusClustererClustering algorithm based on David Arthur and Sergei Vassilvitski k-means++ algorithm.Classorg.apache.commons.math3.stat.clusteringApache Commons
KMeansPlusPlusClusterer .EmptyClusterStrategyStrategies to use for replacing an empty cluster.Classorg.apache.commons.math3.ml.clustering.KMeansPlusPlusClustererApache Commons
KMeansPlusPlusClusterer .EmptyClusterStrategyStrategies to use for replacing an empty cluster.Classorg.apache.commons.math3.stat.clustering.KMeansPlusPlusClustererApache Commons
KohonenTrainingTaskTrainer for Kohonen's Self-Organizing Map.Classorg.apache.commons.math3.ml.neuralnet.sofmApache Commons
KohonenUpdateAction Kohonen's Self-Organizing Map.Classorg.apache.commons.math3.ml.neuralnet.sofmApache Commons
KolmogorovSmirnovDistribution Treats the distribution of the two-sided P(D_n < d) where D_n = sup_x G(x) - G_n (x) for the theoretical cdf G andClassorg.apache.commons.math3.distributionApache Commons
KolmogorovSmirnovTest Kolmogorov-Smirnov (K-S) test for equality of continuous distributions.Classorg.apache.commons.math3.stat.inferenceApache Commons
KthSelectorA Simple Kth selector implementation to pick up the Kth ordered element from a work array containing the inputClassorg.apache.commons.math3.utilApache Commons
KurtosisComputes the Kurtosis of the available values.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
LaguerreSolver Laguerre's Method for root finding of real coefficient polynomials.Classorg.apache.commons.math3.analysis.solversApache Commons
LaplaceDistributionThis class implements the Laplace distribution.Classorg.apache.commons.math3.distributionApache Commons
LearningFactorFunctionProvides the learning rate as a function of the number of calls already performed during the learning task.Interfaceorg.apache.commons.math3.ml.neuralnet.sofmApache Commons
LearningFactorFunctionFactoryFactory for creating instances of LearningFactorFunction.Classorg.apache.commons.math3.ml.neuralnet.sofmApache Commons
LeastSquaresAdapterAn adapter that delegates to another implementation of LeastSquaresProblem.Classorg.apache.commons.math3.fitting.leastsquaresApache Commons
LeastSquaresBuilderA mutable builder for LeastSquaresProblems.Classorg.apache.commons.math3.fitting.leastsquaresApache Commons
LeastSquaresConverter vectorial objective functions to scalar objective functionsClassorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
LeastSquaresConverterThis class converts vectorial objective functions to scalar objective functionsClassorg.apache.commons.math3.optimizationApache Commons
LeastSquaresFactoryA Factory for creating LeastSquaresProblems.Classorg.apache.commons.math3.fitting.leastsquaresApache Commons
LeastSquaresOptimizerAn algorithm that can be applied to a non-linear least squares problem.Interfaceorg.apache.commons.math3.fitting.leastsquaresApache Commons
LeastSquaresOptimizer .OptimumThe optimum found by the optimizer.Interfaceorg.apache.commons.math3.fitting.leastsquares.LeastSquaresOptimizerApache Commons
LeastSquaresProblemThe data necessary to define a non-linear least squares problem.Interfaceorg.apache.commons.math3.fitting.leastsquaresApache Commons
LeastSquaresProblem .EvaluationAn evaluation of a LeastSquaresProblem at a particular point.Interfaceorg.apache.commons.math3.fitting.leastsquares.LeastSquaresProblemApache Commons
LegendreGaussIntegrator Legendre-Gauss quadrature formula.Classorg.apache.commons.math3.analysis.integrationApache Commons
LegendreHighPrecisionRuleFactoryFactory that creates Gauss-type quadrature rule using Legendre polynomials.Classorg.apache.commons.math3.analysis.integration.gaussApache Commons
LegendreRuleFactoryFactory that creates Gauss-type quadrature rule using Legendre polynomials.Classorg.apache.commons.math3.analysis.integration.gaussApache Commons
LevenbergMarquardtOptimizerThis class solves a least-squares problem using the Levenberg-Marquardt This implementation should work even for over-determined systemsClassorg.apache.commons.math3.fitting.leastsquaresApache Commons
LevenbergMarquardtOptimizerThis class solves a least-squares problem using the Levenberg-Marquardt Constraints are not supported: the call toClassorg.apache.commons.math3.optim.nonlinear.vector.jacobianApache Commons
LevenbergMarquardtOptimizerThis class solves a least squares problem using the Levenberg-Marquardt algorithm.Classorg.apache.commons.math3.optimization.generalApache Commons
LevyDistributionThis class implements the Since:3.Classorg.apache.commons.math3.distributionApache Commons
LimitAngleThis class represents a 1D oriented hyperplane on the circle.Classorg.apache.commons.math3.geometry.spherical.onedApache Commons
LineThe class represent lines in a three dimensional space.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
LineThis class represents an oriented line in the 2D plane.Classorg.apache.commons.math3.geometry.euclidean.twodApache Commons
LinearConstraintA linear constraint for a linear optimization problem.Classorg.apache.commons.math3.optim.linearApache Commons
LinearConstraintA linear constraint for a linear optimization problem.Classorg.apache.commons.math3.optimization.linearApache Commons
LinearConstraintSetClass that represents a set of linear constraints.Classorg.apache.commons.math3.optim.linearApache Commons
LinearInterpolatorClassorg.apache.commons.math3.analysis.interpolationApache Commons
LinearObjectiveFunctionAn objective function for a linear optimization problem.Classorg.apache.commons.math3.optim.linearApache Commons
LinearObjectiveFunctionAn objective function for a linear optimization problem.Classorg.apache.commons.math3.optimization.linearApache Commons
LinearOptimizerBase class for implementing linear optimizers.Classorg.apache.commons.math3.optim.linearApache Commons
LinearOptimizerThis interface represents an optimization algorithm for linear problems.Interfaceorg.apache.commons.math3.optimization.linearApache Commons
LineSearchClassorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
ListPopulationPopulation of chromosomes represented by a List.Classorg.apache.commons.math3.geneticsApache Commons
LocalizableInterface for localizable strings.Interfaceorg.apache.commons.math3.exception.utilApache Commons
LocalizedFormatsenum LocalizedFormatsEnumeration for localized messages formats used in exceptions messages.Classorg.apache.commons.math3.exception.utilApache Commons
LocationFinderHelper class to find the grid coordinates of a neuron.Classorg.apache.commons.math3.ml.neuralnet.twod.utilApache Commons
LocationFinder .LocationContainer holding a (row, column) pair.Classorg.apache.commons.math3.ml.neuralnet.twod.util.LocationFinderApache Commons
LoessInterpolator Local Regression Algorithm (also Loess, Lowess) for interpolation of real univariate functions.Classorg.apache.commons.math3.analysis.interpolationApache Commons
LogNatural logarithm function.Classorg.apache.commons.math3.analysis.functionApache Commons
Log10Base 10 logarithm function.Classorg.apache.commons.math3.analysis.functionApache Commons
Log1plog(1 + p) function.Classorg.apache.commons.math3.analysis.functionApache Commons
Logistic Generalised logistic function.Classorg.apache.commons.math3.analysis.functionApache Commons
Logistic .ParametricParametric function where the input array contains the parameters of the logistic function, ordered as follows:Classorg.apache.commons.math3.analysis.function.LogisticApache Commons
LogisticDistributionThis class implements the Logistic distribution.Classorg.apache.commons.math3.distributionApache Commons
Logit It is the inverse of the sigmoid function.Classorg.apache.commons.math3.analysis.functionApache Commons
Logit .ParametricParametric function where the input array contains the parameters of the logit function, ordered as follows:Classorg.apache.commons.math3.analysis.function.LogitApache Commons
LogNormalDistribution X is log-normally distributed if its natural logarithm log(X) is normally distributed.Classorg.apache.commons.math3.distributionApache Commons
LUDecompositionCalculates the LUP-decomposition of a square matrix.Classorg.apache.commons.math3.linearApache Commons
LutherFieldIntegratorThis class implements the Luther sixth order Runge-Kutta integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
LutherIntegratorThis class implements the Luther sixth order Runge-Kutta integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
MainStateJacobianProviderInterface expanding first order differential equations in order to compute exactly the main state jacobianInterfaceorg.apache.commons.math3.odeApache Commons
ManhattanDistanceCalculates the L1 (sum of abs) distance between two points.Classorg.apache.commons.math3.ml.distanceApache Commons
MannWhitneyUTestAn implementation of the Mann-Whitney U test (also called Wilcoxon rank-sum test).Classorg.apache.commons.math3.stat.inferenceApache Commons
MapDataVisualizationInterfaceorg.apache.commons.math3.ml.neuralnet.twod.utilApache Commons
MapUtilsUtilities for network maps.Classorg.apache.commons.math3.ml.neuralnetApache Commons
MapVisualizationInterface for algorithms that compute some property of a 2D-map.Interfaceorg.apache.commons.math3.ml.neuralnet.twod.utilApache Commons
MathArithmeticExceptionBase class for arithmetic exceptions.Classorg.apache.commons.math3.exceptionApache Commons
MathArraysClassorg.apache.commons.math3.utilApache Commons
MathArrays .FunctionReal-valued function that operate on an array or a part of it.Interfaceorg.apache.commons.math3.util.MathArraysApache Commons
MathArrays .OrderDirectionSpecification of ordering direction.Classorg.apache.commons.math3.util.MathArraysApache Commons
MathArrays .PositionSpecification for indicating that some operation applies before or after a given index.Classorg.apache.commons.math3.util.MathArraysApache Commons
MathIllegalArgumentExceptionBase class for all preconditions violation exceptions.Classorg.apache.commons.math3.exceptionApache Commons
MathIllegalNumberExceptionBase class for exceptions raised by a wrong number.Classorg.apache.commons.math3.exceptionApache Commons
MathIllegalStateExceptionBase class for all exceptions that signal that the process throwing the exception is in a state that does not comply withClassorg.apache.commons.math3.exceptionApache Commons
MathInternalErrorException triggered when something that shouldn't happen does happen.Classorg.apache.commons.math3.exceptionApache Commons
MathParseExceptionClass to signal parse failures.Classorg.apache.commons.math3.exceptionApache Commons
MathRuntimeExceptionAs of release 4.Classorg.apache.commons.math3.exceptionApache Commons
MathUnsupportedOperationExceptionBase class for all unsupported features.Classorg.apache.commons.math3.exceptionApache Commons
MathUtilsMiscellaneous utility functions.Classorg.apache.commons.math3.utilApache Commons
MatrixDimensionMismatchExceptionException to be thrown when either the number of rows or the number of columns of a matrix do not match the expected values.Classorg.apache.commons.math3.linearApache Commons
MatrixUtilsA collection of static methods that operate on or return matrices.Classorg.apache.commons.math3.linearApache Commons
MaxClassorg.apache.commons.math3.analysis.functionApache Commons
MaxReturns the maximum of the available values.Classorg.apache.commons.math3.stat.descriptive.rankApache Commons
MaxCountExceededExceptionException to be thrown when some counter maximum value is exceeded.Classorg.apache.commons.math3.exceptionApache Commons
MaxEvalMaximum number of evaluations of the function to be optimized.Classorg.apache.commons.math3.optimApache Commons
MaxIterMaximum number of iterations performed by an (iterative) algorithm.Classorg.apache.commons.math3.optimApache Commons
MeanComputes the arithmetic mean of a set of values.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
MeasurementModelDefines the measurement model for the use with a KalmanFilter.Interfaceorg.apache.commons.math3.filterApache Commons
MedianReturns the median of the available values.Classorg.apache.commons.math3.stat.descriptive.rankApache Commons
MedianOf3PivotingStrategyClassic median of 3 strategy given begin and end indices.Classorg.apache.commons.math3.utilApache Commons
MersenneTwisterThis class implements a powerful pseudo-random number generator developed by Makoto Matsumoto and Takuji Nishimura duringClassorg.apache.commons.math3.randomApache Commons
MicrosphereInterpolatingFunctionInterpolating function that implements the Microsphere Projection.Classorg.apache.commons.math3.analysis.interpolationApache Commons
MicrosphereInterpolatorClassorg.apache.commons.math3.analysis.interpolationApache Commons
MicrosphereProjectionInterpolatorClassorg.apache.commons.math3.analysis.interpolationApache Commons
MidpointFieldIntegratorThis class implements a second order Runge-Kutta integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
MidPointIntegrator Midpoint Rule for integration of real univariate functions.Classorg.apache.commons.math3.analysis.integrationApache Commons
MidpointIntegratorThis class implements a second order Runge-Kutta integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
MillerUpdatingRegressionThis class is a concrete implementation of the UpdatingMultipleLinearRegression interface.Classorg.apache.commons.math3.stat.regressionApache Commons
MinClassorg.apache.commons.math3.analysis.functionApache Commons
MinReturns the minimum of the available values.Classorg.apache.commons.math3.stat.descriptive.rankApache Commons
MinusClassorg.apache.commons.math3.analysis.functionApache Commons
MixtureMultivariateNormalDistributionMultivariate normal mixture distribution.Classorg.apache.commons.math3.distributionApache Commons
MixtureMultivariateRealDistributionClass for representing mixture model distributions.Classorg.apache.commons.math3.distributionApache Commons
ModelFunctionModel (vector) function to be optimized.Classorg.apache.commons.math3.optim.nonlinear.vectorApache Commons
ModelFunctionJacobianJacobian of the model (vector) function to be optimized.Classorg.apache.commons.math3.optim.nonlinear.vectorApache Commons
ModelSpecificationExceptionException thrown when a regression model is not correctly specified.Classorg.apache.commons.math3.stat.regressionApache Commons
MonotoneChain points in the two-dimensional euclidean space.Classorg.apache.commons.math3.geometry.euclidean.twod.hullApache Commons
MullerSolverThis class implements the Muller's Method for root finding of real univariate functions.Classorg.apache.commons.math3.analysis.solversApache Commons
MullerSolver2This class implements the Muller's Method for root finding of real univariate functions.Classorg.apache.commons.math3.analysis.solversApache Commons
MultidimensionalCounterConverter between unidimensional storage structure and multidimensional conceptual structure.Classorg.apache.commons.math3.utilApache Commons
MultiDimensionMismatchExceptionException to be thrown when two sets of dimensions differ.Classorg.apache.commons.math3.exceptionApache Commons
MultiDirectionalSimplexThis class implements the multi-directional direct search method.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderivApache Commons
MultiDirectionalSimplexThis class implements the multi-directional direct search method.Classorg.apache.commons.math3.optimization.directApache Commons
MultiKMeansPlusPlusClustererA wrapper around a k-means++ clustering algorithm which performs multiple trials and returns the best solution.Classorg.apache.commons.math3.ml.clusteringApache Commons
MultipleLinearRegressionThe multiple linear regression can be represented in matrix-notation.Interfaceorg.apache.commons.math3.stat.regressionApache Commons
MultiplyMultiply the two operands.Classorg.apache.commons.math3.analysis.functionApache Commons
MultiStartMultivariateOptimizerMulti-start optimizer.Classorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
MultiStartMultivariateVectorOptimizerMulti-start optimizer for a (vector) model function.Classorg.apache.commons.math3.optim.nonlinear.vectorApache Commons
MultiStartUnivariateOptimizerSpecial implementation of the UnivariateOptimizer interface adding multi-start features to an existing optimizer.Classorg.apache.commons.math3.optim.univariateApache Commons
MultistepFieldIntegratorThis class is the base class for multistep integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.odeApache Commons
MultistepIntegratorThis class is the base class for multistep integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.odeApache Commons
MultistepIntegrator .NordsieckTransformerTransformer used to convert the first step to Nordsieck representation.Interfaceorg.apache.commons.math3.ode.MultistepIntegratorApache Commons
MultivariateDifferentiableFunctionExtension of MultivariateFunction representing a multivariate differentiable real function.Interfaceorg.apache.commons.math3.analysis.differentiationApache Commons
MultivariateDifferentiableMultiStartOptimizerSpecial implementation of the MultivariateDifferentiableOptimizer interface adding multi-start features to an existing optimizer.Classorg.apache.commons.math3.optimizationApache Commons
MultivariateDifferentiableOptimizerThis interface represents an optimization algorithm for scalar differentiable objectiveInterfaceorg.apache.commons.math3.optimizationApache Commons
MultivariateDifferentiableVectorFunctionExtension of MultivariateVectorFunction representing a multivariate differentiable vectorial function.Interfaceorg.apache.commons.math3.analysis.differentiationApache Commons
MultivariateDifferentiableVectorMultiStartOptimizerSpecial implementation of the MultivariateDifferentiableVectorOptimizer interface adding multi-start features to an existing optimizer.Classorg.apache.commons.math3.optimizationApache Commons
MultivariateDifferentiableVectorOptimizerThis interface represents an optimization algorithm for differentiable vectorialInterfaceorg.apache.commons.math3.optimizationApache Commons
MultivariateFunctionAn interface representing a multivariate real function.Interfaceorg.apache.commons.math3.analysisApache Commons
MultivariateFunctionMappingAdapterAdapter for mapping bounded MultivariateFunction to unbounded ones.Classorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
MultivariateFunctionMappingAdapterAdapter for mapping bounded MultivariateFunction to unbounded ones.Classorg.apache.commons.math3.optimization.directApache Commons
MultivariateFunctionPenaltyAdapterAdapter extending bounded MultivariateFunction to an unbouded domain using a penalty function.Classorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
MultivariateFunctionPenaltyAdapterAdapter extending bounded MultivariateFunction to an unbouded domain using a penalty function.Classorg.apache.commons.math3.optimization.directApache Commons
MultivariateInterpolatorInterface representing a univariate real interpolating function.Interfaceorg.apache.commons.math3.analysis.interpolationApache Commons
MultivariateJacobianFunctionA interface for functions that compute a vector of values and can compute their derivatives (Jacobian).Interfaceorg.apache.commons.math3.fitting.leastsquaresApache Commons
MultivariateMatrixFunctionAn interface representing a multivariate matrix function.Interfaceorg.apache.commons.math3.analysisApache Commons
MultivariateMultiStartOptimizerSpecial implementation of the MultivariateOptimizer interface adding multi-start features to an existing optimizer.Classorg.apache.commons.math3.optimizationApache Commons
MultivariateNormalDistribution Multivariate normal distribution (Wikipedia), Multivariate normal distribution (MathWorld)Classorg.apache.commons.math3.distributionApache Commons
MultivariateNormalMixtureExpectationMaximizationExpectation-Maximization algorithm for fitting the parameters of multivariate normal mixture model distributions.Classorg.apache.commons.math3.distribution.fittingApache Commons
MultivariateOptimizerBase class for a multivariate scalar function optimizer.Classorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
MultivariateOptimizerThis interface represents an optimization algorithm for scalar objective functions.Interfaceorg.apache.commons.math3.optimizationApache Commons
MultivariateRealDistributionBase interface for multivariate distributions on the reals.Interfaceorg.apache.commons.math3.distributionApache Commons
MultivariateSummaryStatisticsComputes summary statistics for a stream of n-tuples added using the addValue method.Classorg.apache.commons.math3.stat.descriptiveApache Commons
MultivariateVectorFunctionAn interface representing a multivariate vectorial function.Interfaceorg.apache.commons.math3.analysisApache Commons
MultivariateVectorOptimizerBase class for a multivariate vector function optimizer.Classorg.apache.commons.math3.optim.nonlinear.vectorApache Commons
MutationPolicyAlgorithm used to mutate a chromosome.Interfaceorg.apache.commons.math3.geneticsApache Commons
NakagamiDistributionThis class implements the Nakagami distribution.Classorg.apache.commons.math3.distributionApache Commons
NaNStrategyStrategies for handling NaN values in rank transformations.Classorg.apache.commons.math3.stat.rankingApache Commons
NaturalRanking Ranking based on the natural ordering on doubles.Classorg.apache.commons.math3.stat.rankingApache Commons
NeighbourhoodSizeFunctionProvides the network neighbourhood's size as a function of the number of calls already performed during the learning task.Interfaceorg.apache.commons.math3.ml.neuralnet.sofmApache Commons
NeighbourhoodSizeFunctionFactoryFactory for creating instances of NeighbourhoodSizeFunction.Classorg.apache.commons.math3.ml.neuralnet.sofmApache Commons
NelderMeadSimplexThis class implements the Nelder-Mead simplex algorithm.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderivApache Commons
NelderMeadSimplexThis class implements the Nelder-Mead simplex algorithm.Classorg.apache.commons.math3.optimization.directApache Commons
NetworkNeural network, composed of Neuron instances and the links Although updating a neuron's state is thread-safe, modifying theClassorg.apache.commons.math3.ml.neuralnetApache Commons
Network .NeuronIdentifierComparatorComparator that prescribes an order of the neurons according to the increasing order of their identifier.Classorg.apache.commons.math3.ml.neuralnet.NetworkApache Commons
NeuronDescribes a neuron element of a neural network.Classorg.apache.commons.math3.ml.neuralnetApache Commons
NeuronSquareMesh2DNeural network with the topology of a two-dimensional surface.Classorg.apache.commons.math3.ml.neuralnet.twodApache Commons
NeuronSquareMesh2D .HorizontalDirectionHorizontal (along row) direction.Classorg.apache.commons.math3.ml.neuralnet.twod.NeuronSquareMesh2DApache Commons
NeuronSquareMesh2D .VerticalDirectionVertical (along column) direction.Classorg.apache.commons.math3.ml.neuralnet.twod.NeuronSquareMesh2DApache Commons
NeuronStringNeural network with the topology of a one-dimensional line.Classorg.apache.commons.math3.ml.neuralnet.onedApache Commons
NevilleInterpolator Neville's Algorithm for interpolation of real univariate functions.Classorg.apache.commons.math3.analysis.interpolationApache Commons
NewtonRaphsonSolverClassorg.apache.commons.math3.analysis.solversApache Commons
NewtonSolver Newton's Method for finding zeros of real univariate functions.Classorg.apache.commons.math3.analysis.solversApache Commons
NoBracketingExceptionException to be thrown when function values have the same sign at both ends of an interval.Classorg.apache.commons.math3.exceptionApache Commons
NoDataExceptionException to be thrown when the required data is missing.Classorg.apache.commons.math3.exceptionApache Commons
NodesSetSet of BSP tree nodes.Classorg.apache.commons.math3.geometry.partitioningApache Commons
NoFeasibleSolutionExceptionThis class represents exceptions thrown by optimizers when no solution fulfills the constraints.Classorg.apache.commons.math3.optim.linearApache Commons
NoFeasibleSolutionExceptionThis class represents exceptions thrown by optimizers when no solution fulfills the constraints.Classorg.apache.commons.math3.optimization.linearApache Commons
NonLinearConjugateGradientOptimizerNon-linear conjugate gradient optimizer.Classorg.apache.commons.math3.optim.nonlinear.scalar.gradientApache Commons
NonLinearConjugateGradientOptimizerNon-linear conjugate gradient optimizer.Classorg.apache.commons.math3.optimization.generalApache Commons
NonLinearConjugateGradientOptimizer .BracketingStepThe initial step is a factor with respect to the search direction (which itself is roughly related to the gradient of the function).Classorg.apache.commons.math3.optim.nonlinear.scalar.gradient.NonLinearConjugateGradientOptimizerApache Commons
NonLinearConjugateGradientOptimizer .FormulaAvailable choices of update formulas for the updating the parameter that is used to compute the successive conjugate search directions.Classorg.apache.commons.math3.optim.nonlinear.scalar.gradient.NonLinearConjugateGradientOptimizerApache Commons
NonLinearConjugateGradientOptimizer .IdentityPreconditionerDefault identity preconditioner.Classorg.apache.commons.math3.optim.nonlinear.scalar.gradient.NonLinearConjugateGradientOptimizerApache Commons
NonLinearConjugateGradientOptimizer .IdentityPreconditionerDefault identity preconditioner.Classorg.apache.commons.math3.optimization.general.NonLinearConjugateGradientOptimizerApache Commons
NonMonotonicSequenceExceptionException to be thrown when the a sequence of values is not monotonically increasing or decreasing.Classorg.apache.commons.math3.exceptionApache Commons
NonNegativeConstraintA constraint for a linear optimization problem indicating whether all variables must be restricted to non-negative values.Classorg.apache.commons.math3.optim.linearApache Commons
NonPositiveDefiniteMatrixExceptionException to be thrown when a positive definite matrix is expected.Classorg.apache.commons.math3.linearApache Commons
NonPositiveDefiniteOperatorExceptionException to be thrown when a symmetric, definite positive RealLinearOperator is expected.Classorg.apache.commons.math3.linearApache Commons
NonSelfAdjointOperatorExceptionException to be thrown when a self-adjoint RealLinearOperator Since the coefficients of the matrix are not accessible, the mostClassorg.apache.commons.math3.linearApache Commons
NonSquareMatrixExceptionException to be thrown when a square matrix is expected.Classorg.apache.commons.math3.linearApache Commons
NonSquareOperatorExceptionException to be thrown when a square linear operator is expected.Classorg.apache.commons.math3.linearApache Commons
NonSymmetricMatrixExceptionException to be thrown when a symmetric matrix is expected.Classorg.apache.commons.math3.linearApache Commons
NordsieckStepInterpolatorThis class implements an interpolator for integrators using Nordsieck representation.Classorg.apache.commons.math3.ode.samplingApache Commons
NormalApproximationIntervalClassorg.apache.commons.math3.stat.intervalApache Commons
NormalDistributionSee Also:Normal distribution (Wikipedia), Normal distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
NormalizedRandomGeneratorThis interface represent a normalized random generator for Normalized generator provide null mean and unit standard deviation scalars.Interfaceorg.apache.commons.math3.randomApache Commons
NotANumberExceptionException to be thrown when a number is not a number.Classorg.apache.commons.math3.exceptionApache Commons
NotARotationMatrixExceptionThis class represents exceptions thrown while building rotationsSince:1.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
NotFiniteNumberExceptionException to be thrown when a number is not finite.Classorg.apache.commons.math3.exceptionApache Commons
NotPositiveExceptionException to be thrown when the argument is negative.Classorg.apache.commons.math3.exceptionApache Commons
NotStrictlyPositiveExceptionException to be thrown when the argument is not greater than 0.Classorg.apache.commons.math3.exceptionApache Commons
NPointCrossoverN-point crossover policy.Classorg.apache.commons.math3.geneticsApache Commons
NullArgumentExceptionAll conditions checks that fail due to a null argument must throw This class is meant to signal a precondition violation (null is an illegalClassorg.apache.commons.math3.exceptionApache Commons
NumberIsTooLargeExceptionException to be thrown when a number is too large.Classorg.apache.commons.math3.exceptionApache Commons
NumberIsTooSmallExceptionException to be thrown when a number is too small.Classorg.apache.commons.math3.exceptionApache Commons
NumberTransformerSubclasses implementing this interface can transform Objects to doubles.Interfaceorg.apache.commons.math3.utilApache Commons
ObjectiveFunctionScalar function to be optimized.Classorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
ObjectiveFunctionGradientGradient of the scalar function to be optimized.Classorg.apache.commons.math3.optim.nonlinear.scalarApache Commons
ODEIntegratorThis interface defines the common parts shared by integrators for first and second order differential equations.Interfaceorg.apache.commons.math3.odeApache Commons
OLSMultipleLinearRegression multiple linear regression model.Classorg.apache.commons.math3.stat.regressionApache Commons
OnePointCrossoverOne point crossover policy.Classorg.apache.commons.math3.geneticsApache Commons
OneWayAnova Tests for differences between two or more categories of univariate data (for example, the body mass index of accountants, lawyers, doctors andClassorg.apache.commons.math3.stat.inferenceApache Commons
OpenIntToDoubleHashMapOpen addressed map from int to double.Classorg.apache.commons.math3.utilApache Commons
OpenIntToFieldHashMapOpen addressed map from int to FieldElement.Classorg.apache.commons.math3.utilApache Commons
OpenMapRealMatrixSparse matrix implementation based on an open addressed map.Classorg.apache.commons.math3.linearApache Commons
OpenMapRealVectorThis class implements the RealVector interface with a OpenIntToDoubleHashMap backing store.Classorg.apache.commons.math3.linearApache Commons
OptimizationData Implementations will provide functionality (optional or required) needed by the optimizers, and those will need to check the actual type of theInterfaceorg.apache.commons.math3.optimApache Commons
OptimizationData Implementations will provide functionality (optional or required) needed by the optimizers, and those will need to check the actual type of theInterfaceorg.apache.commons.math3.optimizationApache Commons
OptimizationProblemCommon settings for all optimization problems.Interfaceorg.apache.commons.math3.optimApache Commons
OrderedCrossoverOrder 1 Crossover [OX1] builds offspring from ordered chromosomes by copying a consecutive slice from one parent, and filling up the remaining genes from the otherClassorg.apache.commons.math3.geneticsApache Commons
OrderedTupleThis class implements an ordering operation for T-uples.Classorg.apache.commons.math3.geometry.partitioning.utilitiesApache Commons
OrientedPointThis class represents a 1D oriented hyperplane.Classorg.apache.commons.math3.geometry.euclidean.onedApache Commons
OutlineExtractorExtractor for polyhedrons sets outlines.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
OutOfRangeExceptionException to be thrown when some argument is out of range.Classorg.apache.commons.math3.exceptionApache Commons
Pair Although the instances of this class are immutable, it is impossible to ensure that the references passed to the constructor will not beClassorg.apache.commons.math3.utilApache Commons
ParameterizableThis interface enables to process any parameterizable object.Interfaceorg.apache.commons.math3.odeApache Commons
ParameterizedODEInterface to compute by finite difference Jacobian matrix for some parameter when computing partial derivatives equations.Interfaceorg.apache.commons.math3.odeApache Commons
ParameterJacobianProviderInterface to compute exactly Jacobian matrix for some parameter when computing partial derivatives equations.Interfaceorg.apache.commons.math3.odeApache Commons
ParameterValidatorInterface for validating a set of model parameters.Interfaceorg.apache.commons.math3.fitting.leastsquaresApache Commons
ParametricUnivariateFunctionAn interface representing a real function that depends on one independent variable plus some extra parameters.Interfaceorg.apache.commons.math3.analysisApache Commons
ParetoDistributionClassorg.apache.commons.math3.distributionApache Commons
PascalDistribution Implementation of the Pascal distribution.Classorg.apache.commons.math3.distributionApache Commons
PearsonsCorrelationComputes Pearson's product-moment correlation coefficients for pairs of arrays or columns of a matrix.Classorg.apache.commons.math3.stat.correlationApache Commons
PegasusSolver a zero of a univariate real function).Classorg.apache.commons.math3.analysis.solversApache Commons
PercentileProvides percentile computation.Classorg.apache.commons.math3.stat.descriptive.rankApache Commons
Percentile .EstimationTypeAn enum for various estimation strategies of a percentile referred in wikipedia on quantileClassorg.apache.commons.math3.stat.descriptive.rank.PercentileApache Commons
PermutationChromosomeInterface indicating that the chromosome represents a permutation of objects.Interfaceorg.apache.commons.math3.geneticsApache Commons
PiecewiseBicubicSplineInterpolatingFunctionFunction that implements the This implementation currently uses AkimaSplineInterpolator as theClassorg.apache.commons.math3.analysis.interpolationApache Commons
PiecewiseBicubicSplineInterpolatorGenerates a piecewise-bicubic interpolating function.Classorg.apache.commons.math3.analysis.interpolationApache Commons
PivotingStrategyInterfaceA strategy to pick a pivoting index of an array for doing partitioning.Interfaceorg.apache.commons.math3.utilApache Commons
PivotSelectionRuleenum PivotSelectionRulePivot selection rule to the use for a Simplex solver.Classorg.apache.commons.math3.optim.linearApache Commons
PlaneThe class represent planes in a three dimensional space.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
PointThis interface represents a generic geometrical point.Interfaceorg.apache.commons.math3.geometryApache Commons
PointValuePairThis class holds a point and the value of an objective function atSince:3.Classorg.apache.commons.math3.optimApache Commons
PointValuePairThis class holds a point and the value of an objective function atSince:3.Classorg.apache.commons.math3.optimizationApache Commons
PointVectorValuePairThis class holds a point and the vectorial value of an objective function atSince:3.Classorg.apache.commons.math3.optimApache Commons
PointVectorValuePairThis class holds a point and the vectorial value of an objective function atSince:3.Classorg.apache.commons.math3.optimizationApache Commons
PoissonDistributionSee Also:Poisson distribution (Wikipedia), Poisson distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
PolygonsSetThis class represents a 2D region: a set of polygons.Classorg.apache.commons.math3.geometry.euclidean.twodApache Commons
PolyhedronsSetThis class represents a 3D region: a set of polyhedrons.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
PolynomialCurveFitterFits points to a polynomial The size of the initial guess array defines theClassorg.apache.commons.math3.fittingApache Commons
PolynomialFitterPolynomial fitting is a very simple case of curve fitting.Classorg.apache.commons.math3.fittingApache Commons
PolynomialFitterPolynomial fitting is a very simple case of curve fitting.Classorg.apache.commons.math3.optimization.fittingApache Commons
PolynomialFunctionImmutable representation of a real polynomial function with real coefficients.Classorg.apache.commons.math3.analysis.polynomialsApache Commons
PolynomialFunction .ParametricDedicated parametric polynomial class.Classorg.apache.commons.math3.analysis.polynomials.PolynomialFunctionApache Commons
PolynomialFunctionLagrangeForm Lagrange Form.Classorg.apache.commons.math3.analysis.polynomialsApache Commons
PolynomialFunctionNewtonForm Newton Form.Classorg.apache.commons.math3.analysis.polynomialsApache Commons
PolynomialSolverInterface for (polynomial) root-finding algorithms.Interfaceorg.apache.commons.math3.analysis.solversApache Commons
PolynomialSplineFunctionRepresents a polynomial spline function.Classorg.apache.commons.math3.analysis.polynomialsApache Commons
PolynomialsUtilsA collection of static methods that operate on or return polynomials.Classorg.apache.commons.math3.analysis.polynomialsApache Commons
PopulationA collection of chromosomes that facilitates generational evolution.Interfaceorg.apache.commons.math3.geneticsApache Commons
PowClassorg.apache.commons.math3.analysis.functionApache Commons
PowellOptimizer This code is translated and adapted from the Python version of this algorithm (as implemented in module optimize.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderivApache Commons
PowellOptimizer This code is translated and adapted from the Python version of this algorithm (as implemented in module optimize.Classorg.apache.commons.math3.optimization.directApache Commons
PowerClassorg.apache.commons.math3.analysis.functionApache Commons
PrecisionUtilities for comparing numbers.Classorg.apache.commons.math3.utilApache Commons
PreconditionedIterativeLinearSolver This abstract class defines preconditioned iterative solvers.Classorg.apache.commons.math3.linearApache Commons
PreconditionerThis interface represents a preconditioner for differentiable scalar objective function optimizers.Interfaceorg.apache.commons.math3.optim.nonlinear.scalar.gradientApache Commons
PreconditionerThis interface represents a preconditioner for differentiable scalar objective function optimizers.Interfaceorg.apache.commons.math3.optimization.generalApache Commons
PrimesMethods related to prime numbers in the range of int: primality testprime number generationfactorizationClassorg.apache.commons.math3.primesApache Commons
ProcessModelDefines the process dynamics model for the use with a KalmanFilter.Interfaceorg.apache.commons.math3.filterApache Commons
ProductReturns the product of the available values.Classorg.apache.commons.math3.stat.descriptive.summaryApache Commons
ProperBigFractionFormatFormats a BigFraction number in proper format.Classorg.apache.commons.math3.fractionApache Commons
ProperFractionFormatFormats a Fraction number in proper format.Classorg.apache.commons.math3.fractionApache Commons
PSquarePercentileA StorelessUnivariateStatistic estimating percentiles using the Algorithm as explained by RajClassorg.apache.commons.math3.stat.descriptive.rankApache Commons
PSquarePercentile .PSquareMarkersAn interface that encapsulates abstractions of the P-square algorithm markers as is explained in the original works.Interfaceorg.apache.commons.math3.stat.descriptive.rank.PSquarePercentileApache Commons
QRDecompositionCalculates the QR-decomposition of a matrix.Classorg.apache.commons.math3.linearApache Commons
QuantizationErrorComputes the quantization error histogram.Classorg.apache.commons.math3.ml.neuralnet.twod.utilApache Commons
QuasiSigmoidDecayFunctionDecay function whose shape is similar to a sigmoid.Classorg.apache.commons.math3.ml.neuralnet.sofm.utilApache Commons
QuaternionThis class implements quaternions (Hamilton's hypercomplex numbers).Classorg.apache.commons.math3.complexApache Commons
RandomAdaptorExtension of java.Classorg.apache.commons.math3.randomApache Commons
RandomDataRandom data generation utilities.Interfaceorg.apache.commons.math3.randomApache Commons
RandomDataGenerator instance to generate non-secure data and a SecureRandom instance to provide data for the nextSecureXxx methods.Classorg.apache.commons.math3.randomApache Commons
RandomDataImplGenerates random deviates and other random data using a RandomGenerator instance to generate non-secure data and a SecureRandomClassorg.apache.commons.math3.randomApache Commons
RandomGeneratorInterface extracted from java.Interfaceorg.apache.commons.math3.randomApache Commons
RandomGeneratorFactoryUtilities for creating RandomGenerator instances.Classorg.apache.commons.math3.randomApache Commons
RandomKeyRandom Key chromosome is used for permutation representation.Classorg.apache.commons.math3.geneticsApache Commons
RandomKeyMutationMutation operator for RandomKeys.Classorg.apache.commons.math3.geneticsApache Commons
RandomPivotingStrategyA strategy of selecting random index between begin and end indices.Classorg.apache.commons.math3.utilApache Commons
RandomVectorGeneratorThis interface represents a random generator for whole vectors.Interfaceorg.apache.commons.math3.randomApache Commons
RankingAlgorithmInterface representing a rank transformation.Interfaceorg.apache.commons.math3.stat.rankingApache Commons
RealDistributionBase interface for distributions on the reals.Interfaceorg.apache.commons.math3.distributionApache Commons
RealFieldElementInterface representing a realSince:3.Interfaceorg.apache.commons.math3Apache Commons
RealFieldUnivariateFunctionAn interface representing a univariate real function.Interfaceorg.apache.commons.math3.analysisApache Commons
RealLinearOperatorThis class defines a linear operator operating on real (double) vector spaces.Classorg.apache.commons.math3.linearApache Commons
RealMatrixInterface defining a real-valued matrix with basic algebraic operations.Interfaceorg.apache.commons.math3.linearApache Commons
RealMatrixChangingVisitorInterface defining a visitor for matrix entries.Interfaceorg.apache.commons.math3.linearApache Commons
RealMatrixFormatFormats a nxm matrix in components list format a11, .Classorg.apache.commons.math3.linearApache Commons
RealMatrixPreservingVisitorInterface defining a visitor for matrix entries.Interfaceorg.apache.commons.math3.linearApache Commons
RealTransformerInterface for one-dimensional data sets transformations producing real results.Interfaceorg.apache.commons.math3.transformApache Commons
RealVectorClass defining a real-valued vector with basic algebraic operations.Classorg.apache.commons.math3.linearApache Commons
RealVectorChangingVisitorThis interface defines a visitor for the entries of a vector.Interfaceorg.apache.commons.math3.linearApache Commons
RealVectorFormatFormats a vector in components list format {v0; v1; .Classorg.apache.commons.math3.linearApache Commons
RealVectorPreservingVisitorThis interface defines a visitor for the entries of a vector.Interfaceorg.apache.commons.math3.linearApache Commons
RectangularCholeskyDecompositionCalculates the rectangular Cholesky decomposition of a matrix.Classorg.apache.commons.math3.linearApache Commons
RegionThis interface represents a region of a space as a partition.Interfaceorg.apache.commons.math3.geometry.partitioningApache Commons
Region .LocationCode for points on the partition boundary.Classorg.apache.commons.math3.geometry.partitioning.RegionApache Commons
RegionFactoryThis class is a factory for Region.Classorg.apache.commons.math3.geometry.partitioningApache Commons
RegressionResultsResults of a Multiple Linear Regression model fit.Classorg.apache.commons.math3.stat.regressionApache Commons
RegulaFalsiSolver root-finding (approximating a zero of a univariate real function).Classorg.apache.commons.math3.analysis.solversApache Commons
RelationshipTypes of relationships between two cells in a Solver LinearConstraint.Classorg.apache.commons.math3.optim.linearApache Commons
RelationshipTypes of relationships between two cells in a Solver LinearConstraint.Classorg.apache.commons.math3.optimization.linearApache Commons
ResizableDoubleArray A variable length DoubleArray implementation that automatically handles expanding and contracting its internal storage array as elementsClassorg.apache.commons.math3.utilApache Commons
ResizableDoubleArray .ExpansionModeSpecification of expansion algorithm.Classorg.apache.commons.math3.util.ResizableDoubleArrayApache Commons
RiddersSolver Ridders' Method for root finding of real univariate functions.Classorg.apache.commons.math3.analysis.solversApache Commons
RintClassorg.apache.commons.math3.analysis.functionApache Commons
RombergIntegrator Romberg Algorithm for integration of real univariate functions.Classorg.apache.commons.math3.analysis.integrationApache Commons
RootsOfUnityA helper class for the computation and caching of the n-th roots ofSince:3.Classorg.apache.commons.math3.complexApache Commons
RotationThis class implements rotations in a three-dimensional space.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
RotationConventionenum RotationConventionThis enumerates is used to differentiate the semantics of a rotation.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
RotationOrderThis class is a utility representing a rotation order specification for Cardan or Euler angles specification.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
RRQRDecompositionCalculates the rank-revealing QR-decomposition of a matrix, with column pivoting.Classorg.apache.commons.math3.linearApache Commons
RungeKuttaFieldIntegratorThis class implements the common part of all fixed step Runge-Kutta integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
RungeKuttaIntegratorThis class implements the common part of all fixed step Runge-Kutta integrators for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
S1PointThis class represents a point on the 1-sphere.Classorg.apache.commons.math3.geometry.spherical.onedApache Commons
S2PointThis class represents a point on the 2-sphere.Classorg.apache.commons.math3.geometry.spherical.twodApache Commons
SearchIntervalSearch interval and (optional) start value.Classorg.apache.commons.math3.optim.univariateApache Commons
SecantSolver zero of a univariate real function).Classorg.apache.commons.math3.analysis.solversApache Commons
SecondaryEquationsThis interface allows users to add secondary differential equations to a primary set of differential equations.Interfaceorg.apache.commons.math3.odeApache Commons
SecondMomentComputes a statistic related to the Second Central Moment.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
SecondOrderDifferentialEquationsThis interface represents a second order differential equations set.Interfaceorg.apache.commons.math3.odeApache Commons
SecondOrderIntegratorThis interface represents a second order integrator for differential equations.Interfaceorg.apache.commons.math3.odeApache Commons
SegmentSimple container for a two-points segment.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
SegmentSimple container for a two-points segment.Classorg.apache.commons.math3.geometry.euclidean.twodApache Commons
SelectionPolicyAlgorithm used to select a chromosome pair from a population.Interfaceorg.apache.commons.math3.geneticsApache Commons
SemiVarianceComputes the semivariance of a set of values with respect to a given cutoff value.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
SemiVariance .DirectionThe direction of the semivariance - either upside or downside.Classorg.apache.commons.math3.stat.descriptive.moment.SemiVarianceApache Commons
SideEnumerate representing the location of an element with respect to an hyperplane of a space.Classorg.apache.commons.math3.geometry.partitioningApache Commons
Sigmoid It is the inverse of the logit function.Classorg.apache.commons.math3.analysis.functionApache Commons
Sigmoid .ParametricParametric function where the input array contains the parameters of the sigmoid function, orderedClassorg.apache.commons.math3.analysis.function.SigmoidApache Commons
SignumClassorg.apache.commons.math3.analysis.functionApache Commons
SimpleBoundsSimple optimization constraints: lower and upper bounds.Classorg.apache.commons.math3.optimApache Commons
SimpleBoundsSimple optimization constraints: lower and upper bounds.Classorg.apache.commons.math3.optimizationApache Commons
SimpleCurveFitterFits points to a user-defined function.Classorg.apache.commons.math3.fittingApache Commons
SimplePointCheckerSimple implementation of the ConvergenceChecker interface using only point coordinates.Classorg.apache.commons.math3.optimApache Commons
SimplePointCheckerSimple implementation of the ConvergenceChecker interface using only point coordinates.Classorg.apache.commons.math3.optimizationApache Commons
SimpleRegressionEstimates an ordinary least squares regression model with one independent variable.Classorg.apache.commons.math3.stat.regressionApache Commons
SimpleUnivariateValueCheckerSimple implementation of the ConvergenceChecker interfaceClassorg.apache.commons.math3.optim.univariateApache Commons
SimpleUnivariateValueCheckerSimple implementation of the ConvergenceChecker interfaceClassorg.apache.commons.math3.optimization.univariateApache Commons
SimpleValueCheckerSimple implementation of the ConvergenceChecker interface using only objective function values.Classorg.apache.commons.math3.optimApache Commons
SimpleValueCheckerSimple implementation of the ConvergenceChecker interface using only objective function values.Classorg.apache.commons.math3.optimizationApache Commons
SimpleVectorValueCheckerSimple implementation of the ConvergenceChecker interface using only objective function values.Classorg.apache.commons.math3.optimApache Commons
SimpleVectorValueCheckerSimple implementation of the ConvergenceChecker interface using only objective function values.Classorg.apache.commons.math3.optimizationApache Commons
SimplexOptimizerThis class implements simplex-based direct search optimization.Classorg.apache.commons.math3.optim.nonlinear.scalar.noderivApache Commons
SimplexOptimizerThis class implements simplex-based direct search optimization.Classorg.apache.commons.math3.optimization.directApache Commons
SimplexSolverSolves a linear problem using the Two-Phase Simplex method.Classorg.apache.commons.math3.optim.linearApache Commons
SimplexSolverSolves a linear problem using the Two-Phase Simplex Method.Classorg.apache.commons.math3.optimization.linearApache Commons
SimpsonIntegrator Simpson's Rule for integration of real univariate functions.Classorg.apache.commons.math3.analysis.integrationApache Commons
SinClassorg.apache.commons.math3.analysis.functionApache Commons
Sinc sinc(x) = 1 if x = 0, sin(x) / x otherwise.Classorg.apache.commons.math3.analysis.functionApache Commons
SingularMatrixExceptionException to be thrown when a non-singular matrix is expected.Classorg.apache.commons.math3.linearApache Commons
SingularOperatorExceptionException to be thrown when trying to invert a singular operator.Classorg.apache.commons.math3.linearApache Commons
SingularValueDecompositionCalculates the compact Singular Value Decomposition of a matrix.Classorg.apache.commons.math3.linearApache Commons
SinhHyperbolic sine function.Classorg.apache.commons.math3.analysis.functionApache Commons
SkewnessComputes the skewness of the available values.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
SmoothedDataHistogramVisualization of high-dimensional data projection on a 2D-map.Classorg.apache.commons.math3.ml.neuralnet.twod.utilApache Commons
SmoothingPolynomialBicubicSplineInterpolatorGenerates a bicubic interpolation function.Classorg.apache.commons.math3.analysis.interpolationApache Commons
SobolSequenceGenerator A Sobol sequence is a low-discrepancy sequence with the property that for all values of N, its subsequence (x1, .Classorg.apache.commons.math3.randomApache Commons
SolutionCallbackA callback object that can be provided to a linear optimizer to keep track of the best solution found.Classorg.apache.commons.math3.optim.linearApache Commons
SpaceThis interface represents a generic space, with affine and vectorial counterparts.Interfaceorg.apache.commons.math3.geometryApache Commons
SparseFieldMatrixSparse matrix implementation based on an open addressed map.Classorg.apache.commons.math3.linearApache Commons
SparseFieldVectorThis class implements the FieldVector interface with a OpenIntToFieldHashMap backing store.Classorg.apache.commons.math3.linearApache Commons
SparseGradientFirst derivative computation with large number of variables.Classorg.apache.commons.math3.analysis.differentiationApache Commons
SparseRealMatrixMarker interface for RealMatrix implementations that require sparse backing storage Caveat: Implementation are allowed to assume that, for any x,Interfaceorg.apache.commons.math3.linearApache Commons
SparseRealVectorMarker class for RealVectors that require sparse backing storage Caveat: Implementation are allowed to assume that, for any x,Classorg.apache.commons.math3.linearApache Commons
SpearmansCorrelationSpearman's rank correlation.Classorg.apache.commons.math3.stat.correlationApache Commons
Sphere1DThis class implements a one-dimensional sphere (i.Classorg.apache.commons.math3.geometry.spherical.onedApache Commons
Sphere1D .NoSubSpaceExceptionSpecialized exception for inexistent sub-space.Classorg.apache.commons.math3.geometry.spherical.oned.Sphere1DApache Commons
Sphere2DThis class implements a two-dimensional sphere (i.Classorg.apache.commons.math3.geometry.spherical.twodApache Commons
SphereGeneratorClass generating an enclosing ball from its support points.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
SphericalCoordinatesThis class provides conversions related to spherical coordinates.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
SphericalPolygonsSetThis class represents a region on the 2-sphere: a set of spherical polygons.Classorg.apache.commons.math3.geometry.spherical.twodApache Commons
SplineInterpolatorComputes a natural (also known as free, unclamped) cubic spline interpolation for the data set.Classorg.apache.commons.math3.analysis.interpolationApache Commons
SqrtSquare-root function.Classorg.apache.commons.math3.analysis.functionApache Commons
SquareNeighbourhoodenum SquareNeighbourhoodDefines neighbourhood types.Classorg.apache.commons.math3.ml.neuralnetApache Commons
StableRandomGeneratorThis class provides a stable normalized random generator.Classorg.apache.commons.math3.randomApache Commons
StandardDeviationComputes the sample standard deviation.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
StatisticalMultivariateSummaryReporting interface for basic multivariate statistics.Interfaceorg.apache.commons.math3.stat.descriptiveApache Commons
StatisticalSummaryReporting interface for basic univariate statistics.Interfaceorg.apache.commons.math3.stat.descriptiveApache Commons
StatisticalSummaryValuesValue object representing the results of a univariate statistical summary.Classorg.apache.commons.math3.stat.descriptiveApache Commons
StatUtilsStatUtils provides static methods for computing statistics based on data stored in double[] arrays.Classorg.apache.commons.math3.statApache Commons
StepFunctionClassorg.apache.commons.math3.analysis.functionApache Commons
StepHandlerThis interface represents a handler that should be called after each successful step.Interfaceorg.apache.commons.math3.ode.samplingApache Commons
StepInterpolatorThis interface represents an interpolator over the last step during an ODE integration.Interfaceorg.apache.commons.math3.ode.samplingApache Commons
StepNormalizerThis class wraps an object implementing FixedStepHandler into a StepHandler.Classorg.apache.commons.math3.ode.samplingApache Commons
StepNormalizerBoundsenum StepNormalizerBoundsStep normalizer bounds settings.Classorg.apache.commons.math3.ode.samplingApache Commons
StepNormalizerModeenum StepNormalizerModeStep normalizer modes.Classorg.apache.commons.math3.ode.samplingApache Commons
StoppingConditionAlgorithm used to determine when to stop evolution.Interfaceorg.apache.commons.math3.geneticsApache Commons
StorelessCovarianceCovariance implementation that does not require input data to be stored in memory.Classorg.apache.commons.math3.stat.correlationApache Commons
StorelessUnivariateStatistic increment(double) and incrementAll(double[]) methods for adding values and updating internal state.Interfaceorg.apache.commons.math3.stat.descriptiveApache Commons
SubCircleThis class represents a sub-hyperplane for Circle.Classorg.apache.commons.math3.geometry.spherical.twodApache Commons
SubHyperplaneThis interface represents the remaining parts of an hyperplane after other parts have been chopped off.Interfaceorg.apache.commons.math3.geometry.partitioningApache Commons
SubHyperplane .SplitSubHyperplaneClassorg.apache.commons.math3.geometry.partitioning.SubHyperplaneApache Commons
SubLimitAngleThis class represents sub-hyperplane for LimitAngle.Classorg.apache.commons.math3.geometry.spherical.onedApache Commons
SubLineThis class represents a subset of a Line.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
SubLineThis class represents a sub-hyperplane for Line.Classorg.apache.commons.math3.geometry.euclidean.twodApache Commons
SubOrientedPointThis class represents sub-hyperplane for OrientedPoint.Classorg.apache.commons.math3.geometry.euclidean.onedApache Commons
SubPlaneThis class represents a sub-hyperplane for Plane.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
SubtractSubtract the second operand from the first.Classorg.apache.commons.math3.analysis.functionApache Commons
SumReturns the sum of the available values.Classorg.apache.commons.math3.stat.descriptive.summaryApache Commons
SummaryStatistics Computes summary statistics for a stream of data values added using the addValue method.Classorg.apache.commons.math3.stat.descriptiveApache Commons
SumOfClusterVariancesComputes the sum of intra-cluster distance variances according to the formula: \( score = \sum\limits_{i=1}^n \sigma_i^2 \)Classorg.apache.commons.math3.ml.clustering.evaluationApache Commons
SumOfLogsReturns the sum of the natural logs for this collection of values.Classorg.apache.commons.math3.stat.descriptive.summaryApache Commons
SumOfSquaresReturns the sum of the squares of the available values.Classorg.apache.commons.math3.stat.descriptive.summaryApache Commons
SupportBallGeneratorInterface for generating balls based on support points.Interfaceorg.apache.commons.math3.geometry.enclosingApache Commons
SymmetricGaussIntegratorThis class's implements integrate method assuming that the integral is symmetric about 0.Classorg.apache.commons.math3.analysis.integration.gaussApache Commons
SymmLQ Implementation of the SYMMLQ iterative linear solver proposed by Paige and Saunders (1975).Classorg.apache.commons.math3.linearApache Commons
SynchronizedDescriptiveStatistics DescriptiveStatistics that is safe to use in a multithreaded environment.Classorg.apache.commons.math3.stat.descriptiveApache Commons
SynchronizedMultivariateSummaryStatistics MultivariateSummaryStatistics that is safe to use in a multithreaded environment.Classorg.apache.commons.math3.stat.descriptiveApache Commons
SynchronizedRandomGeneratorAny RandomGenerator implementation can be thread-safe if it is used through an instance of this class.Classorg.apache.commons.math3.randomApache Commons
SynchronizedSummaryStatistics SummaryStatistics that is safe to use in a multithreaded environment.Classorg.apache.commons.math3.stat.descriptiveApache Commons
TanClassorg.apache.commons.math3.analysis.functionApache Commons
TanhHyperbolic tangent function.Classorg.apache.commons.math3.analysis.functionApache Commons
TargetTarget of the optimization procedure.Classorg.apache.commons.math3.optim.nonlinear.vectorApache Commons
TargetTarget of the optimization procedure.Classorg.apache.commons.math3.optimizationApache Commons
TDistributionSee Also:Student's t-distribution (Wikipedia), Student's t-distribution (MathWorld), Classorg.apache.commons.math3.distributionApache Commons
TestUtilsA collection of static methods to create inference test instances or to perform inference tests.Classorg.apache.commons.math3.stat.inferenceApache Commons
ThreeEighthesFieldIntegratorThis class implements the 3/8 fourth order Runge-Kutta integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
ThreeEighthesIntegratorThis class implements the 3/8 fourth order Runge-Kutta integrator for Ordinary Differential Equations.Classorg.apache.commons.math3.ode.nonstiffApache Commons
TiesStrategyStrategies for handling tied values in rank transformations.Classorg.apache.commons.math3.stat.rankingApache Commons
TooManyEvaluationsExceptionException to be thrown when the maximal number of evaluations is exceeded.Classorg.apache.commons.math3.exceptionApache Commons
TooManyIterationsExceptionException to be thrown when the maximal number of iterations is exceeded.Classorg.apache.commons.math3.exceptionApache Commons
TopographicErrorHistogramComputes the topographic error histogram.Classorg.apache.commons.math3.ml.neuralnet.twod.utilApache Commons
TournamentSelectionTournament selection scheme.Classorg.apache.commons.math3.geneticsApache Commons
TransformThis interface represents an inversible affine transform in a space.Interfaceorg.apache.commons.math3.geometry.partitioningApache Commons
TransformerMapThis TansformerMap automates the transformation of mixed object types.Classorg.apache.commons.math3.utilApache Commons
TransformTypeThis enumeration defines the type of transform which is to be computed.Classorg.apache.commons.math3.transformApache Commons
TransformUtilsUseful functions for the implementation of various transforms.Classorg.apache.commons.math3.transformApache Commons
TrapezoidIntegrator Trapezoid Rule for integration of real univariate functions.Classorg.apache.commons.math3.analysis.integrationApache Commons
TriangularDistributionClassorg.apache.commons.math3.distributionApache Commons
TricubicInterpolatingFunctionFunction that implements the tricubic spline interpolation, as proposed inClassorg.apache.commons.math3.analysis.interpolationApache Commons
TricubicInterpolatorGenerates a tricubic interpolating function.Classorg.apache.commons.math3.analysis.interpolationApache Commons
TricubicSplineInterpolatingFunctionFunction that implements the tricubic spline interpolation, as proposed inClassorg.apache.commons.math3.analysis.interpolationApache Commons
TricubicSplineInterpolatorGenerates a tricubic interpolating function.Classorg.apache.commons.math3.analysis.interpolationApache Commons
TrivariateFunctionAn interface representing a trivariate real function.Interfaceorg.apache.commons.math3.analysisApache Commons
TrivariateGridInterpolatorInterface representing a trivariate real interpolating function where the sample points must be specified on a regular grid.Interfaceorg.apache.commons.math3.analysis.interpolationApache Commons
TTestAn implementation for Student's t-tests.Classorg.apache.commons.math3.stat.inferenceApache Commons
UlpClassorg.apache.commons.math3.analysis.functionApache Commons
UnboundedSolutionExceptionThis class represents exceptions thrown by optimizers when a solution escapes to infinity.Classorg.apache.commons.math3.optim.linearApache Commons
UnboundedSolutionExceptionThis class represents exceptions thrown by optimizers when a solution escapes to infinity.Classorg.apache.commons.math3.optimization.linearApache Commons
UncorrelatedRandomVectorGeneratorA RandomVectorGenerator that generates vectors with uncorrelated components.Classorg.apache.commons.math3.randomApache Commons
UnifiedDistanceMatrix visualization of high-dimensional data projection.Classorg.apache.commons.math3.ml.neuralnet.twod.utilApache Commons
UniformCrossoverPerform Uniform Crossover [UX] on the specified chromosomes.Classorg.apache.commons.math3.geneticsApache Commons
UniformIntegerDistributionClassorg.apache.commons.math3.distributionApache Commons
UniformRandomGeneratorThis class implements a normalized uniform random generator.Classorg.apache.commons.math3.randomApache Commons
UniformRealDistributionClassorg.apache.commons.math3.distributionApache Commons
UnitSphereRandomVectorGeneratorGenerate random vectors isotropically located on the surface of a sphere.Classorg.apache.commons.math3.randomApache Commons
UnivariateDfpFunctionAn interface representing a univariate Dfp function.Interfaceorg.apache.commons.math3.dfpApache Commons
UnivariateDifferentiableFunctionInterface for univariate functions derivatives.Interfaceorg.apache.commons.math3.analysis.differentiationApache Commons
UnivariateDifferentiableMatrixFunctionExtension of UnivariateMatrixFunction representing a univariate differentiable matrix function.Interfaceorg.apache.commons.math3.analysis.differentiationApache Commons
UnivariateDifferentiableSolverInterface for (univariate real) rootfinding algorithms.Interfaceorg.apache.commons.math3.analysis.solversApache Commons
UnivariateDifferentiableVectorFunctionExtension of UnivariateVectorFunction representing a univariate differentiable vectorial function.Interfaceorg.apache.commons.math3.analysis.differentiationApache Commons
UnivariateFunctionAn interface representing a univariate real function.Interfaceorg.apache.commons.math3.analysisApache Commons
UnivariateFunctionDifferentiatorInterface defining the function differentiation operation.Interfaceorg.apache.commons.math3.analysis.differentiationApache Commons
UnivariateIntegratorInterface for univariate real integration algorithms.Interfaceorg.apache.commons.math3.analysis.integrationApache Commons
UnivariateInterpolatorInterface representing a univariate real interpolating function.Interfaceorg.apache.commons.math3.analysis.interpolationApache Commons
UnivariateMatrixFunctionAn interface representing a univariate matrix function.Interfaceorg.apache.commons.math3.analysisApache Commons
UnivariateMatrixFunctionDifferentiatorInterface defining the function differentiation operation.Interfaceorg.apache.commons.math3.analysis.differentiationApache Commons
UnivariateMultiStartOptimizerSpecial implementation of the UnivariateOptimizer interface adding multi-start features to an existing optimizer.Classorg.apache.commons.math3.optimization.univariateApache Commons
UnivariateObjectiveFunctionScalar function to be optimized.Classorg.apache.commons.math3.optim.univariateApache Commons
UnivariateOptimizerBase class for a univariate scalar function optimizer.Classorg.apache.commons.math3.optim.univariateApache Commons
UnivariateOptimizerInterface for univariate optimization algorithms.Interfaceorg.apache.commons.math3.optimization.univariateApache Commons
UnivariatePeriodicInterpolatorAdapter for classes implementing the UnivariateInterpolator The data to be interpolated is assumed to be periodic.Classorg.apache.commons.math3.analysis.interpolationApache Commons
UnivariatePointValuePairThis class holds a point and the value of an objective function at this This is a simple immutable container.Classorg.apache.commons.math3.optim.univariateApache Commons
UnivariatePointValuePairThis class holds a point and the value of an objective function at this This is a simple immutable container.Classorg.apache.commons.math3.optimization.univariateApache Commons
UnivariateSolverInterface for (univariate real) root-finding algorithms.Interfaceorg.apache.commons.math3.analysis.solversApache Commons
UnivariateSolverUtilsUtility routines for UnivariateSolver objects.Classorg.apache.commons.math3.analysis.solversApache Commons
UnivariateStatisticBase interface implemented by all statistics.Interfaceorg.apache.commons.math3.stat.descriptiveApache Commons
UnivariateVectorFunctionAn interface representing a univariate vectorial function.Interfaceorg.apache.commons.math3.analysisApache Commons
UnivariateVectorFunctionDifferentiatorInterface defining the function differentiation operation.Interfaceorg.apache.commons.math3.analysis.differentiationApache Commons
UnknownParameterExceptionException to be thrown when a parameter is unknown.Classorg.apache.commons.math3.odeApache Commons
UpdateActionInterfaceorg.apache.commons.math3.ml.neuralnetApache Commons
UpdatingMultipleLinearRegressionAn interface for regression models allowing for dynamic updating of the data.Interfaceorg.apache.commons.math3.stat.regressionApache Commons
ValueAndJacobianFunctionA interface for functions that compute a vector of values and can compute their derivatives (Jacobian).Interfaceorg.apache.commons.math3.fitting.leastsquaresApache Commons
ValueServerGenerates values for use in simulation applications.Classorg.apache.commons.math3.randomApache Commons
VarianceComputes the variance of the available values.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
VectorThis interface represents a generic vector in a vectorial space or a point in an affine space.Interfaceorg.apache.commons.math3.geometryApache Commons
Vector1DThis class represents a 1D vector.Classorg.apache.commons.math3.geometry.euclidean.onedApache Commons
Vector1DFormatFormats a 1D vector in components list format {x}.Classorg.apache.commons.math3.geometry.euclidean.onedApache Commons
Vector2DThis class represents a 2D vector.Classorg.apache.commons.math3.geometry.euclidean.twodApache Commons
Vector2DFormatFormats a 2D vector in components list format {x; y}.Classorg.apache.commons.math3.geometry.euclidean.twodApache Commons
Vector3DThis class implements vectors in a three-dimensional space.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
Vector3DFormatFormats a 3D vector in components list format {x; y; z}.Classorg.apache.commons.math3.geometry.euclidean.threedApache Commons
VectorFormatFormats a vector in components list format {x; y; .Classorg.apache.commons.math3.geometryApache Commons
VectorialCovarianceReturns the covariance matrix of the available vectors.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
VectorialMeanReturns the arithmetic mean of the available vectors.Classorg.apache.commons.math3.stat.descriptive.momentApache Commons
VertexSpherical polygons boundary vertex.Classorg.apache.commons.math3.geometry.spherical.twodApache Commons
WeibullDistribution two parameter form of the distribution defined by Weibull Distribution, equations (1) and (2).Classorg.apache.commons.math3.distributionApache Commons
WeightWeight matrix of the residuals between model and observations.Classorg.apache.commons.math3.optim.nonlinear.vectorApache Commons
WeightWeight matrix of the residuals between model and observations.Classorg.apache.commons.math3.optimizationApache Commons
WeightedEvaluationWeighted evaluation for statistics.Interfaceorg.apache.commons.math3.stat.descriptiveApache Commons
WeightedObservedPointThis class is a simple container for weighted observed point in Instances of this class are guaranteed to be immutable.Classorg.apache.commons.math3.fittingApache Commons
WeightedObservedPointThis class is a simple container for weighted observed point in Instances of this class are guaranteed to be immutable.Classorg.apache.commons.math3.optimization.fittingApache Commons
WeightedObservedPointsSimple container for weighted observed points used in curve fitting algorithms.Classorg.apache.commons.math3.fittingApache Commons
Well1024aClassorg.apache.commons.math3.randomApache Commons
Well19937aClassorg.apache.commons.math3.randomApache Commons
Well19937cClassorg.apache.commons.math3.randomApache Commons
Well44497aClassorg.apache.commons.math3.randomApache Commons
Well44497bClassorg.apache.commons.math3.randomApache Commons
Well512aClassorg.apache.commons.math3.randomApache Commons
WelzlEncloserClass implementing Emo Welzl algorithm to find the smallest enclosing ball in linear time.Classorg.apache.commons.math3.geometry.enclosingApache Commons
WilcoxonSignedRankTestAn implementation of the Wilcoxon signed-rank test.Classorg.apache.commons.math3.stat.inferenceApache Commons
WilsonScoreIntervalClassorg.apache.commons.math3.stat.intervalApache Commons
ZeroExceptionException to be thrown when zero is provided where it is not allowed.Classorg.apache.commons.math3.exceptionApache Commons
ZipfDistribution For a random variable X whose values are distributed according to this distribution, the probability mass function is given byClassorg.apache.commons.math3.distributionApache Commons