Package | Description |
---|---|
gov.sandia.cognition.collection |
Provides commonly useful collection implementations.
|
gov.sandia.cognition.data.convert.vector |
Provides utilities for doing data type conversion with vectors.
|
gov.sandia.cognition.framework.learning.converter |
Provides implementations of
CogxelConverter s. |
gov.sandia.cognition.framework.lite |
Provides a lightweight implementation of the Cognitive Framework.
|
gov.sandia.cognition.learning.algorithm.annealing |
Provides the Simulated Annealing algorithm.
|
gov.sandia.cognition.learning.algorithm.bayes |
Provides algorithms for computing Bayesian categorizers.
|
gov.sandia.cognition.learning.algorithm.clustering |
Provides clustering algorithms.
|
gov.sandia.cognition.learning.algorithm.clustering.cluster |
Provides implementations of different types of clusters.
|
gov.sandia.cognition.learning.algorithm.clustering.divergence |
Provides divergence functions for use in clustering.
|
gov.sandia.cognition.learning.algorithm.clustering.initializer |
Provides implementations of methods for selecting initial clusters.
|
gov.sandia.cognition.learning.algorithm.confidence |
Provides confidence-weighted categorization algorithms.
|
gov.sandia.cognition.learning.algorithm.delta |
Provides an abstract class for helping to implement variants of the Burrows'
Delta algorithm.
|
gov.sandia.cognition.learning.algorithm.factor.machine |
Provides factorization machine algorithms.
|
gov.sandia.cognition.learning.algorithm.genetic.reproducer |
Provides reproduction functions for use with a Genetic Algorithm.
|
gov.sandia.cognition.learning.algorithm.gradient |
Provides gradient based learning algorithms.
|
gov.sandia.cognition.learning.algorithm.hmm |
Provides hidden Markov model (HMM) algorithms.
|
gov.sandia.cognition.learning.algorithm.minimization |
Provides minimization algorithms.
|
gov.sandia.cognition.learning.algorithm.minimization.line |
Provides line (scalar) minimization algorithms.
|
gov.sandia.cognition.learning.algorithm.minimization.matrix |
Provides matrix solving algorithms.
|
gov.sandia.cognition.learning.algorithm.nearest |
Provides algorithms for Nearest-Neighbor memory-based functions.
|
gov.sandia.cognition.learning.algorithm.pca |
Provides implementations of Principle Components Analysis (PCA).
|
gov.sandia.cognition.learning.algorithm.perceptron |
Provides the Perceptron algorithm and some of its variations.
|
gov.sandia.cognition.learning.algorithm.perceptron.kernel | |
gov.sandia.cognition.learning.algorithm.regression |
Provides regression algorithms, such as Linear Regression.
|
gov.sandia.cognition.learning.algorithm.semisupervised.valence | |
gov.sandia.cognition.learning.algorithm.svm |
Provides implementations of Support Vector Machine (SVM) learning algorithms.
|
gov.sandia.cognition.learning.algorithm.tree |
Provides decision tree learning algorithms.
|
gov.sandia.cognition.learning.data |
Provides data set utilities for learning.
|
gov.sandia.cognition.learning.data.feature |
Provides data feature extractors.
|
gov.sandia.cognition.learning.function |
Provides function objects for learning algorithms.
|
gov.sandia.cognition.learning.function.categorization |
Provides functions that output a discrete set of categories.
|
gov.sandia.cognition.learning.function.cost |
Provides cost functions.
|
gov.sandia.cognition.learning.function.distance |
Provides distance functions.
|
gov.sandia.cognition.learning.function.kernel |
Provides kernel functions.
|
gov.sandia.cognition.learning.function.scalar |
Provides functions that output real numbers.
|
gov.sandia.cognition.learning.function.vector |
Provides functions that output vectors.
|
gov.sandia.cognition.math |
Provides classes for mathematical computation.
|
gov.sandia.cognition.math.geometry |
Provides classes and interfaces for computational geometry.
|
gov.sandia.cognition.math.matrix |
Provides interfaces and classes for linear algebra.
|
gov.sandia.cognition.math.matrix.custom |
Provides a custom linear algebra package implementation for both dense
and sparse classes.
|
gov.sandia.cognition.math.matrix.decomposition |
Provides matrix decompositions.
|
gov.sandia.cognition.math.matrix.mtj |
Provides a linear algebra package implementation wrapper using the Matrix
Toolkits for Java (MTJ) library.
|
gov.sandia.cognition.math.matrix.mtj.decomposition |
Provides matrix decomposition implementations using the Matrix Toolkits for
Java (MTJ) library.
|
gov.sandia.cognition.math.signals |
Provides mathematical signal processing methods.
|
gov.sandia.cognition.statistics |
Provides the inheritance hierarchy for general statistical methods and distributions.
|
gov.sandia.cognition.statistics.bayesian |
Provides algorithms for computing Bayesian estimates of parameters.
|
gov.sandia.cognition.statistics.bayesian.conjugate |
Provides Bayesian estimation routines based on conjugate prior distribution
of parameters of specific conditional distributions.
|
gov.sandia.cognition.statistics.distribution |
Provides statistical distributions.
|
gov.sandia.cognition.statistics.method |
Provides algorithms for evaluating statistical data and conducting statistical inference, particularly frequentist methods.
|
gov.sandia.cognition.statistics.montecarlo |
Provides Monte Carlo procedures for numerical integration and sampling.
|
gov.sandia.cognition.text.term.relation |
Provides relationships between terms.
|
gov.sandia.cognition.text.term.vector |
Provides methods for handling documents represented as term vectors.
|
gov.sandia.cognition.text.term.vector.weighter |
Provides term weighting algorithms.
|
gov.sandia.cognition.text.term.vector.weighter.global |
Provides global term weighting algorithms.
|
gov.sandia.cognition.text.term.vector.weighter.local |
Provides local term weighting algorithms.
|
gov.sandia.cognition.text.term.vector.weighter.normalize |
Provides term weight normalization algorithms.
|
gov.sandia.cognition.text.topic |
Provides topic modeling algorithms.
|
Class and Description |
---|
InfiniteVector.Entry
Entry for a InfiniteVector
|
VectorSpace.Entry
Entry into the VectorSpace
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
VectorOutputEvaluator
An interface for an evaluator that produces a vector of a fixed
dimensionality.
|
Class and Description |
---|
DefaultVectorFactoryContainer
A default implementation of the
VectorFactoryContainer interface. |
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFunction
A vector function is a type of Evaluator that takes a Vector for its input
and output.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorizableVectorFunction
The VectorizableVectorFunction interface defines a useful interface for
doing machine learning, which is a function that takes and returns vectors
and also is parameterizable as a vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFunction
A vector function is a type of Evaluator that takes a Vector for its input
and output.
|
VectorOutputEvaluator
An interface for an evaluator that produces a vector of a fixed
dimensionality.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorizableVectorFunction
The VectorizableVectorFunction interface defines a useful interface for
doing machine learning, which is a function that takes and returns vectors
and also is parameterizable as a vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
VectorFunction
A vector function is a type of Evaluator that takes a Vector for its input
and output.
|
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorOutputEvaluator
An interface for an evaluator that produces a vector of a fixed
dimensionality.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
DiagonalMatrix
Interface describing a diagonal matrix.
|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorOutputEvaluator
An interface for an evaluator that produces a vector of a fixed
dimensionality.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFunction
A vector function is a type of Evaluator that takes a Vector for its input
and output.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
DefaultVectorFactoryContainer
A default implementation of the
VectorFactoryContainer interface. |
DifferentiableVectorFunction
A VectorFunction that can is also differentiable
|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
VectorFunction
A vector function is a type of Evaluator that takes a Vector for its input
and output.
|
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorizableDifferentiableVectorFunction
A VectorizableVectorFunction that also define a derivative
(this is needed for GradientDescendable).
|
VectorizableVectorFunction
The VectorizableVectorFunction interface defines a useful interface for
doing machine learning, which is a function that takes and returns vectors
and also is parameterizable as a vector.
|
VectorOutputEvaluator
An interface for an evaluator that produces a vector of a fixed
dimensionality.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorizableIndexComparator
Compares the given index of two Vectorizables.
|
Class and Description |
---|
AbstractVectorSpace
Partial implementation of VectorSpace
|
DefaultInfiniteVector
An implementation of an
InfiniteVector backed by a
LinkedHashMap . |
DiagonalMatrix
Interface describing a diagonal matrix.
|
DifferentiableVectorFunction
A VectorFunction that can is also differentiable
|
EntryIndexComparator
The EntryIndexComparator interface defines the functionality of a comparator
for index entries.
|
EntryIndexComparator.Compare
Indicates which of two iterators has the lowest index
|
InfiniteVector
A Vector that has a potentially infinite number of indices (keys), but will
only contain a countable number in any instance.
|
InfiniteVector.Entry
Entry for a InfiniteVector
|
InfiniteVector.KeyValueConsumer
Defines the functionality for a consumer of vector entries, which are an
index and a value.
|
Matrix
Defines the base functionality for all implementations of a Matrix
|
MatrixEntry
Interface that specifies the functionality for a matrix entry
|
MatrixFactory
Abstract factory for creating
Matrix objects. |
NumericalDifferentiator
Automatically differentiates a function by the method of forward differences.
|
Quaternion
Interface for a mathematical quaternion, which represents rotations using
four dimensions.
|
SparseVectorFactory
Abstract factory class for creating sparse vectors.
|
TwoMatrixEntry
Interface that specifies the functionality for a class that stores entries
for two matrices
|
TwoVectorEntry
Interface that specifies the functionality for a class that stores entries
for two vectors
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vector.IndexValueConsumer
Defines the functionality for a consumer of vector entries, which are an
index and a value.
|
Vector.IndexValueTransform
Defines the functionality for a transform of vector entries, which are an
index and a value and return the new value.
|
Vector1D
An interface for a 1-dimensional vector.
|
Vector2D
An interface for a 2-dimensional vector.
|
Vector3D
An interface for a 3-dimensional vector.
|
VectorEntry
Interface the specifies the functionality that a VectorEntry should have
|
VectorEntryIndexComparator
An index comparator for VectorEntry objects.
|
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
VectorFunction
A vector function is a type of Evaluator that takes a Vector for its input
and output.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorizableIndexComparator
Compares the given index of two Vectorizables.
|
VectorizableVectorFunction
The VectorizableVectorFunction interface defines a useful interface for
doing machine learning, which is a function that takes and returns vectors
and also is parameterizable as a vector.
|
VectorReader
Reads a Vector from a single line in a file
|
VectorSpace
In the Foundry, a VectorSpace is a type of Ring that we can perform
Vector-like operations on: norm, distances between Vectors, etc.
|
VectorSpace.Entry
Entry into the VectorSpace
|
Class and Description |
---|
AbstractMatrix
Abstract implementation of some low-hanging functions in the Matrix
interface.
|
AbstractVector
Abstract implementation of some of the Vector interface, in a storage-free
manner
|
AbstractVectorSpace
Partial implementation of VectorSpace
|
Matrix
Defines the base functionality for all implementations of a Matrix
|
MatrixEntry
Interface that specifies the functionality for a matrix entry
|
MatrixFactory
Abstract factory for creating
Matrix objects. |
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vector1D
An interface for a 1-dimensional vector.
|
Vector2D
An interface for a 2-dimensional vector.
|
Vector3D
An interface for a 3-dimensional vector.
|
VectorEntry
Interface the specifies the functionality that a VectorEntry should have
|
VectorFactory
Abstract factory for creating
Vector objects. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorSpace
In the Foundry, a VectorSpace is a type of Ring that we can perform
Vector-like operations on: norm, distances between Vectors, etc.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
AbstractMatrix
Abstract implementation of some low-hanging functions in the Matrix
interface.
|
AbstractVector
Abstract implementation of some of the Vector interface, in a storage-free
manner
|
AbstractVectorSpace
Partial implementation of VectorSpace
|
DiagonalMatrix
Interface describing a diagonal matrix.
|
EntryIndexComparator
The EntryIndexComparator interface defines the functionality of a comparator
for index entries.
|
EntryIndexComparator.Compare
Indicates which of two iterators has the lowest index
|
Matrix
Defines the base functionality for all implementations of a Matrix
|
MatrixEntry
Interface that specifies the functionality for a matrix entry
|
MatrixFactory
Abstract factory for creating
Matrix objects. |
MatrixReader
Reads a Matrix from the specified reader.
|
MatrixUnionIterator
Iterator that stops at all nonzero entries for EITHER underlying matrix
|
SparseVectorFactory
Abstract factory class for creating sparse vectors.
|
TwoMatrixEntry
Interface that specifies the functionality for a class that stores entries
for two matrices
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vector.IndexValueConsumer
Defines the functionality for a consumer of vector entries, which are an
index and a value.
|
Vector.IndexValueTransform
Defines the functionality for a transform of vector entries, which are an
index and a value and return the new value.
|
Vector1D
An interface for a 1-dimensional vector.
|
Vector2D
An interface for a 2-dimensional vector.
|
Vector3D
An interface for a 3-dimensional vector.
|
VectorEntry
Interface the specifies the functionality that a VectorEntry should have
|
VectorFactory
Abstract factory for creating
Vector objects. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorReader
Reads a Vector from a single line in a file
|
VectorSpace
In the Foundry, a VectorSpace is a type of Ring that we can perform
Vector-like operations on: norm, distances between Vectors, etc.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFunction
A vector function is a type of Evaluator that takes a Vector for its input
and output.
|
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorizableVectorFunction
The VectorizableVectorFunction interface defines a useful interface for
doing machine learning, which is a function that takes and returns vectors
and also is parameterizable as a vector.
|
VectorOutputEvaluator
An interface for an evaluator that produces a vector of a fixed
dimensionality.
|
Class and Description |
---|
InfiniteVector
A Vector that has a potentially infinite number of indices (keys), but will
only contain a countable number in any instance.
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
MatrixFactory
Abstract factory for creating
Matrix objects. |
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
DefaultVectorFactoryContainer
A default implementation of the
VectorFactoryContainer interface. |
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
Class and Description |
---|
DefaultVectorFactoryContainer
A default implementation of the
VectorFactoryContainer interface. |
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
Class and Description |
---|
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
Class and Description |
---|
Matrix
Defines the base functionality for all implementations of a Matrix
|
MatrixFactory
Abstract factory for creating
Matrix objects. |
Vector
The
Vector interface defines the operations that are expected
on a mathematical vector. |
VectorFactory
Abstract factory for creating
Vector objects. |
VectorFactoryContainer
Interface for a container for a vector factory.
|
VectorInputEvaluator
An interface for an evaluator that takes a vector of a fixed dimensionality.
|
Vectorizable
The Vectorizable interface is an interface for an object that can be
converted to and from a Vector.
|
VectorOutputEvaluator
An interface for an evaluator that produces a vector of a fixed
dimensionality.
|