Modifier and Type | Method and Description |
---|---|
DoubleVector |
Beagle.getVector(String term)
Returns the semantic vector for the provided word.
|
Constructor and Description |
---|
Beagle(int vectorSize,
Beagle.SemanticType semanticType,
Map<String,DoubleVector> vectorMap) |
Beagle(int vectorSize,
Map<String,DoubleVector> vectorMap) |
Modifier and Type | Class and Description |
---|---|
class |
CentroidCluster<T extends DoubleVector>
This
Cluster represents only the centroid of the data points assigned
to it. |
interface |
Cluster<T extends DoubleVector>
An interface for representing a single cluster, which is composed of several
data points.
|
interface |
OnlineClustering<T extends DoubleVector>
An interface for any Online clustering implementation.
|
class |
OnlineKMeans<T extends DoubleVector>
A
Generator class for generating a new OnlineKMeansClustering
instance. |
class |
OnlineKMeans.OnlineKMeansClustering<T extends DoubleVector>
A simple online implementation of K-Means clustering for
Vector s,
with the option to perform agglomerative clustering once all elements
have been clustered. |
class |
StreamingKMeans<T extends DoubleVector>
An implementation of a simple, highly accurate streaming K Means algorithm.
|
class |
StreamingKMeans.StreamingKMeansClustering<T extends DoubleVector>
The internal
OnlineClustering implementation. |
class |
SynchronizedCluster<T extends DoubleVector>
A synchronized decorator for
Cluster s. |
Modifier and Type | Field and Description |
---|---|
protected DoubleVector |
BaseSpectralCut.matrixRowSums
The centroid of the entire data set.
|
protected DoubleVector |
BaseSpectralCut.rho
The sum similarity values from each data point to all other data points,
which is equivalent to the simiarltiy between each data point and the
centroid of the entire data set.
|
Modifier and Type | Method and Description |
---|---|
protected static <T extends Matrix> |
BaseSpectralCut.computeMatrixRowSum(T matrix)
Compute the row sums of the values in
matrix and returns the
values in a vector of length matrix.columns() . |
protected static DoubleVector |
BaseSpectralCut.computeMatrixTransposeV(Matrix matrix,
DoubleVector v)
Returns the dot product between the transpose of a given matrix and a
given vector.
|
DoubleVector |
EigenCut.computeRhoSum(Matrix matrix)
Computes the similarity between each data point and centroid of the data
set.
|
DoubleVector |
BaseSpectralCut.computeRhoSum(Matrix matrix)
Computes the similarity between each data point and centroid of the data
set.
|
protected abstract DoubleVector |
BaseSpectralCut.computeSecondEigenVector(Matrix matrix,
int vectorLength)
Returns a
DoubleVector representing the secord largest eigen
vector for the data set. |
protected DoubleVector |
CKVWSpectralClustering03.SpectralCut.computeSecondEigenVector(Matrix matrix,
int vectorLength)
Returns a
DoubleVector representing the secord largest eigen
vector for the data set. |
protected DoubleVector |
CKVWSpectralClustering06.SuperSpectralCut.computeSecondEigenVector(Matrix matrix,
int vectorLength)
Returns a
DoubleVector representing the secord largest eigen
vector for the data set. |
DoubleVector[] |
Assignments.getCentroids()
Returns an array of dense centroid vectors of each discovered cluster
which are scaled according the the number of data points asisgned to that
cluster.
|
protected static DoubleVector |
BaseSpectralCut.orthonormalize(DoubleVector v,
DoubleVector other)
|
Modifier and Type | Method and Description |
---|---|
protected static int |
BaseSpectralCut.computeCut(Matrix matrix,
DoubleVector rho,
double rhoSum,
DoubleVector matrixRowSums)
Returns the index at which
matrix should be cut such that the
conductance between the two partitions is minimized. |
protected static void |
BaseSpectralCut.computeMatrixDotV(Matrix matrix,
DoubleVector newV,
DoubleVector v)
Computes the dot product between a given matrix and a given vector
newV . |
protected static DoubleVector |
BaseSpectralCut.computeMatrixTransposeV(Matrix matrix,
DoubleVector v)
Returns the dot product between the transpose of a given matrix and a
given vector.
|
protected static DoubleVector |
BaseSpectralCut.orthonormalize(DoubleVector v,
DoubleVector other)
|
Modifier and Type | Field and Description |
---|---|
protected DoubleVector[] |
BaseFunction.centroids
The centroids representing each cluster.
|
protected DoubleVector[] |
HybridBaseFunction.centroids
The centroids representing each cluster.
|
protected DoubleVector |
HybridBaseFunction.completeCentroid
The summation vector of all data points.
|
Modifier and Type | Field and Description |
---|---|
protected List<DoubleVector> |
BaseFunction.matrix
The
Matrix holding the data points. |
protected List<DoubleVector> |
HybridBaseFunction.matrix
The
Matrix holding the data points. |
Modifier and Type | Method and Description |
---|---|
DoubleVector[] |
CriterionFunction.centroids()
Returns the final set of centroids computed for the dataset passed to
setup . |
DoubleVector[] |
BaseFunction.centroids()
Returns the final set of centroids computed for the dataset passed to
setup . |
DoubleVector[] |
HybridBaseFunction.centroids()
Returns the final set of centroids computed for the dataset passed to
setup . |
protected static DoubleVector |
BaseFunction.subtract(DoubleVector c,
DoubleVector v)
Returns a
DoubleVector that is equal to c - v . |
Modifier and Type | Method and Description |
---|---|
protected double |
I2Function.getNewCentroidScore(int newCentroidIndex,
DoubleVector dataPoint)
Returns the new score for the cluster centroid indexed by
newCentroidIndex when dataPoint is added to it. |
protected abstract double |
BaseFunction.getNewCentroidScore(int newCentroidIndex,
DoubleVector dataPoint)
Returns the new score for the cluster centroid indexed by
newCentroidIndex when dataPoint is added to it. |
protected double |
E1Function.getNewCentroidScore(int newCentroidIndex,
DoubleVector dataPoint)
Returns the new score for the cluster centroid indexed by
newCentroidIndex when dataPoint is added to it. |
protected double |
I1Function.getNewCentroidScore(int newCentroidIndex,
DoubleVector dataPoint)
Returns the new score for the cluster centroid indexed by
newCentroidIndex when dataPoint is added to it. |
protected double |
G1Function.getNewCentroidScore(int newCentroidIndex,
DoubleVector dataPoint) |
protected double |
I2Function.getOldCentroidScore(DoubleVector vector,
int oldCentroidIndex,
int altClusterSize)
Returns the new score for the cluster centroid represented by
altCurrentCentroid with the new altClusterSize . |
protected abstract double |
BaseFunction.getOldCentroidScore(DoubleVector vector,
int oldCentroidIndex,
int altClusterSize)
Returns the new score for the cluster centroid represented by
altCurrentCentroid with the new altClusterSize . |
protected double |
E1Function.getOldCentroidScore(DoubleVector vector,
int oldCentroidIndex,
int altClusterSize)
Returns the new score for the cluster centroid represented by
altCurrentCentroid with the new altClusterSize . |
protected double |
I1Function.getOldCentroidScore(DoubleVector vector,
int oldCentroidIndex,
int altClusterSize)
Returns the new score for the cluster centroid represented by
altCurrentCentroid with the new altClusterSize . |
protected double |
G1Function.getOldCentroidScore(DoubleVector vector,
int oldCentroidIndex,
int altClusterSize)
Returns the new score for the cluster centroid represented by
altCurrentCentroid with the new altClusterSize . |
protected static double |
BaseFunction.modifiedMagnitude(DoubleVector c,
DoubleVector v)
Returns the magnitude of
c as if v was added to the the
vector. |
protected static double |
BaseFunction.modifiedMagnitudeSqrd(DoubleVector c,
DoubleVector v)
Returns the magnitude squared of
c as if v was added to
the vector. |
protected static DoubleVector |
BaseFunction.subtract(DoubleVector c,
DoubleVector v)
Returns a
DoubleVector that is equal to c - v . |
protected static double |
BaseFunction.subtractedMagnitude(DoubleVector c,
DoubleVector v)
Returns the magnitude of
c as if v was added to the the
vector. |
protected static double |
BaseFunction.subtractedMagnitudeSqrd(DoubleVector c,
DoubleVector v)
Returns the magnitude squared of
c as if v was added to
the vector. |
protected void |
BaseFunction.updateScores(int newCentroidIndex,
int oldCentroidIndex,
DoubleVector vector) |
protected void |
E1Function.updateScores(int newCentroidIndex,
int oldCentroidIndex,
DoubleVector vector) |
protected void |
G1Function.updateScores(int newCentroidIndex,
int oldCentroidIndex,
DoubleVector vector) |
Modifier and Type | Method and Description |
---|---|
DoubleVector[] |
OrssSeed.chooseSeeds(int numCentroids,
Matrix dataPoints)
Returns an array of length
numCentroids that contains centroids
composed of either vectors from dataPoints or a linear combination
of vectors from dataPoints . |
DoubleVector[] |
KMeansPlusPlusSeed.chooseSeeds(int numCentroids,
Matrix dataPoints)
Selects the best scattered
numCentroids data points from dataPoints . |
DoubleVector[] |
GeneralizedOrssSeed.chooseSeeds(int k,
Matrix dataPoints)
Selects
k rows of dataPoints to be seeds of a
k-means instance. |
DoubleVector[] |
RandomSeed.chooseSeeds(int numCentroids,
Matrix dataPoints)
Returns an array of length
numCentroids that contains centroids
composed of either vectors from dataPoints or a linear combination
of vectors from dataPoints . |
DoubleVector[] |
KMeansSeed.chooseSeeds(int numCentroids,
Matrix dataPoints)
Returns an array of length
numCentroids that contains centroids
composed of either vectors from dataPoints or a linear combination
of vectors from dataPoints . |
DoubleVector[] |
GeneralizedOrssSeed.chooseSeeds(Matrix dataPoints,
int k,
int[] weights)
Selects
k rows of dataPoints , weighted by the specified
amount, to be seeds of a k-means instance. |
Modifier and Type | Method and Description |
---|---|
DoubleVector |
DocumentVectorBuilder.buildVector(BufferedReader document,
DoubleVector documentVector)
Represent a document as the summation of term Vectors.
|
Modifier and Type | Method and Description |
---|---|
void |
DocumentVectorBuilder.add(DoubleVector dest,
Vector src,
int factor) |
DoubleVector |
DocumentVectorBuilder.buildVector(BufferedReader document,
DoubleVector documentVector)
Represent a document as the summation of term Vectors.
|
static double |
Similarity.correlation(DoubleVector arr1,
DoubleVector arr2)
Returns the Pearson product-moment correlation coefficient of the two
Vector s. |
static double |
Similarity.correlation(IntegerVector arr1,
DoubleVector arr2)
Returns the Pearson product-moment correlation coefficient of the two
Vector s. |
static double |
Similarity.cosineSimilarity(DoubleVector a,
DoubleVector b)
Returns the cosine similarity of the two
DoubleVector . |
static double |
Similarity.euclideanDistance(DoubleVector a,
DoubleVector b)
Returns the euclidian distance between two
DoubleVector s. |
static double |
Similarity.goodmanKruskalGamma(DoubleVector a,
DoubleVector b)
Computes the Goodman-Kruskal
Gamma coefficient, which is preferrable to Kendall's τ and
Spearman's ρ when there are many ties in the data.
|
static double |
Similarity.jaccardIndex(DoubleVector a,
DoubleVector b)
Computes the Jaccard
index comparing the similarity both
DoubleVector s when viewed
as sets of samples. |
static double |
Similarity.kendallsTau(DoubleVector a,
DoubleVector b)
Computes Kendall's
tau of the values in the two vectors.
|
static double |
Similarity.klDivergence(DoubleVector a,
DoubleVector b)
Computes the K-L Divergence of two probability distributions
A
and B where the vectors a and b correspond to
n samples from each respective distribution. |
static double |
Similarity.linSimilarity(DoubleVector a,
DoubleVector b)
Computes the lin similarity measure, which is motivated by information
theory priniciples.
|
static double |
Similarity.spearmanRankCorrelationCoefficient(DoubleVector a,
DoubleVector b)
Computes the Spearman rank correlation coefficient for the two
DoubleVector s. |
static double |
Similarity.tanimotoCoefficient(DoubleVector a,
DoubleVector b)
Returns the Tanimoto coefficient of the two
DoubleVector instances. |
Modifier and Type | Method and Description |
---|---|
static void |
FastFourierTransform.backtransform(DoubleVector data)
Compute the (unnomalized) inverse FFT of data, leaving it in place.
|
static void |
FastFourierTransform.bitreverse(DoubleVector data,
int i0,
int stride)
This is the Gold rader bit-reversal algorithm
|
static void |
FastFourierTransform.transform(DoubleVector data)
Compute the Fast Fourier Transform of data leaving the result in data.
|
Modifier and Type | Interface and Description |
---|---|
interface |
DoubleVectorGenerator<T extends DoubleVector>
An interface for classes which will maintain and generate random
DoubleVector s. |
Modifier and Type | Method and Description |
---|---|
DoubleVector |
RandomOrthogonalVectorGenerator.generate() |
DoubleVector |
GaussianVectorGenerator.generate()
Generate a new random vector using a guassian distribution for each
value.
|
Constructor and Description |
---|
RandomOrthogonalVectorGenerator(int vectorLength,
DoubleVector originalVector)
Contructs this instance using the system properties and the provided
intial vector.
|
RandomOrthogonalVectorGenerator(int vectorLength,
Properties properties,
DoubleVector originalVector)
Constructs this instance using the provided properties and uses an
initial vector.
|
Modifier and Type | Method and Description |
---|---|
DoubleVector |
LatentSemanticAnalysis.getDocumentVector(int documentNumber)
Returns the semantics of the document as represented by a numeric vector.
|
Modifier and Type | Method and Description |
---|---|
static <T extends DoubleVector> |
Matrices.asMatrix(List<T> vectors)
Returns a
Matrix from a list of DoubleVector s. |
Modifier and Type | Method and Description |
---|---|
DoubleVector |
Matrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
ArrayMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
CellMaskedMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
TransposedMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
OnDiskMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
RowScaledMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
SynchronizedMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
RowMaskedMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
AtomicGrowingMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
SymmetricMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
AbstractMatrix.getColumnVector(int column)
Returns the column as a vector.
|
DoubleVector |
AtomicGrowingMatrix.getColumnVectorUnsafe(int column)
Returns an immutable view of the columns's data as a non-atomic vector,
which may present an inconsistent view of the data if this matrix is
being concurrently modified.
|
DoubleVector |
Matrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
ArrayMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
CellMaskedMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
TransposedMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
OnDiskMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
RowScaledMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
SynchronizedMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
RowMaskedMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
AtomicGrowingMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
SymmetricMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
abstract DoubleVector |
AbstractMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
DoubleVector |
AtomicGrowingMatrix.getRowVectorUnsafe(int row)
Returns an immutable view of the row's data as a non-atomic vector, which
may present an inconsistent view of the data if this matrix is being
concurrently modified.
|
Modifier and Type | Method and Description |
---|---|
void |
AtomicGrowingSparseHashMatrix.setColumn(int column,
DoubleVector rowValues)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
Matrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
SynchronizedSparseMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
ArrayMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
CellMaskedMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
TransposedMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
SparseOnDiskMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
OnDiskMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
AtomicGrowingSparseMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
GrowingSparseMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
RowScaledMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
SynchronizedMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
DiagonalMatrix.setColumn(int column,
DoubleVector vector)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
YaleSparseMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
RowMaskedMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
AtomicGrowingMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
AbstractMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
AtomicGrowingSparseHashMatrix.setRow(int row,
DoubleVector colValues)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
Matrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
SynchronizedSparseMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
ArrayMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
CellMaskedMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
TransposedMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
SparseOnDiskMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
OnDiskMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
AtomicGrowingSparseMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
GrowingSparseMatrix.setRow(int row,
DoubleVector columns)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
RowScaledMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
SynchronizedMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
DiagonalMatrix.setRow(int row,
DoubleVector vector)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
YaleSparseMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
RowMaskedMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
AtomicGrowingMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
void |
AbstractMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
Constructor and Description |
---|
RowScaledMatrix(Matrix matrix,
DoubleVector v)
Creates a
RowScaledMatrix that provides scaled read only access
to the provided Matrix instance. |
RowScaledSparseMatrix(SparseMatrix matrix,
DoubleVector v)
Creates a
RowScaledSparseMatrix that provides scaled read only
access to the provided SparseMatrix instance. |
Modifier and Type | Method and Description |
---|---|
DoubleVector |
PurandareFirstOrder.getVector(String word)
Returns the semantic vector for the provided word.
|
Modifier and Type | Method and Description |
---|---|
double |
CosineSimilarity.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
EuclideanSimilarity.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
JaccardIndex.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
TanimotoCoefficient.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
DotProduct.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
KLDivergence.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
GaussianKernel.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
LinSimilarity.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
OneSimilarity.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
SimilarityFunction.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
KendallsTau.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
AverageCommonFeatureRank.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
PearsonCorrelation.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
SpearmanRankCorrelation.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
double |
PolynomialKernel.sim(DoubleVector v1,
DoubleVector v2)
Returns the similarity between
v1 and v2 . |
Modifier and Type | Method and Description |
---|---|
DoubleVector |
BasisMaker.OccurrenceCounter.getVector(String word)
Returns the semantic vector for the provided word.
|
DoubleVector |
DependencyBasisMaker.OccurrenceCounter.getVector(String word)
Returns the semantic vector for the provided word.
|
Modifier and Type | Method and Description |
---|---|
DoubleVector |
SemanticSpaceMatrix.getRowVector(int row)
Returns a
DoubleVector for an entire row. |
Modifier and Type | Method and Description |
---|---|
void |
SemanticSpaceMatrix.setColumn(int column,
DoubleVector values)
Sets the values for the column of this
Matrix using the provided
DoubleVector . |
void |
SemanticSpaceMatrix.setRow(int row,
DoubleVector values)
Sets the values for the row of this
Matrix using the provided
DoubleVector . |
Modifier and Type | Interface and Description |
---|---|
interface |
SparseDoubleVector
An interface for sparse
DoubleVector instances. |
Modifier and Type | Class and Description |
---|---|
class |
AbstractDoubleVector
An abstract base class that provides default implementations of common
methods in
DoubleVector . |
class |
AmortizedSparseVector
An implementation of a sparse vector based on the Yale Sparse matrix format.
|
class |
AtomicSparseVector
A decorator of a
Vector which provides atomic concurrent access to
another Vector . |
class |
AtomicVector
A decorator of a
Vector which provides atomic concurrent access to
another Vector . |
class |
CompactSparseVector
A
Vector instance that keeps only the non-zero values in memory,
thereby saving space at the expense of time. |
class |
DenseDynamicMagnitudeVector
A
Vector where all values are held in memory. |
class |
DenseVector
A
Vector where all values are held in memory. |
class |
MaskedDoubleVectorView
A decorator that masked view of a
Vector through the use of a mapping
from new column indices to original column indices. |
class |
MaskedSparseDoubleVectorView
A decorator that masked view of a
SparseVector through the use of a
mapping from new column indices to original column indices. |
class |
ScaledDoubleVector
A decorator for
DoubleVector s that scales every value in a given
DoubleVector by some non zero scale. |
class |
ScaledSparseDoubleVector
A decorator for
SparseDoubleVector s that scales every value in a
given DoubleVector by some non zero scale. |
class |
SparseHashDoubleVector
A
SparseVector implementation backed by a Map . |
Modifier and Type | Method and Description |
---|---|
static DoubleVector |
VectorMath.add(DoubleVector vector1,
DoubleVector vector2)
Adds the second
DoubleVector to the first DoubleVector
and returns the result. |
static DoubleVector |
VectorMath.addUnmodified(DoubleVector vector1,
DoubleVector vector2)
Returns a new
DoubleVector which is the summation of vector2 and vector1 . |
static DoubleVector |
Vectors.asDouble(Vector v)
Returns a view over the given
Vector as a DoubleVector . |
static DoubleVector |
Vectors.asVector(double[] array)
Returns a vector backed by the specified array.
|
static DoubleVector |
Vectors.atomic(DoubleVector vector)
Returns a thread-safe version of a
DoubleVector that guarantees
atomic access to all operations. |
static DoubleVector |
Vectors.copyOf(DoubleVector source)
Creates a copy of a given
DoubleVector with the same type as the
original. |
DoubleVector |
ScaledDoubleVector.getBackingVector()
Returns the vector whose values are scaled by this instance
|
DoubleVector |
MaskedDoubleVectorView.getOriginalVector()
Returns the original vector that this view is wrapping.
|
DoubleVector |
AtomicVector.getVector()
Returns the
DoubleVector that backs this instance. |
static DoubleVector |
Vectors.immutable(DoubleVector vector)
Returns an immutable view of the given
DoubleVector . |
static DoubleVector |
VectorMath.multiply(DoubleVector left,
DoubleVector right)
Multiply the values in
left and right and store the
product in left . |
static DoubleVector |
VectorMath.multiplyUnmodified(DoubleVector left,
DoubleVector right)
Multiply the values in
left and right and store the
product in a new Vector . |
static DoubleVector |
Vectors.scaleByMagnitude(DoubleVector vector) |
static DoubleVector |
Vectors.scaleByMagnitude(SparseDoubleVector vector) |
static DoubleVector |
VectorMath.subtract(DoubleVector vector1,
DoubleVector vector2)
Subtracts the second
DoubleVector from the first DoubleVector and returns the result. |
static DoubleVector |
Vectors.subview(DoubleVector vector,
int offset,
int length)
Returns a subview for the given
DoubleVector with a specified
offset and length. |
static DoubleVector |
Vectors.synchronizedVector(DoubleVector vector)
Returns a syncrhonized view of a given
DoubleVector . |
Modifier and Type | Method and Description |
---|---|
static DoubleVector |
VectorMath.add(DoubleVector vector1,
DoubleVector vector2)
Adds the second
DoubleVector to the first DoubleVector
and returns the result. |
static DoubleVector |
VectorMath.addUnmodified(DoubleVector vector1,
DoubleVector vector2)
Returns a new
DoubleVector which is the summation of vector2 and vector1 . |
static Vector |
VectorMath.addWithScalars(DoubleVector vector1,
double weight1,
DoubleVector vector2,
double weight2)
Adds two
DoubleVector s with some scalar weight for each DoubleVector . |
static DoubleVector |
Vectors.atomic(DoubleVector vector)
Returns a thread-safe version of a
DoubleVector that guarantees
atomic access to all operations. |
static DoubleVector |
Vectors.copyOf(DoubleVector source)
Creates a copy of a given
DoubleVector with the same type as the
original. |
static double |
VectorMath.dotProduct(DoubleVector a,
DoubleVector b)
Computes the dot product,
a Tb of the two
vectors. |
static boolean |
Vectors.equals(DoubleVector v1,
DoubleVector v2)
Returns
true if the two vectors are equal to one another. |
static DoubleVector |
Vectors.immutable(DoubleVector vector)
Returns an immutable view of the given
DoubleVector . |
static DoubleVector |
VectorMath.multiply(DoubleVector left,
DoubleVector right)
Multiply the values in
left and right and store the
product in left . |
static DoubleVector |
VectorMath.multiplyUnmodified(DoubleVector left,
DoubleVector right)
Multiply the values in
left and right and store the
product in a new Vector . |
static DoubleVector |
Vectors.scaleByMagnitude(DoubleVector vector) |
static DoubleVector |
VectorMath.subtract(DoubleVector vector1,
DoubleVector vector2)
Subtracts the second
DoubleVector from the first DoubleVector and returns the result. |
static DoubleVector |
Vectors.subview(DoubleVector vector,
int offset,
int length)
Returns a subview for the given
DoubleVector with a specified
offset and length. |
static DoubleVector |
Vectors.synchronizedVector(DoubleVector vector)
Returns a syncrhonized view of a given
DoubleVector . |
Constructor and Description |
---|
AtomicVector(DoubleVector v)
Creates a new
AtomicVector decorating an already existing Vector . |
DenseDynamicMagnitudeVector(DoubleVector v)
Create a
DenseDynamicMagnitudeVector by copying the values from
another Vector . |
DenseVector(DoubleVector v)
Create a
DenseVector by copying the values from another Vector . |
MaskedDoubleVectorView(DoubleVector v,
int[] columnMask)
Creates a new
DoubleVector view of the data in the provided
DoubleVector . |
ScaledDoubleVector(DoubleVector vector,
double scale)
Creates a new
ScaledDoubleVector that decorates a given DoubleVector by scaling each value in vector by scale . |
SparseHashDoubleVector(DoubleVector values) |
Copyright © 2012. All Rights Reserved.