Skip navigation links
A B C D E F G H I J K L M N O P Q R S T U V W X Y Z 

V

V - Variable in class gov.sandia.cognition.math.matrix.custom.DenseMatrix.SVD
The right basis matrix.
ValenceSpreader<TermType extends java.lang.Comparable<TermType>,DocIdType extends java.lang.Comparable<DocIdType>> - Class in gov.sandia.cognition.text.algorithm
This class serves as a wrapper for the MultipartiteValenceMatrix class to simplify the interface for the most common valence task: Ranking a set of documents based on a small set of scored documents and/or a set of scored terms.
ValenceSpreader() - Constructor for class gov.sandia.cognition.text.algorithm.ValenceSpreader
Creates an empty valence spreader.
ValenceSpreader.Result<TermType,DocIdType> - Class in gov.sandia.cognition.text.algorithm
The return type from running the spreadValence methods.
validationData - Variable in class gov.sandia.cognition.learning.performance.AnytimeBatchLearnerValidationPerformanceReporter
The validation dataset to use.
ValidationFoldCreator<InputDataType,FoldDataType> - Interface in gov.sandia.cognition.learning.experiment
The ValidationFoldCreator interface defines the functionality for an object that can create a collection of folds for a validation experiment where a set of data is split into training and testing sets multiple times.
value - Variable in class gov.sandia.cognition.collection.AbstractLogNumberMap.SimpleEntry
Value associated with the entry
value - Variable in class gov.sandia.cognition.collection.AbstractMutableDoubleMap.SimpleEntry
Value associated with the entry
value - Variable in class gov.sandia.cognition.learning.algorithm.baseline.ConstantLearner
The result of learning.
value - Variable in class gov.sandia.cognition.learning.algorithm.tree.RegressionTreeNode
The value stored at the tree node.
value - Variable in class gov.sandia.cognition.learning.data.DefaultValueDiscriminantPair
The value.
value - Variable in class gov.sandia.cognition.learning.function.ConstantEvaluator
The output value.
value - Variable in class gov.sandia.cognition.math.geometry.KDTree
VectorType,DataType value for this node of the subtree.
value - Variable in class gov.sandia.cognition.math.MutableDouble
The value.
value - Variable in class gov.sandia.cognition.math.MutableInteger
The value.
value - Variable in class gov.sandia.cognition.math.MutableLong
The value.
value - Variable in class gov.sandia.cognition.util.DefaultIdentifiedValue
The value.
value - Variable in class gov.sandia.cognition.util.DefaultKeyValuePair
The value part in the pair, which is the second element.
value - Variable in class gov.sandia.cognition.util.DefaultNamedValue
The value.
value - Variable in class gov.sandia.cognition.util.DefaultTemporalValue
The value associated with the time.
value - Variable in class gov.sandia.cognition.util.DefaultWeightedValue
The value.
ValueClamper<DataType extends java.lang.Comparable<DataType>> - Class in gov.sandia.cognition.evaluator
An evaluator that clamps a number between minimum and maximum values.
ValueClamper() - Constructor for class gov.sandia.cognition.evaluator.ValueClamper
Creates a new ValueClamper.
ValueClamper(DataType, DataType) - Constructor for class gov.sandia.cognition.evaluator.ValueClamper
Creates a new ValueClamper with the given minimum and maximum values.
ValueDiscriminantPair<ValueType,DiscriminantType extends java.lang.Comparable<? super DiscriminantType>> - Interface in gov.sandia.cognition.learning.data
Interface for a pair of a value and a discriminant for ordering instances that have the same value.
valueList - Variable in class gov.sandia.cognition.collection.DefaultIndexer
The list of values, which can be accessed by index.
valueList() - Method in class gov.sandia.cognition.collection.DefaultIndexer
 
valueList() - Method in interface gov.sandia.cognition.collection.Indexer
Gets the list of values in the index.
valueMap - Variable in class gov.sandia.cognition.evaluator.ValueMapper
The map to use to map input values to output values.
ValueMapper<InputType,OutputType> - Class in gov.sandia.cognition.evaluator
An evaluator that uses a map to map input values to their appropriate output values.
ValueMapper() - Constructor for class gov.sandia.cognition.evaluator.ValueMapper
Creates a new ValueMapper.
ValueMapper(Map<InputType, OutputType>) - Constructor for class gov.sandia.cognition.evaluator.ValueMapper
Creates a new ValueMapper with the given map.
valueOf(String) - Static method in enum gov.sandia.cognition.annotation.PublicationType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum gov.sandia.cognition.annotation.SoftwareLicenseType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum gov.sandia.cognition.framework.SemanticIdentifierMapEventType
Returns the enum constant of this type with the specified name.
valueOf(char) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
Returns the hex value of the given character
valueOf(String) - Static method in enum gov.sandia.cognition.io.ProcessLauncherEvent.EventType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum gov.sandia.cognition.math.matrix.EntryIndexComparator.Compare
Returns the enum constant of this type with the specified name.
values() - Static method in enum gov.sandia.cognition.annotation.PublicationType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum gov.sandia.cognition.annotation.SoftwareLicenseType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Method in class gov.sandia.cognition.collection.DynamicArrayMap
 
values - Variable in class gov.sandia.cognition.data.convert.vector.UniqueBooleanVectorEncoder
The set of possible unique values.
values() - Static method in enum gov.sandia.cognition.framework.SemanticIdentifierMapEventType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum gov.sandia.cognition.io.ProcessLauncherEvent.EventType
Returns an array containing the constants of this enum type, in the order they are declared.
values - Variable in class gov.sandia.cognition.learning.function.distance.DivergencesEvaluator
The data to evaluate the divergence from.
values - Variable in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Part of the compressed Yale format.
values() - Static method in enum gov.sandia.cognition.math.matrix.EntryIndexComparator.Compare
Returns an array containing the constants of this enum type, in the order they are declared.
valuesAsList() - Method in class gov.sandia.cognition.math.matrix.AbstractMatrix
 
valuesAsList() - Method in class gov.sandia.cognition.math.matrix.AbstractVector
 
valuesAsList() - Method in interface gov.sandia.cognition.math.matrix.Matrix
Returns a column-stacked view of this matrix as a list.
valuesAsList() - Method in interface gov.sandia.cognition.math.matrix.Vector
Gets a view of this vector as a list.
valueSet() - Method in class gov.sandia.cognition.collection.DefaultIndexer
 
valueSet() - Method in interface gov.sandia.cognition.collection.Indexer
Gets the set of values in the index.
valueToIndexMap - Variable in class gov.sandia.cognition.collection.DefaultIndexer
The mapping of values to their indices.
variance - Variable in class gov.sandia.cognition.learning.data.feature.StandardDistributionNormalizer
The variance for normalization.
variance - Variable in class gov.sandia.cognition.learning.function.categorization.DiagonalConfidenceWeightedBinaryCategorizer
The variance values, which is the diagonal of the covariance matrix.
VARIANCE - Static variable in class gov.sandia.cognition.statistics.distribution.KolmogorovDistribution
Value of the variance, found empirically, as I can't seem to find the answer in any reference I can get my hands on, 0.06759934611527044.
variance - Variable in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
Second central moment (square of standard deviation) of the distribution
Vector - Interface in gov.sandia.cognition.math.matrix
The Vector interface defines the operations that are expected on a mathematical vector.
Vector.IndexValueConsumer - Interface in gov.sandia.cognition.math.matrix
Defines the functionality for a consumer of vector entries, which are an index and a value.
Vector.IndexValueTransform - Interface in gov.sandia.cognition.math.matrix
Defines the functionality for a transform of vector entries, which are an index and a value and return the new value.
Vector1 - Class in gov.sandia.cognition.math.matrix.mtj
Implements a one-dimensional MTJ DenseVector.
Vector1() - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector1
Creates a new instance of Vector1 that is all zeros.
Vector1(double) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector1
Creates a new instance of Vector1 with the given value.
Vector1(Vector) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector1
Creates a new instance of Vector1 with values copied from the given vector.
Vector1(Vector1D) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector1
Creates a new instance of Vector1 with values copied from the given vector.
Vector1D - Interface in gov.sandia.cognition.math.matrix
An interface for a 1-dimensional vector.
Vector2 - Class in gov.sandia.cognition.math.matrix.mtj
Implements a two-dimensional MTJ DenseVector.
Vector2() - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector2
Creates a new instance of Vector2 that is all zeros.
Vector2(double, double) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector2
Creates a new instance of Vector2 with the given coordinates.
Vector2(Vector) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector2
Creates a new instance of Vector2 with values copied from the given vector.
Vector2(Vector2D) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector2
Creates a new instance of Vector2 wi th values copied from the given vector.
Vector2D - Interface in gov.sandia.cognition.math.matrix
An interface for a 2-dimensional vector.
Vector3 - Class in gov.sandia.cognition.math.matrix.mtj
Implements a three-dimensional DenseVector.
Vector3() - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector3
Creates a new instance of Vector3 that is all zeros.
Vector3(double, double, double) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector3
Creates a new instance of Vector3 with the given values.
Vector3(Vector) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector3
Creates a new instance of Vector3 with values copied from the given vector.
Vector3(Vector3D) - Constructor for class gov.sandia.cognition.math.matrix.mtj.Vector3
Creates a new instance of Vector3 with values copied from the given vector.
Vector3D - Interface in gov.sandia.cognition.math.matrix
An interface for a 3-dimensional vector.
VectorBasedCognitiveModelInput - Class in gov.sandia.cognition.framework.lite
Vector-based cognitive model input used by VectorBasedPerceptionModule.
VectorBasedCognitiveModelInput(SemanticIdentifier[], Vector) - Constructor for class gov.sandia.cognition.framework.lite.VectorBasedCognitiveModelInput
Creates a new instance of VectorBasedCognitiveModelInput
VectorBasedCognitiveModelInput(VectorBasedCognitiveModelInput) - Constructor for class gov.sandia.cognition.framework.lite.VectorBasedCognitiveModelInput
Copy Constructor
VectorBasedPerceptionModule - Class in gov.sandia.cognition.framework.lite
Module that takes CognitiveModelInputs and turns them into a Vector
VectorBasedPerceptionModule(CogxelFactory) - Constructor for class gov.sandia.cognition.framework.lite.VectorBasedPerceptionModule
Creates a new instance of VectorBasedPerceptionModule
VectorBasedPerceptionModuleFactory - Class in gov.sandia.cognition.framework.lite
Factory for a VectorBasedPerceptionModule
VectorBasedPerceptionModuleFactory() - Constructor for class gov.sandia.cognition.framework.lite.VectorBasedPerceptionModuleFactory
Creates a new instance of VectorBasedPerceptionModuleFactory
VectorBasedPerceptionModuleFactory(CogxelFactory) - Constructor for class gov.sandia.cognition.framework.lite.VectorBasedPerceptionModuleFactory
Creates a new instance of VectorBasedPerceptionModuleFactory
VectorElementThresholdCategorizer - Class in gov.sandia.cognition.learning.function.categorization
The VectorElementThresholdCategorizer class implements a BinaryCategorizer that categorizes an input vector by applying a threshold to an element in a the vector.
VectorElementThresholdCategorizer() - Constructor for class gov.sandia.cognition.learning.function.categorization.VectorElementThresholdCategorizer
Creates a new instance of VectorElementThresholdCategorizer.
VectorElementThresholdCategorizer(int, double) - Constructor for class gov.sandia.cognition.learning.function.categorization.VectorElementThresholdCategorizer
Creates a new instance of VectorElementThresholdCategorizer.
VectorElementThresholdCategorizer(VectorElementThresholdCategorizer) - Constructor for class gov.sandia.cognition.learning.function.categorization.VectorElementThresholdCategorizer
Creates a new instance of VectorElementThresholdCategorizer.
VectorEntry - Interface in gov.sandia.cognition.math.matrix
Interface the specifies the functionality that a VectorEntry should have
VectorEntryFunction - Class in gov.sandia.cognition.learning.function.scalar
An evaluator that returns the value of an input vector at a specified index.
VectorEntryFunction() - Constructor for class gov.sandia.cognition.learning.function.scalar.VectorEntryFunction
Creates a new VectorEntryFunction with an initial index of 0.
VectorEntryFunction(int) - Constructor for class gov.sandia.cognition.learning.function.scalar.VectorEntryFunction
Creates a new VectorEntryFunction with the given index.
VectorEntryIndexComparator - Class in gov.sandia.cognition.math.matrix
An index comparator for VectorEntry objects.
VectorEntryIndexComparator() - Constructor for class gov.sandia.cognition.math.matrix.VectorEntryIndexComparator
Creates a new instance of VectorEntryIndexComparator
vectorFactory - Variable in class gov.sandia.cognition.data.convert.vector.AbstractToVectorEncoder
The vector factory to use to create new vectors.
vectorFactory - Variable in class gov.sandia.cognition.learning.algorithm.perceptron.AbstractOnlineLinearBinaryCategorizerLearner
The factory to create weight vectors.
vectorFactory - Variable in class gov.sandia.cognition.learning.algorithm.perceptron.BatchMultiPerceptron
The factory to create weight vectors.
vectorFactory - Variable in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineMultiPerceptron
The factory to create weight vectors.
vectorFactory - Variable in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineVotedPerceptron
The factory to create weight vectors.
vectorFactory - Variable in class gov.sandia.cognition.learning.algorithm.tree.RandomSubVectorThresholdLearner
The vector factory to use.
vectorFactory - Variable in class gov.sandia.cognition.learning.data.feature.FeatureHashing
Vector factory to use.
vectorFactory - Variable in class gov.sandia.cognition.learning.data.feature.RandomSubspace
The vector factory for the sub vector evaluator to use.
vectorFactory - Variable in class gov.sandia.cognition.learning.function.categorization.WinnerTakeAllCategorizer.Learner
The vector factory used.
vectorFactory - Variable in class gov.sandia.cognition.learning.function.distance.DivergencesEvaluator.Learner
The vector factory to use.
vectorFactory - Variable in class gov.sandia.cognition.learning.function.vector.VectorizableVectorConverterWithBias
The factory used to create the vector.
vectorFactory - Variable in class gov.sandia.cognition.math.matrix.DefaultVectorFactoryContainer
The vector factory used to create new vectors.
VectorFactory<VectorType extends Vector> - Class in gov.sandia.cognition.math.matrix
Abstract factory for creating Vector objects.
VectorFactory() - Constructor for class gov.sandia.cognition.math.matrix.VectorFactory
Creates a new VectorFactory.
vectorFactory - Variable in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractGlobalTermWeighter
The vector factory.
vectorFactory - Variable in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis
The vector factory.
VectorFactoryContainer - Interface in gov.sandia.cognition.math.matrix
Interface for a container for a vector factory.
vectorFunction - Variable in class gov.sandia.cognition.learning.function.scalar.VectorFunctionToScalarFunction
The function that takes a given input and outputs a 1-dimensional vector.
VectorFunction - Interface in gov.sandia.cognition.math.matrix
A vector function is a type of Evaluator that takes a Vector for its input and output.
VectorFunctionKernel - Class in gov.sandia.cognition.learning.function.kernel
The VectorFunctionKernel implements a kernel that makes use of a vector function plus a kernel that operates on vectors.
VectorFunctionKernel() - Constructor for class gov.sandia.cognition.learning.function.kernel.VectorFunctionKernel
Creates a new instance of VectorFunctionKernel.
VectorFunctionKernel(VectorFunction) - Constructor for class gov.sandia.cognition.learning.function.kernel.VectorFunctionKernel
Creates a new VectorFunctionKernel from the given function.
VectorFunctionKernel(VectorFunction, Kernel<? super Vector>) - Constructor for class gov.sandia.cognition.learning.function.kernel.VectorFunctionKernel
Creates a new VectorFunctionKernel from the given function and kernel.
VectorFunctionLinearDiscriminant<InputType> - Class in gov.sandia.cognition.learning.function.scalar
This class takes a function that maps a generic InputType to a Vector.
VectorFunctionLinearDiscriminant(Evaluator<? super InputType, Vector>, LinearDiscriminant) - Constructor for class gov.sandia.cognition.learning.function.scalar.VectorFunctionLinearDiscriminant
Creates a new instance of VectorFunctionLinearDiscriminant
VectorFunctionToScalarFunction<InputType> - Class in gov.sandia.cognition.learning.function.scalar
The VectorFunctionToScalarFunction class implements an adapter for using a vector function that outputs a single-dimensional vector as a scalar function.
VectorFunctionToScalarFunction() - Constructor for class gov.sandia.cognition.learning.function.scalar.VectorFunctionToScalarFunction
Creates a new instance of VectorFunctionToScalarFunction.
VectorFunctionToScalarFunction(Evaluator<? super InputType, ? extends Vectorizable>) - Constructor for class gov.sandia.cognition.learning.function.scalar.VectorFunctionToScalarFunction
Creates a new instance of VectorFunctionToScalarFunction.
VectorFunctionToScalarFunction.Learner<InputType> - Class in gov.sandia.cognition.learning.function.scalar
The VectorFunctionToScalarFunction.Learner class implements a simple learner for a VectorFunctionToScalarFunction that allows a learning algorithm that outputs a vector function to be adapted to learn on data whose output are doubles.
VectorInputEvaluator<InputType extends Vectorizable,OutputType> - Interface in gov.sandia.cognition.math.matrix
An interface for an evaluator that takes a vector of a fixed dimensionality.
VectorIterator - Class in gov.sandia.cognition.math.matrix.custom
Small helper class that iterates over all values from this vector.
Vectorizable - Interface in gov.sandia.cognition.math.matrix
The Vectorizable interface is an interface for an object that can be converted to and from a Vector.
VectorizableCrossoverFunction - Class in gov.sandia.cognition.learning.algorithm.genetic.reproducer
The VectorizableCrossoverFunction class is a CrossoverFunction that takes two Vectorizable.
VectorizableCrossoverFunction() - Constructor for class gov.sandia.cognition.learning.algorithm.genetic.reproducer.VectorizableCrossoverFunction
Creates a new instance of VectorizableCrossoverFunction with an crossover probability of 0.5.
VectorizableCrossoverFunction(double) - Constructor for class gov.sandia.cognition.learning.algorithm.genetic.reproducer.VectorizableCrossoverFunction
Creates a new instance of VectorizableCrossoverFunction.
VectorizableCrossoverFunction(double, Random) - Constructor for class gov.sandia.cognition.learning.algorithm.genetic.reproducer.VectorizableCrossoverFunction
Creates a new instance of VectorizableCrossoverFunction.
VectorizableDifferentiableVectorFunction - Interface in gov.sandia.cognition.math.matrix
A VectorizableVectorFunction that also define a derivative (this is needed for GradientDescendable).
VectorizableIndexComparator - Class in gov.sandia.cognition.math.matrix
Compares the given index of two Vectorizables.
VectorizableIndexComparator() - Constructor for class gov.sandia.cognition.math.matrix.VectorizableIndexComparator
Creates a new instance of VectorizableIndexComparator
VectorizableIndexComparator(int) - Constructor for class gov.sandia.cognition.math.matrix.VectorizableIndexComparator
Creates a new instance of VectorizableIndexComparator
VectorizablePerturber - Class in gov.sandia.cognition.learning.algorithm.annealing
The VectorizablePerturber implements a Perturber for Vectorizable objects.
VectorizablePerturber(Random, Matrix) - Constructor for class gov.sandia.cognition.learning.algorithm.annealing.VectorizablePerturber
Creates a new instance of VectorizablePerturber.
VectorizableVectorConverter - Class in gov.sandia.cognition.learning.function.vector
The VectorizableVectorConverter class implements a conversion between a Vectorizable and an Vector by calling the proper conversion method on the Vectorizable.
VectorizableVectorConverter() - Constructor for class gov.sandia.cognition.learning.function.vector.VectorizableVectorConverter
Creates a new VectorizableVectorConverter.
VectorizableVectorConverterWithBias - Class in gov.sandia.cognition.learning.function.vector
The VectorizableVectorConverterWithBias class extends the VectorizableVectorConverter class to append a constant bias value of 1.0 to the vector returned by the converter.
VectorizableVectorConverterWithBias() - Constructor for class gov.sandia.cognition.learning.function.vector.VectorizableVectorConverterWithBias
Creates a new instance of VectorizableVectorConverterWithBias.
VectorizableVectorConverterWithBias(VectorFactory<?>) - Constructor for class gov.sandia.cognition.learning.function.vector.VectorizableVectorConverterWithBias
Creates a new instance of VectorizableVectorConverterWithBias.
VectorizableVectorFunction - Interface in gov.sandia.cognition.math.matrix
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.
VectorJacobian() - Constructor for class gov.sandia.cognition.math.matrix.NumericalDifferentiator.VectorJacobian
Default constructor
VectorJacobian(Evaluator<? super Vector, Double>) - Constructor for class gov.sandia.cognition.math.matrix.NumericalDifferentiator.VectorJacobian
Creates a new instance of VectorJacobian
VectorJacobian(Evaluator<? super Vector, Double>, double) - Constructor for class gov.sandia.cognition.math.matrix.NumericalDifferentiator.VectorJacobian
Create a new instance of VectorJacobian
vectorLearner - Variable in class gov.sandia.cognition.learning.function.scalar.VectorFunctionToScalarFunction.Learner
The supervised learner that learns on vectors as outputs.
VectorMeanCentroidClusterCreator - Class in gov.sandia.cognition.learning.algorithm.clustering.cluster
The VectorMeanCentroidClusterCreator class implements a cluster creator for centroid clusters where the centroid is the mean of the vectors that are members of the cluster.
VectorMeanCentroidClusterCreator() - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.cluster.VectorMeanCentroidClusterCreator
Creates a new instance of VectorMeanCentroidClusterCreator
VectorMeanMiniBatchCentroidClusterCreator - Class in gov.sandia.cognition.learning.algorithm.clustering.cluster
Implementation of VectorMeanCentroidClusterCreator for mini-batch clustering.
VectorMeanMiniBatchCentroidClusterCreator() - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.cluster.VectorMeanMiniBatchCentroidClusterCreator
VectorNaiveBayesCategorizer<CategoryType,DistributionType extends UnivariateProbabilityDensityFunction> - Class in gov.sandia.cognition.learning.algorithm.bayes
A naive Bayesian categorizer that takes an input vector and applies an independent scalar probability density function to each one.
VectorNaiveBayesCategorizer() - Constructor for class gov.sandia.cognition.learning.algorithm.bayes.VectorNaiveBayesCategorizer
Creates a new VectorNaiveBayesCategorizer with an empty prior and conditionals.
VectorNaiveBayesCategorizer(DataDistribution<CategoryType>, Map<CategoryType, List<DistributionType>>) - Constructor for class gov.sandia.cognition.learning.algorithm.bayes.VectorNaiveBayesCategorizer
Creates a new VectorNaiveBayesCategorizer with the given prior and conditionals.
VectorNaiveBayesCategorizer.BatchGaussianLearner<CategoryType> - Class in gov.sandia.cognition.learning.algorithm.bayes
A supervised batch distributionLearner for a vector Naive Bayes categorizer that fits a Gaussian.
VectorNaiveBayesCategorizer.Learner<CategoryType,DistributionType extends UnivariateProbabilityDensityFunction> - Class in gov.sandia.cognition.learning.algorithm.bayes
A supervised batch distributionLearner for a vector Naive Bayes categorizer.
VectorNaiveBayesCategorizer.OnlineLearner<CategoryType,DistributionType extends UnivariateProbabilityDensityFunction> - Class in gov.sandia.cognition.learning.algorithm.bayes
An online (incremental) distributionLearner for the Naive Bayes categorizer that uses an incremental distribution learner for the distribution representing each dimension for each category.
VectorOutputEvaluator<InputType,OutputType extends Vectorizable> - Interface in gov.sandia.cognition.math.matrix
An interface for an evaluator that produces a vector of a fixed dimensionality.
VectorReader - Class in gov.sandia.cognition.math.matrix
Reads a Vector from a single line in a file
VectorReader(Reader) - Constructor for class gov.sandia.cognition.math.matrix.VectorReader
Creates a new instance of VectorReader
VectorReader(ReaderTokenizer) - Constructor for class gov.sandia.cognition.math.matrix.VectorReader
Creates a new instance of VectorReader
VectorSpace<VectorType extends VectorSpace<VectorType,?>,EntryType extends VectorSpace.Entry> - Interface in gov.sandia.cognition.math.matrix
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 - Interface in gov.sandia.cognition.math.matrix
Entry into the VectorSpace
VectorSpaceModel - Interface in gov.sandia.cognition.text.term.vector
An interface for a model based on vector representations of documents.
VectorThresholdGiniImpurityLearner<OutputType> - Class in gov.sandia.cognition.learning.algorithm.tree
Learns vector thresholds based on the Gini impurity measure.
VectorThresholdGiniImpurityLearner() - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdGiniImpurityLearner
Creates a new instance of VectorThresholdGiniImpurityLearner.
VectorThresholdGiniImpurityLearner(int) - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdGiniImpurityLearner
Creates a new VectorThresholdGiniImpurityLearner.
VectorThresholdHellingerDistanceLearner<OutputType> - Class in gov.sandia.cognition.learning.algorithm.tree
A categorization tree decision function learner on vector data that learns a vector value threshold function using the Hellinger distance.
VectorThresholdHellingerDistanceLearner() - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdHellingerDistanceLearner
Creates a new VectorThresholdHellingerDistanceLearner.
VectorThresholdHellingerDistanceLearner(int) - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdHellingerDistanceLearner
Creates a new VectorThresholdHellingerDistanceLearner.
VectorThresholdInformationGainLearner<OutputType> - Class in gov.sandia.cognition.learning.algorithm.tree
The VectorThresholdInformationGainLearner computes the best threshold over a dataset of vectors using information gain to determine the optimal index and threshold.
VectorThresholdInformationGainLearner() - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdInformationGainLearner
Creates a new instance of VectorDeciderLearner.
VectorThresholdInformationGainLearner(int) - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdInformationGainLearner
Creates a new VectorThresholdInformationGainLearner.
VectorThresholdLearner<OutputType> - Interface in gov.sandia.cognition.learning.algorithm.tree
An interface class for decider learners that produce a threshold function on a vector element based on maximizing some gain value.
VectorThresholdVarianceLearner - Class in gov.sandia.cognition.learning.algorithm.tree
The VectorThresholdVarianceLearner computes the best threshold over a dataset of vectors using the reduction in variance to determine the optimal index and threshold.
VectorThresholdVarianceLearner() - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdVarianceLearner
Creates a new VectorThresholdVarianceLearner.
VectorThresholdVarianceLearner(int) - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdVarianceLearner
Creates a new VectorThresholdVarianceLearner
VectorThresholdVarianceLearner(int, int...) - Constructor for class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdVarianceLearner
Creates a new VectorThresholdVarianceLearner.
VectorUnionIterator - Class in gov.sandia.cognition.math.matrix
Iterator that returns all nonzero entries for either underlying Vector
VectorUnionIterator(Vector, Vector) - Constructor for class gov.sandia.cognition.math.matrix.VectorUnionIterator
Creates a new instance of VectorUnionIterator.
VectorUnionIterator(Iterator<VectorEntry>, Iterator<VectorEntry>, TwoVectorEntry) - Constructor for class gov.sandia.cognition.math.matrix.VectorUnionIterator
Creates a new instance of VectorUnionIterator
VectorUtil - Class in gov.sandia.cognition.math.matrix
Utility methods for dealing with vectors.
VectorUtil() - Constructor for class gov.sandia.cognition.math.matrix.VectorUtil
 
VectorWriter - Class in gov.sandia.cognition.math.matrix
Writes a Vector to a Java-based Writer (files, etc.)
VectorWriter(Writer) - Constructor for class gov.sandia.cognition.math.matrix.VectorWriter
Creates a new instance of VectorWriter
viterbi(Collection<? extends ObservationType>) - Method in class gov.sandia.cognition.learning.algorithm.hmm.HiddenMarkovModel
Viterbi algorithm for decoding the most-likely sequence of states from the HMMs underlying Markov chain for a given observation sequence.
viterbiTasks - Variable in class gov.sandia.cognition.learning.algorithm.hmm.ParallelHiddenMarkovModel
Viterbi tasks.
voteOutOfBagOnly - Variable in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
Controls whether or not an ensemble member can vote on items it was trained on during learning.
VotingCategorizerEnsemble<InputType,CategoryType,MemberType extends Evaluator<? super InputType,? extends CategoryType>> - Class in gov.sandia.cognition.learning.algorithm.ensemble
An ensemble of categorizers that determine the result based on an equal-weight vote.
VotingCategorizerEnsemble() - Constructor for class gov.sandia.cognition.learning.algorithm.ensemble.VotingCategorizerEnsemble
Creates a new, empty VotingCategorizerEnsemble.
VotingCategorizerEnsemble(Set<CategoryType>) - Constructor for class gov.sandia.cognition.learning.algorithm.ensemble.VotingCategorizerEnsemble
Creates a new, empty VotingCategorizerEnsemble with the given set of categories.
VotingCategorizerEnsemble(Set<CategoryType>, List<MemberType>) - Constructor for class gov.sandia.cognition.learning.algorithm.ensemble.VotingCategorizerEnsemble
Creates a new VotingCategorizerEnsemble with the given set of categories and list of members.
A B C D E F G H I J K L M N O P Q R S T U V W X Y Z 
Skip navigation links