Uses of Class
org.apache.commons.math3.exception.MathIllegalArgumentException
Packages that use MathIllegalArgumentException
Package
Description
This package holds the main interfaces and basic building block classes
dealing with differentiation.
Numerical integration (quadrature) algorithms for univariate real functions.
Univariate real functions interpolation algorithms.
Root finding algorithms, for univariate real functions.
Complex number type and implementations of complex transcendental
functions.
Specialized exceptions for algorithms errors.
Fraction number type and fraction number formatting.
This package provides Genetic Algorithms components and implementations.
This package provides basic 3D geometry components.
This package provides basic 2D geometry components.
This package provides algorithms to generate the convex hull
for a set of points in an two-dimensional euclidean space.
This package provides basic geometry components on the 1-sphere.
Linear algebra support.
Clustering algorithms.
This package provides classes to solve Ordinary Differential Equations problems.
Random number and random data generators.
Implementations of special functions such as Beta and Gamma.
Data storage, manipulation and summary routines.
All classes and sub-packages of this package are deprecated.
Correlations/Covariance computations.
Generic univariate summary statistic objects.
Summary statistics based on moments.
Summary statistics based on ranks.
Other summary statistics.
Classes providing hypothesis testing.
Statistical routines involving multivariate data.
Implementations of transform methods, including Fast Fourier transforms.
Convenience routines and common data structures used throughout the commons-math library.
-
Uses of MathIllegalArgumentException in org.apache.commons.math3.analysis.differentiation
Methods in org.apache.commons.math3.analysis.differentiation that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionMultivariateDifferentiableFunction.value(DerivativeStructure[] point) Compute the value for the function at the given point.MultivariateDifferentiableVectorFunction.value(DerivativeStructure[] point) Compute the value for the function at the given point.UnivariateDifferentiableMatrixFunction.value(DerivativeStructure x) Compute the value for the function.UnivariateDifferentiableVectorFunction.value(DerivativeStructure x) Compute the value for the function. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.analysis.integration
Methods in org.apache.commons.math3.analysis.integration that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionprotected doubleIterativeLegendreGaussIntegrator.doIntegrate()Method for implementing actual integration algorithms in derived classes.protected doubleLegendreGaussIntegrator.doIntegrate()Deprecated.Method for implementing actual integration algorithms in derived classes.protected doubleMidPointIntegrator.doIntegrate()Method for implementing actual integration algorithms in derived classes.protected doubleTrapezoidIntegrator.doIntegrate()Method for implementing actual integration algorithms in derived classes.doubleBaseAbstractUnivariateIntegrator.integrate(int maxEval, UnivariateFunction f, double lower, double upper) Integrate the function in the given interval.doubleUnivariateIntegrator.integrate(int maxEval, UnivariateFunction f, double min, double max) Integrate the function in the given interval.protected voidBaseAbstractUnivariateIntegrator.setup(int maxEval, UnivariateFunction f, double lower, double upper) Prepare for computation.Constructors in org.apache.commons.math3.analysis.integration that throw MathIllegalArgumentExceptionModifierConstructorDescriptionLegendreGaussIntegrator(int n, double relativeAccuracy, double absoluteAccuracy) Deprecated.Build a Legendre-Gauss integrator with given accuracies.LegendreGaussIntegrator(int n, double relativeAccuracy, double absoluteAccuracy, int minimalIterationCount, int maximalIterationCount) Deprecated.Build a Legendre-Gauss integrator with given accuracies and iterations counts.LegendreGaussIntegrator(int n, int minimalIterationCount, int maximalIterationCount) Deprecated.Build a Legendre-Gauss integrator with given iteration counts. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.analysis.interpolation
Methods in org.apache.commons.math3.analysis.interpolation that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionMultivariateInterpolator.interpolate(double[][] xval, double[] yval) Computes an interpolating function for the data set.UnivariateInterpolator.interpolate(double[] xval, double[] yval) Compute an interpolating function for the dataset. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.analysis.solvers
Methods in org.apache.commons.math3.analysis.solvers that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptiondoubleSolve for a zero root in the given interval.doubleSolve for a zero in the given interval, start atstartValue. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.complex
Methods in org.apache.commons.math3.complex that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionComplexFormat.format(Object obj, StringBuffer toAppendTo, FieldPosition pos) Formats a object to produce a string.doubleRootsOfUnity.getReal(int k) Get the real part of thek-thn-th root of unity.static ComplexComplexUtils.polar2Complex(double r, double theta) Creates a complex number from the given polar representation. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.exception
Subclasses of MathIllegalArgumentException in org.apache.commons.math3.exceptionModifier and TypeClassDescriptionclassException to be thrown when two dimensions differ.classException to be thrown when there is insufficient data to perform a computation.classBase class for exceptions raised by a wrong number.classException to be thrown when two sets of dimensions differ.classException to be thrown when function values have the same sign at both ends of an interval.classException to be thrown when the required data is missing.classException to be thrown when the a sequence of values is not monotonically increasing or decreasing.classException to be thrown when a number is not a number.classException to be thrown when a number is not finite.classException to be thrown when the argument is negative.classException to be thrown when the argument is not greater than 0.classAll conditions checks that fail due to anullargument must throw this exception.classException to be thrown when a number is too large.classException to be thrown when a number is too small.classException to be thrown when some argument is out of range.classException to be thrown when zero is provided where it is not allowed. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.fraction
Methods in org.apache.commons.math3.fraction that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionFractionFormat.format(Object obj, StringBuffer toAppendTo, FieldPosition pos) Formats an object and appends the result to a StringBuffer.Constructors in org.apache.commons.math3.fraction that throw MathIllegalArgumentExceptionModifierConstructorDescriptionBigFraction(double value) Create a fraction given the double value. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.genetics
Subclasses of MathIllegalArgumentException in org.apache.commons.math3.geneticsModifier and TypeClassDescriptionclassException indicating that the representation of a chromosome is not valid.Methods in org.apache.commons.math3.genetics that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionCrossoverPolicy.crossover(Chromosome first, Chromosome second) Perform a crossover operation on the given chromosomes.CycleCrossover.crossover(Chromosome first, Chromosome second) Perform a crossover operation on the given chromosomes.NPointCrossover.crossover(Chromosome first, Chromosome second) Performs a N-point crossover.OnePointCrossover.crossover(Chromosome first, Chromosome second) Performs one point crossover.OrderedCrossover.crossover(Chromosome first, Chromosome second) Perform a crossover operation on the given chromosomes.UniformCrossover.crossover(Chromosome first, Chromosome second) Perform a crossover operation on the given chromosomes.RandomKey.inducedPermutation(List<S> originalData, List<S> permutedData) Generates a representation of a permutation corresponding to a permutation which yieldspermutedDatawhen applied tooriginalData.BinaryMutation.mutate(Chromosome original) Mutate the given chromosome.MutationPolicy.mutate(Chromosome original) Mutate the given chromosome.RandomKeyMutation.mutate(Chromosome original) Mutate the given chromosome.SelectionPolicy.select(Population population) Select two chromosomes from the population.TournamentSelection.select(Population population) Select two chromosomes from the population. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.geometry.euclidean.threed
Modifier and TypeClassDescriptionclassThis class represents exceptions thrown while building rotations from matrices.Methods in org.apache.commons.math3.geometry.euclidean.threed that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionvoidReset the instance as if built from two points.Constructors in org.apache.commons.math3.geometry.euclidean.threed that throw MathIllegalArgumentExceptionModifierConstructorDescriptionFieldRotation(FieldVector3D<T> axis, T angle) Deprecated.FieldRotation(FieldVector3D<T> axis, T angle, RotationConvention convention) Build a rotation from an axis and an angle.Deprecated.as of 3.3, replaced withLine(Vector3D, Vector3D, double)Build a line from two points.Deprecated.as of 3.6, replaced withRotation(Vector3D, double, RotationConvention)Rotation(Vector3D axis, double angle, RotationConvention convention) Build a rotation from an axis and an angle.Create a sub-line from a segment.Deprecated.as of 3.3, replaced withSubLine(Vector3D, Vector3D, double)Create a sub-line from two endpoints. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.geometry.euclidean.twod
Methods in org.apache.commons.math3.geometry.euclidean.twod that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionstatic Transform<Euclidean2D, Euclidean1D> Line.getTransform(double cXX, double cYX, double cXY, double cYY, double cX1, double cY1) Get aTransformembedding an affine transform.static Transform<Euclidean2D, Euclidean1D> Line.getTransform(AffineTransform transform) Deprecated.as of 3.6, replaced withLine.getTransform(double, double, double, double, double, double) -
Uses of MathIllegalArgumentException in org.apache.commons.math3.geometry.euclidean.twod.hull
Constructors in org.apache.commons.math3.geometry.euclidean.twod.hull that throw MathIllegalArgumentExceptionModifierConstructorDescriptionConvexHull2D(Vector2D[] vertices, double tolerance) Simple constructor. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.geometry.spherical.oned
Modifier and TypeClassDescriptionstatic classSpecialized exception for inconsistent BSP tree state inconsistency. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.linear
Subclasses of MathIllegalArgumentException in org.apache.commons.math3.linearModifier and TypeClassDescriptionclassAn exception to be thrown when the condition number of aRealLinearOperatoris too high.classException to be thrown when either the number of rows or the number of columns of a matrix do not match the expected values.classException to be thrown when a positive definite matrix is expected.classException to be thrown when a symmetric, definite positiveRealLinearOperatoris expected.classException to be thrown when a self-adjointRealLinearOperatoris expected.classException to be thrown when a square matrix is expected.classException to be thrown when a square linear operator is expected.classException to be thrown when a symmetric matrix is expected.classException to be thrown when a non-singular matrix is expected.classException to be thrown when trying to invert a singular operator. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.ml.clustering
Methods in org.apache.commons.math3.ml.clustering that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionClusterer.cluster(Collection<T> points) Perform a cluster analysis on the given set ofClusterableinstances.FuzzyKMeansClusterer.cluster(Collection<T> dataPoints) Performs Fuzzy K-Means cluster analysis.KMeansPlusPlusClusterer.cluster(Collection<T> points) Runs the K-means++ clustering algorithm.MultiKMeansPlusPlusClusterer.cluster(Collection<T> points) Runs the K-means++ clustering algorithm. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.ode
Subclasses of MathIllegalArgumentException in org.apache.commons.math3.odeModifier and TypeClassDescriptionstatic classSpecial exception for equations mismatch.classException to be thrown when a parameter is unknown.Methods in org.apache.commons.math3.ode that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionvoidContinuousOutputFieldModel.append(ContinuousOutputFieldModel<T> model) Append another model at the end of the instance.voidContinuousOutputModel.append(ContinuousOutputModel model) Append another model at the end of the instance.T[]FieldEquationsMapper.extractEquationData(int index, T[] complete) Extract equation data from a complete state or derivative array.voidSecondOrderIntegrator.integrate(SecondOrderDifferentialEquations equations, double t0, double[] y0, double[] yDot0, double t, double[] y, double[] yDot) Integrate the differential equations up to the given time -
Uses of MathIllegalArgumentException in org.apache.commons.math3.random
Methods in org.apache.commons.math3.random that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionvoidValueServer.fill(double[] values) Fills the input array with values generated using getNext() repeatedly.double[]ValueServer.fill(int length) Returns an array of lengthlengthwith values generated using getNext() repeatedly.doubleValueServer.getNext()Returns the next generated value, generated according to the mode value (see MODE constants).intRandomDataImpl.nextInversionDeviate(IntegerDistribution distribution) Deprecated.use the distribution's sample() methoddoubleRandomDataImpl.nextInversionDeviate(RealDistribution distribution) Deprecated.use the distribution's sample() method -
Uses of MathIllegalArgumentException in org.apache.commons.math3.special
Methods in org.apache.commons.math3.special that throw MathIllegalArgumentException -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat
Methods in org.apache.commons.math3.stat that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionvoidFrequency.addValue(char v) Adds 1 to the frequency count for v.voidFrequency.addValue(int v) Adds 1 to the frequency count for v.voidFrequency.addValue(long v) Adds 1 to the frequency count for v.voidFrequency.addValue(Comparable<?> v) Adds 1 to the frequency count for v.static doubleStatUtils.geometricMean(double[] values) Returns the geometric mean of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.geometricMean(double[] values, int begin, int length) Returns the geometric mean of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.voidFrequency.incrementValue(char v, long increment) Increments the frequency count for v.voidFrequency.incrementValue(int v, long increment) Increments the frequency count for v.voidFrequency.incrementValue(long v, long increment) Increments the frequency count for v.voidFrequency.incrementValue(Comparable<?> v, long increment) Increments the frequency count for v.static doubleStatUtils.max(double[] values) Returns the maximum of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.max(double[] values, int begin, int length) Returns the maximum of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.static doubleStatUtils.mean(double[] values) Returns the arithmetic mean of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.mean(double[] values, int begin, int length) Returns the arithmetic mean of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.static doubleStatUtils.min(double[] values) Returns the minimum of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.min(double[] values, int begin, int length) Returns the minimum of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.static double[]StatUtils.mode(double[] sample) Returns the sample mode(s).static doubleStatUtils.percentile(double[] values, double p) Returns an estimate of thepth percentile of the values in thevaluesarray.static doubleStatUtils.percentile(double[] values, int begin, int length, double p) Returns an estimate of thepth percentile of the values in thevaluesarray, starting with the element in (0-based) positionbeginin the array and includinglengthvalues.static doubleStatUtils.populationVariance(double[] values) Returns the population variance of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.populationVariance(double[] values, double mean) Returns the population variance of the entries in the input array, using the precomputed mean value.static doubleStatUtils.populationVariance(double[] values, double mean, int begin, int length) Returns the population variance of the entries in the specified portion of the input array, using the precomputed mean value.static doubleStatUtils.populationVariance(double[] values, int begin, int length) Returns the population variance of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.static doubleStatUtils.product(double[] values) Returns the product of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.product(double[] values, int begin, int length) Returns the product of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.static doubleStatUtils.sum(double[] values) Returns the sum of the values in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.sum(double[] values, int begin, int length) Returns the sum of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.static doubleStatUtils.sumLog(double[] values) Returns the sum of the natural logs of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.sumLog(double[] values, int begin, int length) Returns the sum of the natural logs of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.static doubleStatUtils.sumSq(double[] values) Returns the sum of the squares of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.sumSq(double[] values, int begin, int length) Returns the sum of the squares of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.static doubleStatUtils.variance(double[] values) Returns the variance of the entries in the input array, orDouble.NaNif the array is empty.static doubleStatUtils.variance(double[] values, double mean) Returns the variance of the entries in the input array, using the precomputed mean value.static doubleStatUtils.variance(double[] values, double mean, int begin, int length) Returns the variance of the entries in the specified portion of the input array, using the precomputed mean value.static doubleStatUtils.variance(double[] values, int begin, int length) Returns the variance of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat.clustering
Methods in org.apache.commons.math3.stat.clustering that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionKMeansPlusPlusClusterer.cluster(Collection<T> points, int k, int maxIterations) Deprecated.Runs the K-means++ clustering algorithm.KMeansPlusPlusClusterer.cluster(Collection<T> points, int k, int numTrials, int maxIterationsPerTrial) Deprecated.Runs the K-means++ clustering algorithm. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat.correlation
Methods in org.apache.commons.math3.stat.correlation that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionprotected RealMatrixCovariance.computeCovarianceMatrix(double[][] data) Create a covariance matrix from a rectangular array whose columns represent covariates.protected RealMatrixCovariance.computeCovarianceMatrix(double[][] data, boolean biasCorrected) Compute a covariance matrix from a rectangular array whose columns represent covariates.protected RealMatrixCovariance.computeCovarianceMatrix(RealMatrix matrix) Create a covariance matrix from a matrix whose columns represent covariates.protected RealMatrixCovariance.computeCovarianceMatrix(RealMatrix matrix, boolean biasCorrected) Compute a covariance matrix from a matrix whose columns represent covariates.doubleCovariance.covariance(double[] xArray, double[] yArray) Computes the covariance between the two arrays, using the bias-corrected formula.doubleCovariance.covariance(double[] xArray, double[] yArray, boolean biasCorrected) Computes the covariance between the two arrays.Constructors in org.apache.commons.math3.stat.correlation that throw MathIllegalArgumentExceptionModifierConstructorDescriptionCovariance(double[][] data) Create a Covariance matrix from a rectangular array whose columns represent covariates.Covariance(double[][] data, boolean biasCorrected) Create a Covariance matrix from a rectangular array whose columns represent covariates.Covariance(RealMatrix matrix) Create a covariance matrix from a matrix whose columns represent covariates.Covariance(RealMatrix matrix, boolean biasCorrected) Create a covariance matrix from a matrix whose columns represent covariates. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat.descriptive
Methods in org.apache.commons.math3.stat.descriptive that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptiondoubleAbstractStorelessUnivariateStatistic.evaluate(double[] values) This default implementation callsAbstractStorelessUnivariateStatistic.clear(), then invokesAbstractStorelessUnivariateStatistic.increment(double)in a loop over the the input array, and then usesAbstractStorelessUnivariateStatistic.getResult()to compute the return value.doubleAbstractStorelessUnivariateStatistic.evaluate(double[] values, int begin, int length) This default implementation callsAbstractStorelessUnivariateStatistic.clear(), then invokesAbstractStorelessUnivariateStatistic.increment(double)in a loop over the specified portion of the input array, and then usesAbstractStorelessUnivariateStatistic.getResult()to compute the return value.doubleAbstractUnivariateStatistic.evaluate()Returns the result of evaluating the statistic over the stored data.doubleAbstractUnivariateStatistic.evaluate(double[] values) Returns the result of evaluating the statistic over the input array.abstract doubleAbstractUnivariateStatistic.evaluate(double[] values, int begin, int length) Returns the result of evaluating the statistic over the specified entries in the input array.doubleUnivariateStatistic.evaluate(double[] values) Returns the result of evaluating the statistic over the input array.doubleUnivariateStatistic.evaluate(double[] values, int begin, int length) Returns the result of evaluating the statistic over the specified entries in the input array.doubleWeightedEvaluation.evaluate(double[] values, double[] weights) Returns the result of evaluating the statistic over the input array, using the supplied weights.doubleWeightedEvaluation.evaluate(double[] values, double[] weights, int begin, int length) Returns the result of evaluating the statistic over the specified entries in the input array, using corresponding entries in the supplied weights array.doubleDescriptiveStatistics.getPercentile(double p) Returns an estimate for the pth percentile of the stored values.voidAbstractStorelessUnivariateStatistic.incrementAll(double[] values) This default implementation just callsAbstractStorelessUnivariateStatistic.increment(double)in a loop over the input array.voidAbstractStorelessUnivariateStatistic.incrementAll(double[] values, int begin, int length) This default implementation just callsAbstractStorelessUnivariateStatistic.increment(double)in a loop over the specified portion of the input array.voidStorelessUnivariateStatistic.incrementAll(double[] values) Updates the internal state of the statistic to reflect addition of all values in the values array.voidStorelessUnivariateStatistic.incrementAll(double[] values, int start, int length) Updates the internal state of the statistic to reflect addition of the values in the designated portion of the values array.voidAbstractUnivariateStatistic.setData(double[] values, int begin, int length) Set the data array.voidDescriptiveStatistics.setPercentileImpl(UnivariateStatistic percentileImpl) Sets the implementation to be used byDescriptiveStatistics.getPercentile(double).voidDescriptiveStatistics.setWindowSize(int windowSize) WindowSize controls the number of values that contribute to the reported statistics.voidSynchronizedDescriptiveStatistics.setWindowSize(int windowSize) WindowSize controls the number of values that contribute to the reported statistics.protected booleanAbstractUnivariateStatistic.test(double[] values, double[] weights, int begin, int length) This method is used byevaluate(double[], double[], int, int)methods to verify that the begin and length parameters designate a subarray of positive length and the weights are all non-negative, non-NaN, finite, and not all zero.protected booleanAbstractUnivariateStatistic.test(double[] values, double[] weights, int begin, int length, boolean allowEmpty) This method is used byevaluate(double[], double[], int, int)methods to verify that the begin and length parameters designate a subarray of positive length and the weights are all non-negative, non-NaN, finite, and not all zero.protected booleanAbstractUnivariateStatistic.test(double[] values, int begin, int length) This method is used byevaluate(double[], int, int)methods to verify that the input parameters designate a subarray of positive length.protected booleanAbstractUnivariateStatistic.test(double[] values, int begin, int length, boolean allowEmpty) This method is used byevaluate(double[], int, int)methods to verify that the input parameters designate a subarray of positive length.Constructors in org.apache.commons.math3.stat.descriptive that throw MathIllegalArgumentExceptionModifierConstructorDescriptionDescriptiveStatistics(int window) Construct a DescriptiveStatistics instance with the specified windowSynchronizedDescriptiveStatistics(int window) Construct an instance with finite window -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat.descriptive.moment
Methods in org.apache.commons.math3.stat.descriptive.moment that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptiondoubleGeometricMean.evaluate(double[] values, int begin, int length) Returns the geometric mean of the entries in the specified portion of the input array.doubleKurtosis.evaluate(double[] values, int begin, int length) Returns the kurtosis of the entries in the specified portion of the input array.doubleMean.evaluate(double[] values, double[] weights) Returns the weighted arithmetic mean of the entries in the input array.doubleMean.evaluate(double[] values, double[] weights, int begin, int length) Returns the weighted arithmetic mean of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doubleMean.evaluate(double[] values, int begin, int length) Returns the arithmetic mean of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doubleSemiVariance.evaluate(double[] values, double cutoff) Returns theSemiVarianceof the designated values against the cutoff, using instance properties variancDirection and biasCorrection.doubleSemiVariance.evaluate(double[] values, double cutoff, SemiVariance.Direction direction) Returns theSemiVarianceof the designated values against the cutoff in the given direction, using the current value of the biasCorrection instance property.doubleSemiVariance.evaluate(double[] values, double cutoff, SemiVariance.Direction direction, boolean corrected, int start, int length) Returns theSemiVarianceof the designated values against the cutoff in the given direction with the provided bias correction.doubleSemiVariance.evaluate(double[] values, int start, int length) Returns theSemiVarianceof the designated values against the mean, using instance properties varianceDirection and biasCorrection.doubleSemiVariance.evaluate(double[] values, SemiVariance.Direction direction) This method calculatesSemiVariancefor the entire array against the mean, using the current value of the biasCorrection instance property.doubleSkewness.evaluate(double[] values, int begin, int length) Returns the Skewness of the entries in the specifed portion of the input array.doubleStandardDeviation.evaluate(double[] values) Returns the Standard Deviation of the entries in the input array, orDouble.NaNif the array is empty.doubleStandardDeviation.evaluate(double[] values, double mean) Returns the Standard Deviation of the entries in the input array, using the precomputed mean value.doubleStandardDeviation.evaluate(double[] values, double mean, int begin, int length) Returns the Standard Deviation of the entries in the specified portion of the input array, using the precomputed mean value.doubleStandardDeviation.evaluate(double[] values, int begin, int length) Returns the Standard Deviation of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doubleVariance.evaluate(double[] values) Returns the variance of the entries in the input array, orDouble.NaNif the array is empty.doubleVariance.evaluate(double[] values, double mean) Returns the variance of the entries in the input array, using the precomputed mean value.doubleVariance.evaluate(double[] values, double[] weights) Returns the weighted variance of the entries in the the input array.doubleVariance.evaluate(double[] values, double[] weights, double mean) Returns the weighted variance of the values in the input array, using the precomputed weighted mean value.doubleVariance.evaluate(double[] values, double[] weights, double mean, int begin, int length) Returns the weighted variance of the entries in the specified portion of the input array, using the precomputed weighted mean value.doubleVariance.evaluate(double[] values, double[] weights, int begin, int length) Returns the weighted variance of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doubleVariance.evaluate(double[] values, double mean, int begin, int length) Returns the variance of the entries in the specified portion of the input array, using the precomputed mean value.doubleVariance.evaluate(double[] values, int begin, int length) Returns the variance of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat.descriptive.rank
Methods in org.apache.commons.math3.stat.descriptive.rank that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptiondoubleMax.evaluate(double[] values, int begin, int length) Returns the maximum of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doubleMin.evaluate(double[] values, int begin, int length) Returns the minimum of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doublePercentile.evaluate(double p) Returns the result of evaluating the statistic over the stored data.doublePercentile.evaluate(double[] values, double p) Returns an estimate of thepth percentile of the values in thevaluesarray.doublePercentile.evaluate(double[] values, int start, int length) Returns an estimate of thequantileth percentile of the designated values in thevaluesarray.doublePercentile.evaluate(double[] values, int begin, int length, double p) Returns an estimate of thepth percentile of the values in thevaluesarray, starting with the element in (0-based) positionbeginin the array and includinglengthvalues.voidPercentile.setData(double[] values, int begin, int length) Set the data array.voidPercentile.setQuantile(double p) Sets the value of the quantile field (determines what percentile is computed when evaluate() is called with no quantile argument).Constructors in org.apache.commons.math3.stat.descriptive.rank that throw MathIllegalArgumentExceptionModifierConstructorDescriptionPercentile(double quantile) Constructs a Percentile with the specific quantile value and the following default method type:Percentile.EstimationType.LEGACYdefault NaN strategy:NaNStrategy.REMOVEDa Kth Selector :KthSelectorprotectedPercentile(double quantile, Percentile.EstimationType estimationType, NaNStrategy nanStrategy, KthSelector kthSelector) Constructs a Percentile with the specific quantile value,Percentile.EstimationType,NaNStrategyandKthSelector. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat.descriptive.summary
Methods in org.apache.commons.math3.stat.descriptive.summary that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptiondoubleProduct.evaluate(double[] values, double[] weights) Returns the weighted product of the entries in the input array.doubleProduct.evaluate(double[] values, double[] weights, int begin, int length) Returns the weighted product of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doubleProduct.evaluate(double[] values, int begin, int length) Returns the product of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doubleSum.evaluate(double[] values, double[] weights) The weighted sum of the entries in the the input array.doubleSum.evaluate(double[] values, double[] weights, int begin, int length) The weighted sum of the entries in the specified portion of the input array, or 0 if the designated subarray is empty.doubleSum.evaluate(double[] values, int begin, int length) The sum of the entries in the specified portion of the input array, or 0 if the designated subarray is empty.doubleSumOfLogs.evaluate(double[] values, int begin, int length) Returns the sum of the natural logs of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty.doubleSumOfSquares.evaluate(double[] values, int begin, int length) Returns the sum of the squares of the entries in the specified portion of the input array, orDouble.NaNif the designated subarray is empty. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat.inference
Methods in org.apache.commons.math3.stat.inference that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionprotected doubleTTest.tTest(double m, double mu, double v, double n) Computes p-value for 2-sided, 1-sample t-test. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.stat.regression
Subclasses of MathIllegalArgumentException in org.apache.commons.math3.stat.regressionModifier and TypeClassDescriptionclassException thrown when a regression model is not correctly specified.Methods in org.apache.commons.math3.stat.regression that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionvoidOLSMultipleLinearRegression.newSampleData(double[] y, double[][] x) Loads model x and y sample data, overriding any previous sample.SimpleRegression.regress(int[] variablesToInclude) Performs a regression on data present in buffers including only regressors indexed in variablesToInclude and outputs a RegressionResults objectUpdatingMultipleLinearRegression.regress(int[] variablesToInclude) Performs a regression on data present in buffers including only regressors indexed in variablesToInclude and outputs a RegressionResults objectprotected voidAbstractMultipleLinearRegression.validateSampleData(double[][] x, double[] y) Validates sample data. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.transform
Methods in org.apache.commons.math3.transform that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionstatic intTransformUtils.exactLog2(int n) Returns the base-2 logarithm of the specifiedint.protected double[]FastCosineTransformer.fct(double[] f) Perform the FCT algorithm (including inverse).protected double[]FastHadamardTransformer.fht(double[] x) The FHT (Fast Hadamard Transformation) which uses only subtraction and addition.protected int[]FastHadamardTransformer.fht(int[] x) Returns the forward transform of the specified integer data set.protected double[]FastSineTransformer.fst(double[] f) Perform the FST algorithm (including inverse).double[]FastCosineTransformer.transform(double[] f, TransformType type) Returns the (forward, inverse) transform of the specified real data set.double[]FastCosineTransformer.transform(UnivariateFunction f, double min, double max, int n, TransformType type) Returns the (forward, inverse) transform of the specified real function, sampled on the specified interval.double[]RealTransformer.transform(double[] f, TransformType type) Returns the (forward, inverse) transform of the specified real data set.double[]RealTransformer.transform(UnivariateFunction f, double min, double max, int n, TransformType type) Returns the (forward, inverse) transform of the specified real function, sampled on the specified interval. -
Uses of MathIllegalArgumentException in org.apache.commons.math3.util
Methods in org.apache.commons.math3.util that throw MathIllegalArgumentExceptionModifier and TypeMethodDescriptionprotected voidResizableDoubleArray.checkContractExpand(float contraction, float expansion) Deprecated.As of 3.1.voidResizableDoubleArray.discardFrontElements(int i) Discards theiinitial elements of the array.voidResizableDoubleArray.discardMostRecentElements(int i) Discards theilast elements of the array.static double[]MathArrays.normalizeArray(double[] values, double normalizedSum) Normalizes an array to make it sum to a specified value.intCentralPivotingStrategy.pivotIndex(double[] work, int begin, int end) Find pivot index of the array so that partition and Kth element selection can be madeintMedianOf3PivotingStrategy.pivotIndex(double[] work, int begin, int end) Find pivot index of the array so that partition and Kth element selection can be madeintPivotingStrategyInterface.pivotIndex(double[] work, int begin, int end) Find pivot index of the array so that partition and Kth element selection can be madeintRandomPivotingStrategy.pivotIndex(double[] work, int begin, int end) Find pivot index of the array so that partition and Kth element selection can be madestatic floatPrecision.round(float x, int scale, int roundingMethod) Rounds the given value to the specified number of decimal places.voidResizableDoubleArray.setContractionCriteria(float contractionCriteria) Deprecated.As of 3.1 (to be removed in 4.0 as field will become "final").voidResizableDoubleArray.setExpansionFactor(float expansionFactor) Deprecated.As of 3.1 (to be removed in 4.0 as field will become "final").voidResizableDoubleArray.setExpansionMode(int expansionMode) Deprecated.As of 3.1.protected voidResizableDoubleArray.setInitialCapacity(int initialCapacity) Deprecated.As of 3.1, this is a no-op.voidResizableDoubleArray.setNumElements(int i) This function allows you to control the number of elements contained in this array, and can be used to "throw out" the last n values in an array.doubledoubleImplementing this interface provides a facility to transform from Object to Double.doubleAttempts to transform the Object against the map of NumberTransformers.static booleanMathArrays.verifyValues(double[] values, double[] weights, int begin, int length) This method is used to verify that the begin and length parameters designate a subarray of positive length and the weights are all non-negative, non-NaN, finite, and not all zero.static booleanMathArrays.verifyValues(double[] values, double[] weights, int begin, int length, boolean allowEmpty) This method is used to verify that the begin and length parameters designate a subarray of positive length and the weights are all non-negative, non-NaN, finite, and not all zero.static booleanMathArrays.verifyValues(double[] values, int begin, int length) This method is used to verify that the input parameters designate a subarray of positive length.static booleanMathArrays.verifyValues(double[] values, int begin, int length, boolean allowEmpty) This method is used to verify that the input parameters designate a subarray of positive length.Constructors in org.apache.commons.math3.util that throw MathIllegalArgumentExceptionModifierConstructorDescriptionResizableDoubleArray(int initialCapacity) Creates an instance with the specified initial capacity.ResizableDoubleArray(int initialCapacity, double expansionFactor) Creates an instance with the specified initial capacity and expansion factor.ResizableDoubleArray(int initialCapacity, double expansionFactor, double contractionCriterion) Creates an instance with the specified initial capacity, expansion factor, and contraction criteria.ResizableDoubleArray(int initialCapacity, double expansionFactor, double contractionCriterion, ResizableDoubleArray.ExpansionMode expansionMode, double... data) Creates an instance with the specified properties.ResizableDoubleArray(int initialCapacity, float expansionFactor) Deprecated.As of 3.1.ResizableDoubleArray(int initialCapacity, float expansionFactor, float contractionCriteria) Deprecated.As of 3.1.ResizableDoubleArray(int initialCapacity, float expansionFactor, float contractionCriteria, int expansionMode) Deprecated.As of 3.1.
FieldRotation(FieldVector3D, RealFieldElement, RotationConvention)