Search Java Classes and Packages

Search Java Frameworks and Libraries

255581 classes and counting ...
Search Tips Index Status



#Org.apache.commons.math3.optim Classes and Interfaces - 146 results found.
NameDescriptionTypePackageFramework
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
AbstractDifferentiableOptimizerBase class for implementing optimizers for multivariate scalar differentiable functions.Classorg.apache.commons.math3.optimization.generalApache 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
AbstractOptimizationProblemBase class for implementing optimization problems.Classorg.apache.commons.math3.optimApache 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
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
BaseAbstractUnivariateOptimizerClassorg.apache.commons.math3.optimization.univariateApache 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
BaseUnivariateOptimizerThis interface is mainly intended to enforce the internal coherence of Commons-Math.Interfaceorg.apache.commons.math3.optimization.univariateApache 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
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
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
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
ConjugateGradientFormulaClassorg.apache.commons.math3.optimization.generalApache 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
CurveFitterFitter for parametric univariate real functions y = f(x).Classorg.apache.commons.math3.optimization.fittingApache 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
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
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.optimization.fitting.GaussianFitterApache 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
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
GradientMultivariateOptimizerBase class for implementing optimizers for multivariate scalar differentiable functions.Classorg.apache.commons.math3.optim.nonlinear.scalarApache 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.optimization.fitting.HarmonicFitterApache 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
JacobianMultivariateVectorOptimizerBase class for implementing optimizers for multivariate vector differentiable functions.Classorg.apache.commons.math3.optim.nonlinear.vectorApache 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
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
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
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
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
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
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
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
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
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
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
MultivariateMultiStartOptimizerSpecial implementation of the MultivariateOptimizer interface adding multi-start features to an existing optimizer.Classorg.apache.commons.math3.optimizationApache 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
MultivariateVectorOptimizerBase class for a multivariate vector function optimizer.Classorg.apache.commons.math3.optim.nonlinear.vectorApache 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
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
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
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
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
PivotSelectionRuleenum PivotSelectionRulePivot selection rule to the use for a Simplex solver.Classorg.apache.commons.math3.optim.linearApache 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
PolynomialFitterPolynomial fitting is a very simple case of curve fitting.Classorg.apache.commons.math3.optimization.fittingApache 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
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
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
SearchIntervalSearch interval and (optional) start value.Classorg.apache.commons.math3.optim.univariateApache 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
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
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
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
TargetTarget of the optimization procedure.Classorg.apache.commons.math3.optim.nonlinear.vectorApache Commons
TargetTarget of the optimization procedure.Classorg.apache.commons.math3.optimizationApache 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
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
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
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
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