索引

A B C D E F G H I J K L M N O P Q R S T U V W X Y Z 
常量字段值|所有程序包|所有类和接口|序列化表格

U

ulp() - 类中的方法 org.hipparchus.analysis.differentiation.DerivativeStructure
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.analysis.differentiation.FieldDerivativeStructure
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.analysis.differentiation.FieldGradient
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.analysis.differentiation.FieldUnivariateDerivative1
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.analysis.differentiation.FieldUnivariateDerivative2
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.analysis.differentiation.Gradient
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.analysis.differentiation.SparseGradient
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.analysis.differentiation.UnivariateDerivative1
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.analysis.differentiation.UnivariateDerivative2
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 接口中的方法 org.hipparchus.CalculusFieldElement
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.complex.Complex
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.complex.FieldComplex
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.dfp.Dfp
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.util.Binary64
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.util.FieldTuple
Compute least significant bit (Unit in Last Position) for a number.
ulp() - 类中的方法 org.hipparchus.util.Tuple
Compute least significant bit (Unit in Last Position) for a number.
ulp(double) - 类中的静态方法 org.hipparchus.util.FastMath
Compute least significant bit (Unit in Last Position) for a number.
ulp(float) - 类中的静态方法 org.hipparchus.util.FastMath
Compute least significant bit (Unit in Last Position) for a number.
ulp(T) - 类中的静态方法 org.hipparchus.util.FastMath
Compute least significant bit (Unit in Last Position) for a number.
Ulp - org.hipparchus.analysis.function中的类
ulp function.
Ulp() - 类的构造器 org.hipparchus.analysis.function.Ulp
Empty constructor.
UNABLE_TO_BRACKET_OPTIMUM_IN_LINE_SEARCH - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNABLE_TO_BRACKET_OPTIMUM_IN_LINE_SEARCH.
UNABLE_TO_BRACKET_OPTIMUM_IN_LINE_SEARCH - 枚举类 中的枚举常量 org.hipparchus.migration.LocalizedMigrationFormats
已过时。
UNABLE_TO_BRACKET_OPTIMUM_IN_LINE_SEARCH.
UNABLE_TO_COMPUTE_COVARIANCE_SINGULAR_PROBLEM - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNABLE_TO_COMPUTE_COVARIANCE_SINGULAR_PROBLEM.
UNABLE_TO_COMPUTE_COVARIANCE_SINGULAR_PROBLEM - 枚举类 中的枚举常量 org.hipparchus.migration.LocalizedMigrationFormats
已过时。
UNABLE_TO_COMPUTE_COVARIANCE_SINGULAR_PROBLEM.
UNABLE_TO_FIRST_GUESS_HARMONIC_COEFFICIENTS - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNABLE_TO_FIRST_GUESS_HARMONIC_COEFFICIENTS.
UNABLE_TO_FIRST_GUESS_HARMONIC_COEFFICIENTS - 枚举类 中的枚举常量 org.hipparchus.migration.LocalizedMigrationFormats
已过时。
UNABLE_TO_FIRST_GUESS_HARMONIC_COEFFICIENTS.
UNABLE_TO_ORTHOGONOLIZE_MATRIX - 枚举类 中的枚举常量 org.hipparchus.geometry.LocalizedGeometryFormats
UNABLE_TO_ORTHOGONOLIZE_MATRIX.
UNABLE_TO_ORTHOGONOLIZE_MATRIX - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNABLE_TO_ORTHOGONOLIZE_MATRIX.
UNABLE_TO_PERFORM_QR_DECOMPOSITION_ON_JACOBIAN - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNABLE_TO_PERFORM_QR_DECOMPOSITION_ON_JACOBIAN.
UNABLE_TO_PERFORM_QR_DECOMPOSITION_ON_JACOBIAN - 枚举类 中的枚举常量 org.hipparchus.optim.LocalizedOptimFormats
UNABLE_TO_PERFORM_QR_DECOMPOSITION_ON_JACOBIAN.
UNABLE_TO_SOLVE_SINGULAR_PROBLEM - 枚举类 中的枚举常量 org.hipparchus.optim.LocalizedOptimFormats
UNABLE_TO_SOLVE_SINGULAR_PROBLEM.
unbounded(int) - 类中的静态方法 org.hipparchus.optim.SimpleBounds
Factory method that creates instance of this class that represents unbounded ranges.
UNBOUNDED_SOLUTION - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNBOUNDED_SOLUTION.
UNBOUNDED_SOLUTION - 枚举类 中的枚举常量 org.hipparchus.optim.LocalizedOptimFormats
UNBOUNDED_SOLUTION.
UnboundedSolutionException - org.hipparchus.migration.optim.linear中的异常错误类
已过时。
as of 1.0, this exception is replaced by MathIllegalStateException
UnboundedSolutionException() - 异常错误类的构造器 org.hipparchus.migration.optim.linear.UnboundedSolutionException
已过时。
Simple constructor using a default message.
unboundedToBounded(double[]) - 类中的方法 org.hipparchus.optim.nonlinear.scalar.MultivariateFunctionMappingAdapter
Maps an array from unbounded to bounded.
UncorrelatedRandomVectorGenerator - org.hipparchus.random中的类
A RandomVectorGenerator that generates vectors with uncorrelated components.
UncorrelatedRandomVectorGenerator(double[], double[], NormalizedRandomGenerator) - 类的构造器 org.hipparchus.random.UncorrelatedRandomVectorGenerator
Simple constructor.
UncorrelatedRandomVectorGenerator(int, NormalizedRandomGenerator) - 类的构造器 org.hipparchus.random.UncorrelatedRandomVectorGenerator
Simple constructor.
UncorrelatedRandomVectorGeneratorTest - org.hipparchus.random中的类
 
UncorrelatedRandomVectorGeneratorTest() - 类的构造器 org.hipparchus.random.UncorrelatedRandomVectorGeneratorTest
 
unequal(Dfp) - 类中的方法 org.hipparchus.dfp.Dfp
Check if instance is not equal to x.
uniform - 类中的静态变量 org.hipparchus.stat.inference.KolmogorovSmirnovTestTest
 
UniformIntegerDistribution - org.hipparchus.distribution.discrete中的类
Implementation of the uniform integer distribution.
UniformIntegerDistribution(int, int) - 类的构造器 org.hipparchus.distribution.discrete.UniformIntegerDistribution
Creates a new uniform integer distribution using the given lower and upper bounds (both inclusive).
UniformIntegerDistributionTest - org.hipparchus.distribution.discrete中的类
Test cases for UniformIntegerDistribution.
UniformIntegerDistributionTest() - 类的构造器 org.hipparchus.distribution.discrete.UniformIntegerDistributionTest
 
UniformRandomGenerator - org.hipparchus.random中的类
This class implements a normalized uniform random generator.
UniformRandomGenerator(RandomGenerator) - 类的构造器 org.hipparchus.random.UniformRandomGenerator
Create a new generator.
UniformRandomGeneratorTest - org.hipparchus.random中的类
 
UniformRandomGeneratorTest() - 类的构造器 org.hipparchus.random.UniformRandomGeneratorTest
 
UniformRealDistribution - org.hipparchus.distribution.continuous中的类
Implementation of the uniform real distribution.
UniformRealDistribution() - 类的构造器 org.hipparchus.distribution.continuous.UniformRealDistribution
Create a standard uniform real distribution with lower bound (inclusive) equal to zero and upper bound (exclusive) equal to one.
UniformRealDistribution(double, double) - 类的构造器 org.hipparchus.distribution.continuous.UniformRealDistribution
Create a uniform real distribution using the given lower and upper bounds.
UniformRealDistributionTest - org.hipparchus.distribution.continuous中的类
Test cases for UniformRealDistribution.
UniformRealDistributionTest() - 类的构造器 org.hipparchus.distribution.continuous.UniformRealDistributionTest
 
union(Region<S>, Region<S>) - 类中的方法 org.hipparchus.geometry.partitioning.RegionFactory
Compute the union of two regions.
unique(double[]) - 类中的静态方法 org.hipparchus.util.MathArrays
Returns an array consisting of the unique values in data.
UNITARY - 枚举类 中的枚举常量 org.hipparchus.transform.DftNormalization
Should be passed to the constructor of FastFourierTransformer to use the unitary normalization convention.
unitize() - 类中的方法 org.hipparchus.linear.OpenMapRealVector
Converts this vector into a unit vector.
unitize() - 类中的方法 org.hipparchus.linear.RealVector
Converts this vector into a unit vector.
UnitSphereRandomVectorGenerator - org.hipparchus.random中的类
Generate random vectors isotropically located on the surface of a sphere.
UnitSphereRandomVectorGenerator(int) - 类的构造器 org.hipparchus.random.UnitSphereRandomVectorGenerator
Create an object that will use a default RNG (MersenneTwister), in order to generate the individual components.
UnitSphereRandomVectorGenerator(int, RandomGenerator) - 类的构造器 org.hipparchus.random.UnitSphereRandomVectorGenerator
Simple constructor.
UnitSphereRandomVectorGeneratorTest - org.hipparchus.random中的类
 
UnitSphereRandomVectorGeneratorTest() - 类的构造器 org.hipparchus.random.UnitSphereRandomVectorGeneratorTest
 
UnitTestUtils - org.hipparchus中的类
 
UnitTestUtils.Frequency<T> - org.hipparchus中的类
Keeps track of the number of occurrences of distinct T instances added via UnitTestUtils.Frequency.addValue(Object).
UnitTestUtils.SimpleRegression - org.hipparchus中的类
Stripped-down version of the bivariate regression class with the same name in o.h.stat.regression.
UnitTestUtils.SimpleStatistics - org.hipparchus中的类
Stripped down implementation of StreamingStatistics from o.h.stat.descriptive.
unitVector() - 类中的方法 org.hipparchus.linear.OpenMapRealVector
Creates a unit vector pointing in the direction of this vector.
unitVector() - 类中的方法 org.hipparchus.linear.RealVector
Creates a unit vector pointing in the direction of this vector.
unitWeightsArray - 类中的变量 org.hipparchus.stat.descriptive.UnivariateStatisticAbstractTest
 
UnivariateDerivative<T> - org.hipparchus.analysis.differentiation中的类
Abstract class representing both the value and the differentials of a function.
UnivariateDerivative() - 类的构造器 org.hipparchus.analysis.differentiation.UnivariateDerivative
Empty constructor.
UnivariateDerivative1 - org.hipparchus.analysis.differentiation中的类
Class representing both the value and the differentials of a function.
UnivariateDerivative1(double, double) - 类的构造器 org.hipparchus.analysis.differentiation.UnivariateDerivative1
Build an instance with values and derivative.
UnivariateDerivative1(DerivativeStructure) - 类的构造器 org.hipparchus.analysis.differentiation.UnivariateDerivative1
Build an instance from a DerivativeStructure.
UnivariateDerivative1Field - org.hipparchus.analysis.differentiation中的类
Field for UnivariateDerivative1 instances.
UnivariateDerivative1Test - org.hipparchus.analysis.differentiation中的类
Test for class UnivariateDerivative1.
UnivariateDerivative1Test() - 类的构造器 org.hipparchus.analysis.differentiation.UnivariateDerivative1Test
 
UnivariateDerivative2 - org.hipparchus.analysis.differentiation中的类
Class representing both the value and the differentials of a function.
UnivariateDerivative2(double, double, double) - 类的构造器 org.hipparchus.analysis.differentiation.UnivariateDerivative2
Build an instance with values and derivative.
UnivariateDerivative2(DerivativeStructure) - 类的构造器 org.hipparchus.analysis.differentiation.UnivariateDerivative2
Build an instance from a DerivativeStructure.
UnivariateDerivative2Field - org.hipparchus.analysis.differentiation中的类
Field for UnivariateDerivative2 instances.
UnivariateDerivative2Test - org.hipparchus.analysis.differentiation中的类
Test for class UnivariateDerivative2.
UnivariateDerivative2Test() - 类的构造器 org.hipparchus.analysis.differentiation.UnivariateDerivative2Test
 
UnivariateDerivativeAbstractTest<T> - org.hipparchus.analysis.differentiation中的类
Test for class UnivariateDerivative.
UnivariateDerivativeAbstractTest() - 类的构造器 org.hipparchus.analysis.differentiation.UnivariateDerivativeAbstractTest
 
UnivariateDifferentiableFunction - org.hipparchus.analysis.differentiation中的接口
Interface for univariate functions derivatives.
UnivariateDifferentiableMatrixFunction - org.hipparchus.analysis.differentiation中的接口
Extension of UnivariateMatrixFunction representing a univariate differentiable matrix function.
UnivariateDifferentiableSolver - org.hipparchus.analysis.solvers中的接口
Interface for (univariate real) rootfinding algorithms.
UnivariateDifferentiableVectorFunction - org.hipparchus.analysis.differentiation中的接口
Extension of UnivariateVectorFunction representing a univariate differentiable vectorial function.
UnivariateFunction - org.hipparchus.analysis中的接口
An interface representing a univariate real function.
UnivariateFunctionDifferentiator - org.hipparchus.analysis.differentiation中的接口
Interface defining the function differentiation operation.
UnivariateIntegrator - org.hipparchus.analysis.integration中的接口
Interface for univariate real integration algorithms.
UnivariateInterpolator - org.hipparchus.analysis.interpolation中的接口
Interface representing a univariate real interpolating function.
UnivariateInterpolatorAbstractTest - org.hipparchus.analysis.interpolation中的类
Base test for interpolators.
UnivariateInterpolatorAbstractTest() - 类的构造器 org.hipparchus.analysis.interpolation.UnivariateInterpolatorAbstractTest
 
UnivariateMatrixFunction - org.hipparchus.analysis中的接口
An interface representing a univariate matrix function.
UnivariateMatrixFunctionDifferentiator - org.hipparchus.analysis.differentiation中的接口
Interface defining the function differentiation operation.
UnivariateObjectiveFunction - org.hipparchus.optim.univariate中的类
Scalar function to be optimized.
UnivariateObjectiveFunction(UnivariateFunction) - 类的构造器 org.hipparchus.optim.univariate.UnivariateObjectiveFunction
Simple constructor.
UnivariateOptimizer - org.hipparchus.optim.univariate中的类
Base class for a univariate scalar function optimizer.
UnivariateOptimizer(ConvergenceChecker<UnivariatePointValuePair>) - 类的构造器 org.hipparchus.optim.univariate.UnivariateOptimizer
Simple constructor.
UnivariatePeriodicInterpolator - org.hipparchus.analysis.interpolation中的类
Adapter for classes implementing the UnivariateInterpolator interface.
UnivariatePeriodicInterpolator(UnivariateInterpolator, double) - 类的构造器 org.hipparchus.analysis.interpolation.UnivariatePeriodicInterpolator
Builds an interpolator.
UnivariatePeriodicInterpolator(UnivariateInterpolator, double, int) - 类的构造器 org.hipparchus.analysis.interpolation.UnivariatePeriodicInterpolator
Builds an interpolator.
UnivariatePeriodicInterpolatorTest - org.hipparchus.analysis.interpolation中的类
UnivariatePeriodicInterpolatorTest() - 类的构造器 org.hipparchus.analysis.interpolation.UnivariatePeriodicInterpolatorTest
 
UnivariatePointValuePair - org.hipparchus.optim.univariate中的类
This class holds a point and the value of an objective function at this point.
UnivariatePointValuePair(double, double) - 类的构造器 org.hipparchus.optim.univariate.UnivariatePointValuePair
Build a point/objective function value pair.
UnivariateSolver - org.hipparchus.analysis.solvers中的接口
Interface for (univariate real) root-finding algorithms.
UnivariateSolverUtils - org.hipparchus.analysis.solvers中的类
Utility routines for UnivariateSolver objects.
UnivariateSolverUtilsTest - org.hipparchus.analysis.solvers中的类
 
UnivariateSolverUtilsTest() - 类的构造器 org.hipparchus.analysis.solvers.UnivariateSolverUtilsTest
 
UnivariateStatistic - org.hipparchus.stat.descriptive中的接口
Base interface implemented by all statistics.
UnivariateStatisticAbstractTest - org.hipparchus.stat.descriptive中的类
Test cases for the UnivariateStatistic class.
UnivariateStatisticAbstractTest() - 类的构造器 org.hipparchus.stat.descriptive.UnivariateStatisticAbstractTest
 
UnivariateVectorFunction - org.hipparchus.analysis中的接口
An interface representing a univariate vectorial function.
UnivariateVectorFunctionDifferentiator - org.hipparchus.analysis.differentiation中的接口
Interface defining the function differentiation operation.
UNKNOWN_MODE - 枚举类 中的枚举常量 org.hipparchus.exception.LocalizedCoreFormats
UNKNOWN_MODE.
UNKNOWN_MODE - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNKNOWN_MODE.
UNKNOWN_PARAMETER - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNKNOWN_PARAMETER.
UNKNOWN_PARAMETER - 枚举类 中的枚举常量 org.hipparchus.ode.LocalizedODEFormats
UNKNOWN_PARAMETER.
UnknownParameterException - org.hipparchus.migration.ode中的异常错误类
已过时。
as of 1.0, this exception is replaced by MathIllegalArgumentException
UnknownParameterException(String) - 异常错误类的构造器 org.hipparchus.migration.ode.UnknownParameterException
已过时。
Construct an exception from the unknown parameter.
unlimited() - 类中的静态方法 org.hipparchus.optim.MaxEval
Factory method that creates instance of this class that represents a virtually unlimited number of evaluations.
unlimited() - 类中的静态方法 org.hipparchus.optim.MaxIter
Factory method that creates instance of this class that represents a virtually unlimited number of iterations.
UNMATCHED_ODE_IN_EXPANDED_SET - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNMATCHED_ODE_IN_EXPANDED_SET.
UNMATCHED_ODE_IN_EXPANDED_SET - 枚举类 中的枚举常量 org.hipparchus.ode.LocalizedODEFormats
UNMATCHED_ODE_IN_EXPANDED_SET.
UnmodifiableArrayRealVectorTest - org.hipparchus.linear中的类
This is an implementation of UnmodifiableRealVectorAbstractTest for unmodifiable views of ArrayRealVectorTest.
UnmodifiableArrayRealVectorTest() - 类的构造器 org.hipparchus.linear.UnmodifiableArrayRealVectorTest
 
UnmodifiableOpenMapRealVectorTest - org.hipparchus.linear中的类
This is an implementation of UnmodifiableRealVectorAbstractTest for unmodifiable views of OpenMapRealVector.
UnmodifiableOpenMapRealVectorTest() - 类的构造器 org.hipparchus.linear.UnmodifiableOpenMapRealVectorTest
 
unmodifiableRealVector(RealVector) - 类中的静态方法 org.hipparchus.linear.RealVector
Returns an unmodifiable view of the specified vector.
UnmodifiableRealVectorAbstractTest - org.hipparchus.linear中的类
This is an abstract test of the unmodifiable vector implementation.
UnmodifiableRealVectorAbstractTest() - 类的构造器 org.hipparchus.linear.UnmodifiableRealVectorAbstractTest
 
UNPARSEABLE_3D_VECTOR - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNPARSEABLE_3D_VECTOR.
UNPARSEABLE_3D_VECTOR - 枚举类 中的枚举常量 org.hipparchus.migration.LocalizedMigrationFormats
已过时。
UNPARSEABLE_3D_VECTOR.
UNPARSEABLE_COMPLEX_NUMBER - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNPARSEABLE_COMPLEX_NUMBER.
UNPARSEABLE_COMPLEX_NUMBER - 枚举类 中的枚举常量 org.hipparchus.migration.LocalizedMigrationFormats
已过时。
UNPARSEABLE_COMPLEX_NUMBER.
UNPARSEABLE_REAL_VECTOR - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNPARSEABLE_REAL_VECTOR.
UNPARSEABLE_REAL_VECTOR - 枚举类 中的枚举常量 org.hipparchus.migration.LocalizedMigrationFormats
已过时。
UNPARSEABLE_REAL_VECTOR.
UnscentedEvolution - org.hipparchus.filtering.kalman.unscented中的类
Container for unscented process evolution data.
UnscentedEvolution(double, RealVector[], RealMatrix) - 类的构造器 org.hipparchus.filtering.kalman.unscented.UnscentedEvolution
Constructor.
UnscentedKalmanFilter<T> - org.hipparchus.filtering.kalman.unscented中的类
Unscented Kalman filter for unscented process.
UnscentedKalmanFilter(MatrixDecomposer, UnscentedProcess<T>, ProcessEstimate, UnscentedTransformProvider) - 类的构造器 org.hipparchus.filtering.kalman.unscented.UnscentedKalmanFilter
Simple constructor.
UnscentedKalmanFilterTest - org.hipparchus.filtering.kalman.unscented中的类
 
UnscentedKalmanFilterTest() - 类的构造器 org.hipparchus.filtering.kalman.unscented.UnscentedKalmanFilterTest
 
UnscentedProcess<T> - org.hipparchus.filtering.kalman.unscented中的接口
Unscented process that can be estimated by a UnscentedKalmanFilter.
unscentedTransform(RealVector, RealMatrix) - 类中的方法 org.hipparchus.util.AbstractUnscentedTransform
Perform the unscented transform from a state and its covariance.
unscentedTransform(RealVector, RealMatrix) - 接口中的方法 org.hipparchus.util.UnscentedTransformProvider
Perform the unscented transform from a state and its covariance.
UnscentedTransformProvider - org.hipparchus.util中的接口
Provider for unscented transform.
unsignedMultiplyHigh(long, long) - 类中的静态方法 org.hipparchus.util.FastMath
Multiply two long unsigned integers and give the 64 most significant bits of the unsigned result.
unstackSquare() - 类中的方法 org.hipparchus.linear.Array2DRowRealMatrix
Transforms a one-column stacked matrix into a squared matrix (devectorization).
UNSUPPORTED_EXPANSION_MODE - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNSUPPORTED_EXPANSION_MODE.
UNSUPPORTED_EXPANSION_MODE - 枚举类 中的枚举常量 org.hipparchus.migration.LocalizedMigrationFormats
已过时。
UNSUPPORTED_EXPANSION_MODE.
UNSUPPORTED_OPERATION - 枚举类 中的枚举常量 org.hipparchus.exception.LocalizedCoreFormats
UNSUPPORTED_OPERATION.
UNSUPPORTED_OPERATION - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
UNSUPPORTED_OPERATION.
updateCounts(double, long[], double[]) - 类中的静态方法 org.hipparchus.UnitTestUtils
Updates observed counts of values in quartiles.
updateHighOrderDerivativesPhase1(Array2DRowFieldMatrix<T>) - 类中的方法 org.hipparchus.ode.nonstiff.AdamsFieldIntegrator
Update the high order scaled derivatives for Adams integrators (phase 1).
updateHighOrderDerivativesPhase1(Array2DRowFieldMatrix<T>) - 类中的方法 org.hipparchus.ode.nonstiff.AdamsNordsieckFieldTransformer
Update the high order scaled derivatives for Adams integrators (phase 1).
updateHighOrderDerivativesPhase1(Array2DRowRealMatrix) - 类中的方法 org.hipparchus.ode.nonstiff.AdamsIntegrator
Update the high order scaled derivatives for Adams integrators (phase 1).
updateHighOrderDerivativesPhase1(Array2DRowRealMatrix) - 类中的方法 org.hipparchus.ode.nonstiff.AdamsNordsieckTransformer
Update the high order scaled derivatives for Adams integrators (phase 1).
updateHighOrderDerivativesPhase2(double[], double[], Array2DRowRealMatrix) - 类中的方法 org.hipparchus.ode.nonstiff.AdamsIntegrator
Update the high order scaled derivatives Adams integrators (phase 2).
updateHighOrderDerivativesPhase2(double[], double[], Array2DRowRealMatrix) - 类中的方法 org.hipparchus.ode.nonstiff.AdamsNordsieckTransformer
Update the high order scaled derivatives Adams integrators (phase 2).
updateHighOrderDerivativesPhase2(T[], T[], Array2DRowFieldMatrix<T>) - 类中的方法 org.hipparchus.ode.nonstiff.AdamsFieldIntegrator
Update the high order scaled derivatives Adams integrators (phase 2).
updateHighOrderDerivativesPhase2(T[], T[], Array2DRowFieldMatrix<T>) - 类中的方法 org.hipparchus.ode.nonstiff.AdamsNordsieckFieldTransformer
Update the high order scaled derivatives Adams integrators (phase 2).
UpdatingMultipleLinearRegression - org.hipparchus.stat.regression中的接口
An interface for regression models allowing for dynamic updating of the data.
upperCumulativeProbability(int) - 类中的方法 org.hipparchus.distribution.discrete.HypergeometricDistribution
For this distribution, X, this method returns P(X >= x).
UPSIDE - 枚举类 中的枚举常量 org.hipparchus.stat.descriptive.moment.SemiVariance.Direction
The UPSIDE Direction is used to specify that the observations above the cutoff point will be used to calculate SemiVariance
UPSIDE_VARIANCE - 类中的静态变量 org.hipparchus.stat.descriptive.moment.SemiVariance
The UPSIDE Direction is used to specify that the observations above the cutoff point will be used to calculate SemiVariance.
url - 类中的变量 org.hipparchus.stat.fitting.EmpiricalDistributionTest
 
URL_CONTAINS_NO_DATA - 枚举类 中的枚举常量 org.hipparchus.exception.LocalizedCoreFormats
URL_CONTAINS_NO_DATA.
URL_CONTAINS_NO_DATA - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
URL_CONTAINS_NO_DATA.
useless_testMatricesValues2() - 类中的方法 org.hipparchus.linear.SingularValueDecompositionTest
test matrices values
USER_EXCEPTION - 枚举类 中的枚举常量 org.hipparchus.exception.LocalizedCoreFormats
USER_EXCEPTION.
USER_EXCEPTION - 枚举类 中的枚举常量 org.hipparchus.migration.exception.util.LocalizedFormats
已过时。
USER_EXCEPTION.
UTF8Control - org.hipparchus.exception中的类
Control class loading properties in UTF-8 encoding.
UTF8Control() - 类的构造器 org.hipparchus.exception.UTF8Control
Empty constructor.
A B C D E F G H I J K L M N O P Q R S T U V W X Y Z 
常量字段值|所有程序包|所有类和接口|序列化表格