Java Math Vector
PreviousNext- Java Vector append(double[] v1, double d)
 - Java Vector append(double[] v1, double[] v2)
 - Java Vector append(int[] v1, int d)
 - Java Vector append(int[] v1, int[] v2)
 - Java Vector Appends an element to a vector.
 - Java Vector Appends two vectors.
 - Java Vector areOpposite(final float[] v1, final float[] v2)
 - Java Vector Test whether two vectors are coordinate-wise opposite.
 - Java Vector aggVectorMin(double[] inputVector)
 - Java Vector aggVectorMin(int[] inputVector)
 - Java Vector angleAxisToVector(final float pX1, final float pY1, final float pX2, final float pY2)
 - Java Vector angleBetweenVector(float[] v1, float[] v2, double lastAngle)
 - Java Vector Return the angle in radians from the fixed X axis and the vector x1,y1 x2,y2 The angle is normalized between -PI and PI.
 - Java Vector Performs scalar multiplication on a vector.
 - Java Vector 2D transform matrix for the given translation, rotation and scale matrices
 - Java Vector return a double vector whose values are randomly chosen from (0, 1)
 - Java Vector A 2D inverse transform matrix for the given inverse translation, inverse rotation and inverse scale matrices
 - Java Vector A 2D inversed translation matrix for the given offset vector
 - Java Vector A 2D transform matrix for the given translation,rotation and scale matrices
 - Java Vector A 2D translation matrix for the given offset vector
 - Java Vector A helper function for modular subtraction of 2 vectors
 - Java Vector A quick method to convert hex, a hexadecimal representation, to an integer number.
 - Java Vector Add two vectors, result is saved in the first vector
 - Java Vector avg(double[] vec)
 - Java Vector bess(int m_max, double x, double jj[])
 - Java Vector bezier(float x1, float y1, float x2, float y2, float t)
 - Java Vector bind(double value, double low, double high)
 - Java Vector Build a rotation quaternion for the given angle and axis.
 - Java Vector CalcMatRotationAxisAngle(double[] matRet, double[] vec3Axis, double angle_rad)
 - Java Vector CalcMatRotationFromBasis(double[] matRet, double[] vec3A, double[] vec3B, double[] vec3C)
 - Java Vector CalcMatTranslation(double[] matRet, double dx, double dy, double dz)
 - Java Vector CalcMatTranslation(double[] matRet, double[] vec3Trans)
 - Java Vector calcMean(final double[] values)
 - Java Vector CalcOrthogonalUpAndSide(double[] lookAtPt, double[] eyePt, double[] forward, double[] up, double[] side)
 - Java Vector Calculate Log base 10.
 - Java Vector calculate the cosine similarity of two feature vectors
 - Java Vector Calculate the cosine similarity of two input vectors.
 - Java Vector Calculate the cross product between two vectors u and v.
 - Java Vector Calculate the dot product of two vectors.
 - Java Vector Calculate the euclidean distance of two input vectors.
 - Java Vector Calculate the euclidean norm (aka.
 - Java Vector Calculate the hamming distance of two vectors.
 - Java Vector Calculate the normal vector given 3 points (counter-clockwise)
 - Java Vector calculateArrowVector(double startX, double startY, double endX, double endY, double angle)
 - Java Vector calculateCosineSimilarity(double[] vec1, double[] vec2)
 - Java Vector calculateCurrentAccelerationBearing(double movingAverageY, double movingAverageX)
 - Java Vector calculateDistance(double firstX, double firstY, double secondX, double secondY)
 - Java Vector Calculates a dot product between two given vectors
 - Java Vector Calculates cross product of two vectors.
 - Java Vector Calculates distance between two specified points.
 - Java Vector Calculates magnitude for vector with specified 'x' and 'y' components.
 - Java Vector Calculates the arrow vector.
 - Java Vector Calculates the dot product between two vectors
 - Java Vector Calculates the dot product between two vectors [x, y, z, w].
 - Java Vector Calculates the dot product between two vectors [x, y, z].
 - Java Vector Calculates the dot product between two vectors [x, y].
 - Java Vector Calculates the dot product of two vectors.
 - Java Vector Calculates the length of a vector [x, y, z, w].
 - Java Vector Calculates the length of a vector [x, y, z].
 - Java Vector Calculates the length of a vector [x, y].
 - Java Vector Calculates the magnitude of a vector by using Pythagorean principle without the Z element.
 - Java Vector Calculates the magnitude of any vector by using Pythagorean principle.
 - Java Vector Calculates the magnitude of the vector.
 - Java Vector Calculates the normalization factor for a squared length.
 - Java Vector Calculates the plain average of an array
 - Java Vector Calculates weighted geometric average.
 - Java Vector calculateVectorMagnitude(double vectorX, double vectorY)
 - Java Vector calculateWeightedGeometricAverage(long[][] valuesAndWeight)
 - Java Vector calcVariance(final double[] values)
 - Java Vector CalcViewMat(double[] matView, double[] pos, double[] forward, double[] up, double[] side)
 - Java Vector ceilPowerOf2(int x)
 - Java Vector Checks whether the value supplied is in [lower, upper].
 - Java Vector Clamps a number between a minimum and maximum value
 - Java Vector clip(double a, double min, double max)
 - Java Vector clip(float a, float min, float max)
 - Java Vector clip(int a, int min, int max)
 - Java Vector clipNormalized(double a)
 - Java Vector clipNormalized(float a)
 - Java Vector Clips the value to the 0.0 ..
 - Java Vector colMax(final double[][] matrix)
 - Java Vector colMin(final double[][] matrix)
 - Java Vector Compare if two floats are equals with the default delta tolerance.
 - Java Vector Compare if two floats are equals within the given delta tolerance.
 - Java Vector Compute L2-norm of vector.
 - Java Vector Compute the cross product of two vectors
 - Java Vector Compute the determinant of two vectors.
 - Java Vector Compute the dot product of two vectors
 - Java Vector Compute the length of a vector
 - Java Vector Compute the magnitude (length) of a vector
 - Java Vector Compute the signed angle between two vectors.
 - Java Vector compute the vector's sum
 - Java Vector Computes a fast approximation to Math.pow(a, b).
 - Java Vector Computes dot product of 3D vector and x,y,z
 - Java Vector computes the cosine similarity between two input vectors (assuming same length)
 - Java Vector Computes the cross product of two 2D vectors.
 - Java Vector computes the difference between two vectors of same length
 - Java Vector Computes the dot product of two N-D vectors.
 - Java Vector Computes the dot product of two vectors.
 - Java Vector Computes the Greatest Common Devisor of integers p and q.
 - Java Vector Computes the L2 norm of the given vector.
 - Java Vector Computes the magnitude of an N-D vector.
 - Java Vector Computes the mean for an array of doubles.
 - Java Vector Computes the mutual information between two vectors.
 - Java Vector Computes the N-D unit vector in the direction of the vector supplied.
 - Java Vector Computes the projection of the point v onto the line segment a-b.
 - Java Vector Computes the root mean squared error between two vectors.
 - Java Vector Computes the variance for an array of doubles.
 - Java Vector computeThetaDiff(double[][] thetas, double[][] testThetas, int M, int K)
 - Java Vector computeVectorDiff(double[] vec1, double[] vec2, int len)
 - Java Vector computeVectorLength(Collection<Double> vector)
 - Java Vector computeVectorMean(HashMap<T, Double> vector)
 - Java Vector computeVectorMinusMean(HashMap<T, Double> vector)
 - Java Vector concatVectors(LinkedList<double[]> vectors)
 - Java Vector concatVectors(LinkedList<double[]> vectors, double[] ret)
 - Java Vector constructVectorWithNumbers()
 - Java Vector Convert a double to a natural number taking into account a circular time counter that is able to offset factor values if required.
 - Java Vector Convert degrees to radians.
 - Java Vector Converts a degree to a radian.
 - Java Vector Converts an angle in degree to its correspondent in cartesian coordinates.
 - Java Vector Converts an array containing the natural logarithms of probabilities stored in a vector back into probabilities.
 - Java Vector Converts an normalized angle (0 <= angle < 2*PI) to a vector with length 1.
 - Java Vector Converts this vector into a normalized (unit length) vector Modifies the input parameter
 - Java Vector convertToUnitVector(float v[])
 - Java Vector Convoles vectors first and second.
 - Java Vector convolve(double[] first, double[] second)
 - Java Vector COPIED FROM cern.colt.matrix.linalg.EigenvalueDecomposition
 - Java Vector Copy a vector from from into to
 - Java Vector copy(int size, float[] from, int offsetFrom, float[] to, int offsetTo)
 - Java Vector CopyVec2D(double[] vec2DDest, double[] vec2DSrc)
 - Java Vector CopyVec2D(int[] vec2DDest, int[] vec2DSrc)
 - Java Vector CopyVec3D(double[] vec3DDest, double[] vec3DSrc)
 - Java Vector CopyVec4D(double[] vec4DDest, double[] vec4DSrc)
 - Java Vector correlation(double y1[], double y2[], int n)
 - Java Vector correlation(double[] residuals, double targetAttribute[])
 - Java Vector cos(final double theta)
 - Java Vector cos(final float theta)
 - Java Vector Cosine of two vectors
 - Java Vector cosine(double[] v1, double[] v2)
 - Java Vector cosine_similarity(double[] vec1, double[] vec2)
 - Java Vector cosineDerivative(double[] x, double[] a)
 - Java Vector cosineDis(float[] vec1, float[] vec2)
 - Java Vector cosineSimilarity(double[] featureVector1, double[] featureVector2)
 - Java Vector cosineSimilarity(double[] vector1, double[] vector2)
 - Java Vector cosineSimilarity(double[] vectorA, double[] vectorB)
 - Java Vector cosineSimilarity(double[] x, double[] y)
 - Java Vector cosineSimilarity(float[] featureVector1, float[] featureVector2)
 - Java Vector cosineSimilarity(float[] vectorA, float[] vectorB)
 - Java Vector covariance(final double[][] data)
 - Java Vector Create a rotation matrix.
 - Java Vector create a vector given a direction and a magnitude
 - Java Vector Creates a 4x4 matrix representing the X angle of a rotation vector.
 - Java Vector Creates a 4x4 matrix representing the Y angle of a rotation vector.
 - Java Vector Creates a 4x4 matrix representing the Z angle of a rotation vector.
 - Java Vector Creates a single normalized impulse signal with its peak at t=1/k.
 - Java Vector Creates the vector p2-(minus) p1.
 - Java Vector Cross Product
 - Java Vector Cross product between two vectors following the right hand rule.
 - Java Vector cross product or 2 3x1 vectors
 - Java Vector cross(double v1[], double v2[])
 - Java Vector cross(final double[] left, final double[] right)
 - Java Vector cross(float u[], float v[])
 - Java Vector cross2D(final float[] v1, final float[] v2)
 - Java Vector cross3f(float[] p1, float[] p2, float[] result)
 - Java Vector crossMultiply(double a, double b, double c)
 - Java Vector crossProduct(double u[], double v[])
 - Java Vector crossProduct(double[] a, double[] b)
 - Java Vector crossProduct(double[] v, double[] u)
 - Java Vector crossProduct(double[] vector1, double[] vector2)
 - Java Vector crossProduct(float[] v1, float[] v2)
 - Java Vector CrossProduct(float[] vector1, float[] vector2)
 - Java Vector CrossVec3D(double[] vec3Ret, double[] vec3A, double[] vec3B)
 - Java Vector cumSum(double[] n)
 - Java Vector Cumulatively sum a vector Example: cumSum([1 1 1 1 2]) = [1 2 3 4 6]
 - Java Vector deepCopy(double[] v)
 - Java Vector deepCopy(double[][] m)
 - Java Vector degreeToRadian(float deg)
 - Java Vector determinant(float x1, float y1, float x2, float y2)
 - Java Vector determines the magnitude of the vector
 - Java Vector determines the normal vector for the two passed points
 - Java Vector diag(double[] vector)
 - Java Vector diag(double[][] matrix)
 - Java Vector difference of two matrices
 - Java Vector difference of two vectors
 - Java Vector difMultipleY2v(double[] dr, double[][] x)
 - Java Vector dirVectorToAngle(Point2D.Double targetDir)
 - Java Vector Distance to a line ported from http://stackoverflow.com/questions/849211/shortest-distance-between-a-point-and-a-line-segment and removed dependency on 2d vector class
 - Java Vector distance(double x, double y)
 - Java Vector distance(double x0, double y0, double z0, double x1, double y1, double z1)
 - Java Vector distance(double[] vec1, double[] vec2)
 - Java Vector distanceSq(double x0, double y0, double z0, double x1, double y1, double z1)
 - Java Vector distanceSq(double[] vec1, double[] vec2)
 - Java Vector distanceToLine(float x, float y, float lineX1, float lineY1, float lineX2, float lineY2)
 - Java Vector div(double[] a, double b)
 - Java Vector divide(double[] vec, int num)
 - Java Vector divide(final double[] v1, final double[] v2)
 - Java Vector divide(float[] vec, float val)
 - Java Vector divideInPlace(double[] vector, double val)
 - Java Vector divideInPlace(double[] vector, float val)
 - Java Vector divideVectors(Double[] x, double y)
 - Java Vector Does a cross multiplication, where it returns d, where in (d = bc / a) **/
 - Java Vector dot product for 3D vectors
 - Java Vector Dot product of 2 vectors.
 - Java Vector Dot product of two 'double' vectors.
 - Java Vector Dot product of two vectors
 - Java Vector dot(double[] a, double[] b)
 - Java Vector dot(double[] v1, double[] v2)
 - Java Vector dot(double[] vector1, double[] vector2)
 - Java Vector dot(final float[] a, final float[] b)
 - Java Vector dot(float ax, float ay, float az, float aw, float bx, float by, float bz, float bw)
 - Java Vector dot(float ax, float ay, float az, float bx, float by, float bz)
 - Java Vector dot(float ax, float ay, float bx, float by)
 - Java Vector dot(int size, float[] v1, int offsetV1, float[] v2, int offsetV2)
 - Java Vector dot(int[] a, int[] b)
 - Java Vector dot(int[] g, double x, double y, double z)
 - Java Vector dot(long[] a, long[] b)
 - Java Vector dot2D(double p1x, double p1y, double p2x, double p2y)
 - Java Vector dotProduct(double[] ovx, double[] ovy)
 - Java Vector dotProduct(double[] vec1, double[] vec2)
 - Java Vector dotProduct(double[][] matrix, double[] vector)
 - Java Vector dotProduct(final double[] v1, final double[] v2)
 - Java Vector dotProduct(float x1, float y1, float x2, float y2)
 - Java Vector dotProduct(float[] vec0, float[] vec1)
 - Java Vector dotProduct(float[] vec1, float[] vec2)
 - Java Vector DotVec3D(double[] vec3A, double[] vec3B)
 - Java Vector dualSign(double a, double b)
 - Java Vector elemMult(float[] vector1, float[] vector2)
 - Java Vector enforceBoundaries(int value, int min, int max)
 - Java Vector entropy(double[] vector)
 - Java Vector epsilonEquals(float f1, float f2)
 - Java Vector equals(double f1, double f2)
 - Java Vector equals(double f1, double f2, double delta)
 - Java Vector equals(float f1, float f2)
 - Java Vector equals(float f1, float f2, float delta)
 - Java Vector euclidean_distance(double[] vec1, double[] vec2)
 - Java Vector euclideanDistance(double[] p, double[] q)
 - Java Vector euclideanDistance(double[] vector1, double[] vector2)
 - Java Vector euclideanDistance(float[] p, float[] q)
 - Java Vector euclideanNorm(double[] vector)
 - Java Vector exp(double[] vector)
 - Java Vector exponential(double random, double mean)
 - Java Vector factorToBursts(double value, int timing)
 - Java Vector fastInverseSqrt(float x)
 - Java Vector fastPow(float a, float b)
 - Java Vector Fills the given matrix, with the values for the rotation that is described by the given quaternion.
 - Java Vector Find normal for planar polygon
 - Java Vector Find the normalized cross product between two vectors
 - Java Vector Find the unit vector of given vector by dividing by the magnitude.
 - Java Vector findProjection(float[] P1, float[] P2, float[] center)
 - Java Vector First norm of matrix: max of sum of abs elements in a column
 - Java Vector First norm of vector: abs(max(vector))
 - Java Vector floorPowerOf2(int x)
 - Java Vector Formats the supplied doubling point value, truncated to the given number of decimal places.
 - Java Vector Formats the supplied value, truncated to the currently configured number of decimal places.
 - Java Vector gcd(final long a, final long b)
 - Java Vector gcd(int p, int q)
 - Java Vector Generate linearly spaced vector
 - Java Vector Get a normal from 3 vertexes in anti-clockwise order
 - Java Vector Get magnitude for a given 3D vector
 - Java Vector Get magnitude of vector n
 - Java Vector Get the euclidean norm of the point (x, y).
 - Java Vector Get the index of maximal value
 - Java Vector Get the normal vector of 3 points that lie on a plane.
 - Java Vector Get the vector between the two points
 - Java Vector Get the vectors magnitude.
 - Java Vector getAdjugatedMatrix(double[][] matrix)
 - Java Vector getAngleBetween(float oriX, float oriY, float oriAngle, float targetX, float targetY)
 - Java Vector getAngleBetween(float oriX, float oriY, float oriDX, float oriDY, float targetX, float targetY)
 - Java Vector getAngleBetweenSkewLines(double[] v1, double[] v2)
 - Java Vector getAngleBetweenSkewLines(float[] v1, double[] v2)
 - Java Vector getAngleToNormal(double[] p1, double[] p2)
 - Java Vector getBiggestVectorDifference(double[] v1, double[] v2)
 - Java Vector getDegrees(final double radians)
 - Java Vector getDeterminantOfMatrix(double[][] matrix)
 - Java Vector getDotProduct(double[] vector1, double[] vector2)
 - Java Vector getDotProduct(double[] vector1, double[] vector2, int length)
 - Java Vector getDotProduct(float[] vector1, float[] vector2)
 - Java Vector getDotProduct(float[] vector1, float[] vector2, int length)
 - Java Vector getEndPointOfVector(double[] p, double angle, double length)
 - Java Vector getFloatAngle(double x1, double y1, double x2, double y2)
 - Java Vector getFormattedStringVector(Vector<Double> values, int precision)
 - Java Vector GetFov(float[] eyePosition, float[] playerHeadPosition, float[] entityHeadPosition)
 - Java Vector getInfo(double[] x)
 - Java Vector getInfo(double[][] A)
 - Java Vector getInversedMatrix(double[][] matrix)
 - Java Vector getLineVector(float[] P1, float[] P2)
 - Java Vector getMagnitude(float[] n)
 - Java Vector getMaxID(double[] vector)
 - Java Vector getMaxID(int[] vector)
 - Java Vector getMean(double[] vec)
 - Java Vector getNormal(float[] p0, float[] p1, float[] p2)
 - Java Vector getNormalizationFactorLS(double lengthSquared)
 - Java Vector getNthZeroOfMthBessel(int m_order, float n_zero)
 - Java Vector getPositionVectorXCoordinate(final int radio, final int angle)
 - Java Vector getPositionVectorYCoordinate(final int radio, final int angle)
 - Java Vector getPrefix(double[] vector, int lengthOfPrefix)
 - Java Vector getPrefixesSum(double[] vector)
 - Java Vector getProjection(final double[] a, final double[] b, final double[] v, final boolean segment)
 - Java Vector getRadians(final double degrees)
 - Java Vector getRightPerpendicularVector2D(final float[] p2, final float[] p1)
 - Java Vector getRotationVectorFromGyro(float[] gyroValues, float[] deltaRotationVector, float timeFactor)
 - Java Vector Gets a vector perpendicular to the vector p2-p1, pointing to the right with respect to the direction of p2-p1.
 - Java Vector Gets the distance between two points in space **/
 - Java Vector Gets the distance between two points in the same plane **/
 - Java Vector Gets the inverse tangent angle in degrees of the rectangle vector
 - Java Vector gets the x component of a vector.
 - Java Vector gets the y component of a vector.
 - Java Vector getScaledValue(final int value, final int max, final int scale)
 - Java Vector getSegmentSegmentIntersectionFactor(float x1, float y1, float x2, float y2, float x3, float y3, float x4, float y4)
 - Java Vector getStd(double[] vector)
 - Java Vector getUnitVector(double x, double y)
 - Java Vector getUnitVector(double[] u)
 - Java Vector getUnitVector(double[] v)
 - Java Vector getUnitVector(float[] v)
 - Java Vector getVector(double angle, double value)
 - Java Vector getVector(double x, double y)
 - Java Vector getVector(double x1, double y1, double z1, double x2, double y2, double z2)
 - Java Vector getVectorDifference(double[] b, double[] c)
 - Java Vector getVectorFromMatrixDiagonalEntries(double[][] matrix)
 - Java Vector getVectorlength(ArrayList<Double> v)
 - Java Vector getVectorlength(float[] v)
 - Java Vector getVectorMagnitude(float[] vectorComponents)
 - Java Vector getVectorMagnitudeMinusZ(double vectorComponentX, double vectorComponentY)
 - Java Vector getVectorMagnitudeMinusZ(float[] vectorComponents)
 - Java Vector getVectorNorm2(double x, double y)
 - Java Vector getVectorSize(double[] arr)
 - Java Vector getVectorWithNumbers()
 - Java Vector getVectorX(float parDistance, float parDirection)
 - Java Vector getVectorY(float parDistance, float parDirection)
 - Java Vector Given a circumference radio and an angle calculates the value of the x coordinate of the position vector.
 - Java Vector Given a point O(oriX,oriY) and a rotation angle around O oriAngle, tells how much rotation we still need to add to oriAngle so we are "looking at the target" from O.
 - Java Vector Given a point O(oriX,oriY) and a vector V(oriDX,oriDY), with V origin in O and V unit vector, tells how much we need to rotate V around O so that V points to Target.
 - Java Vector Gradient update */
 - Java Vector gradientUpdate(double[] vecToUpdate, final double[] vec, double gradient)
 - Java Vector Greatest Common Divisor
 - Java Vector hammingDistance(long vec1, long vec2)
 - Java Vector hexToLong(String hex)
 - Java Vector Homogenize a point (divide by its last element)
 - Java Vector homogenize(int size, float[] pt, int offset)
 - Java Vector How much of the variance is explained by the regression
 - Java Vector impulse(double k, double t)
 - Java Vector impulse(float k, float t)
 - Java Vector information(double[] probabilities)
 - Java Vector integrate(Function<Double, Double> f, double a, double b, double eps)
 - Java Vector Interpolate vector using 8th order Legendre interpolation.
 - Java Vector interpolate(double idx, double[] vals)
 - Java Vector interpolate(double v, double srcLow, double srcHigh, double targLow, double targHigh)
 - Java Vector interpolate(double v, double[] src, double[] target)
 - Java Vector interpolate(float v, float srcLow, float srcHigh, float targLow, float targHigh)
 - Java Vector interpolateCos(double v, double sLow, double sHigh, double tLow, double tHigh)
 - Java Vector interpolateCos(int v, int sLow, int sHigh, int tLow, int tHigh)
 - Java Vector interpolateSin(double v, double sLow, double sHigh, double tLow, double tHigh)
 - Java Vector interpolateSin(int v, int sLow, int sHigh, int tLow, int tHigh)
 - Java Vector InterpolateValueByXYAndNorm(float X, float Y, float[] point, float[] norm)
 - Java Vector inverseTransformationMatrix(double[][] inverseScale, double[][] inverseRotation, double[][] inverseTranslation)
 - Java Vector inverseTransformMatrix(double[][] iTranslation, double[][] iRotation, double[][] iScale)
 - Java Vector inverseTranslationMatrix(double[] v)
 - Java Vector Invert the quaternion.
 - Java Vector inverz_matrike(double[][] in)
 - Java Vector isBetween(int start, int end, int value)
 - Java Vector isLineSegmentsIntersect(double l1p1x, double l1p1y, double l1p2x, double l1p2y, double l2p1x, double l2p1y, double l2p2x, double l2p2y)
 - Java Vector IsNullVector(ArrayList<Double> vector)
 - Java Vector isWithin(double v, double lower, double upper)
 - Java Vector JoinCoordSystems(double[][][] corresp, double[] mat1, double[] mat2)
 - Java Vector JoinCoordSystemsGeneral(double[][][] corresp, double[] mat1, double[] mat2)
 - Java Vector kurtosis(double[] vector)
 - Java Vector kurtosis(double[] vector, double mean, double var)
 - Java Vector L2-normalize a vector Note that this mutates the input for performance
 - Java Vector L2Norm(double[] vector)
 - Java Vector l2Norm(Map<?, Double> m)
 - Java Vector lagrangeEightOrderInterpolation(double[] samples, double x)
 - Java Vector largestPrimeFactor(long number)
 - Java Vector lcm(final long a, final long b)
 - Java Vector lcm(int p, int q)
 - Java Vector Least Common Multiple
 - Java Vector len(double vec[])
 - Java Vector Length of a vector
 - Java Vector length(double[] v)
 - Java Vector length(float x, float y)
 - Java Vector length(float x, float y, float z)
 - Java Vector length(float x, float y, float z, float w)
 - Java Vector lengthCycle(int numerator, int denominator)
 - Java Vector LengthVec3D(double[] vec)
 - Java Vector lenManhattan(double vec[])
 - Java Vector Lerp value between 0 and max using scale.
 - Java Vector let the vector's sum to toSum
 - Java Vector linearCombination(double[] desiredVector, double[][] vectors, int vectorLength, int numVectors, boolean allowNegative)
 - Java Vector linearCombination(final double[] x, final double[] y)
 - Java Vector linearCombination(final double[] x, final double[] y, final int startOne, final int startTwo, final int len)
 - Java Vector linearCombinationFast(final double[] x, final double[] y)
 - Java Vector linesIntersect(double x1, double y1, double x2, double y2, double x3, double y3, double x4, double y4)
 - Java Vector linspace(double min, double max, int points)
 - Java Vector log(double[] vector)
 - Java Vector log10(double v)
 - Java Vector logs2probs(double[] a)
 - Java Vector logsumexp(double[] vector)
 - Java Vector mag(double v[])
 - Java Vector mag(final float[] a)
 - Java Vector magnitude(double[] v)
 - Java Vector magnitude(double[] vector)
 - Java Vector magnitude(int size, float[] vector, int offset)
 - Java Vector magnitude(int[] vector)
 - Java Vector magnitude: computes the magnitude of a vector v
 - Java Vector magnitudeVector(ArrayList<Double> v)
 - Java Vector manhattanDistance(double[] p, double[] q)
 - Java Vector mapInterval(double x, double minIn, double maxIn, double minOut, double maxOut)
 - Java Vector mapInterval(float x, float minIn, float maxIn, float minOut, float maxOut)
 - Java Vector Mat3x3RotTranTo4x4(double[] matRet4x4, double[] matRot3x3, double[] vec3)
 - Java Vector matrix2Vector(double[][] m)
 - Java Vector matrixKLDivergence(double m1[][], double m2[][])
 - Java Vector matrixTimesVector(double[][] matrix, double[] vector)
 - Java Vector matrixVector(double[][] w, double[] v)
 - Java Vector matrixVectorMultiplication(float[] m, float[] v)
 - Java Vector max(final double... vector)
 - Java Vector max(final float a, final float b)
 - Java Vector max(final long a, final long b)
 - Java Vector max(final short a, final short b)
 - Java Vector max(float... a)
 - Java Vector maxIndex(int[] vector)
 - Java Vector maxValInVector(double[] vector)
 - Java Vector maxValInVector(int[] vector)
 - Java Vector mean(double[] vector)
 - Java Vector Method that calculates the current acceleration bearing.
 - Java Vector min(double a, double b, double c)
 - Java Vector min(final double a, final double b)
 - Java Vector min(final double[] vector)
 - Java Vector min(final float a, final float b)
 - Java Vector min(final int a, final int b)
 - Java Vector min(final long a, final long b)
 - Java Vector min(final short a, final short b)
 - Java Vector min(float a, float b, float c)
 - Java Vector min(int a, int b, int c)
 - Java Vector minimalComponent(double[] vector)
 - Java Vector mode(double[] vector)
 - Java Vector mode(double[] vector, double max, double min)
 - Java Vector modifiedGramSchmidt(double[][] s)
 - Java Vector moduleVector(float vecX, float vecY, float vecZ)
 - Java Vector mul(double[][] a, double b)
 - Java Vector mult(double[] vector, double scalar)
 - Java Vector mult(double[][] a, double[][] b)
 - Java Vector mult(int[] vector, double scalar)
 - Java Vector mult3(double m[][], double v[])
 - Java Vector multipleV(double[][] x, double[] y)
 - Java Vector multipleV2v(double[][] x, double[] y)
 - Java Vector Multiplies a 3x3 matrix by a 3 vector.
 - Java Vector Multiplies an N vector by an MxN matrix.
 - Java Vector Multiplies an N-D vector by a scalar.
 - Java Vector Multiplies the given vector by the given scalar
 - Java Vector Multiply a 4x4 matrix by a vector (m * n) = out.
 - Java Vector Multiply a square matrix and a vector.
 - Java Vector Multiply a vector by a matrix
 - Java Vector Multiply a vector by a scalar.
 - Java Vector multiply a vector times a scalar
 - Java Vector multiply matrix nxn by vector nx1
 - Java Vector Multiply the two matrices.
 - Java Vector Multiply two matrices
 - Java Vector multiply two matrices 3x3
 - Java Vector Multiply vector by scalar.
 - Java Vector multiply(double val, double[] vec)
 - Java Vector multiply(double[][] a, double[][] b, double[][] c)
 - Java Vector multiply(double[][] m, double[] v)
 - Java Vector multiply(double[][] p, double[][] q)
 - Java Vector multiply(final double[] first, final double[] second)
 - Java Vector multiply(final double[] m, final double[] n, final double[] out)
 - Java Vector multiply(final double[] v1, final double[] v2)
 - Java Vector multiply(final double[] x, final double[] y)
 - Java Vector Multiply(float constant, float[] vector)
 - Java Vector Multiply(float constant, float[][] matrix)
 - Java Vector Multiply(float[] vector1, float[] vector2)
 - Java Vector multiply(float[][] m, float[] v)
 - Java Vector Multiply(float[][] matrix1, float[][] matrix2)
 - Java Vector multiply(int size, float[] vector, int offset, float scalar)
 - Java Vector multiplyKaratsuba(BigInteger x, BigInteger y)
 - Java Vector multiplyMatrixByVector(double[][] a, double[] v)
 - Java Vector multiplyMatrixByVector(final double[] m, final double[] n, final double[] out)
 - Java Vector multiplyScalar(double[] vec, double t)
 - Java Vector multiplyVecorWithScalar(double[] v, double s)
 - Java Vector MultiplyVector(ArrayList<Double> a, double s)
 - Java Vector multiplyVector(double[] vector, double length)
 - Java Vector multiplyVectorByMatrix(double[] vector, double[][] matrix)
 - Java Vector multiplyVectorByScalar(double[] vec, double scalar)
 - Java Vector MultVec2DScalar(double[] vec, double scalar)
 - Java Vector MultVec3DScalar(double[] vec, double scalar)
 - Java Vector MultVecByNumber(double[] Vector, double Scalar)
 - Java Vector multVectorByScalar(double os, double[] ov, double[] oz)
 - Java Vector mutualInformation(int[] p, int[] q)
 - Java Vector negateVector(double[] ovec)
 - Java Vector Next Largest Power of 2: Given a binary integer value x
 - Java Vector nextPowerOf2Swar(int x)
 - Java Vector nextPowerOfTwo(int x)
 - Java Vector norm(double[] a)
 - Java Vector norm(double[] vector)
 - Java Vector norm(final double[] x)
 - Java Vector norm2(double[] vec)
 - Java Vector norm2(float[] vec)
 - Java Vector normal(double x1, double y1, double x2, double y2)
 - Java Vector normal(double[] p0, double[] p1, double[] p2)
 - Java Vector normal(double[] v1, double[] v2, double[] v3)
 - Java Vector normal(float[] p0, float[] p1, float[] p2)
 - Java Vector normalise a vector
 - Java Vector Normalise vector n
 - Java Vector normalise(double[] n)
 - Java Vector normalise(float[] n)
 - Java Vector normaliseVector(double[] origi)
 - Java Vector normaliseVector(double[] v)
 - Java Vector normaliseVectord(double[] v)
 - Java Vector normaliseVectorf(float[] v)
 - Java Vector Normalize a 3D vector
 - Java Vector Normalize a vector.
 - Java Vector Normalize the input vector
 - Java Vector Normalize the values of the array
 - Java Vector normalize(double x, double z, double reqx, double reqz)
 - Java Vector normalize(double[] input)
 - Java Vector normalize(double[] l)
 - Java Vector normalize(double[] vec)
 - Java Vector normalize(double[] vector)
 - Java Vector normalize(double[] w)
 - Java Vector normalize(final double[] vector, final double[] minima, final double[] maxima)
 - Java Vector normalize(float[] a)
 - Java Vector normalize(float[] v)
 - Java Vector Normalize(float[] vector)
 - Java Vector normalize(int size, float[] vector, int offset)
 - Java Vector normalize(int[] vector)
 - Java Vector Normalizes a 2D-vector to be the length of another 2D-vector<br> Calculates the normalization factor to multiply the input vector with, to get the requested length
 - Java Vector Normalizes the given vector.
 - Java Vector normalizes the passed vector
 - Java Vector NormalizeVec2D(double[] vec)
 - Java Vector NormalizeVec3D(double[] vec)
 - Java Vector NormalizeVec4D(double[] vec)
 - Java Vector normalizeVector(ArrayList<Double> vector)
 - Java Vector normalizeVector(double v[])
 - Java Vector normalizeVector(double[] fVector, double[] min, double[] max)
 - Java Vector normalizeVector(double[] vector)
 - Java Vector normalizeVector(final double[] v)
 - Java Vector normalizeVector(float v[])
 - Java Vector normalizeVector(float vecX, float vecY, float vecZ)
 - Java Vector normalizeVector(float[] vec)
 - Java Vector normalizeVectorX(double x, double y)
 - Java Vector normalizeVectorY(double x, double y)
 - Java Vector normangle2vect(double angle)
 - Java Vector normCrossProd(double v1[], double v2[], double out[])
 - Java Vector normI(double[] b)
 - Java Vector normI(double[][] a)
 - Java Vector normII(double[] b)
 - Java Vector normII(double[][] a)
 - Java Vector normOfPrefix(double[] vector, int lengthOfPrefix)
 - Java Vector normSquared(final double[] x)
 - Java Vector normTo(double[] vector, double toSum)
 - Java Vector normvect(double x, double y)
 - Java Vector normVector(double[] vector)
 - Java Vector normVectorTo1(double[] vector)
 - Java Vector numberOfNonZeroes(double[] vector)
 - Java Vector Numerically precise dot product.
 - Java Vector Obtains the z-coordinate of the cross product of the 2D vectors p2-p1 and p3-p2, useful for determining whether the curve p1->p2->p3 is curving to the right or left.
 - Java Vector oppositeVector(double[] vec)
 - Java Vector orderVector(double[] values, int[] order)
 - Java Vector orderVector(float[] values, int[] order)
 - Java Vector orderVector(long[] values, int[] order)
 - Java Vector orderVector(Object[] values, int[] order)
 - Java Vector orient2D(final float[] p1, final float[] p2, final float[] p3)
 - Java Vector Orthonormalizes a set of vectors.
 - Java Vector pearsonSqrDistance(double[] vector0, double[] vector1)
 - Java Vector pearsonSqrDistance(float[] vector0, float[] vector1)
 - Java Vector Perform the Karatsuba multiplication algorithm
 - Java Vector Performs vector addition.
 - Java Vector Performs vector subtraction.
 - Java Vector Plus(float[] vector1, float[] vector2)
 - Java Vector Plus(float[][] matrix1, float[][] matrix2)
 - Java Vector pNorm(final double[] vector, final double p)
 - Java Vector pNormalizeVector(final double[] pPosterior)
 - Java Vector pointDistancePlane(double x1, double y1, double x2, double y2)
 - Java Vector pointIsInRange(float[] vec, short[] min, short[] max)
 - Java Vector pointOnLine(float[] p, float[] vector, float len)
 - Java Vector positiveMod(int mod, final int divisor)
 - Java Vector positiveMod(int val, int modulus)
 - Java Vector powerVector(double base, int[] exponents)
 - Java Vector primeFactors(long number)
 - Java Vector primeFactorsCount(long number)
 - Java Vector printDistInfo(Map<VarKey, Double> m)
 - Java Vector printlnVector(double[] ovec)
 - Java Vector Prints given vector.
 - Java Vector PrintVec3D(double[] vec)
 - Java Vector printvect(double[] vect)
 - Java Vector printVector(double[] vector)
 - Java Vector printVector(Vector<Double> v)
 - Java Vector product of matrix and number
 - Java Vector product of matrix and vector
 - Java Vector product of the values in the array, from index start (inclusive) to end (exclusive)
 - Java Vector product of two matrices
 - Java Vector product of vector and number
 - Java Vector product(int[] vector)
 - Java Vector productOfRange(int[] vector, int start, int end)
 - Java Vector put your documentation comment here
 - Java Vector quaternionToMatrix4x4(float q[], float m[])
 - Java Vector quatInv(double q[])
 - Java Vector quatRot(double angle, double v[])
 - Java Vector quatRot(double angle, double x, double y, double z)
 - Java Vector QuatToMat(double[] matRet, double[] quat)
 - Java Vector quotient of vector and number
 - Java Vector randomInitialize(int size)
 - Java Vector randomUnitLengthVector(int n, int randomSeed)
 - Java Vector randomVector(int size, Random r)
 - Java Vector reduceAngle(double theta)
 - Java Vector reduceAngle(float theta)
 - Java Vector Reduces the given angle into the -PI/4 ...
 - Java Vector reflectionVector(Point inputVector, Point normalVector)
 - Java Vector relativeCCW(double x1, double y1, double x2, double y2, double px, double py)
 - Java Vector reluGrad(float[] vector1)
 - Java Vector Replies one position factor for the intersection point between two lines.
 - Java Vector Return a random multinominal distribution.
 - Java Vector Return the greater of the two values.
 - Java Vector return the length of the vector v
 - Java Vector Return the lesser of the two values.
 - Java Vector Return the mean value of an array of double.
 - Java Vector Return the unit vector of vector.
 - Java Vector Returns a fast sine approximation of a value.
 - Java Vector Returns a normalized vector (= size 1) with given X and Y components.
 - Java Vector Returns a random value according to the exponential distribution with the provided mean.
 - Java Vector Returns an indicator of where the specified point (px,py) lies with respect to the line segment from (x1,y1) to (x2,y2).
 - Java Vector Returns fast cosine approximation of a value.
 - Java Vector Returns newly allocated array which is the result of termwise multiplication of the input arrays
 - Java Vector Returns sqrt(x*x), the Euclidean norm.
 - Java Vector Returns sqrt(x^2 + y^2).
 - Java Vector Returns the angle in degrees between the specified line and a horizontal line.
 - Java Vector Returns the Cartesian norm (2-norm), handling both overflow and underflow.
 - Java Vector Returns the correlation coefficient of two double vectors.
 - Java Vector Returns the distance represented by a vector with components x and y.
 - Java Vector Returns the highest difference between two vector values of the same level
 - Java Vector Returns the l2 norm of the given vector.
 - Java Vector Returns the maximum value of three floats.
 - Java Vector Returns the maximum value of three ints.
 - Java Vector Returns the minimum value of three floats.
 - Java Vector Returns the minimum value of three ints.
 - Java Vector Returns the norm of a vector.
 - Java Vector returns the norm2 of an array
 - Java Vector Returns the result of a-b, where a and b are map representations of vectors.
 - Java Vector Returns the variance of an array of double.
 - Java Vector Returns the vector length (sqrt(sum(x_i))
 - Java Vector reverseTranslationMatrix(double[] v)
 - Java Vector rmse(double[] a, double[] b)
 - Java Vector Rotate a vertex by a given rotation around a given rotation point.
 - Java Vector rotate(double[] vector, double[] axis, double angle)
 - Java Vector rotate(final double[] matrix, final double angle, double x, double y, double z)
 - Java Vector rotates a vector
 - Java Vector Rotates a vector in Cartesian space.
 - Java Vector rotateVector(double angle, double[] v)
 - Java Vector rotateVector(double x, double y, double angle)
 - Java Vector rotateVectorByQuaternion(float[] v, float qx, float qy, float qz, float qw)
 - Java Vector rotateVectorX(double x, double y, double aRadians)
 - Java Vector rotateVectorY(double x, double y, double aRadians)
 - Java Vector rotateVertex(float[] v, float[] rotationMatrix, float[] rotationPoint)
 - Java Vector rotationMatrixX(double xAngle)
 - Java Vector rotationMatrixY(double yAngle)
 - Java Vector rotationMatrixZ(double zAngle)
 - Java Vector roundDouble(double value, int afterDecimalPoint)
 - Java Vector roundFloat(float value, int afterDecimalPoint)
 - Java Vector roundOffFiveCents(BigDecimal value)
 - Java Vector Rounds a double precision value to the given precision.
 - Java Vector Rounds a double to the given number of decimal places.
 - Java Vector Rounds a single precision value to the given precision.
 - Java Vector Rounds an integer value to the given precision.
 - Java Vector Rounds down the value to the nearest lower power^2 value.
 - Java Vector Rounds up the value to the nearest higher power^2 value.
 - Java Vector roundTo(double val, double prec)
 - Java Vector roundTo(float val, float prec)
 - Java Vector roundTo(int val, int prec)
 - Java Vector safeNorm(double[] v)
 - Java Vector Scalar divide of the given vector Note that this mutates the input for performance
 - Java Vector scalarMultiply(final float[] v, final float s)
 - Java Vector scalarProduct(int[] v1, int[] v2)
 - Java Vector scalarProduct(long[] vector1, int[] vector2)
 - Java Vector scalarTimesVector(E a, E[] v1)
 - Java Vector Scale the vector by the specified multiplier.
 - Java Vector scale(double sc, double v1[])
 - Java Vector scale(double[] a, double b)
 - Java Vector scale(double[] subVectors, double alpha)
 - Java Vector Second norm of matrix: max of sum of abs elements in a row
 - Java Vector Second norm of vector: sum(abs(vector))
 - Java Vector setPrefixesRW(double[] vector)
 - Java Vector sgn(double d)
 - Java Vector shortestDistanceToLine(double xStart, double xEnd, double yStart, double yEnd, double x, double y)
 - Java Vector showVector(double[] m)
 - Java Vector showVector(float[] m)
 - Java Vector showVector(int[] m)
 - Java Vector showVector(java.util.Vector v)
 - Java Vector sigmoid(float[] vector1)
 - Java Vector sigmoid(float[][] matrix)
 - Java Vector sigmoidDerivative(float val)
 - Java Vector sigmoidDerivative(float[] vector1)
 - Java Vector sigmoidDerivative(float[][] matrix)
 - Java Vector sigmoidVal(double x)
 - Java Vector sign(float x)
 - Java Vector signedAngle(float x1, float y1, float x2, float y2)
 - Java Vector SolveCubic(double[] c, double[] s)
 - Java Vector solveCurveX(float ax, float bx, float cx, float x, float epsilon)
 - Java Vector Substract two vectors.
 - Java Vector Subtract 2 vectors a and b such that r = (b - a)
 - Java Vector Subtract to vectors.
 - Java Vector SubtractVec2D(double[] vec2Ret, double[] vec2A, double[] vec2B)
 - Java Vector SubtractVec2D(int[] vec2Ret, int[] vec2A, int[] vec2B)
 - Java Vector SubtractVec3D(double[] vec3Ret, double[] vec3A, double[] vec3B)
 - Java Vector subtractVector(ArrayList<Double> v1, ArrayList<Double> v2)
 - Java Vector subtractVectors(double[] vec1, double[] vec2)
 - Java Vector subVectors(double[] a, double[] b)
 - Java Vector subVectors(double[] a, double[] b, double[] out)
 - Java Vector Sums up two vectors.
 - Java Vector SumVecElem(double[] Vector)
 - Java Vector SumVecElem(double[] Vector, int firstIndex, int lastIndex)
 - Java Vector sumVectorElements(double[] vector)
 - Java Vector sumVectors(Double[] x, Double[] y)
 - Java Vector Takes a vector of numbers and converts it to a vector of probabilities that sum to 1 with as much fidelity as possible.
 - Java Vector tdFactors(BigInteger n)
 - Java Vector toBinaryVec(int i, float[] out)
 - Java Vector toBitVector(int value, int length)
 - Java Vector toCartesianAsVector(final double angleDegree)
 - Java Vector toUnitVector(float[] vec)
 - Java Vector Transform3DVec(double[] vec4DRet, double[] matA, double[] vec3DB)
 - Java Vector Transforms an integer into a bit vector of the specified length.
 - Java Vector twoPowersNeededFor(int input)
 - Java Vector uniquePrimeFactors(long number)
 - Java Vector uniquePrimeFactorsCount(long number)
 - Java Vector unitVector(final double[] vector)
 - Java Vector Useful method for ordering a 1-D array based on an array of indices
 - Java Vector vecAdd(double[] vec1, double[] vec2)
 - Java Vector VecDist(float[] a, float[] b)
 - Java Vector vecDivide(double vec[], double num)
 - Java Vector vecLen(double[] vec)
 - Java Vector VecLength(float[] a)
 - Java Vector vecMulFloat(float[] p, float x)
 - Java Vector vecSum(float[] p1, float[] p2)
 - Java Vector vector(final float[] p2, final float[] p1)
 - Java Vector vector2string(Vector v)
 - Java Vector vector_dot(double[] vec1, double[] vec2)
 - Java Vector vector_norm(double[] vec)
 - Java Vector vectorAbsDiff(double v1[], double v2[])
 - Java Vector vectorAcc(double[] vec1, double[] vec2)
 - Java Vector vectorAcc(float[] vec1, float[] vec2)
 - Java Vector vectorAdd(BigInteger[] x, BigInteger[] y, BigInteger[] result, BigInteger modulus)
 - Java Vector vectorAdd(double[] dst, double[] v)
 - Java Vector vectorAdd(double[] firstVector, double[] secondVector)
 - Java Vector vectorAdd(double[] v1, double[] v2)
 - Java Vector vectorAdd(float[] vec1, float[] vec2)
 - Java Vector vectorAdd(int[] baseVector, int[] addedVector)
 - Java Vector VectorAngles(float[] dir)
 - Java Vector vectorCeil(double[] inputVector)
 - Java Vector vectorConcatenate(int[] inputVector1, int[] inputVector2)
 - Java Vector vectorCosine(List<Double> array1, List<Double> array2)
 - Java Vector vectorDEG(double dirDEG, double magnitude)
 - Java Vector vectorDiff(final double[] vecOne, final double[] vecTwo)
 - Java Vector vectorDifferenceNormalized(double v1x, double v1y, double v2x, double v2y)
 - Java Vector vectorDiv(int[] inputVector, int c)
 - Java Vector vectorDivide(double[] dst, double div)
 - Java Vector vectorDotProduct(double[] v1, double[] v2)
 - Java Vector vectorDotProduct(int[] v1, int[] v2)
 - Java Vector vectorEuclidDistance(double v1[], double v2[])
 - Java Vector vectorFloor(double[] inputVector)
 - Java Vector Vectorize in the way Matlab does, by row rather than column.
 - Java Vector vectorize(double[] source, int width, int height)
 - Java Vector vectorize(double[] source, int width, int height, int destWidth, int destHeight)
 - Java Vector vectorKLDivergence(double v1[], double v2[])
 - Java Vector vectorL2Norm(double[] v)
 - Java Vector vectorLength(double[] vector)
 - Java Vector vectorLength(float v[])
 - Java Vector vectorLength(float x, float y)
 - Java Vector vectorLengthDyDx(double dy, double dx)
 - Java Vector vectorLengthSquared(float x, float y)
 - Java Vector vectorLog10(double v1[])
 - Java Vector vectorMin(int[] inputVector1, int[] inputVector2)
 - Java Vector vectorMinus(double[] a, double[] b)
 - Java Vector vectorMinus(double[] u, double[] v)
 - Java Vector vectorMinus(float[] a, float[] b)
 - Java Vector vectorMinus(float[] vec1, float[] vec2)
 - Java Vector vectorMod(int[] inputVector, int c)
 - Java Vector vectorMult(int[] inputVector, int c)
 - Java Vector vectorMultiply(double s, double[] v)
 - Java Vector vectorMultiply(double[] v1, double[] v2)
 - Java Vector vectorMultiplyAndAdd(double[] dst, double[] v, double factor)
 - Java Vector vectorNorm(ArrayList<Double> vector)
 - Java Vector vectorNorm(double[] v)
 - Java Vector vectorNorm(double[] vector)
 - Java Vector vectorNorm(final double[] vector)
 - Java Vector vectorNorm(int[] vector)
 - Java Vector vectorNormalize(double[] v)
 - Java Vector vectorNormSquare(double[] v)
 - Java Vector vectorProduct(float[] a, float[] b)
 - Java Vector vectorRAD(double dirRAD, double magnitude)
 - Java Vector vectorScale(double[] vec, double scale)
 - Java Vector vectorScale(float[] vec, double scale)
 - Java Vector vectorSize(double[] v)
 - Java Vector vectorSub(BigInteger[] x, BigInteger[] y, BigInteger[] result, BigInteger modulus)
 - Java Vector vectorSub(double[] vec1, double[] vec2)
 - Java Vector vectorSub(float[] vec1, float[] vec2)
 - Java Vector vectorSubtract(double[] v1, double[] v2)
 - Java Vector vectorSubtract(int[] baseVector, int[] subtractedVector)
 - Java Vector vectorSum(double[] vector)
 - Java Vector vectorSum(final double[] vecOne, final double[] vecTwo)
 - Java Vector vectorSum(int[] vector)
 - Java Vector vectorToRadians(float x, float y)
 - Java Vector vectorToScalarScroll(float dx, float dy, float x, float y)
 - Java Vector vectorTransposeMatrixVector(double[] v1, double[][] matrix, double[] v2)
 - Java Vector vectsize(double x, double y)
 - Java Vector Verifies that two vectors have the same length
 - Java Vector verifySameVectorLenght(double[] v1, double[] v2)
 - Java Vector worldVecToOpenGL(float[] v)
 - Java Vector param n the number which cross sum to calculate
 - Java Vector Calculates the product of two arrays of the same length.
 - Java Vector Compute scalar product between dx and dy.
 - Java Vector compute two features' dot result.
 - Java Vector computeInnerProducts(float data[][])
 - Java Vector Computes the dot product of the given arrays.
 - Java Vector Computes the product of the values in a collection of doubles.
 - Java Vector Computes the product of the values in an array of doubles.
 - Java Vector Computes the product of the values in an array of ints.
 - Java Vector Cross product many arrays
 - Java Vector cross(double u[], double v[])
 - Java Vector cross(double[] a, double[] b)
 - Java Vector cross(final float pXA, final float pYA, final float pXB, final float pYB)
 - Java Vector Cross(float ax, float ay, float bx, float by)
 - Java Vector cross(float v1x, float v1y, float v2x, float v2y)
 - Java Vector cross(float[] a, float[] b)
 - Java Vector cross(int x1, int y1, int x2, int y2)
 - Java Vector cross2(float[] p, float[] q)
 - Java Vector crossCorrelate(double[] f, double[] g)
 - Java Vector crossProduct(double p1[], double p2[])
 - Java Vector crossProduct(double[] d1, double[] d2)
 - Java Vector crossProduct(double[] output, double[] a, double[] b)
 - Java Vector crossProduct(double[] v1, double[] v2)
 - Java Vector crossProduct(float[] u, float[] v)
 - Java Vector crossProduct(Object[] firstArray, Object[]... otherArrays)
 - Java Vector crossProduct(Point a, Point b)
 - Java Vector crossSum(int n)
 - Java Vector divide(int value, int div)
 - Java Vector dot(double n[], double x, double y)
 - Java Vector dot(double x1, double y1, double x2, double y2)
 - Java Vector dot(double x1, double y1, double z1, double x2, double y2, double z2)
 - Java Vector dot(double[] features_a, double[] features_b)
 - Java Vector dot(double[] u, double[] v)
 - Java Vector dot(final double[] a, final double[] b)
 - Java Vector dot(final double[] a, final double[] b, final int numPoints)
 - Java Vector dot(final float pXA, final float pYA, final float pXB, final float pYB)
 - Java Vector dot(float a[], float b[])
 - Java Vector dot(float v1x, float v1y, float v2x, float v2y)
 - Java Vector dot(float x1, float y1, float x2, float y2)
 - Java Vector dot(float x1, float y1, float z1, float x2, float y2, float z2)
 - Java Vector dot(float[] u, float[] v)
 - Java Vector dot(int x1, int y1, int x2, int y2)
 - Java Vector dot(Map<Key, Double> left, Map<Key, Double> right)
 - Java Vector dot2(float[] p, float[] q)
 - Java Vector dotProd(double x[], double y[])
 - Java Vector dotProduct(double x1, double y1, double x2, double y2)
 - Java Vector dotProduct(double[] a, double[] b)
 - Java Vector dotProduct(double[] first, double[] second)
 - Java Vector dotProduct(double[] valuesA, double[] valuesB)
 - Java Vector dotProduct(final double[] a, final double[] b)
 - Java Vector dotProduct(float ux, float uy, float vx, float vy)
 - Java Vector dotProduct(int x1, int y1, int x2, int y2)
 - Java Vector dotScalar(int[] u, int[] v)
 - Java Vector elogProduct(double... values)
 - Java Vector Format the matrix or vector value into a human readable string.
 - Java Vector getCrossProduct(double[] b, double[] c)
 - Java Vector getDotProduct(double[] v1, double[] v2)
 - Java Vector getOuterProduct(double[] v1, double v2[])
 - Java Vector innerProduct(Double v1[], Double v2[])
 - Java Vector innerProduct(double[] x, double[] y)
 - Java Vector innerProduct(final double[] a, final double[] b)
 - Java Vector min(final Double... values)
 - Java Vector multiply(Vector<Double> a, double b)
 - Java Vector nullableProduct(Double... factors)
 - Java Vector outerProduct(double[] w, double[] v)
 - Java Vector Product of Doubles, accounting for nulls
 - Java Vector product(double start, double end, double step)
 - Java Vector product(Double... values)
 - Java Vector product(double[] a, double[] b)
 - Java Vector product(double[] array)
 - Java Vector product(final double[] elems, final double scale)
 - Java Vector product(final float[] elems, final float scale)
 - Java Vector product(final int... nums)
 - Java Vector product(int[] array)
 - Java Vector product(Integer value1, Integer value2)
 - Java Vector product(Iterable<Double> values)
 - Java Vector product(List<Integer> integers)
 - Java Vector rdot(int n, double[] dx, int dxIdx, int incx, double[] dy, int dyIdx, int incy)
 - Java Vector Returns as the most significant 64 bits of the 128-bit product of two int64_t factors.
 - Java Vector Returns the fractional part of x, that is, the part behind the decimal dot.
 - Java Vector Returns the product of a and b, provided it does not overflow.
 - Java Vector Returns the product of its arguments, returning either Integer#MAX_VALUE if the result overflows an int, or Integer#MIN_VALUE if the result underflows an int, .
 - Java Vector Returns the square product of a number
 - Java Vector scalarProduct(double x, double[] xs)
 - Java Vector scalarProduct(double[] v1, double[] v2)
 - Java Vector scalarProduct(float r, float[] u)
 - Java Vector Shortens a given text and adds dots in that case.
 - Java Vector signedInt2Bytes(int val, final int numBytes)
 - Java Vector signedInt2Bytes, converts a signed integer to a vector of bytes.
 - Java Vector sin(double theta)
 - Java Vector sin(float theta)
 - Java Vector solve(float ax, float bx, float cx, float ay, float by, float cy, float x, float epsilon)
 - Java Vector solveQuadrEq(double a, double b, double c)
 - Java Vector SolveQuartic(double[] c, double[] s)
 - Java Vector Solves a quadratic equation a * x^2 + b * x + c
 - Java Vector ssReg(double[] residuals, double[] targetAttribute)
 - Java Vector stride(int val, int span)
 - Java Vector sub(double[] a, double[] b)
 - Java Vector sub(int size, float[] a, int offsetA, float[] b, int offsetB, float[] result, int offsetResult)
 - Java Vector subtract(double[] vector1, double[] vector2)
 - Java Vector subtract(final double[] v1, final double[] v2)
 - Java Vector subtract(Map<Key, Double> a, Map<Key, Double> b)
 - Java Vector subtraction(double[] vector1, double[] vector2)
 - Java Vector Subtracts a to x and set it to zero if it crosses zero.
 - Java Vector Subtracts two vectors (a-b).
 - Java Vector sum of absvals */
 - Java Vector sum of two matrices
 - Java Vector sum of two vectors
 - Java Vector sum(double[] a, double[] b)
 - Java Vector sum(double[] vector)
 - Java Vector sumOfMeanDifferences(double[] vector, double[] vector2)
 - Java Vector sumOfMeanDifferencesOnePoint(double[] vector)
 - Java Vector sumOfProducts(double[]... nums)
 - Java Vector sumOfSquares(double[] vector)
 - Java Vector surfaceNormal(double[] p1, double[] p2, double[] p3)
 - Java Vector Swap two elements in the double vector
 - Java Vector Swap two elements in the int vector
 - Java Vector swap(double[] a, int i, int j)
 - Java Vector swap(int[] a, int i, int j)
 - Java Vector Take the double [] y as the vertical vector, not a horizontal one.
 - Java Vector tanh(float val)
 - Java Vector tanh(float[] vector1)
 - Java Vector tanh(float[][] matrix)
 - Java Vector tanhDerivative(float val)
 - Java Vector tanhDerivative(float[] vector1)
 - Java Vector tanhDerivative(float[][] matrix)
 - Java Vector testLinearCombination()
 - Java Vector Tests if the line segment from (x1,y1) to (x2,y2) intersects the line segment from (x3,y3) to (x4,y4).
 - Java Vector Tests linearCombination and linearCombinationFast by checking that [1,1,1,1] * [1,1,1,1] == 4.
 - Java Vector This method determines the shortest distance from a point to a line segment
 - Java Vector This method is a lot faster than using (int)Math.floor(x).
 - Java Vector This returns the entropy (information gain, or uncertainty of a random variable).
 - Java Vector This returns the entropy for a given vector of probabilities.
 - Java Vector This returns the euclidean distance of two vectors sum(i=1,n) (q_i - p_i)^2
 - Java Vector This returns the odd indexed values for the given vector
 - Java Vector This returns the product of all numbers in the given array.
 - Java Vector This returns the sum of products for the given numbers.
 - Java Vector This returns the sum of squares for the given vector.
 - Java Vector This returns the x values of the given vector.
 - Java Vector This will calculate the Manhattan distance between two sets of points.
 - Java Vector toCartesian(double[] hvec)
 - Java Vector TODO: A 2D translation matrix for the given offset vector
 - Java Vector toHomogeneous(double[] cvec)
 - Java Vector toString(double value)
 - Java Vector toString(double value, int decimalPlaces)
 - Java Vector toString(double[] vector)
 - Java Vector toString(int[] vector)
 - Java Vector tql2(int n, double[] d, double[][] V, double[] e)
 - Java Vector Transform3DCoord(double[] vec4DRet, double[] matA, double[] vec3DB)
 - Java Vector Transform3DCoordTo3D(double[] vec3DRet, double[] matA, double[] vec3DB)
 - Java Vector Transform4D(double[] vec3DRet, double[] matA, double[] vec3DB)
 - Java Vector transformationMatrix(double[][] translation, double[][] rotation, double[][] scale)
 - Java Vector transformMatrix(double[][] translation, double[][] rotation, double[][] scale)
 - Java Vector translationMatrixInverted(double[] v)
 - Java Vector tred2(int n, double[] d, double[][] V, double[] e)
 - Java Vector unit(final float[] v)
 - Java Vector Used for calculating top part of simple regression for beta 1
 - Java Vector v1, v2, v3 are all 3 dimension
 - Java Vector variance(double[] vector)
 - Java Vector vector 2-norm
 - Java Vector vector subtraction
 - Java Vector w_0(double[] x, double[] y, int n)
 - Java Vector w_1(double[] x, double[] y, int n)
 - Java Vector weightedouterProduct(double[] w, double[] v, double a)
 - Java Vector Wrap degrees between 0 and 360.
 - Java Vector wrapDegrees(final double degrees)
 - Java Vector x_product(double[] ar1, double[] ar2)
 - Java Vector xcomponent(double magnitude, double degrees)
 - Java Vector xVals(double[] vector)
 - Java Vector ycomponent(double magnitude, double degrees)
 - Java Vector yVals(double[] vector)
 - Java vector Compute the cosine distance between two tags vectors.
 - Java vector Compute the scalar product of two vectors
 - Java vector computeCosineDistance(HashMap<String, Double> vectorOne, HashMap<String, Double> vectorTwo)
 - Java vector computeScalarProduct(HashMap<T, Double> vectorOne, HashMap<T, Double> vectorTwo)
 - Java Vector computeZScoreCombination(Vector dataVect)
 - Java vector min(int[] vector)
 - Java vector min(int[] vector, int start, int end)
 - Java vector minIndex(int[] vector)
 - Java vector minIndex(int[] vector, int start, int end)
 - Java vector minIndex(Iterator<Entry<Integer, Double>> iterator)
 - Java Vector normalize(Map<T, Double> dist, double norm)
 - Java Vector product(Map<String, Double> v1, Map<String, Double> v2)
 - Java Vector scalarProduct(Map<T, N> a, Map<T, N> b)
 - Java Vector sub(Vector<Double> a, Vector<Double> b)
 - Java vector Get the index of maximal values randomly
 - Java vector getRandomMaxID(double[] vector)
 - Java vector innerProduct(BigInteger[] vec1, BigInteger[] vec2, BigInteger modulus)
 
PreviousNextRelated