Class Hierarchy
- java.lang.Object
- org.apache.commons.math3.analysis.function.Abs (implements org.apache.commons.math3.analysis.UnivariateFunction)
- org.apache.commons.math3.optim.AbstractConvergenceChecker<PAIR> (implements org.apache.commons.math3.optim.ConvergenceChecker<PAIR>)
- org.apache.commons.math3.optimization.AbstractConvergenceChecker<PAIR> (implements org.apache.commons.math3.optimization.ConvergenceChecker<PAIR>)
- org.apache.commons.math3.fitting.AbstractCurveFitter
- org.apache.commons.math3.fitting.AbstractCurveFitter.TheoreticalValuesFunction
- org.apache.commons.math3.fitting.leastsquares.AbstractEvaluation (implements org.apache.commons.math3.fitting.leastsquares.LeastSquaresProblem.Evaluation)
- org.apache.commons.math3.ode.AbstractFieldIntegrator<T> (implements org.apache.commons.math3.ode.FirstOrderFieldIntegrator<T>)
- org.apache.commons.math3.linear.AbstractFieldMatrix<T> (implements org.apache.commons.math3.linear.FieldMatrix<T>)
- org.apache.commons.math3.ode.sampling.AbstractFieldStepInterpolator<T> (implements org.apache.commons.math3.ode.sampling.FieldStepInterpolator<T>)
- org.apache.commons.math3.distribution.AbstractIntegerDistribution (implements org.apache.commons.math3.distribution.IntegerDistribution, java.io.Serializable)
- org.apache.commons.math3.ode.AbstractIntegrator (implements org.apache.commons.math3.ode.FirstOrderIntegrator)
- org.apache.commons.math3.optimization.linear.AbstractLinearOptimizer (implements org.apache.commons.math3.optimization.linear.LinearOptimizer)
- org.apache.commons.math3.stat.regression.AbstractMultipleLinearRegression (implements org.apache.commons.math3.stat.regression.MultipleLinearRegression)
- org.apache.commons.math3.distribution.AbstractMultivariateRealDistribution (implements org.apache.commons.math3.distribution.MultivariateRealDistribution)
- org.apache.commons.math3.optim.AbstractOptimizationProblem<PAIR> (implements org.apache.commons.math3.optim.OptimizationProblem<PAIR>)
- org.apache.commons.math3.ode.AbstractParameterizable (implements org.apache.commons.math3.ode.Parameterizable)
- org.apache.commons.math3.random.AbstractRandomGenerator (implements org.apache.commons.math3.random.RandomGenerator)
- org.apache.commons.math3.distribution.AbstractRealDistribution (implements org.apache.commons.math3.distribution.RealDistribution, java.io.Serializable)
- org.apache.commons.math3.geometry.partitioning.AbstractRegion<S,T> (implements org.apache.commons.math3.geometry.partitioning.Region<S>)
- org.apache.commons.math3.optim.nonlinear.scalar.noderiv.AbstractSimplex (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optimization.direct.AbstractSimplex (implements org.apache.commons.math3.optimization.OptimizationData)
- org.apache.commons.math3.ode.sampling.AbstractStepInterpolator (implements org.apache.commons.math3.ode.sampling.StepInterpolator)
- org.apache.commons.math3.geometry.partitioning.AbstractSubHyperplane<S,T> (implements org.apache.commons.math3.geometry.partitioning.SubHyperplane<S>)
- org.apache.commons.math3.geometry.spherical.twod.SubCircle
- org.apache.commons.math3.geometry.spherical.oned.SubLimitAngle
- org.apache.commons.math3.geometry.euclidean.twod.SubLine
- org.apache.commons.math3.geometry.euclidean.oned.SubOrientedPoint
- org.apache.commons.math3.geometry.euclidean.threed.SubPlane
- org.apache.commons.math3.stat.descriptive.AbstractUnivariateStatistic (implements org.apache.commons.math3.stat.descriptive.UnivariateStatistic)
- org.apache.commons.math3.analysis.function.Acos (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Acosh (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.ode.nonstiff.AdamsNordsieckFieldTransformer<T>
- org.apache.commons.math3.ode.nonstiff.AdamsNordsieckTransformer
- org.apache.commons.math3.analysis.function.Add (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.stat.descriptive.AggregateSummaryStatistics (implements java.io.Serializable, org.apache.commons.math3.stat.descriptive.StatisticalSummary)
- org.apache.commons.math3.stat.interval.AgrestiCoullInterval (implements org.apache.commons.math3.stat.interval.BinomialConfidenceInterval)
- org.apache.commons.math3.analysis.interpolation.AkimaSplineInterpolator (implements org.apache.commons.math3.analysis.interpolation.UnivariateInterpolator)
- org.apache.commons.math3.geometry.euclidean.twod.hull.AklToussaintHeuristic
- org.apache.commons.math3.geometry.spherical.oned.Arc
- org.apache.commons.math3.geometry.spherical.oned.ArcsSet.Split
- org.apache.commons.math3.exception.util.ArgUtils
- org.apache.commons.math3.util.ArithmeticUtils
- org.apache.commons.math3.linear.ArrayFieldVector<T> (implements org.apache.commons.math3.linear.FieldVector<T>, java.io.Serializable)
- org.apache.commons.math3.analysis.function.Asin (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Asinh (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Atan (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Atan2 (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.analysis.function.Atanh (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.geometry.partitioning.utilities.AVLTree<T>
- org.apache.commons.math3.geometry.partitioning.utilities.AVLTree.Node
- org.apache.commons.math3.optimization.direct.BaseAbstractMultivariateOptimizer<FUNC> (implements org.apache.commons.math3.optimization.BaseMultivariateOptimizer<FUNC>)
- org.apache.commons.math3.optimization.direct.BaseAbstractMultivariateVectorOptimizer<FUNC> (implements org.apache.commons.math3.optimization.BaseMultivariateVectorOptimizer<FUNC>)
- org.apache.commons.math3.analysis.integration.BaseAbstractUnivariateIntegrator (implements org.apache.commons.math3.analysis.integration.UnivariateIntegrator)
- org.apache.commons.math3.optimization.univariate.BaseAbstractUnivariateOptimizer (implements org.apache.commons.math3.optimization.univariate.UnivariateOptimizer)
- org.apache.commons.math3.analysis.solvers.BaseAbstractUnivariateSolver<FUNC> (implements org.apache.commons.math3.analysis.solvers.BaseUnivariateSolver<FUNC>)
- org.apache.commons.math3.optimization.BaseMultivariateMultiStartOptimizer<FUNC> (implements org.apache.commons.math3.optimization.BaseMultivariateOptimizer<FUNC>)
- org.apache.commons.math3.optimization.BaseMultivariateVectorMultiStartOptimizer<FUNC> (implements org.apache.commons.math3.optimization.BaseMultivariateVectorOptimizer<FUNC>)
- org.apache.commons.math3.optim.BaseOptimizer<PAIR>
- org.apache.commons.math3.analysis.integration.gauss.BaseRuleFactory<T>
- org.apache.commons.math3.special.BesselJ (implements org.apache.commons.math3.analysis.UnivariateFunction)
- org.apache.commons.math3.special.BesselJ.BesselJResult
- org.apache.commons.math3.special.Beta
- org.apache.commons.math3.analysis.interpolation.BicubicInterpolatingFunction (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.analysis.interpolation.BicubicInterpolator (implements org.apache.commons.math3.analysis.interpolation.BivariateGridInterpolator)
- org.apache.commons.math3.analysis.interpolation.BicubicSplineInterpolatingFunction (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.analysis.interpolation.BicubicSplineInterpolator (implements org.apache.commons.math3.analysis.interpolation.BivariateGridInterpolator)
- org.apache.commons.math3.fraction.BigFractionField (implements org.apache.commons.math3.Field<T>, java.io.Serializable)
- org.apache.commons.math3.util.BigReal (implements java.lang.Comparable<T>, org.apache.commons.math3.FieldElement<T>, java.io.Serializable)
- org.apache.commons.math3.util.BigRealField (implements org.apache.commons.math3.Field<T>, java.io.Serializable)
- org.apache.commons.math3.genetics.BinaryMutation (implements org.apache.commons.math3.genetics.MutationPolicy)
- org.apache.commons.math3.stat.inference.BinomialTest
- org.apache.commons.math3.random.BitsStreamGenerator (implements org.apache.commons.math3.random.RandomGenerator, java.io.Serializable)
- org.apache.commons.math3.geometry.partitioning.BoundaryAttribute<S>
- org.apache.commons.math3.geometry.partitioning.BoundaryProjection<S>
- org.apache.commons.math3.optim.univariate.BracketFinder
- org.apache.commons.math3.optimization.univariate.BracketFinder
- org.apache.commons.math3.geometry.partitioning.BSPTree<S>
- org.apache.commons.math3.ml.distance.CanberraDistance (implements org.apache.commons.math3.ml.distance.DistanceMeasure)
- org.apache.commons.math3.analysis.function.Cbrt (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Ceil (implements org.apache.commons.math3.analysis.UnivariateFunction)
- org.apache.commons.math3.util.CentralPivotingStrategy (implements org.apache.commons.math3.util.PivotingStrategyInterface, java.io.Serializable)
- org.apache.commons.math3.ml.distance.ChebyshevDistance (implements org.apache.commons.math3.ml.distance.DistanceMeasure)
- org.apache.commons.math3.stat.inference.ChiSquareTest
- org.apache.commons.math3.linear.CholeskyDecomposition
- org.apache.commons.math3.genetics.Chromosome (implements java.lang.Comparable<T>, org.apache.commons.math3.genetics.Fitness)
- org.apache.commons.math3.genetics.ChromosomePair
- org.apache.commons.math3.geometry.spherical.twod.Circle (implements org.apache.commons.math3.geometry.partitioning.Embedding<S,T>, org.apache.commons.math3.geometry.partitioning.Hyperplane<S>)
- org.apache.commons.math3.stat.interval.ClopperPearsonInterval (implements org.apache.commons.math3.stat.interval.BinomialConfidenceInterval)
- org.apache.commons.math3.ml.clustering.Cluster<T> (implements java.io.Serializable)
- org.apache.commons.math3.stat.clustering.Cluster<T> (implements java.io.Serializable)
- org.apache.commons.math3.ml.clustering.Clusterer<T>
- org.apache.commons.math3.ml.clustering.evaluation.ClusterEvaluator<T>
- org.apache.commons.math3.optim.nonlinear.scalar.noderiv.CMAESOptimizer.PopulationSize (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optimization.direct.CMAESOptimizer.PopulationSize (implements org.apache.commons.math3.optimization.OptimizationData)
- org.apache.commons.math3.optim.nonlinear.scalar.noderiv.CMAESOptimizer.Sigma (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optimization.direct.CMAESOptimizer.Sigma (implements org.apache.commons.math3.optimization.OptimizationData)
- org.apache.commons.math3.util.Combinations (implements java.lang.Iterable<T>)
- org.apache.commons.math3.util.CombinatoricsUtils
- org.apache.commons.math3.complex.Complex (implements org.apache.commons.math3.FieldElement<T>, java.io.Serializable)
- org.apache.commons.math3.complex.ComplexField (implements org.apache.commons.math3.Field<T>, java.io.Serializable)
- org.apache.commons.math3.complex.ComplexFormat
- org.apache.commons.math3.complex.ComplexUtils
- org.apache.commons.math3.util.CompositeFormat
- org.apache.commons.math3.stat.interval.ConfidenceInterval
- org.apache.commons.math3.analysis.function.Constant (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.util.ContinuedFraction
- org.apache.commons.math3.ode.ContinuousOutputFieldModel<T> (implements org.apache.commons.math3.ode.sampling.FieldStepHandler<T>)
- org.apache.commons.math3.ode.ContinuousOutputModel (implements java.io.Serializable, org.apache.commons.math3.ode.sampling.StepHandler)
- org.apache.commons.math3.geometry.euclidean.twod.hull.ConvexHull2D (implements org.apache.commons.math3.geometry.hull.ConvexHull<S,P>, java.io.Serializable)
- org.apache.commons.math3.random.CorrelatedRandomVectorGenerator (implements org.apache.commons.math3.random.RandomVectorGenerator)
- org.apache.commons.math3.analysis.function.Cos (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Cosh (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.stat.correlation.Covariance
- org.apache.commons.math3.fitting.CurveFitter<T>
- org.apache.commons.math3.optimization.fitting.CurveFitter<T>
- org.apache.commons.math3.genetics.CycleCrossover<T> (implements org.apache.commons.math3.genetics.CrossoverPolicy)
- org.apache.commons.math3.stat.clustering.DBSCANClusterer<T>
- org.apache.commons.math3.util.Decimal64Field (implements org.apache.commons.math3.Field<T>)
- org.apache.commons.math3.linear.DefaultFieldMatrixChangingVisitor<T> (implements org.apache.commons.math3.linear.FieldMatrixChangingVisitor<T>)
- org.apache.commons.math3.linear.DefaultFieldMatrixPreservingVisitor<T> (implements org.apache.commons.math3.linear.FieldMatrixPreservingVisitor<T>)
- org.apache.commons.math3.filter.DefaultMeasurementModel (implements org.apache.commons.math3.filter.MeasurementModel)
- org.apache.commons.math3.filter.DefaultProcessModel (implements org.apache.commons.math3.filter.ProcessModel)
- org.apache.commons.math3.linear.DefaultRealMatrixChangingVisitor (implements org.apache.commons.math3.linear.RealMatrixChangingVisitor)
- org.apache.commons.math3.linear.DefaultRealMatrixPreservingVisitor (implements org.apache.commons.math3.linear.RealMatrixPreservingVisitor)
- org.apache.commons.math3.util.DefaultTransformer (implements org.apache.commons.math3.util.NumberTransformer, java.io.Serializable)
- org.apache.commons.math3.analysis.differentiation.DerivativeStructure (implements org.apache.commons.math3.RealFieldElement<T>, java.io.Serializable)
- org.apache.commons.math3.stat.descriptive.DescriptiveStatistics (implements java.io.Serializable, org.apache.commons.math3.stat.descriptive.StatisticalSummary)
- org.apache.commons.math3.dfp.Dfp (implements org.apache.commons.math3.RealFieldElement<T>)
- org.apache.commons.math3.dfp.DfpDec
- org.apache.commons.math3.dfp.DfpField (implements org.apache.commons.math3.Field<T>)
- org.apache.commons.math3.dfp.DfpMath
- org.apache.commons.math3.geometry.euclidean.twod.DiskGenerator (implements org.apache.commons.math3.geometry.enclosing.SupportBallGenerator<S,P>)
- org.apache.commons.math3.analysis.function.Divide (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.analysis.interpolation.DividedDifferenceInterpolator (implements java.io.Serializable, org.apache.commons.math3.analysis.interpolation.UnivariateInterpolator)
- org.apache.commons.math3.ml.clustering.DoublePoint (implements org.apache.commons.math3.ml.clustering.Clusterable, java.io.Serializable)
- org.apache.commons.math3.analysis.differentiation.DSCompiler
- org.apache.commons.math3.exception.util.DummyLocalizable (implements org.apache.commons.math3.exception.util.Localizable)
- org.apache.commons.math3.ode.sampling.DummyStepHandler (implements org.apache.commons.math3.ode.sampling.StepHandler)
- org.apache.commons.math3.ml.distance.EarthMoversDistance (implements org.apache.commons.math3.ml.distance.DistanceMeasure)
- org.apache.commons.math3.geometry.spherical.twod.Edge
- org.apache.commons.math3.linear.EigenDecomposition
- org.apache.commons.math3.geometry.enclosing.EnclosingBall<S,P> (implements java.io.Serializable)
- org.apache.commons.math3.distribution.EnumeratedDistribution<T> (implements java.io.Serializable)
- org.apache.commons.math3.ode.EquationsMapper (implements java.io.Serializable)
- org.apache.commons.math3.special.Erf
- org.apache.commons.math3.geometry.euclidean.oned.Euclidean1D (implements java.io.Serializable, org.apache.commons.math3.geometry.Space)
- org.apache.commons.math3.geometry.euclidean.twod.Euclidean2D (implements java.io.Serializable, org.apache.commons.math3.geometry.Space)
- org.apache.commons.math3.geometry.euclidean.threed.Euclidean3D (implements java.io.Serializable, org.apache.commons.math3.geometry.Space)
- org.apache.commons.math3.ml.distance.EuclideanDistance (implements org.apache.commons.math3.ml.distance.DistanceMeasure)
- org.apache.commons.math3.stat.clustering.EuclideanDoublePoint (implements org.apache.commons.math3.stat.clustering.Clusterable<T>, java.io.Serializable)
- org.apache.commons.math3.stat.clustering.EuclideanIntegerPoint (implements org.apache.commons.math3.stat.clustering.Clusterable<T>, java.io.Serializable)
- org.apache.commons.math3.fitting.leastsquares.EvaluationRmsChecker (implements org.apache.commons.math3.optim.ConvergenceChecker<PAIR>)
- org.apache.commons.math3.ode.events.EventFilter (implements org.apache.commons.math3.ode.events.EventHandler)
- java.util.EventObject (implements java.io.Serializable)
- org.apache.commons.math3.ode.events.EventState
- org.apache.commons.math3.exception.util.ExceptionContext (implements java.io.Serializable)
- org.apache.commons.math3.analysis.function.Exp (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.ode.ExpandableStatefulODE
- org.apache.commons.math3.analysis.function.Expm1 (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.ml.neuralnet.sofm.util.ExponentialDecayFunction
- org.apache.commons.math3.transform.FastCosineTransformer (implements org.apache.commons.math3.transform.RealTransformer, java.io.Serializable)
- org.apache.commons.math3.transform.FastFourierTransformer (implements java.io.Serializable)
- org.apache.commons.math3.transform.FastHadamardTransformer (implements org.apache.commons.math3.transform.RealTransformer, java.io.Serializable)
- org.apache.commons.math3.util.FastMath
- org.apache.commons.math3.transform.FastSineTransformer (implements org.apache.commons.math3.transform.RealTransformer, java.io.Serializable)
- org.apache.commons.math3.ml.neuralnet.FeatureInitializerFactory
- org.apache.commons.math3.analysis.solvers.FieldBracketingNthOrderBrentSolver<T> (implements org.apache.commons.math3.analysis.solvers.BracketedRealFieldUnivariateSolver<T>)
- org.apache.commons.math3.ode.FieldEquationsMapper<T> (implements java.io.Serializable)
- org.apache.commons.math3.ode.events.FieldEventState<T>
- org.apache.commons.math3.ode.FieldExpandableODE<T>
- org.apache.commons.math3.analysis.interpolation.FieldHermiteInterpolator<T>
- org.apache.commons.math3.linear.FieldLUDecomposition<T>
- org.apache.commons.math3.ode.FieldODEState<T>
- org.apache.commons.math3.geometry.euclidean.threed.FieldRotation<T> (implements java.io.Serializable)
- org.apache.commons.math3.ode.sampling.FieldStepNormalizer<T> (implements org.apache.commons.math3.ode.sampling.FieldStepHandler<T>)
- org.apache.commons.math3.geometry.euclidean.threed.FieldVector3D<T> (implements java.io.Serializable)
- org.apache.commons.math3.analysis.differentiation.FiniteDifferencesDifferentiator (implements java.io.Serializable, org.apache.commons.math3.analysis.differentiation.UnivariateFunctionDifferentiator, org.apache.commons.math3.analysis.differentiation.UnivariateMatrixFunctionDifferentiator, org.apache.commons.math3.analysis.differentiation.UnivariateVectorFunctionDifferentiator)
- org.apache.commons.math3.ode.FirstOrderConverter (implements org.apache.commons.math3.ode.FirstOrderDifferentialEquations)
- org.apache.commons.math3.genetics.FixedElapsedTime (implements org.apache.commons.math3.genetics.StoppingCondition)
- org.apache.commons.math3.genetics.FixedGenerationCount (implements org.apache.commons.math3.genetics.StoppingCondition)
- org.apache.commons.math3.analysis.function.Floor (implements org.apache.commons.math3.analysis.UnivariateFunction)
- java.text.Format (implements java.lang.Cloneable, java.io.Serializable)
- org.apache.commons.math3.fraction.FractionField (implements org.apache.commons.math3.Field<T>, java.io.Serializable)
- org.apache.commons.math3.stat.Frequency (implements java.io.Serializable)
- org.apache.commons.math3.analysis.FunctionUtils
- org.apache.commons.math3.special.Gamma
- org.apache.commons.math3.analysis.function.Gaussian (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Gaussian.Parametric (implements org.apache.commons.math3.analysis.ParametricUnivariateFunction)
- org.apache.commons.math3.fitting.GaussianCurveFitter.ParameterGuesser
- org.apache.commons.math3.fitting.GaussianFitter.ParameterGuesser
- org.apache.commons.math3.optimization.fitting.GaussianFitter.ParameterGuesser
- org.apache.commons.math3.random.GaussianRandomGenerator (implements org.apache.commons.math3.random.NormalizedRandomGenerator)
- org.apache.commons.math3.analysis.integration.gauss.GaussIntegrator
- org.apache.commons.math3.analysis.integration.gauss.GaussIntegratorFactory
- org.apache.commons.math3.fitting.leastsquares.GaussNewtonOptimizer (implements org.apache.commons.math3.fitting.leastsquares.LeastSquaresOptimizer)
- org.apache.commons.math3.genetics.GeneticAlgorithm
- org.apache.commons.math3.analysis.differentiation.GradientFunction (implements org.apache.commons.math3.analysis.MultivariateVectorFunction)
- org.apache.commons.math3.stat.inference.GTest
- org.apache.commons.math3.random.HaltonSequenceGenerator (implements org.apache.commons.math3.random.RandomVectorGenerator)
- org.apache.commons.math3.fitting.HarmonicCurveFitter.ParameterGuesser
- org.apache.commons.math3.fitting.HarmonicFitter.ParameterGuesser
- org.apache.commons.math3.optimization.fitting.HarmonicFitter.ParameterGuesser
- org.apache.commons.math3.analysis.function.HarmonicOscillator (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.HarmonicOscillator.Parametric (implements org.apache.commons.math3.analysis.ParametricUnivariateFunction)
- org.apache.commons.math3.analysis.interpolation.HermiteInterpolator (implements org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableVectorFunction)
- org.apache.commons.math3.ml.neuralnet.twod.util.HitHistogram (implements org.apache.commons.math3.ml.neuralnet.twod.util.MapDataVisualization)
- org.apache.commons.math3.analysis.function.Identity (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.util.Incrementor
- org.apache.commons.math3.optim.InitialGuess (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optimization.InitialGuess (implements org.apache.commons.math3.optimization.OptimizationData)
- org.apache.commons.math3.util.IntegerSequence
- org.apache.commons.math3.util.IntegerSequence.Incrementor (implements java.util.Iterator<E>)
- org.apache.commons.math3.util.IntegerSequence.Range (implements java.lang.Iterable<T>)
- org.apache.commons.math3.analysis.interpolation.InterpolatingMicrosphere
- org.apache.commons.math3.geometry.euclidean.oned.Interval
- org.apache.commons.math3.stat.interval.IntervalUtils
- org.apache.commons.math3.analysis.function.Inverse (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.util.IterationManager
- org.apache.commons.math3.linear.IterativeLinearSolver
- org.apache.commons.math3.analysis.differentiation.JacobianFunction (implements org.apache.commons.math3.analysis.MultivariateMatrixFunction)
- org.apache.commons.math3.ode.JacobianMatrices
- org.apache.commons.math3.filter.KalmanFilter
- org.apache.commons.math3.stat.correlation.KendallsCorrelation
- org.apache.commons.math3.stat.clustering.KMeansPlusPlusClusterer<T>
- org.apache.commons.math3.ml.neuralnet.sofm.KohonenTrainingTask (implements java.lang.Runnable)
- org.apache.commons.math3.ml.neuralnet.sofm.KohonenUpdateAction (implements org.apache.commons.math3.ml.neuralnet.UpdateAction)
- org.apache.commons.math3.distribution.KolmogorovSmirnovDistribution (implements java.io.Serializable)
- org.apache.commons.math3.stat.inference.KolmogorovSmirnovTest
- org.apache.commons.math3.util.KthSelector (implements java.io.Serializable)
- org.apache.commons.math3.ml.neuralnet.sofm.LearningFactorFunctionFactory
- org.apache.commons.math3.fitting.leastsquares.LeastSquaresAdapter (implements org.apache.commons.math3.fitting.leastsquares.LeastSquaresProblem)
- org.apache.commons.math3.fitting.leastsquares.LeastSquaresBuilder
- org.apache.commons.math3.optim.nonlinear.scalar.LeastSquaresConverter (implements org.apache.commons.math3.analysis.MultivariateFunction)
- org.apache.commons.math3.optimization.LeastSquaresConverter (implements org.apache.commons.math3.analysis.MultivariateFunction)
- org.apache.commons.math3.fitting.leastsquares.LeastSquaresFactory
- org.apache.commons.math3.fitting.leastsquares.LevenbergMarquardtOptimizer (implements org.apache.commons.math3.fitting.leastsquares.LeastSquaresOptimizer)
- org.apache.commons.math3.geometry.spherical.oned.LimitAngle (implements org.apache.commons.math3.geometry.partitioning.Hyperplane<S>)
- org.apache.commons.math3.geometry.euclidean.threed.Line (implements org.apache.commons.math3.geometry.partitioning.Embedding<S,T>)
- org.apache.commons.math3.geometry.euclidean.twod.Line (implements org.apache.commons.math3.geometry.partitioning.Embedding<S,T>, org.apache.commons.math3.geometry.partitioning.Hyperplane<S>)
- org.apache.commons.math3.optim.linear.LinearConstraint (implements java.io.Serializable)
- org.apache.commons.math3.optimization.linear.LinearConstraint (implements java.io.Serializable)
- org.apache.commons.math3.optim.linear.LinearConstraintSet (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.analysis.interpolation.LinearInterpolator (implements org.apache.commons.math3.analysis.interpolation.UnivariateInterpolator)
- org.apache.commons.math3.optim.linear.LinearObjectiveFunction (implements org.apache.commons.math3.analysis.MultivariateFunction, org.apache.commons.math3.optim.OptimizationData, java.io.Serializable)
- org.apache.commons.math3.optimization.linear.LinearObjectiveFunction (implements java.io.Serializable)
- org.apache.commons.math3.optim.nonlinear.scalar.LineSearch
- org.apache.commons.math3.genetics.ListPopulation (implements org.apache.commons.math3.genetics.Population)
- org.apache.commons.math3.ml.neuralnet.twod.util.LocationFinder
- org.apache.commons.math3.ml.neuralnet.twod.util.LocationFinder.Location
- org.apache.commons.math3.analysis.interpolation.LoessInterpolator (implements java.io.Serializable, org.apache.commons.math3.analysis.interpolation.UnivariateInterpolator)
- org.apache.commons.math3.analysis.function.Log (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Log10 (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Log1p (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Logistic (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Logistic.Parametric (implements org.apache.commons.math3.analysis.ParametricUnivariateFunction)
- org.apache.commons.math3.analysis.function.Logit (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Logit.Parametric (implements org.apache.commons.math3.analysis.ParametricUnivariateFunction)
- org.apache.commons.math3.linear.LUDecomposition
- org.apache.commons.math3.ml.distance.ManhattanDistance (implements org.apache.commons.math3.ml.distance.DistanceMeasure)
- org.apache.commons.math3.stat.inference.MannWhitneyUTest
- org.apache.commons.math3.ml.neuralnet.MapUtils
- org.apache.commons.math3.util.MathArrays
- org.apache.commons.math3.util.MathUtils
- org.apache.commons.math3.linear.MatrixUtils
- org.apache.commons.math3.analysis.function.Max (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.optim.MaxEval (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optim.MaxIter (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.util.MedianOf3PivotingStrategy (implements org.apache.commons.math3.util.PivotingStrategyInterface, java.io.Serializable)
- org.apache.commons.math3.analysis.interpolation.MicrosphereInterpolatingFunction (implements org.apache.commons.math3.analysis.MultivariateFunction)
- org.apache.commons.math3.analysis.interpolation.MicrosphereInterpolator (implements org.apache.commons.math3.analysis.interpolation.MultivariateInterpolator)
- org.apache.commons.math3.analysis.interpolation.MicrosphereProjectionInterpolator (implements org.apache.commons.math3.analysis.interpolation.MultivariateInterpolator)
- org.apache.commons.math3.stat.regression.MillerUpdatingRegression (implements org.apache.commons.math3.stat.regression.UpdatingMultipleLinearRegression)
- org.apache.commons.math3.analysis.function.Min (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.analysis.function.Minus (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.optim.nonlinear.vector.ModelFunction (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optim.nonlinear.vector.ModelFunctionJacobian (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.geometry.euclidean.twod.hull.MonotoneChain
- org.apache.commons.math3.util.MultidimensionalCounter (implements java.lang.Iterable<T>)
- org.apache.commons.math3.util.MultidimensionalCounter.Iterator (implements java.util.Iterator<E>)
- org.apache.commons.math3.analysis.function.Multiply (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.optim.nonlinear.scalar.MultivariateFunctionMappingAdapter (implements org.apache.commons.math3.analysis.MultivariateFunction)
- org.apache.commons.math3.optimization.direct.MultivariateFunctionMappingAdapter (implements org.apache.commons.math3.analysis.MultivariateFunction)
- org.apache.commons.math3.optim.nonlinear.scalar.MultivariateFunctionPenaltyAdapter (implements org.apache.commons.math3.analysis.MultivariateFunction)
- org.apache.commons.math3.optimization.direct.MultivariateFunctionPenaltyAdapter (implements org.apache.commons.math3.analysis.MultivariateFunction)
- org.apache.commons.math3.distribution.fitting.MultivariateNormalMixtureExpectationMaximization
- org.apache.commons.math3.stat.descriptive.MultivariateSummaryStatistics (implements java.io.Serializable, org.apache.commons.math3.stat.descriptive.StatisticalMultivariateSummary)
- org.apache.commons.math3.stat.ranking.NaturalRanking (implements org.apache.commons.math3.stat.ranking.RankingAlgorithm)
- org.apache.commons.math3.ml.neuralnet.sofm.NeighbourhoodSizeFunctionFactory
- org.apache.commons.math3.ml.neuralnet.Network (implements java.lang.Iterable<T>, java.io.Serializable)
- org.apache.commons.math3.ml.neuralnet.Network.NeuronIdentifierComparator (implements java.util.Comparator<T>, java.io.Serializable)
- org.apache.commons.math3.ml.neuralnet.Neuron (implements java.io.Serializable)
- org.apache.commons.math3.ml.neuralnet.twod.NeuronSquareMesh2D (implements java.lang.Iterable<T>, java.io.Serializable)
- org.apache.commons.math3.ml.neuralnet.oned.NeuronString (implements java.io.Serializable)
- org.apache.commons.math3.analysis.interpolation.NevilleInterpolator (implements java.io.Serializable, org.apache.commons.math3.analysis.interpolation.UnivariateInterpolator)
- org.apache.commons.math3.geometry.partitioning.NodesSet<S> (implements java.lang.Iterable<T>)
- org.apache.commons.math3.optim.nonlinear.scalar.gradient.NonLinearConjugateGradientOptimizer.BracketingStep (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optim.nonlinear.scalar.gradient.NonLinearConjugateGradientOptimizer.IdentityPreconditioner (implements org.apache.commons.math3.optim.nonlinear.scalar.gradient.Preconditioner)
- org.apache.commons.math3.optimization.general.NonLinearConjugateGradientOptimizer.IdentityPreconditioner (implements org.apache.commons.math3.optimization.general.Preconditioner)
- org.apache.commons.math3.optim.linear.NonNegativeConstraint (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.stat.interval.NormalApproximationInterval (implements org.apache.commons.math3.stat.interval.BinomialConfidenceInterval)
- org.apache.commons.math3.genetics.NPointCrossover<T> (implements org.apache.commons.math3.genetics.CrossoverPolicy)
- java.lang.Number (implements java.io.Serializable)
- org.apache.commons.math3.optim.nonlinear.scalar.ObjectiveFunction (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optim.nonlinear.scalar.ObjectiveFunctionGradient (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.genetics.OnePointCrossover<T> (implements org.apache.commons.math3.genetics.CrossoverPolicy)
- org.apache.commons.math3.stat.inference.OneWayAnova
- org.apache.commons.math3.util.OpenIntToDoubleHashMap (implements java.io.Serializable)
- org.apache.commons.math3.util.OpenIntToDoubleHashMap.Iterator
- org.apache.commons.math3.util.OpenIntToFieldHashMap<T> (implements java.io.Serializable)
- org.apache.commons.math3.util.OpenIntToFieldHashMap.Iterator
- org.apache.commons.math3.linear.OpenMapRealVector.OpenMapSparseIterator (implements java.util.Iterator<E>)
- org.apache.commons.math3.genetics.OrderedCrossover<T> (implements org.apache.commons.math3.genetics.CrossoverPolicy)
- org.apache.commons.math3.geometry.partitioning.utilities.OrderedTuple (implements java.lang.Comparable<T>)
- org.apache.commons.math3.geometry.euclidean.oned.OrientedPoint (implements org.apache.commons.math3.geometry.partitioning.Hyperplane<S>)
- org.apache.commons.math3.geometry.euclidean.threed.OutlineExtractor
- org.apache.commons.math3.util.Pair<K,V>
- org.apache.commons.math3.stat.correlation.PearsonsCorrelation
- org.apache.commons.math3.analysis.interpolation.PiecewiseBicubicSplineInterpolatingFunction (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.analysis.interpolation.PiecewiseBicubicSplineInterpolator (implements org.apache.commons.math3.analysis.interpolation.BivariateGridInterpolator)
- org.apache.commons.math3.geometry.euclidean.threed.Plane (implements org.apache.commons.math3.geometry.partitioning.Embedding<S,T>, org.apache.commons.math3.geometry.partitioning.Hyperplane<S>)
- org.apache.commons.math3.analysis.polynomials.PolynomialFunction (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, java.io.Serializable, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.polynomials.PolynomialFunction.Parametric (implements org.apache.commons.math3.analysis.ParametricUnivariateFunction)
- org.apache.commons.math3.analysis.polynomials.PolynomialFunctionLagrangeForm (implements org.apache.commons.math3.analysis.UnivariateFunction)
- org.apache.commons.math3.analysis.polynomials.PolynomialFunctionNewtonForm (implements org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.polynomials.PolynomialSplineFunction (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.polynomials.PolynomialsUtils
- org.apache.commons.math3.analysis.function.Pow (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.analysis.function.Power (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.util.Precision
- org.apache.commons.math3.primes.Primes
- org.apache.commons.math3.linear.QRDecomposition
- org.apache.commons.math3.ml.neuralnet.twod.util.QuantizationError (implements org.apache.commons.math3.ml.neuralnet.twod.util.MapDataVisualization)
- org.apache.commons.math3.ml.neuralnet.sofm.util.QuasiSigmoidDecayFunction
- org.apache.commons.math3.complex.Quaternion (implements java.io.Serializable)
- java.util.Random (implements java.io.Serializable)
- org.apache.commons.math3.random.RandomDataGenerator (implements org.apache.commons.math3.random.RandomData, java.io.Serializable)
- org.apache.commons.math3.random.RandomDataImpl (implements org.apache.commons.math3.random.RandomData, java.io.Serializable)
- org.apache.commons.math3.random.RandomGeneratorFactory
- org.apache.commons.math3.genetics.RandomKeyMutation (implements org.apache.commons.math3.genetics.MutationPolicy)
- org.apache.commons.math3.util.RandomPivotingStrategy (implements org.apache.commons.math3.util.PivotingStrategyInterface, java.io.Serializable)
- org.apache.commons.math3.linear.RealLinearOperator
- org.apache.commons.math3.linear.RealMatrixFormat
- org.apache.commons.math3.linear.RealVector
- org.apache.commons.math3.linear.RealVector.Entry
- org.apache.commons.math3.linear.RealVector.SparseEntryIterator (implements java.util.Iterator<E>)
- org.apache.commons.math3.linear.RealVectorFormat
- org.apache.commons.math3.linear.RectangularCholeskyDecomposition
- org.apache.commons.math3.geometry.partitioning.RegionFactory<S>
- org.apache.commons.math3.stat.regression.RegressionResults (implements java.io.Serializable)
- org.apache.commons.math3.util.ResizableDoubleArray (implements org.apache.commons.math3.util.DoubleArray, java.io.Serializable)
- org.apache.commons.math3.analysis.function.Rint (implements org.apache.commons.math3.analysis.UnivariateFunction)
- org.apache.commons.math3.complex.RootsOfUnity (implements java.io.Serializable)
- org.apache.commons.math3.geometry.euclidean.threed.Rotation (implements java.io.Serializable)
- org.apache.commons.math3.geometry.euclidean.threed.RotationOrder
- org.apache.commons.math3.geometry.spherical.oned.S1Point (implements org.apache.commons.math3.geometry.Point<S>)
- org.apache.commons.math3.geometry.spherical.twod.S2Point (implements org.apache.commons.math3.geometry.Point<S>)
- org.apache.commons.math3.optim.univariate.SearchInterval (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.geometry.euclidean.threed.Segment
- org.apache.commons.math3.geometry.euclidean.twod.Segment
- org.apache.commons.math3.analysis.function.Sigmoid (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Sigmoid.Parametric (implements org.apache.commons.math3.analysis.ParametricUnivariateFunction)
- org.apache.commons.math3.analysis.function.Signum (implements org.apache.commons.math3.analysis.UnivariateFunction)
- org.apache.commons.math3.optim.SimpleBounds (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optimization.SimpleBounds (implements org.apache.commons.math3.optimization.OptimizationData)
- org.apache.commons.math3.stat.regression.SimpleRegression (implements java.io.Serializable, org.apache.commons.math3.stat.regression.UpdatingMultipleLinearRegression)
- org.apache.commons.math3.analysis.function.Sin (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Sinc (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.linear.SingularValueDecomposition
- org.apache.commons.math3.analysis.function.Sinh (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.ml.neuralnet.twod.util.SmoothedDataHistogram (implements org.apache.commons.math3.ml.neuralnet.twod.util.MapDataVisualization)
- org.apache.commons.math3.random.SobolSequenceGenerator (implements org.apache.commons.math3.random.RandomVectorGenerator)
- org.apache.commons.math3.optim.linear.SolutionCallback (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.linear.SparseFieldVector<T> (implements org.apache.commons.math3.linear.FieldVector<T>, java.io.Serializable)
- org.apache.commons.math3.analysis.differentiation.SparseGradient (implements org.apache.commons.math3.RealFieldElement<T>, java.io.Serializable)
- org.apache.commons.math3.stat.correlation.SpearmansCorrelation
- org.apache.commons.math3.geometry.spherical.oned.Sphere1D (implements java.io.Serializable, org.apache.commons.math3.geometry.Space)
- org.apache.commons.math3.geometry.spherical.twod.Sphere2D (implements java.io.Serializable, org.apache.commons.math3.geometry.Space)
- org.apache.commons.math3.geometry.euclidean.threed.SphereGenerator (implements org.apache.commons.math3.geometry.enclosing.SupportBallGenerator<S,P>)
- org.apache.commons.math3.geometry.euclidean.threed.SphericalCoordinates (implements java.io.Serializable)
- org.apache.commons.math3.analysis.interpolation.SplineInterpolator (implements org.apache.commons.math3.analysis.interpolation.UnivariateInterpolator)
- org.apache.commons.math3.analysis.function.Sqrt (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.random.StableRandomGenerator (implements org.apache.commons.math3.random.NormalizedRandomGenerator)
- org.apache.commons.math3.stat.descriptive.StatisticalSummaryValues (implements java.io.Serializable, org.apache.commons.math3.stat.descriptive.StatisticalSummary)
- org.apache.commons.math3.stat.StatUtils
- org.apache.commons.math3.analysis.function.StepFunction (implements org.apache.commons.math3.analysis.UnivariateFunction)
- org.apache.commons.math3.ode.sampling.StepNormalizer (implements org.apache.commons.math3.ode.sampling.StepHandler)
- org.apache.commons.math3.geometry.partitioning.SubHyperplane.SplitSubHyperplane<U>
- org.apache.commons.math3.geometry.euclidean.threed.SubLine
- org.apache.commons.math3.analysis.function.Subtract (implements org.apache.commons.math3.analysis.BivariateFunction)
- org.apache.commons.math3.stat.descriptive.SummaryStatistics (implements java.io.Serializable, org.apache.commons.math3.stat.descriptive.StatisticalSummary)
- org.apache.commons.math3.random.SynchronizedRandomGenerator (implements org.apache.commons.math3.random.RandomGenerator)
- org.apache.commons.math3.analysis.function.Tan (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.analysis.function.Tanh (implements org.apache.commons.math3.analysis.DifferentiableUnivariateFunction, org.apache.commons.math3.analysis.differentiation.UnivariateDifferentiableFunction)
- org.apache.commons.math3.optim.nonlinear.vector.Target (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optimization.Target (implements org.apache.commons.math3.optimization.OptimizationData)
- org.apache.commons.math3.stat.inference.TestUtils
- java.lang.Throwable (implements java.io.Serializable)
- org.apache.commons.math3.ml.neuralnet.twod.util.TopographicErrorHistogram (implements org.apache.commons.math3.ml.neuralnet.twod.util.MapDataVisualization)
- org.apache.commons.math3.genetics.TournamentSelection (implements org.apache.commons.math3.genetics.SelectionPolicy)
- org.apache.commons.math3.util.TransformerMap (implements org.apache.commons.math3.util.NumberTransformer, java.io.Serializable)
- org.apache.commons.math3.transform.TransformUtils
- org.apache.commons.math3.analysis.interpolation.TricubicInterpolatingFunction (implements org.apache.commons.math3.analysis.TrivariateFunction)
- org.apache.commons.math3.analysis.interpolation.TricubicInterpolator (implements org.apache.commons.math3.analysis.interpolation.TrivariateGridInterpolator)
- org.apache.commons.math3.analysis.interpolation.TricubicSplineInterpolatingFunction (implements org.apache.commons.math3.analysis.TrivariateFunction)
- org.apache.commons.math3.analysis.interpolation.TricubicSplineInterpolator (implements org.apache.commons.math3.analysis.interpolation.TrivariateGridInterpolator)
- org.apache.commons.math3.stat.inference.TTest
- org.apache.commons.math3.analysis.function.Ulp (implements org.apache.commons.math3.analysis.UnivariateFunction)
- org.apache.commons.math3.random.UncorrelatedRandomVectorGenerator (implements org.apache.commons.math3.random.RandomVectorGenerator)
- org.apache.commons.math3.ml.neuralnet.twod.util.UnifiedDistanceMatrix (implements org.apache.commons.math3.ml.neuralnet.twod.util.MapVisualization)
- org.apache.commons.math3.genetics.UniformCrossover<T> (implements org.apache.commons.math3.genetics.CrossoverPolicy)
- org.apache.commons.math3.random.UniformRandomGenerator (implements org.apache.commons.math3.random.NormalizedRandomGenerator)
- org.apache.commons.math3.random.UnitSphereRandomVectorGenerator (implements org.apache.commons.math3.random.RandomVectorGenerator)
- org.apache.commons.math3.optimization.univariate.UnivariateMultiStartOptimizer<FUNC> (implements org.apache.commons.math3.optimization.univariate.BaseUnivariateOptimizer<FUNC>)
- org.apache.commons.math3.optim.univariate.UnivariateObjectiveFunction (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.analysis.interpolation.UnivariatePeriodicInterpolator (implements org.apache.commons.math3.analysis.interpolation.UnivariateInterpolator)
- org.apache.commons.math3.optim.univariate.UnivariatePointValuePair (implements java.io.Serializable)
- org.apache.commons.math3.optimization.univariate.UnivariatePointValuePair (implements java.io.Serializable)
- org.apache.commons.math3.analysis.solvers.UnivariateSolverUtils
- org.apache.commons.math3.random.ValueServer
- org.apache.commons.math3.geometry.euclidean.oned.Vector1D (implements org.apache.commons.math3.geometry.Vector<S>)
- org.apache.commons.math3.geometry.euclidean.twod.Vector2D (implements org.apache.commons.math3.geometry.Vector<S>)
- org.apache.commons.math3.geometry.euclidean.threed.Vector3D (implements java.io.Serializable, org.apache.commons.math3.geometry.Vector<S>)
- org.apache.commons.math3.geometry.VectorFormat<S>
- org.apache.commons.math3.stat.descriptive.moment.VectorialCovariance (implements java.io.Serializable)
- org.apache.commons.math3.stat.descriptive.moment.VectorialMean (implements java.io.Serializable)
- org.apache.commons.math3.geometry.spherical.twod.Vertex
- org.apache.commons.math3.optim.nonlinear.vector.Weight (implements org.apache.commons.math3.optim.OptimizationData)
- org.apache.commons.math3.optimization.Weight (implements org.apache.commons.math3.optimization.OptimizationData)
- org.apache.commons.math3.fitting.WeightedObservedPoint (implements java.io.Serializable)
- org.apache.commons.math3.optimization.fitting.WeightedObservedPoint (implements java.io.Serializable)
- org.apache.commons.math3.fitting.WeightedObservedPoints (implements java.io.Serializable)
- org.apache.commons.math3.geometry.enclosing.WelzlEncloser<S,P> (implements org.apache.commons.math3.geometry.enclosing.Encloser<S,P>)
- org.apache.commons.math3.stat.inference.WilcoxonSignedRankTest
- org.apache.commons.math3.stat.interval.WilsonScoreInterval (implements org.apache.commons.math3.stat.interval.BinomialConfidenceInterval)
Interface Hierarchy
Enum Hierarchy
Copyright © 2003–2016 The Apache Software Foundation. All rights reserved.