Uses of Class
org.hipparchus.linear.RealVector
-
Packages that use RealVector Package Description org.hipparchus.filtering.kalman Kalman filter.org.hipparchus.filtering.kalman.extended Kalman filter implementation for non-linear processes.org.hipparchus.filtering.kalman.linear Kalman filter implementation for linear processes.org.hipparchus.filtering.kalman.unscented Unscented Kalman filter implementation.org.hipparchus.linear Linear algebra support.org.hipparchus.optim.linear Optimization algorithms for linear constrained problems.org.hipparchus.optim.nonlinear.vector.constrained This package provides algorithms that minimize the residuals between observations and model values.org.hipparchus.optim.nonlinear.vector.leastsquares This package provides algorithms that minimize the residuals between observations and model values.org.hipparchus.stat.regression Statistical routines involving multivariate data.org.hipparchus.util Convenience routines and common data structures used throughout the Hipparchus library. -
-
Uses of RealVector in org.hipparchus.filtering.kalman
Methods in org.hipparchus.filtering.kalman that return RealVector Modifier and Type Method Description RealVectorProcessEstimate. getState()Get the state vector.RealVectorMeasurement. getValue()Get the measurement vector.Methods in org.hipparchus.filtering.kalman with parameters of type RealVector Modifier and Type Method Description protected voidAbstractKalmanFilter. correct(T measurement, RealMatrix stm, RealVector innovation, RealMatrix h, RealMatrix s)Perform correction step.protected voidAbstractKalmanFilter. predict(double time, RealVector predictedState, RealMatrix stm, RealMatrix noise)Perform prediction step.Constructors in org.hipparchus.filtering.kalman with parameters of type RealVector Constructor Description ProcessEstimate(double time, RealVector state, RealMatrix covariance)Simple constructor.ProcessEstimate(double time, RealVector state, RealMatrix covariance, RealMatrix stateTransitionMatrix, RealMatrix measurementJacobian, RealMatrix innovationCovariance, RealMatrix kalmanGain)Simple constructor. -
Uses of RealVector in org.hipparchus.filtering.kalman.extended
Methods in org.hipparchus.filtering.kalman.extended that return RealVector Modifier and Type Method Description RealVectorNonLinearEvolution. getCurrentState()Get current state.RealVectorNonLinearProcess. getInnovation(T measurement, NonLinearEvolution evolution, RealMatrix innovationCovarianceMatrix)Get the innovation brought by a measurement.Methods in org.hipparchus.filtering.kalman.extended with parameters of type RealVector Modifier and Type Method Description NonLinearEvolutionNonLinearProcess. getEvolution(double previousTime, RealVector previousState, T measurement)Get the state evolution between two times.Constructors in org.hipparchus.filtering.kalman.extended with parameters of type RealVector Constructor Description NonLinearEvolution(double currentTime, RealVector currentState, RealMatrix stateTransitionMatrix, RealMatrix processNoiseMatrix, RealMatrix measurementJacobian)Simple constructor. -
Uses of RealVector in org.hipparchus.filtering.kalman.linear
Methods in org.hipparchus.filtering.kalman.linear that return RealVector Modifier and Type Method Description RealVectorLinearEvolution. getCommand()Get the command uk-1.Constructors in org.hipparchus.filtering.kalman.linear with parameters of type RealVector Constructor Description LinearEvolution(RealMatrix stateTransitionMatrix, RealMatrix controlMatrix, RealVector command, RealMatrix processNoiseMatrix, RealMatrix measurementJacobian)Simple constructor. -
Uses of RealVector in org.hipparchus.filtering.kalman.unscented
Methods in org.hipparchus.filtering.kalman.unscented that return RealVector Modifier and Type Method Description RealVector[]UnscentedEvolution. getCurrentStates()Get current states.RealVectorUnscentedProcess. getInnovation(T measurement, RealVector predictedMeasurement, RealVector predictedState, RealMatrix innovationCovarianceMatrix)Get the innovation brought by a measurement.RealVector[]UnscentedProcess. getPredictedMeasurements(RealVector[] predictedSigmaPoints, T measurement)Get the state evolution between two times.Methods in org.hipparchus.filtering.kalman.unscented with parameters of type RealVector Modifier and Type Method Description UnscentedEvolutionUnscentedProcess. getEvolution(double previousTime, RealVector[] sigmaPoints, T measurement)Get the state evolution between two times.RealVectorUnscentedProcess. getInnovation(T measurement, RealVector predictedMeasurement, RealVector predictedState, RealMatrix innovationCovarianceMatrix)Get the innovation brought by a measurement.RealVector[]UnscentedProcess. getPredictedMeasurements(RealVector[] predictedSigmaPoints, T measurement)Get the state evolution between two times.RealMatrixUnscentedProcess. getProcessNoiseMatrix(double previousTime, RealVector predictedState, T measurement)Get the process noise covariance corresponding to the state evolution between two times.Constructors in org.hipparchus.filtering.kalman.unscented with parameters of type RealVector Constructor Description UnscentedEvolution(double currentTime, RealVector[] currentStates)Constructor. -
Uses of RealVector in org.hipparchus.linear
Subclasses of RealVector in org.hipparchus.linear Modifier and Type Class Description classArrayRealVectorThis class implements theRealVectorinterface with a double array.classOpenMapRealVectorThis class implements theRealVectorinterface with aOpenIntToDoubleHashMapbacking store.classSparseRealVectorMarker class for RealVectors that require sparse backing storageMethods in org.hipparchus.linear that return RealVector Modifier and Type Method Description RealVectorOpenMapRealVector. add(RealVector v)Compute the sum of this vector andv.RealVectorRealVector. add(RealVector v)Compute the sum of this vector andv.RealVectorArrayRealVector. append(double in)Construct a new vector by appending a double to this vector.RealVectorArrayRealVector. append(RealVector v)Construct a new vector by appending a vector to this vector.abstract RealVectorRealVector. append(double d)Construct a new vector by appending a double to this vector.abstract RealVectorRealVector. append(RealVector v)Construct a new vector by appending a vector to this vector.RealVectorRealVector. combine(double a, double b, RealVector y)Returns a new vector representinga * this + b * y, the linear combination ofthisandy.RealVectorRealVector. combineToSelf(double a, double b, RealVector y)Updatesthiswith the linear combination ofthisandy.abstract RealVectorRealVector. copy()Returns a (deep) copy of this vector.static RealVectorMatrixUtils. createRealVector(double[] data)Creates aRealVectorusing the data from the input array.static RealVectorMatrixUtils. createRealVector(int dimension)Creates aRealVectorwith specified dimensions.abstract RealVectorRealVector. ebeDivide(RealVector v)Element-by-element division.abstract RealVectorRealVector. ebeMultiply(RealVector v)Element-by-element multiplication.RealVectorAbstractRealMatrix. getColumnVector(int column)Get the entries at the given column index as a vector.RealVectorBlockRealMatrix. getColumnVector(int column)Get the entries at the given column index as a vector.RealVectorRealMatrix. getColumnVector(int column)Get the entries at the given column index as a vector.RealVectorEigenDecompositionSymmetric. getEigenvector(int i)Gets a copy of the ith eigenvector of the original matrix.RealVectorDefaultIterativeLinearSolverEvent. getResidual()Returns the residual.RealVectorIterativeLinearSolverEvent. getResidual()Returns the residual.RealVectorDefaultIterativeLinearSolverEvent. getRightHandSideVector()Returns the current right-hand side of the linear system to be solved.abstract RealVectorIterativeLinearSolverEvent. getRightHandSideVector()Returns the current right-hand side of the linear system to be solved.RealVectorAbstractRealMatrix. getRowVector(int row)Returns the entries in row numberrowas a vector.RealVectorBlockRealMatrix. getRowVector(int row)Returns the entries in row numberrowas a vector.RealVectorRealMatrix. getRowVector(int row)Returns the entries in row numberrowas a vector.RealVectorDefaultIterativeLinearSolverEvent. getSolution()Returns the current estimate of the solution to the linear system to be solved.abstract RealVectorIterativeLinearSolverEvent. getSolution()Returns the current estimate of the solution to the linear system to be solved.RealVectorArrayRealVector. getSubVector(int index, int n)Get a subvector from consecutive elements.abstract RealVectorRealVector. getSubVector(int index, int n)Get a subvector from consecutive elements.RealVectorRealVector. map(UnivariateFunction function)Acts as if implemented as:RealVectorRealVector. mapAdd(double d)Add a value to each entry.RealVectorArrayRealVector. mapAddToSelf(double d)Add a value to each entry.RealVectorRealVector. mapAddToSelf(double d)Add a value to each entry.RealVectorRealVector. mapDivide(double d)Divide each entry by the argument.RealVectorArrayRealVector. mapDivideToSelf(double d)Divide each entry by the argument.RealVectorRealVector. mapDivideToSelf(double d)Divide each entry by the argument.RealVectorRealVector. mapMultiply(double d)Multiply each entry by the argument.RealVectorArrayRealVector. mapMultiplyToSelf(double d)Multiply each entry.RealVectorRealVector. mapMultiplyToSelf(double d)Multiply each entry.RealVectorRealVector. mapSubtract(double d)Subtract a value from each entry.RealVectorArrayRealVector. mapSubtractToSelf(double d)Subtract a value from each entry.RealVectorRealVector. mapSubtractToSelf(double d)Subtract a value from each entry.RealVectorRealVector. mapToSelf(UnivariateFunction function)Acts as if it is implemented as:RealVectorAbstractRealMatrix. operate(RealVector v)Returns the result of multiplying this by the vectorv.RealVectorJacobiPreconditioner. operate(RealVector x)Returns the result of multiplyingthisby the vectorx.RealVectorRealLinearOperator. operate(RealVector x)Returns the result of multiplyingthisby the vectorx.RealVectorRealMatrix. operate(RealVector v)Returns the result of multiplying this by the vectorv.default RealVectorRealLinearOperator. operateTranspose(RealVector x)Returns the result of multiplying the transpose ofthisoperator by the vectorx(optional operation).RealVectorAbstractRealMatrix. preMultiply(RealVector v)Returns the (row) vector result of premultiplying this by the vectorv.RealVectorDiagonalMatrix. preMultiply(RealVector v)Returns the (row) vector result of premultiplying this by the vectorv.RealVectorRealMatrix. preMultiply(RealVector v)Returns the (row) vector result of premultiplying this by the vectorv.RealVectorRealVector. projection(RealVector v)Find the orthogonal projection of this vector onto another vector.RealVectorDecompositionSolver. solve(RealVector b)Solve the linear equation A × X = B for matrices A.RealVectorIterativeLinearSolver. solve(RealLinearOperator a, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorIterativeLinearSolver. solve(RealLinearOperator a, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solve(RealLinearOperator a, RealLinearOperator m, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solve(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solve(RealLinearOperator a, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solve(RealLinearOperator a, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealLinearOperator m, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealLinearOperator m, RealVector b, boolean goodb, double shift)Returns an estimate of the solution to the linear system (A - shift · I) · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealVector b, boolean goodb, double shift)Returns the solution to the system (A - shift · I) · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealVector b, RealVector x)Returns an estimate of the solution to the linear system A · x = b.RealVectorConjugateGradient. solveInPlace(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.abstract RealVectorIterativeLinearSolver. solveInPlace(RealLinearOperator a, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.abstract RealVectorPreconditionedIterativeLinearSolver. solveInPlace(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solveInPlace(RealLinearOperator a, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solveInPlace(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solveInPlace(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x, boolean goodb, double shift)Returns an estimate of the solution to the linear system (A - shift · I) · x = b.RealVectorSymmLQ. solveInPlace(RealLinearOperator a, RealVector b, RealVector x)Returns an estimate of the solution to the linear system A · x = b.RealVectorOpenMapRealVector. subtract(RealVector v)Subtractvfrom this vector.RealVectorRealVector. subtract(RealVector v)Subtractvfrom this vector.RealVectorRealVector. unitVector()Creates a unit vector pointing in the direction of this vector.static RealVectorRealVector. unmodifiableRealVector(RealVector v)Returns an unmodifiable view of the specified vector.Methods in org.hipparchus.linear that return types with arguments of type RealVector Modifier and Type Method Description static List<RealVector>MatrixUtils. orthonormalize(List<RealVector> independent, double threshold, DependentVectorsHandler handler)Orthonormalize a list of vectors.Methods in org.hipparchus.linear with parameters of type RealVector Modifier and Type Method Description ArrayRealVectorArrayRealVector. add(RealVector v)Compute the sum of this vector andv.RealVectorOpenMapRealVector. add(RealVector v)Compute the sum of this vector andv.RealVectorRealVector. add(RealVector v)Compute the sum of this vector andv.RealVectorArrayRealVector. append(RealVector v)Construct a new vector by appending a vector to this vector.OpenMapRealVectorOpenMapRealVector. append(RealVector v)Construct a new vector by appending a vector to this vector.abstract RealVectorRealVector. append(RealVector v)Construct a new vector by appending a vector to this vector.protected static voidIterativeLinearSolver. checkParameters(RealLinearOperator a, RealVector b, RealVector x0)Performs all dimension checks on the parameters ofsolveandsolveInPlace, and throws an exception if one of the checks fails.protected static voidPreconditionedIterativeLinearSolver. checkParameters(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x0)Performs all dimension checks on the parameters ofsolveandsolveInPlace, and throws an exception if one of the checks fails.protected voidArrayRealVector. checkVectorDimensions(RealVector v)Check if instance and specified vectors have the same dimension.protected voidRealVector. checkVectorDimensions(RealVector v)Check if instance and specified vectors have the same dimension.ArrayRealVectorArrayRealVector. combine(double a, double b, RealVector y)Returns a new vector representinga * this + b * y, the linear combination ofthisandy.RealVectorRealVector. combine(double a, double b, RealVector y)Returns a new vector representinga * this + b * y, the linear combination ofthisandy.ArrayRealVectorArrayRealVector. combineToSelf(double a, double b, RealVector y)Updatesthiswith the linear combination ofthisandy.RealVectorRealVector. combineToSelf(double a, double b, RealVector y)Updatesthiswith the linear combination ofthisandy.doubleRealVector. cosine(RealVector v)Computes the cosine of the angle between this vector and the argument.doubleArrayRealVector. dotProduct(RealVector v)Compute the dot product of this vector withv.doubleRealVector. dotProduct(RealVector v)Compute the dot product of this vector withv.ArrayRealVectorArrayRealVector. ebeDivide(RealVector v)Element-by-element division.OpenMapRealVectorOpenMapRealVector. ebeDivide(RealVector v)Element-by-element division.abstract RealVectorRealVector. ebeDivide(RealVector v)Element-by-element division.ArrayRealVectorArrayRealVector. ebeMultiply(RealVector v)Element-by-element multiplication.OpenMapRealVectorOpenMapRealVector. ebeMultiply(RealVector v)Element-by-element multiplication.abstract RealVectorRealVector. ebeMultiply(RealVector v)Element-by-element multiplication.StringRealVectorFormat. format(RealVector v)This method callsRealVectorFormat.format(RealVector,StringBuffer,FieldPosition).StringBufferRealVectorFormat. format(RealVector vector, StringBuffer toAppendTo, FieldPosition pos)Formats aRealVectorobject to produce a string.doubleArrayRealVector. getDistance(RealVector v)Distance between two vectors.doubleOpenMapRealVector. getDistance(RealVector v)Distance between two vectors.doubleRealVector. getDistance(RealVector v)Distance between two vectors.doubleArrayRealVector. getL1Distance(RealVector v)Distance between two vectors.doubleOpenMapRealVector. getL1Distance(RealVector v)Distance between two vectors.doubleRealVector. getL1Distance(RealVector v)Distance between two vectors.doubleArrayRealVector. getLInfDistance(RealVector v)Distance between two vectors.doubleOpenMapRealVector. getLInfDistance(RealVector v)Distance between two vectors.doubleRealVector. getLInfDistance(RealVector v)Distance between two vectors.RealVectorAbstractRealMatrix. operate(RealVector v)Returns the result of multiplying this by the vectorv.RealVectorJacobiPreconditioner. operate(RealVector x)Returns the result of multiplyingthisby the vectorx.RealVectorRealLinearOperator. operate(RealVector x)Returns the result of multiplyingthisby the vectorx.RealVectorRealMatrix. operate(RealVector v)Returns the result of multiplying this by the vectorv.default RealVectorRealLinearOperator. operateTranspose(RealVector x)Returns the result of multiplying the transpose ofthisoperator by the vectorx(optional operation).RealMatrixArrayRealVector. outerProduct(RealVector v)Compute the outer product.RealMatrixRealVector. outerProduct(RealVector v)Compute the outer product.RealVectorAbstractRealMatrix. preMultiply(RealVector v)Returns the (row) vector result of premultiplying this by the vectorv.RealVectorDiagonalMatrix. preMultiply(RealVector v)Returns the (row) vector result of premultiplying this by the vectorv.RealVectorRealMatrix. preMultiply(RealVector v)Returns the (row) vector result of premultiplying this by the vectorv.RealVectorRealVector. projection(RealVector v)Find the orthogonal projection of this vector onto another vector.voidAbstractRealMatrix. setColumnVector(int column, RealVector vector)Sets the specifiedcolumnofthismatrix to the entries of the specifiedvector.voidBlockRealMatrix. setColumnVector(int column, RealVector vector)Sets the specifiedcolumnofthismatrix to the entries of the specifiedvector.voidRealMatrix. setColumnVector(int column, RealVector vector)Sets the specifiedcolumnofthismatrix to the entries of the specifiedvector.voidAbstractRealMatrix. setRowVector(int row, RealVector vector)Sets the specifiedrowofthismatrix to the entries of the specifiedvector.voidBlockRealMatrix. setRowVector(int row, RealVector vector)Sets the specifiedrowofthismatrix to the entries of the specifiedvector.voidRealMatrix. setRowVector(int row, RealVector vector)Sets the specifiedrowofthismatrix to the entries of the specifiedvector.voidArrayRealVector. setSubVector(int index, RealVector v)Set a sequence of consecutive elements.voidOpenMapRealVector. setSubVector(int index, RealVector v)Set a sequence of consecutive elements.abstract voidRealVector. setSubVector(int index, RealVector v)Set a sequence of consecutive elements.RealVectorDecompositionSolver. solve(RealVector b)Solve the linear equation A × X = B for matrices A.RealVectorIterativeLinearSolver. solve(RealLinearOperator a, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorIterativeLinearSolver. solve(RealLinearOperator a, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solve(RealLinearOperator a, RealLinearOperator m, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solve(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solve(RealLinearOperator a, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solve(RealLinearOperator a, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealLinearOperator m, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealLinearOperator m, RealVector b, boolean goodb, double shift)Returns an estimate of the solution to the linear system (A - shift · I) · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealVector b)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealVector b, boolean goodb, double shift)Returns the solution to the system (A - shift · I) · x = b.RealVectorSymmLQ. solve(RealLinearOperator a, RealVector b, RealVector x)Returns an estimate of the solution to the linear system A · x = b.RealVectorConjugateGradient. solveInPlace(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.abstract RealVectorIterativeLinearSolver. solveInPlace(RealLinearOperator a, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.abstract RealVectorPreconditionedIterativeLinearSolver. solveInPlace(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorPreconditionedIterativeLinearSolver. solveInPlace(RealLinearOperator a, RealVector b, RealVector x0)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solveInPlace(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x)Returns an estimate of the solution to the linear system A · x = b.RealVectorSymmLQ. solveInPlace(RealLinearOperator a, RealLinearOperator m, RealVector b, RealVector x, boolean goodb, double shift)Returns an estimate of the solution to the linear system (A - shift · I) · x = b.RealVectorSymmLQ. solveInPlace(RealLinearOperator a, RealVector b, RealVector x)Returns an estimate of the solution to the linear system A · x = b.static voidMatrixUtils. solveLowerTriangularSystem(RealMatrix rm, RealVector b)Solve a system of composed of a Lower Triangular MatrixRealMatrix.static voidMatrixUtils. solveUpperTriangularSystem(RealMatrix rm, RealVector b)Solver a system composed of an Upper Triangular MatrixRealMatrix.ArrayRealVectorArrayRealVector. subtract(RealVector v)Subtractvfrom this vector.RealVectorOpenMapRealVector. subtract(RealVector v)Subtractvfrom this vector.RealVectorRealVector. subtract(RealVector v)Subtractvfrom this vector.static RealVectorRealVector. unmodifiableRealVector(RealVector v)Returns an unmodifiable view of the specified vector.Method parameters in org.hipparchus.linear with type arguments of type RealVector Modifier and Type Method Description abstract intDependentVectorsHandler. manageDependent(int index, List<RealVector> basis)Manage a dependent vector.static List<RealVector>MatrixUtils. orthonormalize(List<RealVector> independent, double threshold, DependentVectorsHandler handler)Orthonormalize a list of vectors.Constructors in org.hipparchus.linear with parameters of type RealVector Constructor Description ArrayRealVector(ArrayRealVector v1, RealVector v2)Construct a vector by appending one vector to another vector.ArrayRealVector(RealVector v)Construct a vector from another vector, using a deep copy.ArrayRealVector(RealVector v1, ArrayRealVector v2)Construct a vector by appending one vector to another vector.DefaultIterativeLinearSolverEvent(Object source, int iterations, RealVector x, RealVector b, double rnorm)Creates a new instance of this class.DefaultIterativeLinearSolverEvent(Object source, int iterations, RealVector x, RealVector b, RealVector r, double rnorm)Creates a new instance of this class.OpenMapRealVector(RealVector v)Generic copy constructor. -
Uses of RealVector in org.hipparchus.optim.linear
Methods in org.hipparchus.optim.linear that return RealVector Modifier and Type Method Description RealVectorLinearConstraint. getCoefficients()Gets the coefficients of the constraint (left hand side).RealVectorLinearObjectiveFunction. getCoefficients()Gets the coefficients of the linear equation being optimized.Methods in org.hipparchus.optim.linear with parameters of type RealVector Modifier and Type Method Description doubleLinearObjectiveFunction. value(RealVector point)Computes the value of the linear equation at the current point.Constructors in org.hipparchus.optim.linear with parameters of type RealVector Constructor Description LinearConstraint(RealVector lhsCoefficients, double lhsConstant, Relationship relationship, RealVector rhsCoefficients, double rhsConstant)Build a constraint involving two linear equations.LinearConstraint(RealVector coefficients, Relationship relationship, double value)Build a constraint involving a single linear equation.LinearObjectiveFunction(RealVector coefficients, double constantTerm)Simple constructor. -
Uses of RealVector in org.hipparchus.optim.nonlinear.vector.constrained
Methods in org.hipparchus.optim.nonlinear.vector.constrained that return RealVector Modifier and Type Method Description RealVectorLagrangeSolution. getLambda()Returns Lambda MultiplierRealVectorBoundedConstraint. getLowerBound()Get Lower Bound forvalue(x).RealVectorConstraint. getLowerBound()Get Lower Bound forvalue(x).RealVectorQuadraticFunction. getQ()Get vector of weights for linear terms.RealVectorADMMQPModifiedRuizEquilibrium. getScaledLUb(RealVector lb1)Get scaled upper boundRealVectorADMMQPModifiedRuizEquilibrium. getScaledQ()Get scaled vector of weights for linear terms.RealVectorBoundedConstraint. getUpperBound()Get Upper Bound forvalue(x).RealVectorConstraint. getUpperBound()Get Upper Bound forvalue(x).RealVectorADMMQPSolution. getV()Returns V tilde auxiliary VariableRealVectorLagrangeSolution. getX()Returns X solutionRealVectorADMMQPSolution. getZ()Returns Z auxiliary VariableRealVectorQuadraticFunction. gradient(RealVector x)Returns the gradient of this function at (x)RealVectorTwiceDifferentiableFunction. gradient(double[] x)Returns the gradient of this function at (x)abstract RealVectorTwiceDifferentiableFunction. gradient(RealVector x)Returns the gradient of this function at (x)protected RealVectorAbstractSQPOptimizer. lagrangianGradX(RealVector currentGrad, RealMatrix jacobConstraint, RealVector x, RealVector y)Compute Lagrangian gradient for variable XRealVectorADMMQPModifiedRuizEquilibrium. unscaleX(RealVector x)Unscale solution vector.RealVectorADMMQPModifiedRuizEquilibrium. unscaleY(RealVector y)Unscale Y vector.RealVectorADMMQPModifiedRuizEquilibrium. unscaleZ(RealVector z)Unscale Z vector.RealVectorLinearBoundedConstraint. value(RealVector x)Returns the value of this function at (x)RealVectorLinearEqualityConstraint. value(RealVector x)RealVectorLinearInequalityConstraint. value(RealVector x)RealVectorVectorDifferentiableFunction. value(RealVector x)Returns the value of this function at (x)Methods in org.hipparchus.optim.nonlinear.vector.constrained with parameters of type RealVector Modifier and Type Method Description RealVectorADMMQPModifiedRuizEquilibrium. getScaledLUb(RealVector lb1)Get scaled upper boundRealVectorQuadraticFunction. gradient(RealVector x)Returns the gradient of this function at (x)abstract RealVectorTwiceDifferentiableFunction. gradient(RealVector x)Returns the gradient of this function at (x)RealMatrixQuadraticFunction. hessian(RealVector x)The Hessian of this function at (x)abstract RealMatrixTwiceDifferentiableFunction. hessian(RealVector x)The Hessian of this function at (x)voidADMMQPKKT. initialize(RealMatrix newH, RealMatrix newA, RealVector newQ, int me, RealVector newLb, RealVector newUb, double rho, double newSigma, double newAlpha)Initialize problemADMMQPSolutionADMMQPKKT. iterate(RealVector... previousSol)Iterate Karush–Kuhn–Tucker equation from given list of VectorTKarushKuhnTuckerSolver. iterate(RealVector... b)Iterate Karush–Kuhn–Tucker equation from given list of VectorRealMatrixLinearBoundedConstraint. jacobian(RealVector x)Returns the gradient of this function at (x)RealMatrixLinearEqualityConstraint. jacobian(RealVector x)RealMatrixLinearInequalityConstraint. jacobian(RealVector x)RealMatrixVectorDifferentiableFunction. jacobian(RealVector x)Returns the gradient of this function at (x)protected RealVectorAbstractSQPOptimizer. lagrangianGradX(RealVector currentGrad, RealMatrix jacobConstraint, RealVector x, RealVector y)Compute Lagrangian gradient for variable XdoubleADMMQPConvergenceChecker. maxDual(RealVector x, RealVector y)Compute dual vectors max.doubleADMMQPConvergenceChecker. maxPrimal(RealVector x, RealVector z)Compute primal vectors max.doubleBoundedConstraint. overshoot(RealVector y)Check how much a point overshoots the constraint.doubleConstraint. overshoot(RealVector y)Check how much a point overshoots the constraint.doubleADMMQPConvergenceChecker. residualDual(RealVector x, RealVector y)Compute dual residual.doubleADMMQPConvergenceChecker. residualPrime(RealVector x, RealVector z)Compute primal residual.ADMMQPSolutionADMMQPKKT. solve(RealVector b1, RealVector b2)Solve Karush–Kuhn–Tucker equation from given right hand value.TKarushKuhnTuckerSolver. solve(RealVector b1, RealVector b2)Solve Karush–Kuhn–Tucker equation from given right hand value.RealVectorADMMQPModifiedRuizEquilibrium. unscaleX(RealVector x)Unscale solution vector.RealVectorADMMQPModifiedRuizEquilibrium. unscaleY(RealVector y)Unscale Y vector.RealVectorADMMQPModifiedRuizEquilibrium. unscaleZ(RealVector z)Unscale Z vector.RealVectorLinearBoundedConstraint. value(RealVector x)Returns the value of this function at (x)RealVectorLinearEqualityConstraint. value(RealVector x)RealVectorLinearInequalityConstraint. value(RealVector x)doubleQuadraticFunction. value(RealVector x)Returns the value of this function at (x)abstract doubleTwiceDifferentiableFunction. value(RealVector x)Returns the value of this function at (x)RealVectorVectorDifferentiableFunction. value(RealVector x)Returns the value of this function at (x)Constructors in org.hipparchus.optim.nonlinear.vector.constrained with parameters of type RealVector Constructor Description ADMMQPModifiedRuizEquilibrium(RealMatrix H, RealMatrix A, RealVector q)Simple constructorADMMQPSolution(RealVector x, RealVector v)Simple constructor.ADMMQPSolution(RealVector x, RealVector lambda, Double value)Simple constructor.ADMMQPSolution(RealVector x, RealVector v, RealVector y, RealVector z)Simple constructor.ADMMQPSolution(RealVector x, RealVector v, RealVector y, RealVector z, double value)Simple constructor.BoundedConstraint(RealVector lower, RealVector upper)Simple constructor.EqualityConstraint(RealVector value)Simple constructor.InequalityConstraint(RealVector lower)Simple constructor.LagrangeSolution(RealVector x, RealVector lambda, double value)Simple constructor.LinearBoundedConstraint(RealMatrix a, RealVector lower, RealVector upper)Construct a set of linear inequality constraints from Ax < BLinearEqualityConstraint(RealMatrix a, RealVector b)Construct a set of linear equality constraints ax = b.LinearInequalityConstraint(RealMatrix a, RealVector b)Construct a set of linear inequality constraints from \( A x \gt B\).QuadraticFunction(RealMatrix p, RealVector q, double d)Construct quadratic function \(\frac{1}{2}x^T P X + Q^T x + d\). -
Uses of RealVector in org.hipparchus.optim.nonlinear.vector.leastsquares
Methods in org.hipparchus.optim.nonlinear.vector.leastsquares that return RealVector Modifier and Type Method Description RealVectorValueAndJacobianFunction. computeValue(double[] params)Compute the value.RealVectorLeastSquaresProblem.Evaluation. getPoint()Get the abscissa (independent variables) of this evaluation.RealVectorLeastSquaresProblem.Evaluation. getResiduals()Get the weighted residuals.RealVectorAbstractEvaluation. getSigma(double covarianceSingularityThreshold)Get an estimate of the standard deviation of the parameters.RealVectorLeastSquaresProblem.Evaluation. getSigma(double covarianceSingularityThreshold)Get an estimate of the standard deviation of the parameters.RealVectorLeastSquaresAdapter. getStart()Gets the initial guess.RealVectorLeastSquaresProblem. getStart()Gets the initial guess.RealVectorParameterValidator. validate(RealVector params)Validates the set of parameters.Methods in org.hipparchus.optim.nonlinear.vector.leastsquares that return types with arguments of type RealVector Modifier and Type Method Description Pair<RealVector,RealMatrix>MultivariateJacobianFunction. value(RealVector point)Compute the function value and its Jacobian.Methods in org.hipparchus.optim.nonlinear.vector.leastsquares with parameters of type RealVector Modifier and Type Method Description static LeastSquaresProblemLeastSquaresFactory. create(MultivariateJacobianFunction model, RealVector observed, RealVector start, RealMatrix weight, ConvergenceChecker<LeastSquaresProblem.Evaluation> checker, int maxEvaluations, int maxIterations)Create aLeastSquaresProblemfrom the given elements.static LeastSquaresProblemLeastSquaresFactory. create(MultivariateJacobianFunction model, RealVector observed, RealVector start, RealMatrix weight, ConvergenceChecker<LeastSquaresProblem.Evaluation> checker, int maxEvaluations, int maxIterations, boolean lazyEvaluation, ParameterValidator paramValidator)Create aLeastSquaresProblemfrom the given elements.static LeastSquaresProblemLeastSquaresFactory. create(MultivariateJacobianFunction model, RealVector observed, RealVector start, ConvergenceChecker<LeastSquaresProblem.Evaluation> checker, int maxEvaluations, int maxIterations)Create aLeastSquaresProblemfrom the given elements.LeastSquaresProblem.EvaluationLeastSquaresAdapter. evaluate(RealVector point)Evaluate the model at the specified point.LeastSquaresProblem.EvaluationLeastSquaresProblem. evaluate(RealVector point)Evaluate the model at the specified point.LeastSquaresBuilderLeastSquaresBuilder. start(RealVector newStart)Configure the initial guess.LeastSquaresBuilderLeastSquaresBuilder. target(RealVector newTarget)Configure the observed data.RealVectorParameterValidator. validate(RealVector params)Validates the set of parameters.Pair<RealVector,RealMatrix>MultivariateJacobianFunction. value(RealVector point)Compute the function value and its Jacobian.static LeastSquaresProblemLeastSquaresFactory. weightDiagonal(LeastSquaresProblem problem, RealVector weights)Apply a diagonal weight matrix to theLeastSquaresProblem.SequentialGaussNewtonOptimizerSequentialGaussNewtonOptimizer. withAPrioriData(RealVector aPrioriState, RealMatrix aPrioriCovariance)Configure from a priori state and covariance.SequentialGaussNewtonOptimizerSequentialGaussNewtonOptimizer. withAPrioriData(RealVector aPrioriState, RealMatrix aPrioriCovariance, double relativeSymmetryThreshold, double absolutePositivityThreshold)Configure from a priori state and covariance. -
Uses of RealVector in org.hipparchus.stat.regression
Methods in org.hipparchus.stat.regression that return RealVector Modifier and Type Method Description protected abstract RealVectorAbstractMultipleLinearRegression. calculateBeta()Calculates the beta of multiple linear regression in matrix notation.protected RealVectorGLSMultipleLinearRegression. calculateBeta()Calculates beta by GLS.protected RealVectorOLSMultipleLinearRegression. calculateBeta()Calculates the regression coefficients using OLS.protected RealVectorAbstractMultipleLinearRegression. calculateResiduals()Calculates the residuals of multiple linear regression in matrix notation.protected RealVectorAbstractMultipleLinearRegression. getY()Get the Y sample data. -
Uses of RealVector in org.hipparchus.util
Methods in org.hipparchus.util that return RealVector Modifier and Type Method Description default RealVectorUnscentedTransformProvider. getUnscentedMeanState(RealVector[] sigmaPoints)Computes a weighted mean state from a given set of sigma points.RealVectorJulierUnscentedTransform. getWc()Get the covariance weights.RealVectorMerweUnscentedTransform. getWc()Get the covariance weights.RealVectorUnscentedTransformProvider. getWc()Get the covariance weights.RealVectorJulierUnscentedTransform. getWm()Get the mean weights.RealVectorMerweUnscentedTransform. getWm()Get the mean weights.RealVectorUnscentedTransformProvider. getWm()Get the mean weights.RealVector[]AbstractUnscentedTransform. unscentedTransform(RealVector state, RealMatrix covariance)Perform the unscented transform from a state and its covariance.RealVector[]UnscentedTransformProvider. unscentedTransform(RealVector state, RealMatrix covariance)Perform the unscented transform from a state and its covariance.Methods in org.hipparchus.util that return types with arguments of type RealVector Modifier and Type Method Description default Pair<RealVector,RealMatrix>UnscentedTransformProvider. inverseUnscentedTransform(RealVector[] sigmaPoints)Perform the inverse unscented transform from an array of sigma points.Methods in org.hipparchus.util with parameters of type RealVector Modifier and Type Method Description default RealMatrixUnscentedTransformProvider. getUnscentedCovariance(RealVector[] sigmaPoints, RealVector meanState)Computes the unscented covariance matrix from a weighted mean state and a set of sigma points.default RealVectorUnscentedTransformProvider. getUnscentedMeanState(RealVector[] sigmaPoints)Computes a weighted mean state from a given set of sigma points.default Pair<RealVector,RealMatrix>UnscentedTransformProvider. inverseUnscentedTransform(RealVector[] sigmaPoints)Perform the inverse unscented transform from an array of sigma points.RealVector[]AbstractUnscentedTransform. unscentedTransform(RealVector state, RealMatrix covariance)Perform the unscented transform from a state and its covariance.RealVector[]UnscentedTransformProvider. unscentedTransform(RealVector state, RealMatrix covariance)Perform the unscented transform from a state and its covariance.
-