commons-math3 文档 下载链接(含jar包、源码、pom)
组件名称 | 中英对照-文档-下载链接 | 中文-文档-下载链接 |
---|---|---|
commons-math3-3.6.1.jar | commons-math3-3.6.1-API文档-中英对照版.zip | commons-math3-3.6.1-API文档-中文版.zip |
commons-math3-3.5.jar | commons-math3-3.5-API文档-中英对照版.zip | commons-math3-3.5-API文档-中文版.zip |
commons-math3-3.4.1.jar | commons-math3-3.4.1-API文档-中英对照版.zip | commons-math3-3.4.1-API文档-中文版.zip |
commons-math3-3.1.1.jar | commons-math3-3.1.1-API文档-中英对照版.zip | 暂无 |
commons-math3 简介
Apache通用数学
Apache Commons Math项目是一个轻量级、自包含的数学和统计组件库,用于解决Java编程语言或Commons -lang中无法立即提供的最常见的实际问题。
commons-math3 中文文档、中英对照文档 说明
摘要:commons-math3、org.apache.commons.math3、中文文档、中英对照文档、下载、包含jar包、原API文档、源代码、Maven依赖信息文件、翻译后的API文档、apache、commons、math3、中文文档、jar包、java;
使用方法:解压翻译后的API文档,用浏览器打开“index.html”文件,即可纵览文档内容。
人性化翻译,文档中的代码和结构保持不变,注释和说明精准翻译,请放心使用。
中英对照版样例
中文版样例
涉及的包(package)
org.apache.commons.math3
org.apache.commons.math3.analysis
org.apache.commons.math3.analysis.differentiation
org.apache.commons.math3.analysis.function
org.apache.commons.math3.analysis.integration
org.apache.commons.math3.analysis.integration.gauss
org.apache.commons.math3.analysis.interpolation
org.apache.commons.math3.analysis.polynomials
org.apache.commons.math3.analysis.solvers
org.apache.commons.math3.complex
org.apache.commons.math3.dfp
org.apache.commons.math3.distribution
org.apache.commons.math3.distribution.fitting
org.apache.commons.math3.exception
org.apache.commons.math3.exception.util
org.apache.commons.math3.filter
org.apache.commons.math3.fitting
org.apache.commons.math3.fitting.leastsquares
org.apache.commons.math3.fraction
org.apache.commons.math3.genetics
org.apache.commons.math3.geometry
org.apache.commons.math3.geometry.enclosing
org.apache.commons.math3.geometry.euclidean.oned
org.apache.commons.math3.geometry.euclidean.threed
org.apache.commons.math3.geometry.euclidean.twod
org.apache.commons.math3.geometry.euclidean.twod.hull
org.apache.commons.math3.geometry.hull
org.apache.commons.math3.geometry.partitioning
org.apache.commons.math3.geometry.partitioning.utilities
org.apache.commons.math3.geometry.spherical.oned
org.apache.commons.math3.geometry.spherical.twod
org.apache.commons.math3.linear
org.apache.commons.math3.ml
org.apache.commons.math3.ml.clustering
org.apache.commons.math3.ml.clustering.evaluation
org.apache.commons.math3.ml.distance
org.apache.commons.math3.ml.neuralnet
org.apache.commons.math3.ml.neuralnet.oned
org.apache.commons.math3.ml.neuralnet.sofm
org.apache.commons.math3.ml.neuralnet.sofm.util
org.apache.commons.math3.ml.neuralnet.twod
org.apache.commons.math3.ml.neuralnet.twod.util
org.apache.commons.math3.ode
org.apache.commons.math3.ode.events
org.apache.commons.math3.ode.nonstiff
org.apache.commons.math3.ode.sampling
org.apache.commons.math3.optim
org.apache.commons.math3.optim.linear
org.apache.commons.math3.optim.nonlinear.scalar
org.apache.commons.math3.optim.nonlinear.scalar.gradient
org.apache.commons.math3.optim.nonlinear.scalar.noderiv
org.apache.commons.math3.optim.nonlinear.vector
org.apache.commons.math3.optim.nonlinear.vector.jacobian
org.apache.commons.math3.optim.univariate
org.apache.commons.math3.optimization
org.apache.commons.math3.optimization.direct
org.apache.commons.math3.optimization.fitting
org.apache.commons.math3.optimization.general
org.apache.commons.math3.optimization.linear
org.apache.commons.math3.optimization.univariate
org.apache.commons.math3.primes
org.apache.commons.math3.random
org.apache.commons.math3.special
org.apache.commons.math3.stat
org.apache.commons.math3.stat.clustering
org.apache.commons.math3.stat.correlation
org.apache.commons.math3.stat.descriptive
org.apache.commons.math3.stat.descriptive.moment
org.apache.commons.math3.stat.descriptive.rank
org.apache.commons.math3.stat.descriptive.summary
org.apache.commons.math3.stat.inference
org.apache.commons.math3.stat.interval
org.apache.commons.math3.stat.ranking
org.apache.commons.math3.stat.regression
org.apache.commons.math3.transform
org.apache.commons.math3.util
Apache Commons Math 3.6.1 API
Package | Description |
---|---|
org.apache.commons.math3 |
Common classes used throughout the commons-math library.
在整个公共数学库中使用的常见类别。 |
org.apache.commons.math3.analysis |
Parent package for common numerical analysis procedures, including root finding, function interpolation and integration.
父包用于常见的数值分析过程,包括根查找,功能插补和集成。 |
org.apache.commons.math3.analysis.differentiation |
This package holds the main interfaces and basic building block classes dealing with differentiation.
此包裹拥有处理差异化的主要接口和基本构建块类。 |
org.apache.commons.math3.analysis.function |
The
function package contains function objects that wrap the methods contained in
Math , as well as common mathematical functions such as the gaussian and sinc functions.
函数包包含运算对象,该功能将包含在数学中包含的方法,以及诸如高斯和SINC功能的常见数学函数。 |
org.apache.commons.math3.analysis.integration |
Numerical integration (quadrature) algorithms for univariate real functions.
单变量真正函数的数值积分(正交)算法。 |
org.apache.commons.math3.analysis.integration.gauss |
Gauss family of quadrature schemes.
高斯系列正交计划。 |
org.apache.commons.math3.analysis.interpolation |
Univariate real functions interpolation algorithms.
单变量真实功能插值算法。 |
org.apache.commons.math3.analysis.polynomials |
Univariate real polynomials implementations, seen as differentiable univariate real functions.
单变量真实多项式实现,视为可分辨率的单变量真实功能。 |
org.apache.commons.math3.analysis.solvers |
Root finding algorithms, for univariate real functions.
根发现算法,用于单变量真实功能。 |
org.apache.commons.math3.complex |
Complex number type and implementations of complex transcendental functions.
复杂的数字类型和复杂的超越函数的实现。 |
org.apache.commons.math3.dfp |
Decimal floating point library for Java
Java的十进制浮点库 |
org.apache.commons.math3.distribution |
Implementations of common discrete and continuous distributions.
常见离散和连续分布的实现。 |
org.apache.commons.math3.distribution.fitting |
Fitting of parameters against distributions.
对分布的参数拟合。 |
org.apache.commons.math3.exception |
Specialized exceptions for algorithms errors.
算法错误的专门例外。 |
org.apache.commons.math3.exception.util |
Classes supporting exception localization.
支持异常本地化的课程。 |
org.apache.commons.math3.filter |
Implementations of common discrete-time linear filters.
公共离散时间线性滤波器的实现。 |
org.apache.commons.math3.fitting |
Classes to perform curve fitting.
课程执行曲线拟合。 |
org.apache.commons.math3.fitting.leastsquares |
This package provides algorithms that minimize the residuals between observations and model values.
该包提供了最小化观察和模型值之间的残差的算法。 |
org.apache.commons.math3.fraction |
Fraction number type and fraction number formatting.
分数号类型和分数号格式。 |
org.apache.commons.math3.genetics |
This package provides Genetic Algorithms components and implementations.
该包提供遗传算法组件和实现。 |
org.apache.commons.math3.geometry |
This package is the top level package for geometry.
此包是几何的顶级包装。 |
org.apache.commons.math3.geometry.enclosing |
This package provides interfaces and classes related to the smallest enclosing ball problem.
此包提供与最小封闭球问题相关的接口和类。 |
org.apache.commons.math3.geometry.euclidean.oned |
This package provides basic 1D geometry components.
此包提供基本的1D几何组件。 |
org.apache.commons.math3.geometry.euclidean.threed |
This package provides basic 3D geometry components.
此包提供基本的3D几何组件。 |
org.apache.commons.math3.geometry.euclidean.twod |
This package provides basic 2D geometry components.
此包提供基本的2D几何组件。 |
org.apache.commons.math3.geometry.euclidean.twod.hull |
This package provides algorithms to generate the convex hull for a set of points in an two-dimensional euclidean space.
此包提供算法,用于在二维欧几里德空间中生成一组点的凸壳。 |
org.apache.commons.math3.geometry.hull |
This package provides interfaces and classes related to the convex hull problem.
此包提供与凸壳问题相关的接口和类。 |
org.apache.commons.math3.geometry.partitioning |
This package provides classes to implement Binary Space Partition trees.
此包提供类以实现二进制空间分区树。 |
org.apache.commons.math3.geometry.partitioning.utilities |
This package provides multidimensional ordering features for partitioning.
此包提供用于分区的多维排序功能。 |
org.apache.commons.math3.geometry.spherical.oned |
This package provides basic geometry components on the 1-sphere.
此包在1范围内提供基本的几何组件。 |
org.apache.commons.math3.geometry.spherical.twod |
This package provides basic geometry components on the 2-sphere.
此包在2范围内提供基本的几何组件。 |
org.apache.commons.math3.linear |
Linear algebra support.
线性代数支持。 |
org.apache.commons.math3.ml |
Base package for machine learning algorithms.
机器学习算法的基础包。 |
org.apache.commons.math3.ml.clustering |
Clustering algorithms.
聚类算法。 |
org.apache.commons.math3.ml.clustering.evaluation |
Cluster evaluation methods.
集群评估方法。 |
org.apache.commons.math3.ml.distance |
Common distance measures.
公共距离措施。 |
org.apache.commons.math3.ml.neuralnet |
Neural networks.
神经网络。 |
org.apache.commons.math3.ml.neuralnet.oned |
One-dimensional neural networks.
一维神经网络。 |
org.apache.commons.math3.ml.neuralnet.sofm |
Self Organizing Feature Map.
自我组织特征图。 |
org.apache.commons.math3.ml.neuralnet.sofm.util |
Miscellaneous utilities.
杂项公用事业。 |
org.apache.commons.math3.ml.neuralnet.twod |
Two-dimensional neural networks.
二维神经网络。 |
org.apache.commons.math3.ml.neuralnet.twod.util |
Utilities to visualize two-dimensional neural networks.
实用程序可视化二维神经网络。 |
org.apache.commons.math3.ode |
This package provides classes to solve Ordinary Differential Equations problems.
此包提供类以解决常微分方程问题。 |
org.apache.commons.math3.ode.events |
This package provides classes to handle discrete events occurring during Ordinary Differential Equations integration.
此包提供类以处理在常微分方程集成期间发生的离散事件。 |
org.apache.commons.math3.ode.nonstiff |
This package provides classes to solve non-stiff Ordinary Differential Equations problems.
该包提供了解决非硬常态差分方程问题的类。 |
org.apache.commons.math3.ode.sampling |
This package provides classes to handle sampling steps during Ordinary Differential Equations integration.
此包提供类以处理常用方程集成期间处理采样步骤。 |
org.apache.commons.math3.optim |
Generally, optimizers are algorithms that will either
objective function .
通常,优化器是将最小化或最大化标量函数的算法,称为目标函数。 |
org.apache.commons.math3.optim.linear |
Optimization algorithms for linear constrained problems.
线性约束问题的优化算法。 |
org.apache.commons.math3.optim.nonlinear.scalar |
Algorithms for optimizing a scalar function.
用于优化标量函数的算法。 |
org.apache.commons.math3.optim.nonlinear.scalar.gradient |
This package provides optimization algorithms that require derivatives.
此包提供需要衍生物的优化算法。 |
org.apache.commons.math3.optim.nonlinear.scalar.noderiv |
This package provides optimization algorithms that do not require derivatives.
此包提供不需要衍生物的优化算法。 |
org.apache.commons.math3.optim.nonlinear.vector |
Algorithms for optimizing a vector function.
用于优化矢量函数的算法。 |
org.apache.commons.math3.optim.nonlinear.vector.jacobian |
This package provides optimization algorithms that require derivatives.
此包提供需要衍生物的优化算法。 |
org.apache.commons.math3.optim.univariate |
One-dimensional optimization algorithms.
一维优化算法。 |
org.apache.commons.math3.optimization |
All classes and sub-packages of this package are deprecated.
不推荐使用此包的所有类和子包。 |
org.apache.commons.math3.optimization.direct |
This package provides optimization algorithms that don't require derivatives.
此包提供不需要衍生物的优化算法。 |
org.apache.commons.math3.optimization.fitting |
This package provides classes to perform curve fitting.
此程序包提供执行曲线拟合的类。 |
org.apache.commons.math3.optimization.general |
This package provides optimization algorithms that require derivatives.
此包提供需要衍生物的优化算法。 |
org.apache.commons.math3.optimization.linear |
This package provides optimization algorithms for linear constrained problems.
该包提供用于线性约束问题的优化算法。 |
org.apache.commons.math3.optimization.univariate |
Univariate real functions minimum finding algorithms.
单变量真实功能最小查找算法。 |
org.apache.commons.math3.primes |
Methods related to prime numbers like primality test, factor decomposition.
与素数相关的方法,如原始测试,因子分解。 |
org.apache.commons.math3.random |
Random number and random data generators.
随机数和随机数据发生器。 |
org.apache.commons.math3.special |
Implementations of special functions such as Beta and Gamma.
特殊功能的实现,如Beta和Gamma。 |
org.apache.commons.math3.stat |
Data storage, manipulation and summary routines.
数据存储,操纵和摘要例程。 |
org.apache.commons.math3.stat.clustering |
All classes and sub-packages of this package are deprecated.
不推荐使用此包的所有类和子包。 |
org.apache.commons.math3.stat.correlation |
Correlations/Covariance computations.
相关性/协方差计算。 |
org.apache.commons.math3.stat.descriptive |
Generic univariate summary statistic objects.
通用单变量摘要统计对象。 |
org.apache.commons.math3.stat.descriptive.moment |
Summary statistics based on moments.
基于时刻的概述统计数据。 |
org.apache.commons.math3.stat.descriptive.rank |
Summary statistics based on ranks.
基于级别的概要统计数据。 |
org.apache.commons.math3.stat.descriptive.summary |
Other summary statistics.
其他摘要统计。 |
org.apache.commons.math3.stat.inference |
Classes providing hypothesis testing.
类提供假设测试。 |
org.apache.commons.math3.stat.interval |
Classes providing binomial proportion confidence interval construction.
提供二项式比例置信区间建设的课程。 |
org.apache.commons.math3.stat.ranking |
Classes providing rank transformations.
提供排名转换的课程。 |
org.apache.commons.math3.stat.regression |
Statistical routines involving multivariate data.
涉及多变量数据的统计程序。 |
org.apache.commons.math3.transform |
Implementations of transform methods, including Fast Fourier transforms.
变换方法的实现,包括快速傅里叶变换。 |
org.apache.commons.math3.util |
Convenience routines and common data structures used throughout the commons-math library.
在整个公共数学库中使用的便利惯例和常见数据结构。 |
涉及的类(class)
Abs
AbstractConvergenceChecker
AbstractConvergenceChecker
AbstractCurveFitter
AbstractCurveFitter.TheoreticalValuesFunction
AbstractDifferentiableOptimizer
AbstractDifferentiableUnivariateSolver
AbstractEvaluation
AbstractFieldIntegrator
AbstractFieldMatrix
AbstractFieldStepInterpolator
AbstractFormat
AbstractIntegerDistribution
AbstractIntegrator
AbstractLeastSquaresOptimizer
AbstractLeastSquaresOptimizer
AbstractLinearOptimizer
AbstractListChromosome
AbstractMultipleLinearRegression
AbstractMultivariateRealDistribution
AbstractOptimizationProblem
AbstractParameterizable
AbstractPolynomialSolver
AbstractRandomGenerator
AbstractRealDistribution
AbstractRealMatrix
AbstractRegion
AbstractScalarDifferentiableOptimizer
AbstractSimplex
AbstractSimplex
AbstractStepInterpolator
AbstractStorelessUnivariateStatistic
AbstractSubHyperplane
AbstractUnivariateDifferentiableSolver
AbstractUnivariateSolver
AbstractUnivariateStatistic
AbstractWell
Acos
Acosh
Action
AdamsBashforthFieldIntegrator
AdamsBashforthIntegrator
AdamsFieldIntegrator
AdamsIntegrator
AdamsMoultonFieldIntegrator
AdamsMoultonIntegrator
AdamsNordsieckFieldTransformer
AdamsNordsieckTransformer
AdaptiveStepsizeFieldIntegrator
AdaptiveStepsizeIntegrator
Add
AggregateSummaryStatistics
AgrestiCoullInterval
AkimaSplineInterpolator
AklToussaintHeuristic
AllowedSolution
AlternativeHypothesis
AnyMatrix
Arc
ArcsSet
ArcsSet.InconsistentStateAt2PiWrapping
ArcsSet.Split
ArgUtils
ArithmeticUtils
Array2DRowFieldMatrix
Array2DRowRealMatrix
ArrayFieldVector
ArrayRealVector
Asin
Asinh
Atan
Atan2
Atanh
AVLTree
BaseAbstractMultivariateOptimizer
BaseAbstractMultivariateSimpleBoundsOptimizer
BaseAbstractMultivariateVectorOptimizer
BaseAbstractUnivariateIntegrator
BaseAbstractUnivariateOptimizer
BaseAbstractUnivariateSolver
BaseMultiStartMultivariateOptimizer
BaseMultivariateMultiStartOptimizer
BaseMultivariateOptimizer
BaseMultivariateOptimizer
BaseMultivariateSimpleBoundsOptimizer
BaseMultivariateVectorMultiStartOptimizer
BaseMultivariateVectorOptimizer
BaseOptimizer
BaseOptimizer
BaseRuleFactory
BaseSecantSolver
BaseSecantSolver.Method
BaseUnivariateOptimizer
BaseUnivariateSolver
BesselJ
BesselJ.BesselJResult
Beta
BetaDistribution
BicubicInterpolatingFunction
BicubicInterpolator
BicubicSplineInterpolatingFunction
BicubicSplineInterpolator
BigFraction
BigFractionField
BigFractionFormat
BigReal
BigRealField
BinaryChromosome
BinaryMutation
BinomialConfidenceInterval
BinomialDistribution
BinomialTest
BisectionSolver
BitsStreamGenerator
BivariateFunction
BivariateGridInterpolator
BlockFieldMatrix
BlockRealMatrix
BOBYQAOptimizer
BOBYQAOptimizer
BoundaryAttribute
BoundaryProjection
BracketedRealFieldUnivariateSolver
BracketedUnivariateSolver
BracketFinder
BracketFinder
BracketingNthOrderBrentSolver
BracketingNthOrderBrentSolverDFP
BrentOptimizer
BrentOptimizer
BrentSolver
BSPTree
BSPTree.LeafMerger
BSPTree.VanishingCutHandler
BSPTreeVisitor
BSPTreeVisitor.Order
CanberraDistance
CardanEulerSingularityException
CauchyDistribution
Cbrt
Ceil
CentralPivotingStrategy
CentroidCluster
ChebyshevDistance
ChiSquaredDistribution
ChiSquareTest
CholeskyDecomposition
Chromosome
ChromosomePair
Circle
ClassicalRungeKuttaFieldIntegrator
ClassicalRungeKuttaIntegrator
ClopperPearsonInterval
Cluster
Cluster
Clusterable
Clusterable
Clusterer
ClusterEvaluator
CMAESOptimizer
CMAESOptimizer
CMAESOptimizer.PopulationSize
CMAESOptimizer.PopulationSize
CMAESOptimizer.Sigma
CMAESOptimizer.Sigma
Combinations
CombinatoricsUtils
Complex
ComplexField
ComplexFormat
ComplexUtils
CompositeFormat
ConfidenceInterval
ConjugateGradient
ConjugateGradientFormula
Constant
ConstantRealDistribution
ContinuedFraction
ContinuousOutputFieldModel
ContinuousOutputModel
ConvergenceChecker
ConvergenceChecker
ConvergenceException
ConvexHull
ConvexHull2D
ConvexHullGenerator
ConvexHullGenerator2D
CorrelatedRandomVectorGenerator
Cos
Cosh
Covariance
CrossoverPolicy
CurveFitter
CurveFitter
CycleCrossover
DBSCANClusterer
DBSCANClusterer
DctNormalization
Decimal64
Decimal64Field
DecompositionSolver
DefaultFieldMatrixChangingVisitor
DefaultFieldMatrixPreservingVisitor
DefaultIterativeLinearSolverEvent
DefaultMeasurementModel
DefaultProcessModel
DefaultRealMatrixChangingVisitor
DefaultRealMatrixPreservingVisitor
DefaultTransformer
DerivativeStructure
DescriptiveStatistics
Dfp
DfpDec
DfpField
DfpField.RoundingMode
DfpMath
DftNormalization
DiagonalMatrix
DifferentiableMultivariateFunction
DifferentiableMultivariateMultiStartOptimizer
DifferentiableMultivariateOptimizer
DifferentiableMultivariateVectorFunction
DifferentiableMultivariateVectorMultiStartOptimizer
DifferentiableMultivariateVectorOptimizer
DifferentiableUnivariateFunction
DifferentiableUnivariateMatrixFunction
DifferentiableUnivariateSolver
DifferentiableUnivariateVectorFunction
DimensionMismatchException
DiskGenerator
DistanceMeasure
Divide
DividedDifferenceInterpolator
DormandPrince54FieldIntegrator
DormandPrince54Integrator
DormandPrince853FieldIntegrator
DormandPrince853Integrator
DoubleArray
DoublePoint
DSCompiler
DstNormalization
DummyLocalizable
DummyStepHandler
EarthMoversDistance
Edge
EigenDecomposition
ElitisticListPopulation
EmbeddedRungeKuttaFieldIntegrator
EmbeddedRungeKuttaIntegrator
Embedding
EmpiricalDistribution
Encloser
EnclosingBall
EnumeratedDistribution
EnumeratedIntegerDistribution
EnumeratedRealDistribution
EquationsMapper
Erf
Euclidean1D
Euclidean1D.NoSubSpaceException
Euclidean2D
Euclidean3D
EuclideanDistance
EuclideanDoublePoint
EuclideanIntegerPoint
EulerFieldIntegrator
EulerIntegrator
EvaluationRmsChecker
EventFilter
EventHandler
EventHandler.Action
EventState
ExceptionContext
ExceptionContextProvider
Exp
ExpandableStatefulODE
Expm1
ExponentialDecayFunction
ExponentialDistribution
FastCosineTransformer
FastFourierTransformer
FastHadamardTransformer
FastMath
FastSineTransformer
FDistribution
FeatureInitializer
FeatureInitializerFactory
Field
FieldBracketingNthOrderBrentSolver
FieldButcherArrayProvider
FieldDecompositionSolver
FieldElement
FieldEquationsMapper
FieldEventHandler
FieldEventState
FieldExpandableODE
FieldFixedStepHandler
FieldHermiteInterpolator
FieldLUDecomposition
FieldMatrix
FieldMatrixChangingVisitor
FieldMatrixPreservingVisitor
FieldODEState
FieldODEStateAndDerivative
FieldRotation
FieldSecondaryEquations
FieldStepHandler
FieldStepInterpolator
FieldStepNormalizer
FieldVector
FieldVector3D
FieldVectorChangingVisitor
FieldVectorPreservingVisitor
FilterType
FiniteDifferencesDifferentiator
FirstOrderConverter
FirstOrderDifferentialEquations
FirstOrderFieldDifferentialEquations
FirstOrderFieldIntegrator
FirstOrderIntegrator
Fitness
FixedElapsedTime
FixedGenerationCount
FixedStepHandler
Floor
Fraction
FractionConversionException
FractionField
FractionFormat
Frequency
FunctionUtils
FuzzyKMeansClusterer
Gamma
GammaDistribution
Gaussian
Gaussian.Parametric
GaussianCurveFitter
GaussianCurveFitter.ParameterGuesser
GaussianFitter
GaussianFitter
GaussianFitter.ParameterGuesser
GaussianFitter.ParameterGuesser
GaussianRandomGenerator
GaussIntegrator
GaussIntegratorFactory
GaussNewtonOptimizer
GaussNewtonOptimizer
GaussNewtonOptimizer
GaussNewtonOptimizer.Decomposition
GeneticAlgorithm
GeometricDistribution
GeometricMean
GillFieldIntegrator
GillIntegrator
GLSMultipleLinearRegression
GoalType
GoalType
GradientFunction
GradientMultivariateOptimizer
GraggBulirschStoerIntegrator
GTest
GumbelDistribution
HaltonSequenceGenerator
HarmonicCurveFitter
HarmonicCurveFitter.ParameterGuesser
HarmonicFitter
HarmonicFitter
HarmonicFitter.ParameterGuesser
HarmonicFitter.ParameterGuesser
HarmonicOscillator
HarmonicOscillator.Parametric
HermiteInterpolator
HermiteRuleFactory
HighamHall54FieldIntegrator
HighamHall54Integrator
HitHistogram
HypergeometricDistribution
Hyperplane
Identity
IllConditionedOperatorException
IllinoisSolver
Incrementor
Incrementor.MaxCountExceededCallback
InitialGuess
InitialGuess
InsufficientDataException
IntegerDistribution
IntegerSequence
IntegerSequence.Incrementor
IntegerSequence.Incrementor.MaxCountExceededCallback
IntegerSequence.Range
InterpolatingMicrosphere
InterpolatingMicrosphere2D
Interval
IntervalsSet
IntervalUtils
InvalidRepresentationException
Inverse
ISAACRandom
IterationEvent
IterationListener
IterationManager
IterativeLegendreGaussIntegrator
IterativeLinearSolver
IterativeLinearSolverEvent
JacobianFunction
JacobianMatrices
JacobianMatrices.MismatchedEquations
JacobianMultivariateVectorOptimizer
JacobiPreconditioner
JDKRandomGenerator
KalmanFilter
KendallsCorrelation
KMeansPlusPlusClusterer
KMeansPlusPlusClusterer
KMeansPlusPlusClusterer.EmptyClusterStrategy
KMeansPlusPlusClusterer.EmptyClusterStrategy
KohonenTrainingTask
KohonenUpdateAction
KolmogorovSmirnovDistribution
KolmogorovSmirnovTest
KthSelector
Kurtosis
LaguerreSolver
LaplaceDistribution
LearningFactorFunction
LearningFactorFunctionFactory
LeastSquaresAdapter
LeastSquaresBuilder
LeastSquaresConverter
LeastSquaresConverter
LeastSquaresFactory
LeastSquaresOptimizer
LeastSquaresOptimizer.Optimum
LeastSquaresProblem
LeastSquaresProblem.Evaluation
LegendreGaussIntegrator
LegendreHighPrecisionRuleFactory
LegendreRuleFactory
LevenbergMarquardtOptimizer
LevenbergMarquardtOptimizer
LevenbergMarquardtOptimizer
LevyDistribution
LimitAngle
Line
Line
LinearConstraint
LinearConstraint
LinearConstraintSet
LinearInterpolator
LinearObjectiveFunction
LinearObjectiveFunction
LinearOptimizer
LinearOptimizer
LineSearch
ListPopulation
Localizable
LocalizedFormats
LocationFinder
LocationFinder.Location
LoessInterpolator
Log
Log10
Log1p
Logistic
Logistic.Parametric
LogisticDistribution
Logit
Logit.Parametric
LogNormalDistribution
LUDecomposition
LutherFieldIntegrator
LutherIntegrator
MainStateJacobianProvider
ManhattanDistance
MannWhitneyUTest
MapDataVisualization
MapUtils
MapVisualization
MathArithmeticException
MathArrays
MathArrays.Function
MathArrays.OrderDirection
MathArrays.Position
MathIllegalArgumentException
MathIllegalNumberException
MathIllegalStateException
MathInternalError
MathParseException
MathRuntimeException
MathUnsupportedOperationException
MathUtils
MatrixDimensionMismatchException
MatrixUtils
Max
Max
MaxCountExceededException
MaxEval
MaxIter
Mean
MeasurementModel
Median
MedianOf3PivotingStrategy
MersenneTwister
MicrosphereInterpolatingFunction
MicrosphereInterpolator
MicrosphereProjectionInterpolator
MidpointFieldIntegrator
MidPointIntegrator
MidpointIntegrator
MillerUpdatingRegression
Min
Min
Minus
MixtureMultivariateNormalDistribution
MixtureMultivariateRealDistribution
ModelFunction
ModelFunctionJacobian
ModelSpecificationException
MonotoneChain
MullerSolver
MullerSolver2
MultidimensionalCounter
MultiDimensionMismatchException
MultiDirectionalSimplex
MultiDirectionalSimplex
MultiKMeansPlusPlusClusterer
MultipleLinearRegression
Multiply
MultiStartMultivariateOptimizer
MultiStartMultivariateVectorOptimizer
MultiStartUnivariateOptimizer
MultistepFieldIntegrator
MultistepIntegrator
MultistepIntegrator.NordsieckTransformer
MultivariateDifferentiableFunction
MultivariateDifferentiableMultiStartOptimizer
MultivariateDifferentiableOptimizer
MultivariateDifferentiableVectorFunction
MultivariateDifferentiableVectorMultiStartOptimizer
MultivariateDifferentiableVectorOptimizer
MultivariateFunction
MultivariateFunctionMappingAdapter
MultivariateFunctionMappingAdapter
MultivariateFunctionPenaltyAdapter
MultivariateFunctionPenaltyAdapter
MultivariateInterpolator
MultivariateJacobianFunction
MultivariateMatrixFunction
MultivariateMultiStartOptimizer
MultivariateNormalDistribution
MultivariateNormalMixtureExpectationMaximization
MultivariateOptimizer
MultivariateOptimizer
MultivariateRealDistribution
MultivariateSummaryStatistics
MultivariateVectorFunction
MultivariateVectorOptimizer
MutationPolicy
NakagamiDistribution
NaNStrategy
NaturalRanking
NeighbourhoodSizeFunction
NeighbourhoodSizeFunctionFactory
NelderMeadSimplex
NelderMeadSimplex
Network
Network.NeuronIdentifierComparator
Neuron
NeuronSquareMesh2D
NeuronSquareMesh2D.HorizontalDirection
NeuronSquareMesh2D.VerticalDirection
NeuronString
NevilleInterpolator
NewtonRaphsonSolver
NewtonSolver
NoBracketingException
NoDataException
NodesSet
NoFeasibleSolutionException
NoFeasibleSolutionException
NonLinearConjugateGradientOptimizer
NonLinearConjugateGradientOptimizer
NonLinearConjugateGradientOptimizer.BracketingStep
NonLinearConjugateGradientOptimizer.Formula
NonLinearConjugateGradientOptimizer.IdentityPreconditioner
NonLinearConjugateGradientOptimizer.IdentityPreconditioner
NonMonotonicSequenceException
NonNegativeConstraint
NonPositiveDefiniteMatrixException
NonPositiveDefiniteOperatorException
NonSelfAdjointOperatorException
NonSquareMatrixException
NonSquareOperatorException
NonSymmetricMatrixException
NordsieckStepInterpolator
NormalApproximationInterval
NormalDistribution
NormalizedRandomGenerator
NotANumberException
NotARotationMatrixException
NotFiniteNumberException
NotPositiveException
NotStrictlyPositiveException
NPointCrossover
NullArgumentException
NumberIsTooLargeException
NumberIsTooSmallException
NumberTransformer
ObjectiveFunction
ObjectiveFunctionGradient
ODEIntegrator
OLSMultipleLinearRegression
OnePointCrossover
OneWayAnova
OpenIntToDoubleHashMap
OpenIntToFieldHashMap
OpenMapRealMatrix
OpenMapRealVector
OptimizationData
OptimizationData
OptimizationProblem
OrderedCrossover
OrderedTuple
OrientedPoint
OutlineExtractor
OutOfRangeException
Pair
Parameterizable
ParameterizedODE
ParameterJacobianProvider
ParameterValidator
ParametricUnivariateFunction
ParetoDistribution
PascalDistribution
PearsonsCorrelation
PegasusSolver
Percentile
Percentile.EstimationType
PermutationChromosome
PiecewiseBicubicSplineInterpolatingFunction
PiecewiseBicubicSplineInterpolator
PivotingStrategyInterface
PivotSelectionRule
Plane
Point
PointValuePair
PointValuePair
PointVectorValuePair
PointVectorValuePair
PoissonDistribution
PolygonsSet
PolyhedronsSet
PolynomialCurveFitter
PolynomialFitter
PolynomialFitter
PolynomialFunction
PolynomialFunction.Parametric
PolynomialFunctionLagrangeForm
PolynomialFunctionNewtonForm
PolynomialSolver
PolynomialSplineFunction
PolynomialsUtils
Population
Pow
PowellOptimizer
PowellOptimizer
Power
Precision
PreconditionedIterativeLinearSolver
Preconditioner
Preconditioner
Primes
ProcessModel
Product
ProperBigFractionFormat
ProperFractionFormat
PSquarePercentile
PSquarePercentile.PSquareMarkers
QRDecomposition
QuantizationError
QuasiSigmoidDecayFunction
Quaternion
RandomAdaptor
RandomData
RandomDataGenerator
RandomDataImpl
RandomGenerator
RandomGeneratorFactory
RandomKey
RandomKeyMutation
RandomPivotingStrategy
RandomVectorGenerator
RankingAlgorithm
RealDistribution
RealFieldElement
RealFieldUnivariateFunction
RealLinearOperator
RealMatrix
RealMatrixChangingVisitor
RealMatrixFormat
RealMatrixPreservingVisitor
RealTransformer
RealVector
RealVectorChangingVisitor
RealVectorFormat
RealVectorPreservingVisitor
RectangularCholeskyDecomposition
Region
Region.Location
RegionFactory
RegressionResults
RegulaFalsiSolver
Relationship
Relationship
ResizableDoubleArray
ResizableDoubleArray.ExpansionMode
RiddersSolver
Rint
RombergIntegrator
RootsOfUnity
Rotation
RotationConvention
RotationOrder
RRQRDecomposition
RungeKuttaFieldIntegrator
RungeKuttaIntegrator
S1Point
S2Point
SearchInterval
SecantSolver
SecondaryEquations
SecondMoment
SecondOrderDifferentialEquations
SecondOrderIntegrator
Segment
Segment
SelectionPolicy
SemiVariance
SemiVariance.Direction
Side
Sigmoid
Sigmoid.Parametric
Signum
SimpleBounds
SimpleBounds
SimpleCurveFitter
SimplePointChecker
SimplePointChecker
SimpleRegression
SimpleUnivariateValueChecker
SimpleUnivariateValueChecker
SimpleValueChecker
SimpleValueChecker
SimpleVectorValueChecker
SimpleVectorValueChecker
SimplexOptimizer
SimplexOptimizer
SimplexSolver
SimplexSolver
SimpsonIntegrator
Sin
Sinc
SingularMatrixException
SingularOperatorException
SingularValueDecomposition
Sinh
Skewness
SmoothedDataHistogram
SmoothingPolynomialBicubicSplineInterpolator
SobolSequenceGenerator
SolutionCallback
Space
SparseFieldMatrix
SparseFieldVector
SparseGradient
SparseRealMatrix
SparseRealVector
SpearmansCorrelation
Sphere1D
Sphere1D.NoSubSpaceException
Sphere2D
SphereGenerator
SphericalCoordinates
SphericalPolygonsSet
SplineInterpolator
Sqrt
SquareNeighbourhood
StableRandomGenerator
StandardDeviation
StatisticalMultivariateSummary
StatisticalSummary
StatisticalSummaryValues
StatUtils
StepFunction
StepHandler
StepInterpolator
StepNormalizer
StepNormalizerBounds
StepNormalizerMode
StoppingCondition
StorelessCovariance
StorelessUnivariateStatistic
SubCircle
SubHyperplane
SubHyperplane.SplitSubHyperplane
SubLimitAngle
SubLine
SubLine
SubOrientedPoint
SubPlane
Subtract
Sum
SummaryStatistics
SumOfClusterVariances
SumOfLogs
SumOfSquares
SupportBallGenerator
SymmetricGaussIntegrator
SymmLQ
SynchronizedDescriptiveStatistics
SynchronizedMultivariateSummaryStatistics
SynchronizedRandomGenerator
SynchronizedSummaryStatistics
Tan
Tanh
Target
Target
TDistribution
TestUtils
ThreeEighthesFieldIntegrator
ThreeEighthesIntegrator
TiesStrategy
TooManyEvaluationsException
TooManyIterationsException
TopographicErrorHistogram
TournamentSelection
Transform
TransformerMap
TransformType
TransformUtils
TrapezoidIntegrator
TriangularDistribution
TricubicInterpolatingFunction
TricubicInterpolator
TricubicSplineInterpolatingFunction
TricubicSplineInterpolator
TrivariateFunction
TrivariateGridInterpolator
TTest
Ulp
UnboundedSolutionException
UnboundedSolutionException
UncorrelatedRandomVectorGenerator
UnifiedDistanceMatrix
UniformCrossover
UniformIntegerDistribution
UniformRandomGenerator
UniformRealDistribution
UnitSphereRandomVectorGenerator
UnivariateDfpFunction
UnivariateDifferentiableFunction
UnivariateDifferentiableMatrixFunction
UnivariateDifferentiableSolver
UnivariateDifferentiableVectorFunction
UnivariateFunction
UnivariateFunctionDifferentiator
UnivariateIntegrator
UnivariateInterpolator
UnivariateMatrixFunction
UnivariateMatrixFunctionDifferentiator
UnivariateMultiStartOptimizer
UnivariateObjectiveFunction
UnivariateOptimizer
UnivariateOptimizer
UnivariatePeriodicInterpolator
UnivariatePointValuePair
UnivariatePointValuePair
UnivariateSolver
UnivariateSolverUtils
UnivariateStatistic
UnivariateVectorFunction
UnivariateVectorFunctionDifferentiator
UnknownParameterException
UpdateAction
UpdatingMultipleLinearRegression
ValueAndJacobianFunction
ValueServer
Variance
Vector
Vector1D
Vector1DFormat
Vector2D
Vector2DFormat
Vector3D
Vector3DFormat
VectorFormat
VectorialCovariance
VectorialMean
Vertex
WeibullDistribution
Weight
Weight
WeightedEvaluation
WeightedObservedPoint
WeightedObservedPoint
WeightedObservedPoints
Well1024a
Well19937a
Well19937c
Well44497a
Well44497b
Well512a
WelzlEncloser
WilcoxonSignedRankTest
WilsonScoreInterval
ZeroException
ZipfDistribution