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 

G

GammaDistribution - Class in gov.sandia.cognition.statistics.distribution
Class representing the Gamma distribution.
GammaDistribution() - Constructor for class gov.sandia.cognition.statistics.distribution.GammaDistribution
Default constructor.
GammaDistribution(double, double) - Constructor for class gov.sandia.cognition.statistics.distribution.GammaDistribution
Creates a new instance of GammaDistribution
GammaDistribution(GammaDistribution) - Constructor for class gov.sandia.cognition.statistics.distribution.GammaDistribution
Copy constructor
GammaDistribution.CDF - Class in gov.sandia.cognition.statistics.distribution
CDF of the Gamma distribution
GammaDistribution.MomentMatchingEstimator - Class in gov.sandia.cognition.statistics.distribution
Computes the parameters of a Gamma distribution by the Method of Moments
GammaDistribution.PDF - Class in gov.sandia.cognition.statistics.distribution
Closed-form PDF of the Gamma distribution
GammaDistribution.WeightedMomentMatchingEstimator - Class in gov.sandia.cognition.statistics.distribution
Estimates the parameters of a Gamma distribution using the matching of moments, not maximum likelihood.
GammaInverseScaleBayesianEstimator - Class in gov.sandia.cognition.statistics.bayesian.conjugate
A Bayesian estimator for the scale parameter of a Gamma distribution using the conjugate prior Gamma distribution for the inverse-scale (rate) of the Gamma.
GammaInverseScaleBayesianEstimator() - Constructor for class gov.sandia.cognition.statistics.bayesian.conjugate.GammaInverseScaleBayesianEstimator
Creates a new instance of GammaInverseScaleBayesianEstimator
GammaInverseScaleBayesianEstimator(double, GammaDistribution) - Constructor for class gov.sandia.cognition.statistics.bayesian.conjugate.GammaInverseScaleBayesianEstimator
Creates a new instance of GammaInverseScaleBayesianEstimator
GammaInverseScaleBayesianEstimator(GammaDistribution, GammaDistribution) - Constructor for class gov.sandia.cognition.statistics.bayesian.conjugate.GammaInverseScaleBayesianEstimator
Creates a new instance of GammaInverseScaleBayesianEstimator
GammaInverseScaleBayesianEstimator(BayesianParameter<Double, GammaDistribution, GammaDistribution>) - Constructor for class gov.sandia.cognition.statistics.bayesian.conjugate.GammaInverseScaleBayesianEstimator
Creates a new instance of GammaInverseScaleBayesianEstimator
GammaInverseScaleBayesianEstimator.Parameter - Class in gov.sandia.cognition.statistics.bayesian.conjugate
Bayesian parameter describing this conjugate relationship.
gaussian - Variable in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator
The underlying Gaussian.
gaussian - Variable in class gov.sandia.cognition.statistics.distribution.MultivariateGaussianInverseGammaDistribution
Gaussian component
gaussian - Variable in class gov.sandia.cognition.statistics.distribution.NormalInverseWishartDistribution
Generates the mean, given the covariance from the inverseWishart.
GaussianCluster - Class in gov.sandia.cognition.learning.algorithm.clustering.cluster
The GaussianCluster class implements a cluster of Vector objects that has a MultivariateGaussian object representing the cluster.
GaussianCluster() - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.cluster.GaussianCluster
Creates a new instance of GaussianCluster.
GaussianCluster(MultivariateGaussian.PDF) - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.cluster.GaussianCluster
Creates a new instance of GaussianCluster.
GaussianCluster(Collection<? extends Vector>, MultivariateGaussian.PDF) - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.cluster.GaussianCluster
Creates a new instance of GaussianCluster.
GaussianCluster(int, Collection<? extends Vector>, MultivariateGaussian.PDF) - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.cluster.GaussianCluster
Creates a new instance of GaussianCluster.
GaussianClusterCreator - Class in gov.sandia.cognition.learning.algorithm.clustering.cluster
The GaussianClusterCreator class implements a ClusterCreator for creating GaussianClusters by fitting a MultivariateGaussian to the given set of example vectors.
GaussianClusterCreator() - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.cluster.GaussianClusterCreator
Default constructor
GaussianClusterCreator(double) - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.cluster.GaussianClusterCreator
Creates a new instance of GaussianClusterCreator
GaussianClusterDivergenceFunction - Class in gov.sandia.cognition.learning.algorithm.clustering.divergence
The GaussianClusterDivergenceFunction class implements a divergence function between a Gaussian cluster and a vector, which is calculated by finding the likelihood that the vector was generated from that Gaussian and then returning the negative of the likelihood since it is a divergence measure, not a similarity measure.
GaussianClusterDivergenceFunction() - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.divergence.GaussianClusterDivergenceFunction
Creates a new instance of GaussianClusterDivergenceFunction.
GaussianConfidence - Class in gov.sandia.cognition.statistics.method
This test is sometimes called the "Z test" Defines a range of values that the statistic can take, as well as the confidence that the statistic is between the lower and upper bounds.
GaussianConfidence() - Constructor for class gov.sandia.cognition.statistics.method.GaussianConfidence
Creates a new instance of GaussianConfidence
GaussianConfidence.Statistic - Class in gov.sandia.cognition.statistics.method
Confidence statistics for a Gaussian distribution
GaussianContextRecognizer - Class in gov.sandia.cognition.learning.function.vector
Uses a MixtureOfGaussians to compute the probability of the different constituent MultivariateGaussians (that is, the contexts)
GaussianContextRecognizer() - Constructor for class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer
Creates a new instance of GaussianContextRecognizer
GaussianContextRecognizer(MixtureOfGaussians.PDF) - Constructor for class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer
Creates a new instance of GaussianContextRecognizer
GaussianContextRecognizer(Collection<GaussianCluster>) - Constructor for class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer
Creates a new instance of GaussianContextRecognizer
GaussianContextRecognizer(GaussianContextRecognizer) - Constructor for class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer
Copy constructor
GaussianContextRecognizer.Learner - Class in gov.sandia.cognition.learning.function.vector
Creates a GaussianContextRecognizer from a Dataset[Vector] using a BatchClusterer
GaussianProcessRegression<InputType> - Class in gov.sandia.cognition.statistics.bayesian
Gaussian Process Regression, is also known as Kriging, is a nonparametric method to interpolate and extrapolate using Bayesian regression, where the expressiveness of the estimator can grow with the data.
GaussianProcessRegression() - Constructor for class gov.sandia.cognition.statistics.bayesian.GaussianProcessRegression
Creates a new instance of GaussianProcessRegression
GaussianProcessRegression(Kernel<InputType>, double) - Constructor for class gov.sandia.cognition.statistics.bayesian.GaussianProcessRegression
Creates a new instance of GaussianProcessRegression
GaussianProcessRegression.PredictiveDistribution - Class in gov.sandia.cognition.statistics.bayesian
Predictive distribution for Gaussian Process Regression.
GaussNewtonAlgorithm - Class in gov.sandia.cognition.learning.algorithm.regression
Implementation of the Gauss-Newton parameter-estimation procedure.
GaussNewtonAlgorithm() - Constructor for class gov.sandia.cognition.learning.algorithm.regression.GaussNewtonAlgorithm
Creates a new instance of GaussNewtonAlgorithm
GaussNewtonAlgorithm(LineMinimizer<?>) - Constructor for class gov.sandia.cognition.learning.algorithm.regression.GaussNewtonAlgorithm
Creates a new instance of GaussNewtonAlgorithm
GaussNewtonAlgorithm(LineMinimizer<?>, int, double) - Constructor for class gov.sandia.cognition.learning.algorithm.regression.GaussNewtonAlgorithm
Creates a new instance of GaussNewtonAlgorithm
GeneralizedHebbianAlgorithm - Class in gov.sandia.cognition.learning.algorithm.pca
Implementation of the Generalized Hebbian Algorithm, also known as Sanger's Rule, which is a generalization of Oja's Rule.
GeneralizedHebbianAlgorithm(int, double, int, double) - Constructor for class gov.sandia.cognition.learning.algorithm.pca.GeneralizedHebbianAlgorithm
Creates a new instance of GeneralizedHebbianAlgorithm
GeneralizedLinearModel - Class in gov.sandia.cognition.learning.function.vector
A VectorizableVectorFunction that is a matrix multiply followed by a VectorFunction...
GeneralizedLinearModel() - Constructor for class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
Default constructor.
GeneralizedLinearModel(int, int, UnivariateScalarFunction) - Constructor for class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
Creates a new instance of GeneralizedLinearModel
GeneralizedLinearModel(MultivariateDiscriminant, VectorFunction) - Constructor for class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
Creates a new instance of GeneralizedLinearModel
GeneralizedLinearModel(GeneralizedLinearModel) - Constructor for class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
Creates a new instance of GeneralizedLinearModel
GeneralizedLinearModel(MultivariateDiscriminant, UnivariateScalarFunction) - Constructor for class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
Creates a new instance of GeneralizedLinearModel
GeneticAlgorithm<CostParametersType,GenomeType> - Class in gov.sandia.cognition.learning.algorithm.genetic
The GeneticAlgorithm class implements a generic genetic algorithm that uses a given cost function to minimize and a given reproduction function for generating the population.
GeneticAlgorithm(Collection<GenomeType>, Reproducer<GenomeType>, CostFunction<? super GenomeType, ? super CostParametersType>) - Constructor for class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Creates a new instance of GeneticAlgorithm.
GeneticAlgorithm(Collection<GenomeType>, Reproducer<GenomeType>, CostFunction<? super GenomeType, ? super CostParametersType>, int) - Constructor for class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Creates a new instance of GeneticAlgorithm.
GeneticAlgorithm(Collection<GenomeType>, Reproducer<GenomeType>, CostFunction<? super GenomeType, ? super CostParametersType>, int, int) - Constructor for class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Creates a new instance of GeneticAlgorithm.
GeometricDistribution - Class in gov.sandia.cognition.statistics.distribution
The geometric distribution models the number of successes before the first failure occurs under an independent succession of Bernoulli tests.
GeometricDistribution() - Constructor for class gov.sandia.cognition.statistics.distribution.GeometricDistribution
Creates a new instance of GeometricDistribution
GeometricDistribution(double) - Constructor for class gov.sandia.cognition.statistics.distribution.GeometricDistribution
Creates a new instance of GeometricDistribution
GeometricDistribution(GeometricDistribution) - Constructor for class gov.sandia.cognition.statistics.distribution.GeometricDistribution
Copy constructor
GeometricDistribution.CDF - Class in gov.sandia.cognition.statistics.distribution
CDF of the Geometric distribution
GeometricDistribution.MaximumLikelihoodEstimator - Class in gov.sandia.cognition.statistics.distribution
Maximum likelihood estimator of the distribution
GeometricDistribution.PMF - Class in gov.sandia.cognition.statistics.distribution
PMF of the Geometric distribution
get(KeyType) - Method in class gov.sandia.cognition.collection.AbstractLogNumberMap
 
get(KeyType) - Method in class gov.sandia.cognition.collection.AbstractMutableDoubleMap
 
get(int) - Method in class gov.sandia.cognition.collection.DoubleArrayList
Returns the element at idx
get(Object) - Method in class gov.sandia.cognition.collection.DynamicArrayMap
Runs in O(1).
get(int) - Method in class gov.sandia.cognition.collection.DynamicArrayMap
Gets the value for the given key.
get(int) - Method in class gov.sandia.cognition.collection.FiniteCapacityBuffer
 
get(int) - Method in class gov.sandia.cognition.collection.IntArrayList
Returns the element at idx
get(int) - Method in class gov.sandia.cognition.collection.RangeExcludedArrayList
 
get(KeyType) - Method in interface gov.sandia.cognition.collection.ScalarMap
Gets the value associated with a given key.
get(Class<T>) - Static method in class gov.sandia.cognition.factory.DefaultFactory
Gets a new DefaultFactory for the given class.
get(int) - Method in class gov.sandia.cognition.learning.function.categorization.DefaultKernelBinaryCategorizer
Gets the i-th example.
get(int, int) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
 
get(int) - Method in class gov.sandia.cognition.math.matrix.custom.DenseVector
 
get(int, int) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
 
get(int, int) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Gets the value of the element of the matrix at the zero-based row and column indices.
get(int) - Method in class gov.sandia.cognition.math.matrix.custom.SparseVector
 
get(int, int) - Method in interface gov.sandia.cognition.math.matrix.Matrix
Gets the value of the element of the matrix at the zero-based row and column indices.
get(int, int) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
 
get(int) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJVector
 
get(int) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
 
get(int) - Method in interface gov.sandia.cognition.math.matrix.Vector
Gets the value of element of the vector at the zero-based index.
getA() - Method in class gov.sandia.cognition.math.signals.LinearDynamicalSystem
Getter for A.
getAccessedDateField() - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getAccessedDateField() - Method in interface gov.sandia.cognition.text.document.Document
Gets the commonly-used accessed date field.
getAccuracy() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getAccuracy() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
The accuracy value of the entire confusion matrix.
getActivation() - Method in interface gov.sandia.cognition.framework.Cogxel
Gets the current activation level of the Cogxel
getActivation() - Method in class gov.sandia.cognition.framework.DefaultCogxel
Gets the current activation level of the Cogxel
getActualCategories() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getActualCategories() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the set of all the actual categories.
getActualCategories() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultConfusionMatrix
 
getActualCommand() - Method in class gov.sandia.cognition.io.ProcessLauncher
Getter for actualCommand
getActualCount(Boolean) - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getActualCount(CategoryType) - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getActualCount(CategoryType) - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the total number of entries for the given actual category.
getActualCount(CategoryType) - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultConfusionMatrix
 
getAdjustedAlpha(int, int) - Method in class gov.sandia.cognition.statistics.method.AbstractPairwiseMultipleHypothesisComparison.Statistic
Gets the adjusted alpha (p-value threshold) for the given comparison
getAdjustedAlpha() - Method in class gov.sandia.cognition.statistics.method.AdjustedPValueStatistic
Getter for adjustedAlpha
getAdjustedAlpha(int, int) - Method in class gov.sandia.cognition.statistics.method.AdjustedPValueStatistic
 
getAdjustedAlpha(int, int) - Method in class gov.sandia.cognition.statistics.method.HolmCorrection.Statistic
 
getAdjustedAlpha(int, int) - Method in class gov.sandia.cognition.statistics.method.ShafferStaticCorrection.Statistic
 
getAggressiveness() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.OnlinePassiveAggressivePerceptron.AbstractSoftMargin
Gets the aggressiveness parameter (C), which is the trade-off between aggressive updating to meet an incorrect example and keeping history around.
getAlgorithm() - Method in class gov.sandia.cognition.algorithm.AnytimeAlgorithmWrapper
Gets the underlying wrapped algorithm.
getAllFields(Class<?>) - Static method in class gov.sandia.cognition.util.ObjectUtil
Returns a list of all of the fields on the given class and any super-class.
getAllFieldValues(Object) - Static method in class gov.sandia.cognition.util.ObjectUtil
Returns an ArrayList of field/value pairs
getAllLabels() - Method in interface gov.sandia.cognition.framework.lite.PatternRecognizerLite
Gets the collection of all the labels used in the recognizer.
getAllLabels() - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
Gets the collection of all the labels used in the recognizer.
getAllMembers() - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
 
getAllMembers() - Method in interface gov.sandia.cognition.graph.community.NodePartitioning
Returns all nodes stored within this partitioning
getAllowedTerms() - Method in class gov.sandia.cognition.text.term.filter.DictionaryFilter
Gets the set of allowed terms.
getAllRelations(ObjectType, ObjectType) - Method in interface gov.sandia.cognition.text.relation.RelationNetwork
Gets all the relation between the source and the target.
getAllRelations(IndexedTerm, IndexedTerm) - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
 
getAlpha() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel.Sample
Getter for alpha
getAlpha() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
Getter for alpha
getAlpha() - Method in class gov.sandia.cognition.statistics.distribution.ChineseRestaurantProcess
Getter for alpha.
getAlpha() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment
Getter for alpha
getAlpha() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
Gets the alpha parameter controlling the Dirichlet distribution for the document-topic probabilities.
getAlphabet() - Method in class gov.sandia.cognition.text.spelling.SimpleStatisticalSpellingCorrector
Gets the alphabet of lower-case characters that can be used for replaces and inserts.
getAlphabet() - Method in class gov.sandia.cognition.text.spelling.SimpleStatisticalSpellingCorrector.Learner
Gets the alphabet of lower-case characters that can be used for replaces and inserts.
getAmiMax() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the max adjusted-for-chance mutual information (see Table 2 of cited paper)
getAmiMin() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the min adjusted-for-chance mutual information (see Table 2 of cited paper)
getAmiSqrt() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the sqrt adjusted-for-chance mutual information (see Table 2 of cited paper)
getAmiSum() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the sum adjusted-for-chance mutual information (see Table 2 of cited paper)
getAmplitude() - Method in class gov.sandia.cognition.learning.function.scalar.CosineFunction
Getter for amplitude
getAreaUnderCurve() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic.Statistic
Getter for areaUnderCurve
getArray() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
Gets the underlying double array from the MTJ matrix
getArray() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
Returns the underlying double array for this DenseVector
getArrayLen() - Method in class gov.sandia.cognition.util.DoubleReuseRandom
Gets the length of the array of doubles
getAssignmentChanged() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.EMLearner
Gets the total assignment change from the last completed step of the algorithm.
getAssignments() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the assignments of examples to exemplars (clusters).
getAssignments() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Getter for assignments
getAssociatedMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.custom.CustomDenseVectorFactory
 
getAssociatedMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.custom.CustomSparseVectorFactory
 
getAssociatedMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVectorFactoryMTJ
 
getAssociatedMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVectorFactoryMTJ
 
getAssociatedMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.VectorFactory
Gets the matrix factory implementation associated with this vector factory.
getAssociation(SemanticLabel, SemanticLabel) - Method in class gov.sandia.cognition.framework.DefaultSemanticNetwork
Gets the association between two nodes in the network.
getAssociation(SemanticLabel, SemanticLabel) - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
Gets the association between two nodes in the network.
getAssociation(SemanticLabel, SemanticLabel) - Method in interface gov.sandia.cognition.framework.SemanticNetwork
Gets the association between two nodes in the network.
getAuthorField() - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getAuthorField() - Method in interface gov.sandia.cognition.text.document.Document
Gets the commonly-used author field.
getAutoRegressiveCoefficients() - Method in class gov.sandia.cognition.math.signals.AutoRegressiveMovingAverageFilter
Getter for autoregressiveCoefficients
getAvailabilities() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the availability values.
getAverageCategoryAccuracy() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getAverageCategoryAccuracy() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
The average accuracy value for the categories in the confusion matrix.
getAverageCategoryErrorRate() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getAverageCategoryErrorRate() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
The average error rate for the actual categories in the confusion matrix.
getAverager() - Method in class gov.sandia.cognition.learning.algorithm.nearest.AbstractKNearestNeighbor
Getter for averager
getAverager() - Method in interface gov.sandia.cognition.learning.algorithm.nearest.KNearestNeighbor
Getter for averager.
getB() - Method in class gov.sandia.cognition.math.signals.LinearDynamicalSystem
Getter for B.
getBag() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractBaggingLearner
Gets the most recently created bag.
getBaseHandler() - Method in class gov.sandia.cognition.io.serialization.GZIPSerializationHandler
Gets the base handler whose output is serialized.
getBasisFunctions() - Method in class gov.sandia.cognition.learning.function.LinearCombinationFunction
Getter for basisFunctions
getBasisFunctions() - Method in class gov.sandia.cognition.learning.function.vector.ScalarBasisSet
Getter for basisFunctions
getBelief(int, int) - Method in interface gov.sandia.cognition.graph.inference.EnergyFunctionSolver
Gets the belief for node i with the specified label.
getBelief(int, int) - Method in class gov.sandia.cognition.graph.inference.SumProductInferencingAlgorithm
 
getBeliefs(NodeNameType, EnergyFunctionSolver<LabelType>) - Method in class gov.sandia.cognition.graph.inference.CostSpeedupEnergyFunction
 
getBeliefs(NodeNameType, EnergyFunctionSolver<LabelType>) - Method in class gov.sandia.cognition.graph.inference.EdgeMergingEnergyFunction
 
getBeliefs(NodeNameType, EnergyFunctionSolver<LabelType>) - Method in class gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction
 
getBeliefs(NodeNameType, EnergyFunctionSolver<LabelType>) - Method in interface gov.sandia.cognition.graph.inference.NodeNameAwareEnergyFunction
Get the probabilities for each label for the input node as produced by the input belief propagation run.
getBestSoFar() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the best state found so far.
getBestSoFar() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Gets the best genome found so far.
getBestSoFarScore() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the score for the best state found so far.
getBeta() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
Getter for beta
getBeta() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
Gets the beta parameter controlling the Dirichlet distribution for the topic-term probabilities.
getBias() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AdditiveEnsemble
Gets the initial offset value (bias) to which the output of the ensemble members are added when computing a result.
getBias() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.WeightedAdditiveEnsemble
Gets the initial offset value (bias) to which the output of the ensemble members are added when computing a result.
getBias() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachine
Gets the bias value.
getBias() - Method in class gov.sandia.cognition.learning.function.categorization.KernelBinaryCategorizer
Gets the bias term.
getBias() - Method in class gov.sandia.cognition.learning.function.categorization.LinearBinaryCategorizer
Gets the bias term.
getBias() - Method in class gov.sandia.cognition.learning.function.scalar.KernelScalarFunction
Gets the bias term.
getBias() - Method in class gov.sandia.cognition.learning.function.scalar.LinearDiscriminantWithBias
Getter for bias.
getBias() - Method in class gov.sandia.cognition.learning.function.scalar.LinearVectorScalarFunction
Gets the bias term.
getBias() - Method in class gov.sandia.cognition.learning.function.vector.MultivariateDiscriminantWithBias
Getter for bias
getBiasRegularization() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.AbstractFactorizationMachineLearner
Gets the value for the parameter controlling the bias regularization.
getBinCount() - Method in class gov.sandia.cognition.statistics.distribution.DataCountTreeSetBinnedMapHistogram
Gets the total number of bins.
getBinCount() - Method in interface gov.sandia.cognition.statistics.method.Binner
Gets the total number of bins.
getBinCount() - Method in class gov.sandia.cognition.statistics.method.TreeSetBinner
 
getBinner() - Method in class gov.sandia.cognition.statistics.distribution.DataCountTreeSetBinnedMapHistogram
Gets the TreeSetBinner used to perform value binning.
getBinSet() - Method in interface gov.sandia.cognition.statistics.method.Binner
Gets the set of bins that the binner is using.
getBinSet() - Method in class gov.sandia.cognition.statistics.method.TreeSetBinner
 
getBlockExperimentComparison() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment
Getter for blockExperimentComparison
getBlockExperimentResult() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
Getter for blockExperimentResult
getBodyField() - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getBodyField() - Method in interface gov.sandia.cognition.text.document.Document
Gets the commonly-used body field.
getBooleanConverter() - Method in class gov.sandia.cognition.data.convert.vector.UniqueBooleanVectorEncoder
Gets the boolean converter used to encode the equality comparison between each of the unique values and a given input.
getBounds() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the bounding box of the region represented by this node.
getBracket() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.AbstractAnytimeLineMinimizer
 
getBracket() - Method in interface gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizer
Gets the LineBracket used to bound the search
getBracket() - Method in class gov.sandia.cognition.learning.algorithm.root.RootBracketExpander
Getter for bracket.
getBracketer() - Method in class gov.sandia.cognition.learning.algorithm.root.AbstractBracketedRootFinder
Gets the root-bracketing algorithm that will be used to initially bracket the root.
getBudget() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.AbstractOnlineBudgetedKernelBinaryCategorizerLearner
Gets the budget.
getBudget() - Method in interface gov.sandia.cognition.learning.algorithm.perceptron.kernel.BudgetedKernelBinaryCategorizerLearner
Gets the budget.
getBufferedReader() - Method in class gov.sandia.cognition.io.ReaderTokenizer
Getter for bufferedReader
getBurnInIterations() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractMarkovChainMonteCarlo
 
getBurnInIterations() - Method in interface gov.sandia.cognition.statistics.bayesian.MarkovChainMonteCarlo
Gets the number of iterations that must transpire before the algorithm begins collection the samples.
getBurnInIterations() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
Gets he number of burn-in iterations for the Markov Chain Monte Carlo algorithm to run before sampling begins.
getBytes(Object) - Static method in class gov.sandia.cognition.util.ObjectUtil
Attempts to convert the given Object into a byte array
getC() - Method in class gov.sandia.cognition.math.signals.LinearDynamicalSystem
Getter for C.
getCapacity() - Method in class gov.sandia.cognition.collection.FiniteCapacityBuffer
Gets the capacity of the buffer, which is the maximum number of elements that can be stored in it.
getCapacity() - Method in class gov.sandia.cognition.learning.function.scalar.KolmogorovSmirnovEvaluator
Getter for capacity
getCategories() - Method in class gov.sandia.cognition.learning.algorithm.bayes.DiscreteNaiveBayesCategorizer
 
getCategories() - Method in class gov.sandia.cognition.learning.algorithm.bayes.VectorNaiveBayesCategorizer
 
getCategories() - Method in class gov.sandia.cognition.learning.algorithm.delta.AbstractDeltaCategorizer
Returns a set of all the known categories.
getCategories() - Method in class gov.sandia.cognition.learning.algorithm.tree.CategorizationTree
Gets the list of possible categories that the categorizer can produce.
getCategories() - Method in class gov.sandia.cognition.learning.function.categorization.AbstractBinaryCategorizer
 
getCategories() - Method in class gov.sandia.cognition.learning.function.categorization.AbstractCategorizer
 
getCategories() - Method in interface gov.sandia.cognition.learning.function.categorization.Categorizer
Gets the list of possible categories that the categorizer can produce.
getCategories() - Method in class gov.sandia.cognition.learning.function.categorization.CompositeCategorizer
Gets the set of categories, which is just the set returned by the categorizer.
getCategories() - Method in class gov.sandia.cognition.learning.function.categorization.LinearMultiCategorizer
 
getCategories() - Method in class gov.sandia.cognition.learning.function.categorization.MaximumAPosterioriCategorizer
 
getCategories() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getCategories() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the set of all categories in the confusion matrix.
getCategories() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultConfusionMatrix
 
getCategorizedVector() - Method in class gov.sandia.cognition.statistics.ChiSquaredSimilarity
Basic getter for the categorized vector.
getCategorizer() - Method in class gov.sandia.cognition.learning.function.categorization.CompositeCategorizer
Gets the categorizer, which takes the output of the preprocessor and categorizes it.
getCategorizers() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.BinaryCategorizerSelector
Gets the collection of categorizers that the learner selects from.
getCategory(CategoryType) - Method in class gov.sandia.cognition.learning.function.categorization.MaximumAPosterioriCategorizer
Gets the prior probability weight and conditional distribution for the given category.
getCategoryAccuracy(CategoryType) - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getCategoryAccuracy(CategoryType) - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
The category accuracy value for the confusion matrix.
getCategoryErrorRate(CategoryType) - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getCategoryErrorRate(CategoryType) - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
The category error rate for the confusion matrix.
getCategoryPairsToEvaluatorMap() - Method in class gov.sandia.cognition.learning.function.categorization.BinaryVersusCategorizer
Gets the mapping of false-true category pairs to the binary categorizer that distinguishes them.
getCDF() - Method in class gov.sandia.cognition.learning.function.scalar.KolmogorovSmirnovEvaluator
Getter for cdf
getCDF() - Method in interface gov.sandia.cognition.statistics.ClosedFormUnivariateDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.KolmogorovDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.KolmogorovDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution.CDF
 
getCDF() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getCDF() - Method in interface gov.sandia.cognition.statistics.SmoothUnivariateDistribution
 
getCDF() - Method in interface gov.sandia.cognition.statistics.UnivariateDistribution
Gets the CDF of a scalar distribution.
getCDF() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
 
getCentralValue() - Method in class gov.sandia.cognition.statistics.method.ConfidenceInterval
Getter for centralValue
getCentroid() - Method in class gov.sandia.cognition.learning.algorithm.clustering.cluster.CentroidCluster
Gets the centroid of the cluster.
getChange() - Method in class gov.sandia.cognition.learning.algorithm.pca.GeneralizedHebbianAlgorithm
Gets the change in in the last completed step of the algorithm.
getChangeCount() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
Gets the number of changes made on the last iteration of the algorithm.
getChangedCount() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the number of cluster assignments that have changed in the most recent iteration.
getChildMap() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractDecisionTreeNode
Gets the mapping of decision values to child nodes.
getChildren() - Method in class gov.sandia.cognition.learning.algorithm.clustering.hierarchy.BinaryClusterHierarchyNode
 
getChildren() - Method in interface gov.sandia.cognition.learning.algorithm.clustering.hierarchy.ClusterHierarchyNode
Gets the children of this node.
getChildren() - Method in class gov.sandia.cognition.learning.algorithm.clustering.hierarchy.DefaultClusterHierarchyNode
 
getChildren() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractDecisionTreeNode
 
getChildren() - Method in interface gov.sandia.cognition.learning.algorithm.tree.DecisionTreeNode
Gets the collection of children of the node.
getChildren() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the children of this node.
getChildrenDivergence() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer.HierarchyNode
Gets the divergence between the two children, if they exist; otherwise, 0.0.
getChiSquare() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
Getter for chiSquare
getChiSquare() - Method in class gov.sandia.cognition.statistics.method.ChiSquareConfidence.Statistic
Gets for chiSquare
getChiSquare() - Method in class gov.sandia.cognition.statistics.method.FriedmanConfidence.Statistic
Getter for chiSquare
getChiSquareNullHypothesisProbability() - Method in class gov.sandia.cognition.statistics.method.FriedmanConfidence.Statistic
Getter for chiSquareNullHypothesisProbability
getClassifier() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic.DataPoint
Getter for classifier
getClosestClusterIndex(DataType) - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Gets the index of the closest cluster for the given element.
getCluster(int) - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Get the cluster at this index.
getCluster() - Method in class gov.sandia.cognition.learning.algorithm.clustering.hierarchy.AbstractClusterHierarchyNode
 
getCluster() - Method in interface gov.sandia.cognition.learning.algorithm.clustering.hierarchy.ClusterHierarchyNode
Gets the cluster associated with the node.
getCluster(int) - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Gets the cluster for the given index.
getClusterCentroid(int) - Method in class gov.sandia.cognition.learning.algorithm.clustering.OptimizedKMeansClusterer
Gets the centroid for the given cluster index.
getClusterCount() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the number of clusters.
getClusterCount() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Gets the total number of clusters created.
getClusterCounts() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Getter for clusterCounts
getClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the current clusters, which is a sparse mapping of exemplar identifier to cluster object.
getClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the current clusters, which is a sparse mapping of exemplar identifier to cluster object.
getClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Getter for clusters
getClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Gets all clusters created.
getClusters() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel.Sample
Getter for clusters
getClustersHierarchy() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer
Gets the hierarchy of clusters.
getClustersHierarchy() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Gets the hierarchy of clusters.
getCoefficients() - Method in class gov.sandia.cognition.learning.function.LinearCombinationFunction
Getter for coefficients
getCogxel(SemanticIdentifier) - Method in interface gov.sandia.cognition.framework.CogxelState
Gets a Cogxel from the state, if it has been previously added.
getCogxel(SemanticIdentifier) - Method in class gov.sandia.cognition.framework.lite.CogxelStateLite
Gets a Cogxel from the state, if it has been previously added.
getCogxelActivation(SemanticIdentifier) - Method in interface gov.sandia.cognition.framework.CogxelState
Gets the activation level of a Cogxel in the CogxelState.
getCogxelActivation(SemanticIdentifier) - Method in class gov.sandia.cognition.framework.lite.CogxelStateLite
Gets the activation level of a Cogxel in the CogxelState.
getCogxelFactory() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelBooleanConverter
Gets the CogxelFactory used to create the cogxels used by the converter.
getCogxelFactory() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelDoubleConverter
Gets the CogxelFactory used to create the Cogxels used by the converter.
getCogxelFactory() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorConverter
Gets the CogxelFactory used to create the Cogxels used by the converter.
getCogxelFactory() - Method in class gov.sandia.cognition.framework.lite.ArrayBasedPerceptionModule
Getter for cogxelFactory
getCogxelFactory() - Method in class gov.sandia.cognition.framework.lite.ArrayBasedPerceptionModuleFactory
Gets the CogxelFactory to be used by the module.
getCogxelFactory() - Method in class gov.sandia.cognition.framework.lite.VectorBasedPerceptionModule
Getter for cogxelFactory
getCogxelFactory() - Method in class gov.sandia.cognition.framework.lite.VectorBasedPerceptionModuleFactory
Getter for cogxelFactory
getCogxels() - Method in interface gov.sandia.cognition.framework.CognitiveModelState
Gets the CogxelState.
getCogxels() - Method in interface gov.sandia.cognition.framework.CogxelState
Gets the Cogxels that have been previously added to this CogxelState.
getCogxels() - Method in class gov.sandia.cognition.framework.lite.CognitiveModelLiteState
Gets the CogxelState.
getCogxels() - Method in class gov.sandia.cognition.framework.lite.CogxelStateLite
Gets the Cogxels that have been previously added to this CogxelState.
getCogxelVectorConverters() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorCollectionConverter
Getter for cogxelVectorConverters
getColumn(int) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
 
getColumn(int) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
 
getColumn(int) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Gets the specified column from the zero-based index and returns a vector that corresponds to that column.
getColumn(int) - Method in interface gov.sandia.cognition.math.matrix.Matrix
Gets the specified column from the zero-based index and returns a vector that corresponds to that column.
getColumn(int) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractSparseMatrix
 
getColumn(int) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
 
getColumn(int) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getColumn(int) - Method in class gov.sandia.cognition.math.matrix.mtj.SparseColumnMatrix
Gets the specified column of the matrix, using MTJ's internal routine to speed things up
getColumnConverters() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelMatrixConverter
Getter for columnConverters
getColumnIndex() - Method in interface gov.sandia.cognition.math.matrix.MatrixEntry
Gets the column index to which the entry points
getColumnIndex() - Method in class gov.sandia.cognition.math.matrix.mtj.TwoMatrixEntryMTJ
Getter for columnIndex.
getColumnIndex() - Method in interface gov.sandia.cognition.math.matrix.TwoMatrixEntry
Gets the column index to which the entry points
getColumnInto(int, Vector) - Method in class gov.sandia.cognition.math.matrix.AbstractMatrix
Internal function that writes the column onto the destinationVector.
getCommunityForNode(NodeNameType, int, int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Computes the best community for the input node id by personalized page rank scores and conductance of cut.
getCommunityForNodeAtLevel(NodeNameType, int) - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
Returns the community ID for the input node at the input level
getCommunityForNodeAtLevelById(int, int) - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
 
getCommunityForNodeById(int, int, int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Computes the best community for the input node id by personalized page rank scores and conductance of cut.
getCommunityForNodes(List<NodeNameType>, int, int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Computes the best community for the input node id by personalized page rank scores and conductance of cut.
getCommunityForNodesById(List<Integer>, int, int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Computes the best community for the input node id by personalized page rank scores and conductance of cut.
getComponentCount() - Method in class gov.sandia.cognition.learning.algorithm.pca.KernelPrincipalComponentsAnalysis.Function
Gets the number of components in the analysis result.
getComponentCount() - Method in class gov.sandia.cognition.learning.algorithm.pca.KernelPrincipalComponentsAnalysis
Gets the number of components the analysis attempts to find.
getComponents() - Method in class gov.sandia.cognition.learning.algorithm.pca.KernelPrincipalComponentsAnalysis.Function
Gets the matrix of components from the analysis.
getConditionalDistribution() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractBayesianParameter
Getter for conditionalDistribution
getConditionalDistribution() - Method in class gov.sandia.cognition.statistics.DefaultDistributionParameter
 
getConditionalDistribution() - Method in interface gov.sandia.cognition.statistics.DistributionParameter
Gets the conditional distribution associated with the parameter.
getConditionalEntropyUGivenV() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns H(u|v), computing and storing it if this is the first time called
getConditionalEntropyVGivenU() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns H(v|u), computing and storing it if this is the first time called
getConditionalLearner() - Method in class gov.sandia.cognition.learning.function.categorization.MaximumAPosterioriCategorizer.Learner
Getter for conditionalLearner
getConditionalProbability(int, InputType, CategoryType) - Method in class gov.sandia.cognition.learning.algorithm.bayes.DiscreteNaiveBayesCategorizer
Gets the conditional probability for the given input and category.
getConditionals() - Method in class gov.sandia.cognition.learning.algorithm.bayes.VectorNaiveBayesCategorizer
Gets the conditional distributions, which is a mapping of category to the list of probability density functions, one for each dimension of the vector.
getConfidence() - Method in class gov.sandia.cognition.learning.algorithm.confidence.ConfidenceWeightedDiagonalDeviation
Gets the confidence to use for updating.
getConfidence() - Method in class gov.sandia.cognition.learning.algorithm.confidence.ConfidenceWeightedDiagonalVariance
Gets the confidence to use for updating.
getConfidence() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment
Gets the confidence statistic that the two learners are different.
getConfidence() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment.Result
Gets the confidence statistic for the learners.
getConfidence() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrixConfidenceInterval
Getter for confidence
getConfidence() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrixConfidenceInterval.Summary
Gets the confidence for created the interval.
getConfidence() - Method in class gov.sandia.cognition.statistics.method.ConfidenceInterval
Getter for confidence
getConfidence() - Method in class gov.sandia.cognition.statistics.method.StudentTConfidence.Summary
Gets the confidence for created the interval.
getConfidenceLower() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for confidenceLower
getConfidenceUpper() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for confidenceUpper
getConfusionMatrix() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic.DataPoint
Getter for confusionMatrix
getConjuctive() - Method in class gov.sandia.cognition.statistics.bayesian.ImportanceSampling.DefaultUpdater
Getter for conjunctive
getConjuctive() - Method in class gov.sandia.cognition.statistics.bayesian.RejectionSampling.DefaultUpdater
Getter for conjunctive
getConstant() - Method in class gov.sandia.cognition.learning.function.kernel.PolynomialKernel
Gets the constant of the polynomial.
getConstant() - Method in class gov.sandia.cognition.learning.function.kernel.SigmoidKernel
Gets the constant inside of the sigmoid kernel.
getConstantValue() - Method in class gov.sandia.cognition.learning.function.scalar.LocallyWeightedKernelScalarFunction
Gets the constant value.
getConstantWeight() - Method in class gov.sandia.cognition.learning.function.scalar.LocallyWeightedKernelScalarFunction
Gets the constant weight.
getConstructor() - Method in class gov.sandia.cognition.factory.ConstructorBasedFactory
Gets the constructor used to create new objects.
getConverter() - Method in class gov.sandia.cognition.data.convert.vector.NumberConverterToVectorAdapter
Gets the number converter being adapted to work with vectors.
getConverter() - Method in class gov.sandia.cognition.text.convert.SingleToMultiTextualConverterAdapter
Gets the internal single textual converter being wrapped.
getConvexHull() - Method in class gov.sandia.cognition.statistics.method.ConvexReceiverOperatingCharacteristic
Getter for convexHull
getCoolingFactor() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the cooling factor.
getCost() - Method in class gov.sandia.cognition.learning.algorithm.genetic.EvaluatedGenome
Gets the cost of the genome.
getCostFunction() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
 
getCostFunction() - Method in interface gov.sandia.cognition.learning.algorithm.BatchCostMinimizationLearner
Gets the cost function that the learner is minimizing.
getCostFunction() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
 
getCostFunction() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractMinimizerBasedParameterCostMinimizer
 
getCostFunction() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractParameterCostMinimizer
 
getCostFunction() - Method in class gov.sandia.cognition.learning.function.cost.ParallelizedCostFunctionContainer
Getter for costFunction
getCostParameters() - Method in class gov.sandia.cognition.learning.function.cost.AbstractCostFunction
 
getCostParameters() - Method in class gov.sandia.cognition.learning.function.cost.AbstractSupervisedCostFunction
 
getCostParameters() - Method in class gov.sandia.cognition.learning.function.cost.ClusterDistortionMeasure
 
getCostParameters() - Method in interface gov.sandia.cognition.learning.function.cost.CostFunction
Gets the parameters of the cost function.
getCostParameters() - Method in class gov.sandia.cognition.learning.function.cost.EuclideanDistanceCostFunction
 
getCount(Boolean, Boolean) - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getCount(CategoryType, CategoryType) - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the entry in the matrix for the given actual and predicted categories, which is the count of the number of times the predicted category was given for the given actual category.
getCount(CategoryType, CategoryType) - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultConfusionMatrix
 
getCount() - Method in class gov.sandia.cognition.math.RingAccumulator
Gets the number of items that have been added to the accumulator.
getCount() - Method in class gov.sandia.cognition.statistics.AbstractSufficientStatistic
 
getCount() - Method in interface gov.sandia.cognition.statistics.SufficientStatistic
Gets the count
getCount(Term) - Method in class gov.sandia.cognition.text.term.DefaultTermCounts
 
getCount(Term) - Method in interface gov.sandia.cognition.text.term.TermCounts
Get the count for a given term.
getCounterFactory() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
Gets the factory used for creating the object for counting the votes of the learned ensemble members.
getCovariance() - Method in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator
Gets the covariance.
getCovariance() - Method in interface gov.sandia.cognition.learning.function.categorization.ConfidenceWeightedBinaryCategorizer
Gets the covariance matrix of the categorizer.
getCovariance() - Method in class gov.sandia.cognition.learning.function.categorization.DefaultConfidenceWeightedBinaryCategorizer
 
getCovariance() - Method in class gov.sandia.cognition.learning.function.categorization.DiagonalConfidenceWeightedBinaryCategorizer
 
getCovariance() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
Gets the covariance matrix of the Gaussian.
getCovariance() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.SufficientStatistic
Gets the covariance of the Gaussian.
getCovariance() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateStudentTDistribution
Computes the covariance of the distribution, which involves inverting the precision matrix.
getCovarianceDivisor() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseWishartDistribution
Getter for covarianceDivisor
getCovarianceInverse() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianLinearRegression.IncrementalEstimator.SufficientStatistic
Getter for covarianceInverse
getCovarianceInverse() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression.IncrementalEstimator.SufficientStatistic
Getter for covarianceInverse
getCovarianceInverse() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
Gets the inverse of the covariance matrix.
getCovarianceInverse() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.SufficientStatisticCovarianceInverse
Gets the covariance Inverse of the Gaussian.
getCovarianceInverseSquareRoot() - Method in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator
Gets the square root of the inverse of the covariance matrix.
getCovarianceSqrt() - Method in class gov.sandia.cognition.learning.algorithm.annealing.VectorizablePerturber
Gets the covariance square root matrix.
getCreatedClass() - Method in class gov.sandia.cognition.factory.DefaultFactory
Gets the class whose default constructor is used to create new objects.
getCreator() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer
Gets the cluster creator.
getCreator() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the cluster creator.
getCreator() - Method in class gov.sandia.cognition.learning.algorithm.clustering.initializer.AbstractMinDistanceFixedClusterInitializer
Gets the cluster creator used to create the initial clusters.
getCreator() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Gets the cluster creator.
getCreator() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Gets the cluster creator.
getCrossoverFunction() - Method in class gov.sandia.cognition.learning.algorithm.genetic.reproducer.CrossoverReproducer
Gets the CrossoverFunction.
getCurrent() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the current state of the system.
getCurrentEnsembleCorrect() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
Gets whether or not the current ensemble gets each example correct.
getCurrentInput() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractKalmanFilter
Getter for currentInput
getCurrentLine() - Method in class gov.sandia.cognition.io.ProcessLauncherEvent
Getter for currentLine
getCurrentParameter() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractMarkovChainMonteCarlo
 
getCurrentParameter() - Method in interface gov.sandia.cognition.statistics.bayesian.MarkovChainMonteCarlo
Gets the current parameters in the random walk.
getCurrentScore() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the score of the current state.
getCurrentState() - Method in interface gov.sandia.cognition.framework.CognitiveModel
Gets the current state of the model.
getCurrentState() - Method in class gov.sandia.cognition.framework.lite.AbstractCognitiveModelLite
Gets the current state of the model.
getCurvatureCondition() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.WolfeConditions
Getter for curvatureCondition
getD() - Method in class gov.sandia.cognition.statistics.method.KolmogorovSmirnovConfidence.Statistic
Setter for D
getDampingFactor() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the damping factor.
getDampingFactor() - Method in class gov.sandia.cognition.learning.algorithm.regression.LevenbergMarquardtEstimation
Getter for dampingFactor
getDampingFactorDivisor() - Method in class gov.sandia.cognition.learning.algorithm.regression.FletcherXuHybridEstimation
Getter for dampingFactorDivisor
getDampingFactorDivisor() - Method in class gov.sandia.cognition.learning.algorithm.regression.LevenbergMarquardtEstimation
Getter for dampingFactorDivisor
getData() - Method in class gov.sandia.cognition.learning.algorithm.AbstractAnytimeBatchLearner
 
getData() - Method in interface gov.sandia.cognition.learning.algorithm.AnytimeBatchLearner
Gets the data to use for learning.
getData() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DirichletProcessClustering
 
getData() - Method in class gov.sandia.cognition.learning.algorithm.clustering.MiniBatchKMeansClusterer
 
getData() - Method in class gov.sandia.cognition.learning.algorithm.nearest.KNearestNeighborExhaustive
 
getData() - Method in class gov.sandia.cognition.learning.algorithm.nearest.KNearestNeighborKDTree
Getter for data
getData() - Method in interface gov.sandia.cognition.learning.algorithm.nearest.NearestNeighbor
Gets the data from which this computes the nearest neighbors.
getData() - Method in class gov.sandia.cognition.learning.algorithm.nearest.NearestNeighborExhaustive
 
getData() - Method in class gov.sandia.cognition.learning.algorithm.nearest.NearestNeighborKDTree
Getter for data
getData() - Method in class gov.sandia.cognition.learning.algorithm.pca.KernelPrincipalComponentsAnalysis.Function
Gets the data that was used in the analysis.
getData() - Method in class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer.Learner
 
getData() - Method in interface gov.sandia.cognition.text.OccurrenceInText
Gets the data that occurred in the text.
getData() - Method in class gov.sandia.cognition.text.term.DefaultTermOccurrence
 
getData() - Method in class gov.sandia.cognition.text.token.DefaultToken
 
getDataFullEstimates() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
Gets the current estimates for each data point.
getDataInBag() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractBaggingLearner
Gets the array of counts of the number of samples of each example in the current bag.
getDataInBag() - Method in interface gov.sandia.cognition.learning.algorithm.ensemble.BagBasedCategorizerEnsembleLearner
Gets the counter for each example indicating how many times it exists in the current bag.
getDataInBag() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.BaggingCategorizerLearner
 
getDataInBag() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
 
getDataList() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractBaggingLearner
Gets the data the learner is using as an array list.
getDataOutOfBagEstimates() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
Gets the current out-of-bag estimates for each data point.
getDate() - Method in class gov.sandia.cognition.text.document.DefaultDateField
Gets the date stored in the field.
getDaysPart() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getDaysPart() - Method in interface gov.sandia.cognition.time.Duration
Gets the standard minutes part of the time.
getDecider() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractDecisionTreeNode
Gets the decider used at this node.
getDeciderLearner() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractDecisionTreeLearner
Gets the learner for the decision function.
getDefault() - Static method in class gov.sandia.cognition.io.serialization.XStreamSerializationHandler
Gets the default instance XStreamSerializationHandler.
getDefault() - Static method in class gov.sandia.cognition.math.matrix.MatrixFactory
Gets the default implementation of MatrixFactory.
getDefault() - Static method in class gov.sandia.cognition.math.matrix.SparseVectorFactory
Gets the default instance.
getDefault() - Static method in class gov.sandia.cognition.math.matrix.VectorFactory
Gets the default implementation of the VectorFactory.
getDefaultCovariance() - Method in class gov.sandia.cognition.learning.algorithm.clustering.cluster.GaussianClusterCreator
Getter for defaultCovariance
getDefaultCovariance() - Method in class gov.sandia.cognition.learning.algorithm.clustering.initializer.NeighborhoodGaussianClusterInitializer
Getter for defaultCovariance
getDefaultCovariance() - Method in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator.DiagonalCovarianceLearner
Gets the default covariance value.
getDefaultCovariance() - Method in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator.FullCovarianceLearner
Gets the default covariance value.
getDefaultCovariance() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.IncrementalEstimator
Getter for defaultCovariance
getDefaultCovariance() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.SufficientStatistic
Getter for defaultCovariance
getDefaultCovarianceInverse() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.IncrementalEstimatorCovarianceInverse
Getter for defaultCovarianceInverse
getDefaultCovarianceInverse() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.SufficientStatisticCovarianceInverse
Getter for defaultCovarianceInverse
getDefaultNumThreads() - Static method in class gov.sandia.cognition.algorithm.ParallelUtil
Gets the current default number of threads to use when called using the default createThreadPool() method
getDefaultSeed() - Method in class gov.sandia.cognition.hash.Eva32Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.Eva64Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.FNV1a32Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.FNV1a64Hash
 
getDefaultSeed() - Method in interface gov.sandia.cognition.hash.HashFunction
Gets the default seed for the hash function
getDefaultSeed() - Method in class gov.sandia.cognition.hash.MD5Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.Murmur32Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.Prime32Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.Prime64Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.SHA1Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.SHA256Hash
 
getDefaultSeed() - Method in class gov.sandia.cognition.hash.SHA512Hash
 
getDefaultVariance() - Method in class gov.sandia.cognition.learning.algorithm.confidence.ConfidenceWeightedDiagonalDeviation
Gets the default variance, which the diagonal of the covariance matrix is initialized to.
getDefaultVariance() - Method in class gov.sandia.cognition.learning.algorithm.confidence.ConfidenceWeightedDiagonalVariance
Gets the default variance, which the diagonal of the covariance matrix is initialized to.
getDefaultVariance() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.IncrementalEstimator
Gets the default variance, which is the amount added to the variance.
getDefaultVariance() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.MaximumLikelihoodEstimator
Gets the default variance, which is the amount added to the variance.
getDegree() - Method in class gov.sandia.cognition.learning.function.kernel.PolynomialKernel
Gets the degree of the polynomial.
getDegreesOfFreedom() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
Getter for degreesOfFreedom
getDegreesOfFreedom() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution
Getter for degrees of freedom
getDegreesOfFreedom() - Method in class gov.sandia.cognition.statistics.distribution.InverseWishartDistribution
Getter for degreesOfFreedom
getDegreesOfFreedom() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateStudentTDistribution
Getter for degreesOfFreedom
getDegreesOfFreedom() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
Getter for degreesOfFreedom
getDegreesOfFreedom() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
Getter for degreesOfFreedom
getDegreesOfFreedom() - Method in class gov.sandia.cognition.statistics.method.ChiSquareConfidence.Statistic
Getter for degreesOfFreedom
getDegreesOfFreedom() - Method in class gov.sandia.cognition.statistics.method.FriedmanConfidence.Statistic
Getter for degreesOfFreedom
getDegreesOfFreedom() - Method in class gov.sandia.cognition.statistics.method.StudentTConfidence.Statistic
Getter for degreesOfFreedom
getDelaySamples() - Method in class gov.sandia.cognition.learning.data.feature.DelayFunction
Getter for delaySamples
getDelta() - Method in class gov.sandia.cognition.math.matrix.NumericalDifferentiator
Getter for delta
getDeltaSize() - Method in class gov.sandia.cognition.learning.algorithm.gradient.GradientDescendableApproximator
Getter for deltaSize
getDenseDefault() - Static method in class gov.sandia.cognition.math.matrix.MatrixFactory
Gets the default implementation of MatrixFactory for dense matrices.
getDenseDefault() - Static method in class gov.sandia.cognition.math.matrix.VectorFactory
Gets the default implementation of VectorFactory for dense vectors.
getDepth() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractDecisionTreeNode
 
getDepth() - Method in interface gov.sandia.cognition.learning.algorithm.tree.DecisionTreeNode
Gets the depth of the node in the tree.
getDepth() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
The depth in the tree that this node exists at.
getDerivative() - Method in interface gov.sandia.cognition.math.ClosedFormDifferentiableEvaluator
Gets the closed-form derivative of the function.
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.CDF
 
getDerivative() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution.CDF
 
getDerivative() - Method in interface gov.sandia.cognition.statistics.SmoothCumulativeDistributionFunction
 
getDerivativeGain() - Method in class gov.sandia.cognition.math.signals.PIDController
Getter for derivativeGain
getDFbetween() - Method in class gov.sandia.cognition.statistics.method.AnalysisOfVarianceOneWay.Statistic
Getter for DFbetween
getDFwithin() - Method in class gov.sandia.cognition.statistics.method.AnalysisOfVarianceOneWay.Statistic
Getter for DFwithin
getDiagonal() - Method in interface gov.sandia.cognition.math.matrix.DiagonalMatrix
Gets the data along the diagonal
getDiagonal() - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
Gets the data along the diagonal
getDiagonalDefault() - Static method in class gov.sandia.cognition.math.matrix.MatrixFactory
Gets the default implementation of MatrixFactory for diagonal matrices.
getDiameter() - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the diameter for this graph.
getDimensionality() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorConverter
Gets the dimensionality of the Vector created by the converter.
getDimensionality(Iterable<? extends Vectorizable>) - Static method in class gov.sandia.cognition.learning.data.DatasetUtil
Gets the dimensionality of the vectors in given set of data.
getDimensionality() - Method in class gov.sandia.cognition.math.matrix.custom.DenseVector
 
getDimensionality() - Method in class gov.sandia.cognition.math.matrix.custom.SparseVector
 
getDimensionality() - Method in interface gov.sandia.cognition.math.matrix.DiagonalMatrix
Gets the dimensionality of this square matrix, which is equal to either the number of rows or the number of columns
getDimensionality() - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJVector
 
getDimensionality() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
 
getDimensionality() - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getDimensionality() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector1
 
getDimensionality() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector2
 
getDimensionality() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector3
 
getDimensionality() - Method in interface gov.sandia.cognition.math.matrix.Vector
Returns the number of elements in the Vector
getDimensionality() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianLinearRegression.IncrementalEstimator.SufficientStatistic
Gets the dimensionality of the underlying Gaussian
getDimensionality() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression.IncrementalEstimator.SufficientStatistic
Gets the dimensionality of the underlying Gaussian
getDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.PDF
Gets the dimensionality of the MultivariateGaussian in the mixture
getDimensionality() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.DominanceGlobalTermWeighter
 
getDimensionality() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.EntropyGlobalTermWeighter
 
getDimensionality() - Method in interface gov.sandia.cognition.text.term.vector.weighter.global.GlobalTermWeighter
Gets the dimensionality of the global weights.
getDimensionality() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.InverseDocumentFrequencyGlobalTermWeighter
 
getDimensionReducer() - Method in class gov.sandia.cognition.learning.algorithm.pca.PrincipalComponentsAnalysisFunction
Getter for dimensionReducer
getDimensionsToConsider() - Method in interface gov.sandia.cognition.learning.algorithm.DimensionFilterableLearner
Gets the dimensions that the learner is to consider.
getDimensionsToConsider() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractVectorThresholdMaximumGainLearner
 
getDimensionsToConsider() - Method in class gov.sandia.cognition.learning.algorithm.tree.RandomSubVectorThresholdLearner
 
getDimensionsToConsider() - Method in class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdVarianceLearner
 
getDirection() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.DirectionalVectorToScalarFunction
Getter for direction
getDiscriminant() - Method in class gov.sandia.cognition.learning.data.DefaultValueDiscriminantPair
 
getDiscriminant() - Method in class gov.sandia.cognition.learning.data.DefaultWeightedValueDiscriminant
 
getDiscriminant() - Method in interface gov.sandia.cognition.learning.data.ValueDiscriminantPair
Gets the discriminant for ordering instances of the same value.
getDiscriminant() - Method in class gov.sandia.cognition.learning.function.scalar.VectorFunctionLinearDiscriminant
Getter for discriminant
getDiscriminant() - Method in class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
Getter for discriminant
getDiscriminant() - Method in class gov.sandia.cognition.learning.function.vector.MultivariateDiscriminant
Getter for discriminant.
getDistribution() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
Getter for distribution
getDistributionClasses(Class<? extends DistributionType>) - Static method in class gov.sandia.cognition.statistics.method.MaximumLikelihoodDistributionEstimator
Gets the distribution classes for the given base distribution.
getDistributionCount() - Method in class gov.sandia.cognition.statistics.distribution.LinearMixtureModel
Gets the number of distributions in the model
getDistributionEstimator() - Method in class gov.sandia.cognition.learning.algorithm.bayes.VectorNaiveBayesCategorizer.Learner
Gets the estimation method for the distribution of each dimension of each category.
getDistributionLearner() - Method in class gov.sandia.cognition.learning.algorithm.bayes.VectorNaiveBayesCategorizer.OnlineLearner
Gets the learner used for the distribution representing each dimension.
getDistributionLearner() - Method in class gov.sandia.cognition.learning.algorithm.hmm.AbstractBaumWelchAlgorithm
Getter for distributionLearner
getDistributions() - Method in class gov.sandia.cognition.statistics.distribution.LinearMixtureModel
Getter for distributions
getDistributions() - Method in class gov.sandia.cognition.statistics.method.MaximumLikelihoodDistributionEstimator
Getter for distributions
getDivergence() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the divergence function used by the algorithm.
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
 
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer
Gets the divergence function used in clustering.
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Gets the divergence function used in clustering.
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Gets the stored metric between a cluster and a point.
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.algorithm.nearest.KNearestNeighborKDTree
Setter for distanceFunction
getDivergenceFunction() - Method in interface gov.sandia.cognition.learning.algorithm.nearest.NearestNeighbor
Getter for divergenceFunction
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.algorithm.nearest.NearestNeighborKDTree
Setter for distanceFunction
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.function.distance.DefaultDivergenceFunctionContainer
Gets the divergence function used by this object.
getDivergenceFunction() - Method in interface gov.sandia.cognition.learning.function.distance.DivergenceFunctionContainer
Gets the divergence function used by this object.
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.function.distance.DivergencesEvaluator
 
getDivergenceFunction() - Method in class gov.sandia.cognition.learning.function.distance.DivergencesEvaluator.Learner
 
getDocumentCount() - Method in interface gov.sandia.cognition.text.term.vector.VectorSpaceModel
Gets the number of documents that this object is using for its model
getDocumentCount() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractFrequencyBasedGlobalTermWeighter
 
getDocumentCount() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
Gets the number of documents in the dataset.
getDocumentCount() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler.Result
Gets the number of documents in the dataset.
getDocumentTopicProbabilities() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler.Result
Gets the topic-term probabilities, which are the often called the phi model parameters.
getDomain() - Method in class gov.sandia.cognition.statistics.AbstractDataDistribution
 
getDomain() - Method in interface gov.sandia.cognition.statistics.DiscreteDistribution
Returns an object that allows an iteration through the domain (x-axis, independent variable) of the Distribution
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.CategoricalDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.ChineseRestaurantProcess
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getDomain() - Method in class gov.sandia.cognition.statistics.KullbackLeiblerDivergence
Gets the domain of the distributions.
getDomainSize() - Method in class gov.sandia.cognition.statistics.AbstractDataDistribution
 
getDomainSize() - Method in interface gov.sandia.cognition.statistics.DiscreteDistribution
Gets the size of the domain.
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.CategoricalDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.ChineseRestaurantProcess
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getDomainSize() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getDominance() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.DominanceGlobalTermWeighter
Gets the dominance weight (global weight) vector for all of the terms.
getDPrime() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic.Statistic
Getter for dPrime
getEdge(int) - Method in class gov.sandia.cognition.graph.inference.CostSpeedupEnergyFunction
 
getEdge(int) - Method in class gov.sandia.cognition.graph.inference.EdgeMergingEnergyFunction
 
getEdge(int) - Method in interface gov.sandia.cognition.graph.inference.EnergyFunction
Returns the indices for the two endpoints in the specified path.
getEdge(int) - Method in class gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction
 
getEdgeEndpointIds(int) - Method in class gov.sandia.cognition.graph.DenseMemoryGraph
Helper that returns the endpoint values for the input edge id.
getEdgeEndpointIds(int) - Method in interface gov.sandia.cognition.graph.DirectedNodeEdgeGraph
Return the edge endpoints (by node id) for edge id (where id [0 ...
getEdgeJaccardSimilarity(int) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the Jaccard Similarity for each edge of the graph.
getEdgeTriangleOtherEndpointIds(int) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the ids for the third nodes for all triangles this edge participates in.
getEdgeTriangleOtherEndpointNames(int) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the names for the third nodes for all triangles this edge participates in.
getEdgeWeight(int) - Method in interface gov.sandia.cognition.graph.DirectedWeightedNodeEdgeGraph
This returns the weight of edge id (where id is [0 ...
getEdgeWeight(int) - Method in class gov.sandia.cognition.graph.WeightedDenseMemoryGraph
 
getEffectiveZero() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
Gets the effective value for zero to use in the computation to deal with numerical imprecision.
getEffectiveZero() - Method in class gov.sandia.cognition.text.term.relation.TermVectorSimilarityNetworkCreator
Gets the value to treat as zero.
getEigenValue(int) - Method in class gov.sandia.cognition.math.matrix.decomposition.AbstractEigenDecomposition
gets the indexed eigenvalue
getEigenValue(int) - Method in interface gov.sandia.cognition.math.matrix.decomposition.EigenDecomposition
Gets the complex-valued (potentially real and/or imaginary) eigenvalue specified by the index "index"
getEigenValues() - Method in class gov.sandia.cognition.math.matrix.decomposition.AbstractEigenDecomposition
Getter for eigenValues
getEigenValues() - Method in interface gov.sandia.cognition.math.matrix.decomposition.EigenDecomposition
Returns the array of complex-valued eigenvalues, the eigenvalues may be sorted in descending order of the magnitude of the eigenvalue, or they may be unsorted, depending on the specific implementation used
getEigenVectorsImaginaryPart() - Method in class gov.sandia.cognition.math.matrix.decomposition.AbstractEigenDecomposition
gets the imaginary part of the eienvector, where the ith eigenvector is the ith column
getEigenVectorsImaginaryPart() - Method in interface gov.sandia.cognition.math.matrix.decomposition.EigenDecomposition
Returns a matrix with the imaginary parts of the right eigenvalues of the underlying matrix
getEigenVectorsRealPart() - Method in class gov.sandia.cognition.math.matrix.decomposition.AbstractEigenDecomposition
getter for eigenvectorsrealPart
getEigenVectorsRealPart() - Method in interface gov.sandia.cognition.math.matrix.decomposition.EigenDecomposition
Returns a matrix with the real parts of the right eigenvalues of the underlying matrix
getElement(Iterable<DataType>, int) - Static method in class gov.sandia.cognition.collection.CollectionUtil
Returns the indexed value into the Iterable.
getElement(int, int) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
 
getElement(int) - Method in class gov.sandia.cognition.math.matrix.custom.DenseVector
 
getElement(int, int) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
Returns the value stored at the input locations
getElement(int, int) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Gets the Matrix element at the specified zero-based indices throws ArrayIndexOutOfBoundsException if either rowIndex or columnIndex are less than 0, or greater than the number of rows (columns) minus one (0 <= index <= num-1)
getElement(int) - Method in class gov.sandia.cognition.math.matrix.custom.SparseVector
 
getElement(int) - Method in interface gov.sandia.cognition.math.matrix.DiagonalMatrix
Gets the zero-based index diagonal element into the diagonal matrix
getElement(int, int) - Method in interface gov.sandia.cognition.math.matrix.Matrix
Gets the Matrix element at the specified zero-based indices throws ArrayIndexOutOfBoundsException if either rowIndex or columnIndex are less than 0, or greater than the number of rows (columns) minus one (0 <= index <= num-1)
getElement(int, int) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
 
getElement(int) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJVector
 
getElement(int) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
 
getElement(int, int) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getElement(int) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getElement(int) - Method in interface gov.sandia.cognition.math.matrix.Vector
Gets the zero-based indexed element from the Vector
getEmissionFunctions() - Method in class gov.sandia.cognition.learning.algorithm.hmm.HiddenMarkovModel
Getter for emissionFunctions
getEndNode(int) - Method in class gov.sandia.cognition.graph.GraphWalker
Returns the last node reached on a walk of numSteps steps starting from current node
getEndNode(NodeNameType, int) - Method in class gov.sandia.cognition.graph.GraphWalker
Returns the last node reached on a walk of numSteps steps starting from startNode
getEndNodes(NodeNameType, int, int) - Method in class gov.sandia.cognition.graph.GraphWalker
After running numTries walk of numSteps starting from startNode, this returns a map where the keys are all nodes reached at the end and the values are the number of times those nodes were reached.
getEnsemble() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractBaggingLearner
Gets the ensemble created by this learner.
getEnsemble() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AdaBoost
Gets the ensemble created by this learner.
getEnsembleSize() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.OnlineBaggingCategorizerLearner
Gets the size of the ensemble to create.
getEntries() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
Gets the data that the algorithm keeps for each training instance.
getEntropy() - Method in class gov.sandia.cognition.statistics.AbstractDataDistribution
 
getEntropy() - Method in interface gov.sandia.cognition.statistics.DataDistribution
Computes the information-theoretic entropy of the vector in bits.
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.CategoricalDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.ChineseRestaurantProcess.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution.PMF
 
getEntropy() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution.PMF
 
getEntropy() - Method in interface gov.sandia.cognition.statistics.ProbabilityMassFunction
Gets the entropy of the values in the histogram.
getEntropy(ProbabilityMassFunction<DataType>) - Static method in class gov.sandia.cognition.statistics.ProbabilityMassFunctionUtil
Computes the information-theoretic entropy of the PMF in bits.
getEntropy() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.EntropyGlobalTermWeighter
Gets the entropy weight (global weight) vector for all of the terms.
getEntropyU() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the entropy of the u partitioning (computing and storing it if this is the first time called)
getEntropyV() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the entropy of the v partitioning (computing and storing it if this is the first time called)
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.custom.DenseVector
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.custom.SparseVector
 
getEntryCount() - Method in interface gov.sandia.cognition.math.matrix.Matrix
Gets the number of active entries in the matrix.
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseColumnMatrix
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseRowMatrix
 
getEntryCount() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
 
getEntryCount() - Method in interface gov.sandia.cognition.math.matrix.Vector
Gets the number of active entries in the vector.
getErrorCount() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.BatchMultiPerceptron
Gets the error count of the most recent iteration.
getErrorCount() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.Forgetron.Result
Gets the error count.
getErrorCount() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelAdatron
Gets the error count of the most recent iteration.
getErrorCount() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelPerceptron
Gets the error count of the most recent iteration.
getErrorCount() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineShiftingPerceptron.LinearResult
Gets the error count.
getErrorCount() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.Perceptron
Gets the error count of the most recent iteration.
getErrorCount() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelBasedIterativeRegression
Gets the error count of the most recent iteration.
getErrorRate() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getErrorRate() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
The error rate of the entire confusion matrix.
getErrorTolerance() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
Gets the error tolerance for the algorithm.
getErrSum() - Method in class gov.sandia.cognition.math.signals.PIDController.State
Getter for errSum
getEstimate() - Method in class gov.sandia.cognition.learning.data.DefaultTargetEstimatePair
Gets the estimate, which is the prediction or guess.
getEstimate() - Method in interface gov.sandia.cognition.learning.data.TargetEstimatePair
Gets the estimate, which is the prediction or guess.
getEstimateConverter() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelTargetEstimatePairConverter
Gets the converter for the estimate value.
getEstimator() - Method in interface gov.sandia.cognition.statistics.DataDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.DefaultDataDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getEstimator() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
 
getEstimator() - Method in interface gov.sandia.cognition.statistics.EstimableDistribution
Gets an estimator associated with this distribution.
getEta() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.Projectron
Gets the eta parameter that controls how many supports are allowed.
getEvaluator() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModule
Gets the underlying evaluator that is being wrapped in this module.
getEvaluator() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleSettings
Gets the evaluator to be used by the module.
getEvaluator() - Method in class gov.sandia.cognition.learning.function.categorization.EvaluatorToCategorizerAdapter
Gets the evaluator that is to be adapted to be a categorizer.
getEvaluator() - Method in class gov.sandia.cognition.learning.function.categorization.ScalarFunctionToBinaryCategorizerAdapter
Gets the scalar function that the adapter wraps.
getEvaluator() - Method in class gov.sandia.cognition.learning.function.categorization.WinnerTakeAllCategorizer
Gets the wrapped evaluator.
getEvaluator() - Method in class gov.sandia.cognition.text.term.filter.StringEvaluatorSingleTermFilter
Gets the evaluator being used as a filter.
getEvaluators() - Method in class gov.sandia.cognition.evaluator.CompositeEvaluatorList
Gets the list of evaluators that is being composed together.
getEventType() - Method in class gov.sandia.cognition.framework.SemanticIdentifierMapEvent
Gets the type of the event.
getExample(int) - Method in interface gov.sandia.cognition.learning.algorithm.ensemble.BagBasedCategorizerEnsembleLearner
Gets the training example at the given index.
getExample(int) - Method in class gov.sandia.cognition.learning.algorithm.ensemble.BaggingCategorizerLearner
 
getExample(int) - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
 
getExampleCount() - Method in class gov.sandia.cognition.learning.function.categorization.DefaultKernelBinaryCategorizer
Returns the number of examples (supports) in the categorizer.
getExamples() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the array list of examples to cluster.
getExamples() - Method in class gov.sandia.cognition.learning.function.categorization.KernelBinaryCategorizer
Gets the list of weighted examples that categorizer is using.
getExamples() - Method in class gov.sandia.cognition.learning.function.scalar.KernelScalarFunction
Gets the list of weighted examples that categorizer is using.
getExpectedMutualInformation() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the approximate expected value of the mutual information for the two partitionings.
getExponent() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction
Getter for exponent
getExtension(File) - Static method in class gov.sandia.cognition.io.FileUtil
Returns the extension of the given file, which is the part of the name after the last '.'.
getExtension(String) - Static method in class gov.sandia.cognition.io.FileUtil
Returns the extension of the given filename , which is the part of the name after the last '.'.
getF() - Method in class gov.sandia.cognition.statistics.method.AnalysisOfVarianceOneWay.Statistic
Getter for F
getF() - Method in class gov.sandia.cognition.statistics.method.FriedmanConfidence.Statistic
Getter for F.
getFactorCount() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.AbstractFactorizationMachineLearner
Gets the number of factors.
getFactorCount() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachine
Gets the number of factors in the model.
getFactorRegularization() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.AbstractFactorizationMachineLearner
Gets the value for the parameter controlling the factor matrix regularization.
getFactors() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachine
Gets the matrix of factors.
getFactory() - Method in class gov.sandia.cognition.learning.performance.categorization.ConfusionMatrixPerformanceEvaluator
Gets the factory for the confusion matrix the evaluator creates.
getFalseNegativesCount() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
Gets the number of false negatives.
getFalseNegativesCount() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
 
getFalseNegativesFraction() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getFalseNegativesFraction() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
Gets the fraction of false negatives.
getFalseNegativesRate() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
Gets the rate of true targets incorrectly classified as false.
getFalseNegativesRate() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrixConfidenceInterval
Getter for falseNegativesRate
getFalsePositiveRate() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic.DataPoint
Gets the falsePositiveRate associated with this datapoint
getFalsePositivesCount() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
Gets the number of false positives.
getFalsePositivesCount() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
 
getFalsePositivesFraction() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getFalsePositivesFraction() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
Gets the fraction of false positives.
getFalsePositivesRate() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
Gets the rate of false targets incorrectly classified as true.
getFalsePositivesRate() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrixConfidenceInterval
Getter for falsePositivesRate
getFalseValue() - Method in class gov.sandia.cognition.data.convert.number.DefaultBooleanToNumberConverter
Gets the number that represents a falue value.
getFeatureMeans() - Method in class gov.sandia.cognition.learning.algorithm.delta.CosineDeltaCategorizer
Getter for featureMeans.
getFeatureStddev() - Method in class gov.sandia.cognition.learning.algorithm.delta.AbstractDeltaCategorizer
Getter for featureStddev
getField() - Method in class gov.sandia.cognition.statistics.method.FieldConfidenceInterval
Getter for field
getField(String) - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getField(String) - Method in interface gov.sandia.cognition.text.document.Document
Gets the field from the document with the given field name, if it exists.
getFieldMap() - Method in class gov.sandia.cognition.text.document.AbstractDocument
Gets the mapping of field name to the field.
getFieldName() - Method in class gov.sandia.cognition.text.convert.DocumentSingleFieldConverter
Gets the name of the field to extract.
getFieldNames() - Method in class gov.sandia.cognition.text.convert.DocumentFieldConcatenator
Gets the list of field names whose text are to be concatenated together.
getFields() - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getFields() - Method in interface gov.sandia.cognition.text.document.Document
Gets the collection of the fields that make up the document.
getFieldSeparator() - Method in class gov.sandia.cognition.text.convert.DocumentFieldConcatenator
Gets the string used as a separator between field text values.
getFieldValues(Object, Collection<Field>) - Static method in class gov.sandia.cognition.util.ObjectUtil
Gets the values of the given fields for the object (can get public / protected / private field values)
getFileReference() - Method in interface gov.sandia.cognition.text.document.DocumentReference
Gets the reference to the file containing the document.
getFirst(Iterable<? extends T>) - Static method in class gov.sandia.cognition.collection.CollectionUtil
Gets the first element from an iterable.
getFirst(List<? extends T>) - Static method in class gov.sandia.cognition.collection.CollectionUtil
Gets the first element of the list.
getFirst() - Method in class gov.sandia.cognition.collection.FiniteCapacityBuffer
Returns the first element in the list.
getFirst() - Method in class gov.sandia.cognition.learning.algorithm.CompositeBatchLearnerPair
 
getFirst() - Method in class gov.sandia.cognition.learning.algorithm.genetic.EvaluatedGenome
The first entry in the pair is the genome.
getFirst() - Method in class gov.sandia.cognition.learning.algorithm.regression.LogisticRegression.Function
 
getFirst() - Method in class gov.sandia.cognition.learning.data.AbstractInputOutputPair
Gets the input, which is the first element in the pair.
getFirst() - Method in class gov.sandia.cognition.learning.data.AbstractTargetEstimatePair
Gets the target, which is the first element in the pair.
getFirst() - Method in class gov.sandia.cognition.learning.data.AbstractValueDiscriminantPair
 
getFirst() - Method in class gov.sandia.cognition.learning.data.DefaultWeightedValueDiscriminant
 
getFirst() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector2
 
getFirst() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector3
 
getFirst() - Method in class gov.sandia.cognition.text.evaluation.DefaultPrecisionRecallPair
Gets the first element, which is the precision.
getFirst() - Method in class gov.sandia.cognition.util.DefaultKeyValuePair
 
getFirst() - Method in class gov.sandia.cognition.util.DefaultPair
Gets the first object.
getFirst() - Method in class gov.sandia.cognition.util.DefaultTemporalValue
Gets the first value of the pair, which is the time.
getFirst() - Method in class gov.sandia.cognition.util.DefaultTriple
 
getFirst() - Method in interface gov.sandia.cognition.util.Pair
Gets the first object.
getFirst() - Method in interface gov.sandia.cognition.util.Triple
Gets the first object.
getFirstChild() - Method in class gov.sandia.cognition.learning.algorithm.clustering.hierarchy.BinaryClusterHierarchyNode
Gets the first child node, if there is one.
getFirstConverter() - Method in class gov.sandia.cognition.framework.learning.converter.AbstractCogxelPairConverter
Getter for firstConverter
getFirstEdgeFrom(int) - Method in class gov.sandia.cognition.graph.DenseMemoryGraph
Helper that returns the first edge that node nodeVal (id) participates in.
getFirstInternalEntry() - Method in class gov.sandia.cognition.math.matrix.MatrixUnionIterator
getter for firstInternalEntry
getFirstInternalEntry() - Method in class gov.sandia.cognition.math.matrix.VectorUnionIterator
getter for firstInternalEntry
getFirstIterator() - Method in class gov.sandia.cognition.math.matrix.MatrixUnionIterator
getter for firstInterator
getFirstIterator() - Method in class gov.sandia.cognition.math.matrix.VectorUnionIterator
getter for firstIterator
getFirstLearner() - Method in class gov.sandia.cognition.learning.algorithm.CompositeBatchLearnerPair
Gets the first learner that is applied to the input data.
getFirstMatrix() - Method in class gov.sandia.cognition.math.matrix.mtj.TwoMatrixEntryMTJ
Getter for firstMatrix.
getFirstValue() - Method in class gov.sandia.cognition.math.matrix.DefaultTwoVectorEntry
Gets the entry value from the first underlying vector.
getFirstValue() - Method in class gov.sandia.cognition.math.matrix.mtj.TwoMatrixEntryMTJ
Gets the first value from the first underlying matrix.
getFirstValue() - Method in interface gov.sandia.cognition.math.matrix.TwoMatrixEntry
Gets the first value to which this entry points
getFirstValue() - Method in interface gov.sandia.cognition.math.matrix.TwoVectorEntry
Gets the first value to which this entry points
getFirstVector() - Method in class gov.sandia.cognition.math.matrix.DefaultTwoVectorEntry
Getter for firstVector.
getFoldCreator() - Method in class gov.sandia.cognition.learning.experiment.AbstractValidationFoldExperiment
Gets the fold creator.
getForward() - Method in class gov.sandia.cognition.evaluator.ForwardReverseEvaluatorPair
Gets the forward evaluator that maps input type to output type.
getFraction(KeyType) - Method in class gov.sandia.cognition.statistics.AbstractDataDistribution
 
getFraction(DataType) - Method in interface gov.sandia.cognition.statistics.DataDistribution
Gets the fraction of the counts represented by the given key.
getFractionValue() - Method in class gov.sandia.cognition.math.LentzMethod
Getter for fractionValue
getFrequency() - Method in class gov.sandia.cognition.learning.function.scalar.CosineFunction
Getter for frequency
getFScore() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getFScore(double) - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getFScore() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
The F-score of the confusion matrix, which is also known as the F1-score or F-measure.
getFScore(double) - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
The F-score for the confusion matrix with the given trade-off parameter (beta).
getFunction() - Method in class gov.sandia.cognition.learning.algorithm.gradient.GradientDescendableApproximator
Getter for function
getFunction() - Method in class gov.sandia.cognition.learning.function.kernel.ScalarFunctionKernel
Gets the scalar function the kernel is using.
getFunction() - Method in class gov.sandia.cognition.learning.function.kernel.VectorFunctionKernel
Gets the vector function the kernel is using.
getFunction() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling.LogEvaluator
Getter for function
getFurthestNeighborDistance() - Method in class gov.sandia.cognition.math.geometry.KDTree.Neighborhood
Returns the distance of the furthest Neighbor.
getFutureStateDistribution(Vector, int) - Method in class gov.sandia.cognition.learning.algorithm.hmm.MarkovChain
Simulates the Markov chain into the future, given the transition Matrix and the given current state-probability distribution, for the given number of time steps into the future.
getGaussian() - Method in class gov.sandia.cognition.learning.algorithm.clustering.cluster.GaussianCluster
Gets the Gaussian that represents the cluster.
getGaussian() - Method in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator
Gets the underlying multivariate Gaussian.
getGaussian() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussianInverseGammaDistribution
Getter for gaussian
getGaussian() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseWishartDistribution
Getter for gaussian.
getGaussianMixture() - Method in class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer
Getter for gaussianMixture
getGenome() - Method in class gov.sandia.cognition.learning.algorithm.genetic.EvaluatedGenome
Gets the genome.
getGeometricDecrease() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizerBacktracking
Getter for geometricDecrease.
getGlobalWeighter() - Method in class gov.sandia.cognition.text.term.vector.weighter.CompositeLocalGlobalTermWeighter
Gets the weighting scheme for the global weights.
getGlobalWeights() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.DominanceGlobalTermWeighter
 
getGlobalWeights() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.EntropyGlobalTermWeighter
 
getGlobalWeights() - Method in interface gov.sandia.cognition.text.term.vector.weighter.global.GlobalTermWeighter
Gets the current vector of global weights.
getGlobalWeights() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.InverseDocumentFrequencyGlobalTermWeighter
 
getGoldenInterpolator() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.interpolator.LineBracketInterpolatorBrent
Getter for goldenInterpolator
getHashFunction() - Method in class gov.sandia.cognition.learning.data.feature.FeatureHashing
Gets the hash function to use.
getHiddenDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
Gets the number of hidden units, not including the bias term.
getHighValue() - Method in class gov.sandia.cognition.learning.function.scalar.ThresholdFunction
Getter for highValue
getHoursPart() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getHoursPart() - Method in interface gov.sandia.cognition.time.Duration
Gets the standard hours part of the time.
getIdentifier() - Method in class gov.sandia.cognition.framework.DefaultSemanticIdentifier
Gets the integer identifier for the SemanticLabel
getIdentifier() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelBooleanConverter
Gets the semantic identifier of the cogxel to convert.
getIdentifier() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelDoubleConverter
Gets the semantic identifier of the Cogxel to convert.
getIdentifier(int) - Method in class gov.sandia.cognition.framework.lite.ArrayBasedCognitiveModelInput
Gets the SemanticIdentifier of the given index in the array.
getIdentifier(int) - Method in class gov.sandia.cognition.framework.lite.VectorBasedCognitiveModelInput
Gets the SemanticIdentifier of the given index in the array.
getIdentifier() - Method in interface gov.sandia.cognition.framework.SemanticIdentifier
Gets the integer identifier for the SemanticLabel
getIdentifier() - Method in class gov.sandia.cognition.framework.SemanticIdentifierMapEvent
Gets the SemanticIdentifier involved in the event.
getIdentifier() - Method in class gov.sandia.cognition.util.DefaultIdentifiedValue
 
getIdentifier() - Method in interface gov.sandia.cognition.util.Identified
Gets the identifier for this object.
getIdentifierCounter() - Method in class gov.sandia.cognition.framework.DefaultSemanticIdentifierMap
Getter for identifierCounter.
getIdentifiers() - Method in class gov.sandia.cognition.framework.DefaultSemanticIdentifierMap
Gets all the SemanticIdentifiers in the map.
getIdentifiers() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorConverter
Gets the list of cached SemanticIdentifiers.
getIdentifiers() - Method in class gov.sandia.cognition.framework.lite.ArrayBasedCognitiveModelInput
Gets the array of identifiers.
getIdentifiers() - Method in class gov.sandia.cognition.framework.lite.VectorBasedCognitiveModelInput
Getter for identifiers
getIdentifiers() - Method in interface gov.sandia.cognition.framework.SemanticIdentifierMap
Gets all the SemanticIdentifiers in the map.
getIdentifierToIndexMap() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorConverter
Gets the cached mapping of SemanticIdentifier to vector index.
getImaginaryPart() - Method in class gov.sandia.cognition.math.ComplexNumber
Returns the imaginary portion of the complex number, no computation needed
getImportanceDistribution() - Method in class gov.sandia.cognition.statistics.montecarlo.ImportanceSampler
Getter for importanceDistribution.
getIncomingValue() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractDecisionTreeNode
Gets the label of the incoming value to the node.
getIncomingValue() - Method in interface gov.sandia.cognition.learning.algorithm.tree.DecisionTreeNode
Gets the label of the incoming value to the node.
getIndex(ValueType) - Method in class gov.sandia.cognition.collection.DefaultIndexer
 
getIndex(ValueType) - Method in interface gov.sandia.cognition.collection.Indexer
Gets the index associated with the value.
getIndex(SemanticLabel) - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
Gets the index in the vector of the given label.
getIndex() - Method in class gov.sandia.cognition.learning.algorithm.clustering.cluster.DefaultCluster
Gets the cluster index.
getIndex() - Method in class gov.sandia.cognition.learning.function.categorization.VectorElementThresholdCategorizer
Gets the vector index that the threshold is being applied to.
getIndex() - Method in class gov.sandia.cognition.learning.function.scalar.VectorEntryFunction
Gets the index into the vector that the function gets the value for.
getIndex() - Method in class gov.sandia.cognition.math.matrix.DefaultTwoVectorEntry
Gets the current index into the underlying vectors.
getIndex() - Method in interface gov.sandia.cognition.math.matrix.TwoVectorEntry
Gets the current index into the Vector to which this entry points
getIndex() - Method in interface gov.sandia.cognition.math.matrix.VectorEntry
Gets the current index into the Vector to which this entry points
getIndex() - Method in class gov.sandia.cognition.math.matrix.VectorizableIndexComparator
Getter for index.
getIndex(Termable) - Method in class gov.sandia.cognition.text.term.AbstractTermIndex
 
getIndex(Term) - Method in class gov.sandia.cognition.text.term.AbstractTermIndex
 
getIndex() - Method in class gov.sandia.cognition.text.term.DefaultIndexedTerm
 
getIndex() - Method in interface gov.sandia.cognition.text.term.IndexedTerm
Gets the index associated with the term.
getIndex(Termable) - Method in interface gov.sandia.cognition.text.term.TermIndex
Gets the index of the given term.
getIndex(Term) - Method in interface gov.sandia.cognition.text.term.TermIndex
Gets the index of the given term.
getIndexComparator() - Method in class gov.sandia.cognition.math.matrix.MatrixUnionIterator
Gets the index comparator.
getIndexedTerm(Termable) - Method in class gov.sandia.cognition.text.term.AbstractTermIndex
 
getIndexedTerm(Term) - Method in class gov.sandia.cognition.text.term.DefaultTermIndex
 
getIndexedTerm(int) - Method in class gov.sandia.cognition.text.term.DefaultTermIndex
 
getIndexedTerm(Termable) - Method in interface gov.sandia.cognition.text.term.TermIndex
Gets the index-term pair for the given term, if it is in the index.
getIndexedTerm(Term) - Method in interface gov.sandia.cognition.text.term.TermIndex
Gets the index-term pair for the given term, if it is in the index.
getIndexedTerm(int) - Method in interface gov.sandia.cognition.text.term.TermIndex
Gets the index-term pair for the given index.
getInitialAlpha() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel
Getter for initialAlpha
getInitialBelief() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.AbstractConjugatePriorBayesianEstimator
Getter for initialBelief.
getInitialDomainCapacity() - Method in class gov.sandia.cognition.statistics.distribution.DefaultDataDistribution.DefaultFactory
Gets the initial domain capacity.
getInitialGuess() - Method in class gov.sandia.cognition.learning.algorithm.hmm.AbstractBaumWelchAlgorithm
Getter for initialGuess.
getInitialGuess() - Method in class gov.sandia.cognition.learning.algorithm.minimization.AbstractAnytimeFunctionMinimizer
Getter for initialGuess
getInitialGuess() - Method in interface gov.sandia.cognition.learning.algorithm.minimization.FunctionMinimizer
Gets the initial guess of the minimization routine
getInitialGuess() - Method in class gov.sandia.cognition.learning.algorithm.minimization.matrix.IterativeMatrixSolver
Returns the initial guess at "x"
getInitialGuess() - Method in class gov.sandia.cognition.learning.algorithm.root.AbstractRootFinder
Returns the initial guess of the root.
getInitialGuess() - Method in class gov.sandia.cognition.learning.algorithm.root.MinimizerBasedRootFinder
 
getInitialGuess() - Method in class gov.sandia.cognition.learning.algorithm.root.RootBracketExpander
Getter for initialGuess.
getInitialGuess() - Method in interface gov.sandia.cognition.learning.algorithm.root.RootFinder
Sets the initial guess of the root (zero-crossing), which is supplied as input to the function to find the zero-crossings of.
getInitialGuessFunctionValue() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.AbstractAnytimeLineMinimizer
Getter for initialGuessFunctionValue
getInitialGuessSlope() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.AbstractAnytimeLineMinimizer
Getter for initialGuessSlope
getInitializationRange() - Method in class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
Getter for initializationRange
getInitializer() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Gets the cluster initializer.
getInitialPopulation() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Getter for initialPopulation.
getInitialProbability() - Method in class gov.sandia.cognition.learning.algorithm.hmm.MarkovChain
Getter for initialProbability.
getInput() - Method in interface gov.sandia.cognition.framework.CognitiveModelState
Gets the input to the model for this state.
getInput() - Method in class gov.sandia.cognition.framework.lite.CognitiveModelLiteState
Gets the input to the model for this state.
getInput() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation.Entry
Gets the input that the data belongs to.
getInput() - Method in class gov.sandia.cognition.learning.data.DefaultInputOutputPair
 
getInput() - Method in interface gov.sandia.cognition.learning.data.InputOutputPair
Gets the input.
getInputConverter() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelInputOutputPairConverter
Gets the input converter
getInputConverter() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModule
Gets the input converter that is used to map from Cogxels to the InputType.
getInputConverter() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleFactoryLearner
Gets the CogxelConverter used to convert from a CogxelState to InputType.
getInputConverter() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleSettings
Gets the CogxelConverter used to convert from a CogxelState to InputType.
getInputDimensionality() - Method in interface gov.sandia.cognition.framework.lite.PatternRecognizerLite
Gets the dimensionality of the input vector to the pattern recognizer.
getInputDimensionality() - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
Gets the dimensionality of the input vector to the pattern recognizer.
getInputDimensionality() - Method in class gov.sandia.cognition.learning.algorithm.bayes.DiscreteNaiveBayesCategorizer
Getter for inputDimensionality.
getInputDimensionality() - Method in class gov.sandia.cognition.learning.algorithm.bayes.VectorNaiveBayesCategorizer
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachine
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.algorithm.pca.PrincipalComponentsAnalysisFunction
Returns the expected dimension of input Vectors
getInputDimensionality(Iterable<? extends InputOutputPair<? extends Vectorizable, ?>>) - Static method in class gov.sandia.cognition.learning.data.DatasetUtil
Gets the dimensionality of the input vectors in given set of input-output pairs.
getInputDimensionality() - Method in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.categorization.LinearBinaryCategorizer
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.categorization.LinearMultiCategorizer
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.distance.WeightedEuclideanDistanceMetric
Gets the expected dimensionality of the input vectors for this distance metric.
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.scalar.LinearDiscriminant
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.MultivariateDiscriminant
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.SubVectorEvaluator
 
getInputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
 
getInputDimensionality() - Method in interface gov.sandia.cognition.math.matrix.VectorInputEvaluator
Gets the expected dimensionality of the input vector to the evaluator, if it is known.
getInputDimensionality() - Method in class gov.sandia.cognition.math.signals.LinearDynamicalSystem
 
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.CategoricalDistribution
Gets the dimensionality of the input vectors
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.DirichletDistribution.PDF
 
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.InverseWishartDistribution
Gets the dimensionality of the inverse scale Matrix.
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution.PMF
 
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
Gets the dimensionality of the Gaussian.
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution
Gets the dimensionality of the parameters
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateStudentTDistribution
Gets the dimensionality of the distribution.
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution.PDF
 
getInputDimensionality() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseWishartDistribution
Gets the input dimensionality of the Gaussian and the inverse-Wishart distributions
getInputDimensionality() - Method in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
 
getInputDimensionality() - Method in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis.Result
 
getInputLabels() - Method in interface gov.sandia.cognition.framework.lite.PatternRecognizerLite
Gets the labels for the dimensions of the input vector.
getInputLabels() - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
Gets the labels for the dimensions of the input vector.
getInputLearner() - Method in class gov.sandia.cognition.learning.algorithm.InputOutputTransformedBatchLearner
Gets the unsupervised learning algorithm for creating the input transformation.
getInputToVectorMap() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearBasisRegression
Getter for inputToVectorMap
getInstance() - Static method in class gov.sandia.cognition.io.serialization.JavaDefaultBinarySerializationHandler
Gets a singleton instance of the class.
getInstance() - Static method in class gov.sandia.cognition.learning.function.kernel.LinearKernel
Gets the single instance of this class because it has no internal data.
getInstance() - Static method in class gov.sandia.cognition.learning.function.kernel.ZeroKernel
Gets the single instance of this class because it has no internal data.
getInstance() - Static method in class gov.sandia.cognition.text.term.vector.CosineSimilarityFunction
Gets a singleton instance of the class.
getInstance() - Static method in class gov.sandia.cognition.util.DefaultWeightedValue.WeightComparator
Gets a static instance of this class.
getIntegralGain() - Method in class gov.sandia.cognition.math.signals.PIDController
Getter for integralGain.
getInternalEntry() - Method in class gov.sandia.cognition.math.matrix.MatrixUnionIterator
getter for internalEntry
getInternalEntry() - Method in class gov.sandia.cognition.math.matrix.VectorUnionIterator
getter for internalEntry
getInternalFunction() - Method in class gov.sandia.cognition.learning.algorithm.root.SolverFunction
Getter for internalFunction
getInternalFunction() - Method in class gov.sandia.cognition.math.matrix.NumericalDifferentiator
Getter for internalFunction
getInternalMatrix() - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
Gets the internal MTJ matrix that this class is wrapping.
getInternalMatrix() - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getInternalMatrix() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseColumnMatrix
 
getInternalMatrix() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseRowMatrix
 
getInternalReader() - Method in class gov.sandia.cognition.math.matrix.MatrixReader
Getter for internalReader
getInternalState() - Method in class gov.sandia.cognition.framework.lite.CognitiveModuleStateWrapper
Gets the internal state object.
getInternalVector() - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJVector
Getter for internalVector
getInternalVector() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
 
getInterpolator() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.AbstractAnytimeLineMinimizer
 
getInterpolator() - Method in interface gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizer
Gets the interpolator used to fit data points and derive an interpolated (hypothesized) minimum to try next.
getInverseDocumentFrequency() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.InverseDocumentFrequencyGlobalTermWeighter
Gets the inverse-document-frequency (IDF) global weight values.
getInverseGamma() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussianInverseGammaDistribution
Getter for inverseGamma
getInverseScale() - Method in class gov.sandia.cognition.statistics.distribution.InverseWishartDistribution
Getter for inverseScale
getInverseWishart() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseWishartDistribution
Getter for inverseWishart
getItems() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the collection of items contained in this node and all subnodes.
getIteration() - Method in class gov.sandia.cognition.algorithm.AbstractIterativeAlgorithm
 
getIteration() - Method in class gov.sandia.cognition.algorithm.AnytimeAlgorithmWrapper
 
getIteration() - Method in interface gov.sandia.cognition.algorithm.IterativeAlgorithm
Gets the current number of iterations executed by this algorithm since its it was started.
getIteration() - Method in class gov.sandia.cognition.learning.algorithm.minimization.matrix.IterativeMatrixSolver
 
getIterationLearner() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelWeightedRobustRegression
Getter for iterationLearner
getIterationsPerSample() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractMarkovChainMonteCarlo
 
getIterationsPerSample() - Method in interface gov.sandia.cognition.statistics.bayesian.MarkovChainMonteCarlo
Gets the number of iterations that must transpire between capturing samples from the distribution.
getIterationsPerSample() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
Gets the number of iterations to the Markov Chain Monte Carlo algorithm between samples (after the burn-in iterations).
getIterationsWithoutImprovement() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the current number of iterations without improvement.
getIterationsWithoutImprovement() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Gets the current number of iterations without improvement.
getIterationsWithoutImprovement() - Method in class gov.sandia.cognition.learning.algorithm.regression.LevenbergMarquardtEstimation
Getter for iterationsWithoutImprovement
getJointEntropy() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the joint entropy (H(u,v)), computing it if this is the first time called
getK() - Method in class gov.sandia.cognition.learning.algorithm.nearest.AbstractKNearestNeighbor
Getter for k
getK() - Method in interface gov.sandia.cognition.learning.algorithm.nearest.KNearestNeighbor
Getter for k
getK() - Method in class gov.sandia.cognition.math.Combinations
Getter for k
getKappa() - Method in class gov.sandia.cognition.learning.function.kernel.SigmoidKernel
Gets kappa, the value multiplied by the dot product of the two vectors before it is passed to the hyperbolic tangent function.
getKeepGoing() - Method in class gov.sandia.cognition.learning.algorithm.AbstractAnytimeBatchLearner
 
getKeepGoing() - Method in interface gov.sandia.cognition.learning.algorithm.AnytimeBatchLearner
Gets the keep going value, which indicates if the algorithm should continue on to another step.
getKeepGoing() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DirichletProcessClustering
 
getKeepGoing() - Method in class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer.Learner
 
getKeepGoing() - Method in class gov.sandia.cognition.math.LentzMethod
Getter for keepGoing
getKernel() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.AbstractOnlineKernelBinaryCategorizerLearner
 
getKernel() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelAdatron
Gets the kernel to use.
getKernel() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelPerceptron
Gets the kernel to use.
getKernel() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelBasedIterativeRegression
Gets the kernel to use.
getKernel() - Method in class gov.sandia.cognition.learning.algorithm.regression.LocallyWeightedFunction
Getter for kernel
getKernel() - Method in class gov.sandia.cognition.learning.algorithm.regression.LocallyWeightedFunction.Learner
Getter for kernel
getKernel() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
 
getKernel() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
Gets the kernel to use.
getKernel() - Method in class gov.sandia.cognition.learning.function.categorization.KernelBinaryCategorizer
 
getKernel() - Method in class gov.sandia.cognition.learning.function.kernel.DefaultKernelContainer
Gets the internal kernel.
getKernel() - Method in interface gov.sandia.cognition.learning.function.kernel.KernelContainer
Gets the kernel.
getKernelCacheSize() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
Gets the size of the kernel cache or 0 if no kernel cache is to be used.
getKernelMatrix() - Method in class gov.sandia.cognition.learning.algorithm.pca.KernelPrincipalComponentsAnalysis.Function
Gets the kernel matrix for the data that the analysis was done over.
getKernels() - Method in class gov.sandia.cognition.learning.function.kernel.DefaultKernelsContainer
Gets the collection of kernels.
getKernelWeightingFunction() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelWeightedRobustRegression
Getter for kernelWeightingFunction
getKey() - Method in class gov.sandia.cognition.collection.AbstractLogNumberMap.SimpleEntry
 
getKey() - Method in class gov.sandia.cognition.collection.AbstractMutableDoubleMap.SimpleEntry
 
getKey() - Method in interface gov.sandia.cognition.collection.ScalarMap.Entry
Gets the key.
getKey() - Method in class gov.sandia.cognition.util.DefaultKeyValuePair
 
getKey() - Method in interface gov.sandia.cognition.util.KeyValuePair
Gets the key part of the key-value pair.
getKnownCovarianceInverse() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.MultivariateGaussianMeanBayesianEstimator
Getter for knownCovarianceInverse.
getKnownVariance() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.UnivariateGaussianMeanBayesianEstimator
Getter for knownVariance.
getKurtosis() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for Kurtosis
getLabel() - Method in class gov.sandia.cognition.framework.DefaultSemanticIdentifier
Gets the SemanticLabel.
getLabel() - Method in class gov.sandia.cognition.framework.DefaultSemanticLabel
Getter for label.
getLabel(String) - Method in class gov.sandia.cognition.framework.io.CSVDefaultCognitiveModelLiteHandler
Takes a name and returns its DefaultSemanticLabel or null if there is none.
getLabel() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelBooleanConverter
Gets the label of the cogxel to convert.
getLabel() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelDoubleConverter
Gets the label of the Cogxel to convert.
getLabel() - Method in interface gov.sandia.cognition.framework.SemanticIdentifier
Gets the SemanticLabel.
getLabels() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorConverter
Gets the labels used by the converter, each one corresponding to one dimension in the converted Vector.
getLabels() - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizerState
Gets the labels corresponding to the dimensions of the state.
getLambda() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineShiftingPerceptron
Gets the lambda parameter, which controls how much shifting and decay there is in the weight vector.
getLast(List<? extends T>) - Static method in class gov.sandia.cognition.collection.CollectionUtil
Gets the last element of the list.
getLast() - Method in class gov.sandia.cognition.collection.FiniteCapacityBuffer
Returns the last element in the list.
getLastErr() - Method in class gov.sandia.cognition.math.signals.PIDController.State
Getter for lastErr
getLastGradient() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.DirectionalVectorToDifferentiableScalarFunction
Getter for lastGradient
getLastLogLikelihood() - Method in class gov.sandia.cognition.learning.algorithm.hmm.AbstractBaumWelchAlgorithm
Gets the log likelihood of the last completed step of the algorithm.
getLastMember(WeightedBinaryEnsemble<Vectorizable, LinearBinaryCategorizer>) - Static method in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineVotedPerceptron
Gets the last member in the ensemble.
getLastModifiedDateField() - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getLastModifiedDateField() - Method in interface gov.sandia.cognition.text.document.Document
Gets the commonly-used last modified date field.
getLastTokenNum() - Method in class gov.sandia.cognition.io.ReaderTokenizer
Getter for lastTokenNum
getLayers() - Method in class gov.sandia.cognition.learning.function.vector.DifferentiableFeedforwardNeuralNetwork
 
getLayers() - Method in class gov.sandia.cognition.learning.function.vector.FeedforwardNeuralNetwork
Getter for layers
getLeafCountThreshold() - Method in class gov.sandia.cognition.learning.algorithm.tree.CategorizationTreeLearner
Gets the leaf count threshold, which determines the number of elements at which to make an element into a leaf.
getLeafCountThreshold() - Method in class gov.sandia.cognition.learning.algorithm.tree.RegressionTreeLearner
Gets the leaf count threshold, which determines the number of elements at which to learn a regression function.
getLeakage() - Method in class gov.sandia.cognition.learning.function.scalar.LeakyRectifiedLinearFunction
Sets the leakage, which is the multiplier for the value when it is less than zero.
getLearner() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleFactoryLearner
Gets the learner used to create the Evaluator for the module.
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.AbstractBatchLearnerContainer
Gets the wrapped learner.
getLearner() - Method in interface gov.sandia.cognition.learning.algorithm.BatchLearnerContainer
Gets the learner contained in this object.
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractBaggingLearner
Gets the learner used to learn each ensemble member.
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AdaBoost
 
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
Gets the learner used to learn each ensemble member.
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.MultiCategoryAdaBoost
 
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.OnlineBaggingCategorizerLearner
Gets the incremental (online) learning algorithm to use to learn all of the ensemble members.
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelBinaryCategorizerOnlineLearnerAdapter
Gets the kernelizable learner that this adapter is wrapping.
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.regression.LocallyWeightedFunction
Getter for learner
getLearner() - Method in class gov.sandia.cognition.learning.algorithm.regression.LocallyWeightedFunction.Learner
Getter for learner
getLearner() - Method in class gov.sandia.cognition.learning.experiment.LearnerRepeatExperiment
Gets the learner the experiment is being run on.
getLearner() - Method in class gov.sandia.cognition.learning.experiment.LearnerValidationExperiment
Gets the learner the experiment is being run on.
getLearner() - Method in class gov.sandia.cognition.learning.function.categorization.EvaluatorToCategorizerAdapter.Learner
Gets the learner whose output is to be adapted to be a categorizer.
getLearners() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment
Gets the learners the experiment is being run on.
getLearners() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel.EMLearner
Getter for learners
getLearningDataConverter() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleFactoryLearner
Gets the CogxelConverter used to convert from a CogxelState to LearningDataType.
getLearningRate() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineStochasticGradient
Gets the learning rate.
getLearningRate() - Method in class gov.sandia.cognition.learning.algorithm.minimization.FunctionMinimizerGradientDescent
Getter for learningRate
getLearningRate() - Method in class gov.sandia.cognition.learning.algorithm.pca.GeneralizedHebbianAlgorithm
Getter for learningRate
getLength() - Method in class gov.sandia.cognition.text.AbstractOccurrenceInText
 
getLength() - Method in interface gov.sandia.cognition.text.OccurrenceInText
Gets the length of text where the occurrence appears.
getLineMinimizer() - Method in class gov.sandia.cognition.learning.algorithm.minimization.FunctionMinimizerConjugateGradient
Getter for lineMinimizer
getLineMinimizer() - Method in class gov.sandia.cognition.learning.algorithm.minimization.FunctionMinimizerDirectionSetPowell
Getter for lineMinimizer
getLineMinimizer() - Method in class gov.sandia.cognition.learning.algorithm.minimization.FunctionMinimizerQuasiNewton
Getter for lineMinimizer
getLineMinimizer() - Method in class gov.sandia.cognition.learning.algorithm.regression.FletcherXuHybridEstimation
Getter for lineMinimizer
getLineMinimizer() - Method in class gov.sandia.cognition.learning.algorithm.regression.GaussNewtonAlgorithm
Getter for lineMinimizer
getLines() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling.AbstractEnvelope
Getter for lines
getListeners() - Method in class gov.sandia.cognition.algorithm.AbstractIterativeAlgorithm
Retrieves the list of listeners for this algorithm.
getListeners() - Method in class gov.sandia.cognition.framework.DefaultSemanticIdentifierMap
Getter for listeners.
getListeners() - Method in class gov.sandia.cognition.learning.experiment.AbstractLearningExperiment
Gets the listeners for this experiment.
getLocalApproximator() - Method in class gov.sandia.cognition.learning.algorithm.regression.LocallyWeightedFunction
Getter for localApproximator
getLocalCount() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the number of items that are locally contained at the node.
getLocalItems() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the list of items stored locally at the node in the tree.
getLocalWeighter() - Method in class gov.sandia.cognition.text.term.vector.weighter.CompositeLocalGlobalTermWeighter
Gets the weighting scheme for the local weights.
getLocation() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
Getter for location.
getLocation() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution
Getter for location.
getLog(KeyType) - Method in class gov.sandia.cognition.collection.AbstractLogNumberMap
Gets the LogNumber at the given key
getLogCovarianceDeterminant() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
Getter for logCovarianceDeterminant
getLogDeterminant() - Method in class gov.sandia.cognition.math.matrix.decomposition.AbstractEigenDecomposition
Computes the natural logarithm determinant from the collection of eigenvalues
getLogDeterminant() - Method in interface gov.sandia.cognition.math.matrix.decomposition.EigenDecomposition
Computes the natural logarithm determinant from the collection of eigenvalues
getLogDeterminantPrecision() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateStudentTDistribution.PDF
Getter for logDeterminantPrecision
getLogFraction(KeyType) - Method in class gov.sandia.cognition.statistics.AbstractDataDistribution
 
getLogFraction(DataType) - Method in interface gov.sandia.cognition.statistics.DataDistribution
Gets the natural logarithm of the fraction of the counts represented by the given key.
getLogFunction() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling
Getter for logFunction
getLogLeadingCoefficient() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
Getter for logLeadingCoefficient
getLogNormalMean() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
Getter for logNormalMean
getLogNormalVariance() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
Getter for logNormalVariance
getLogValue() - Method in class gov.sandia.cognition.math.LogNumber
Gets the log of the value represented by this object, which is what is stored in the object.
getLogValue() - Method in class gov.sandia.cognition.math.UnsignedLogNumber
Gets the log of the value represented by this object, which is what is stored in the object.
getLowerBound() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.LineBracket
Getter for lowerBound
getLowerBound() - Method in class gov.sandia.cognition.statistics.method.ConfidenceInterval
Getter for lowerBound
getLowerLeft() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the child representing lower-left quadrant of the node, when treating the 2D coordinate grid in a mathematical representation (positive x values go left and positive y values go up).
getLowerRight() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the child representing lower-right quadrant of the node, when treating the 2D coordinate grid in a mathematical representation (positive x values go left and positive y values go up).
getLowValue() - Method in class gov.sandia.cognition.learning.function.scalar.ThresholdFunction
Getter for lowValue
getMagnitude() - Method in class gov.sandia.cognition.math.ComplexNumber
Computes the magnitude of the complex number, sometimes called the length of the number.
getMap() - Method in class gov.sandia.cognition.framework.SemanticIdentifierMapEvent
Gets the SemanticIdentifierMap that the event happened in.
getMapping() - Method in class gov.sandia.cognition.framework.DefaultSemanticIdentifierMap
Getter for mapping.
getMarginNegative() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelPerceptron
Gets the negative margin that is enforced.
getMarginNegative() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.Perceptron
Gets the negative margin that is enforced.
getMarginPositive() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelPerceptron
Gets the positive margin that is enforced.
getMarginPositive() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.Perceptron
Gets the positive margin that is enforced.
getMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
 
getMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
 
getMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
 
getMatrixFactory() - Method in interface gov.sandia.cognition.math.matrix.Matrix
Gets a matrix factory, typically one associated with this type of matrix.
getMatrixFactory() - Method in interface gov.sandia.cognition.math.matrix.MatrixFactoryContainer
Gets the matrix factory the object to use to create new matrices.
getMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
 
getMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseColumnMatrix
 
getMatrixFactory() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseRowMatrix
 
getMatrixFactory() - Method in class gov.sandia.cognition.text.term.relation.TermVectorSimilarityNetworkCreator
Gets the matrix factory to create the matrix that backs the similarity network.
getMatrixFactory() - Method in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis
Gets the matrix factory to use.
getMax() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for max
getMaxBufferSize() - Method in class gov.sandia.cognition.learning.data.feature.LinearRegressionCoefficientExtractor
Getter for maxBufferSize
getMaxCriterionDecrease() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Returns the maximum decrease in the training criterion allowed following a bisection.
getMaxDepth() - Method in class gov.sandia.cognition.learning.algorithm.tree.CategorizationTreeLearner
Gets the maximum depth to grow the tree.
getMaxDepth() - Method in class gov.sandia.cognition.learning.algorithm.tree.RegressionTreeLearner
Gets the maximum depth to grow the tree.
getMaxDistance() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer
The maximum distance between clusters that is allowed for the two clusters to be merged.
getMaximum() - Method in class gov.sandia.cognition.evaluator.ValueClamper
Gets the maximum value to allow.
getMaximumLength() - Method in class gov.sandia.cognition.text.term.filter.TermLengthFilter
Gets the maximum length allowed for a term (inclusive).
getMaxIterations() - Method in class gov.sandia.cognition.algorithm.AbstractAnytimeAlgorithm
 
getMaxIterations() - Method in interface gov.sandia.cognition.algorithm.AnytimeAlgorithm
Gets the maximum number of total iterations before stopping.
getMaxIterations() - Method in class gov.sandia.cognition.algorithm.AnytimeAlgorithmWrapper
 
getMaxIterations() - Method in class gov.sandia.cognition.learning.algorithm.minimization.matrix.IterativeMatrixSolver
 
getMaxIterationsWithoutImprovement() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the maximum number of iterations to go without improvement before stopping.
getMaxIterationsWithoutImprovement() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Gets the maximum number of iterations to go without improvement before stopping.
getMaxIterationsWithoutImprovement() - Method in class gov.sandia.cognition.learning.algorithm.regression.LevenbergMarquardtEstimation
Getter for maxIterationsWithoutImprovement
getMaxMagnitude() - Method in class gov.sandia.cognition.learning.function.scalar.AtanFunction
Getter for maxMagnitude.
getMaxMinDistance() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer
Deprecated.
Use getMaxDistance
getMaxNumPoints() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling
Getter for maxNumPoints
getMaxPenalty() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
Gets the maximum penalty parameter for the algorithm, which is also known as C in the paper and in other related literature.
getMaxSupport() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling
Getter for maxSupport
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.KolmogorovDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution.CDF
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution
 
getMaxSupport() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getMaxSupport() - Method in interface gov.sandia.cognition.statistics.UnivariateDistribution
Gets the minimum support (domain or input) of the distribution.
getMaxSupport() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
 
getMaxTime() - Method in interface gov.sandia.cognition.data.temporal.BatchTemporalDataSource
Gets the maximum time for the dataset.
getMaxTime() - Method in interface gov.sandia.cognition.data.temporal.SeekableTemporalDataReadChannel
The maximum time coordinate on the reader.
getMaxValue() - Method in class gov.sandia.cognition.collection.AbstractScalarMap
 
getMaxValue() - Method in class gov.sandia.cognition.collection.IntegerSpan
Getter for maxValue
getMaxValue() - Method in interface gov.sandia.cognition.collection.ScalarMap
The maximum value associated with any key in the map.
getMaxValue() - Method in class gov.sandia.cognition.math.matrix.custom.DenseVector
 
getMaxValue() - Method in class gov.sandia.cognition.math.matrix.custom.SparseVector
 
getMaxValue() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
 
getMaxValue() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
 
getMaxValue() - Method in interface gov.sandia.cognition.math.matrix.VectorSpace
The maximum value associated with any key in the vector.
getMaxValue() - Method in class gov.sandia.cognition.statistics.AbstractDataDistribution
 
getMaxValue() - Method in class gov.sandia.cognition.statistics.method.TreeSetBinner
Gets the maximum value, exclusive, allowed in bins
getMaxValueKey() - Method in class gov.sandia.cognition.collection.AbstractScalarMap
 
getMaxValueKey() - Method in interface gov.sandia.cognition.collection.NumericMap
Gets the non-unique key associated with the maximum value in the map.
getMaxValueKeys() - Method in class gov.sandia.cognition.collection.AbstractScalarMap
 
getMaxValueKeys() - Method in interface gov.sandia.cognition.collection.NumericMap
Gets a set of all keys associated with the maximum value in the map.
getMaxWeight() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
Gets the maximum weight allowed on an instance (support vector).
getMean() - Method in class gov.sandia.cognition.learning.algorithm.pca.PrincipalComponentsAnalysisFunction
Getter for mean
getMean() - Method in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator
Gets the mean of the underlying Gaussian.
getMean() - Method in class gov.sandia.cognition.learning.data.feature.StandardDistributionNormalizer
Gets the mean.
getMean() - Method in class gov.sandia.cognition.learning.function.categorization.AbstractConfidenceWeightedBinaryCategorizer
Gets the mean of the categorizer, which is the weight vector.
getMean() - Method in interface gov.sandia.cognition.learning.function.categorization.ConfidenceWeightedBinaryCategorizer
Gets the mean of the categorizer, which is the weight vector.
getMean() - Method in class gov.sandia.cognition.learning.function.categorization.MaximumAPosterioriCategorizer
Gets the mean category, if it is a number or ring.
getMean() - Method in class gov.sandia.cognition.math.RingAccumulator
Computes the mean of the accumulated values.
getMean() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for mean
getMean() - Method in class gov.sandia.cognition.statistics.AbstractClosedFormSmoothUnivariateDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling.UpperEnvelope
Gets the mean, which is not a supported operation.
getMean() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianLinearRegression.IncrementalEstimator.SufficientStatistic
Computes the mean of the Gaussian, but involves a matrix inversion and multiplication, so it's expensive.
getMean() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression.IncrementalEstimator.SufficientStatistic
Computes the mean of the Gaussian, but involves a matrix inversion and multiplication, so it's expensive.
getMean(Collection<? extends Double>) - Static method in class gov.sandia.cognition.statistics.bayesian.BayesianUtil
Computes the Monte Carlo distribution of the given samples.
getMean() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.CategoricalDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.ChineseRestaurantProcess
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.DirichletDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.InverseWishartDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.KolmogorovDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.SufficientStatistic
Getter for mean
getMean() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.SufficientStatisticCovarianceInverse
Getter for mean
getMean() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussianInverseGammaDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateMixtureDensityModel
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateStudentTDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseWishartDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
Getter for mean
getMean() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.SufficientStatistic
Gets the mean of the Gaussian.
getMean() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getMean() - Method in interface gov.sandia.cognition.statistics.DistributionWithMean
Gets the arithmetic mean, or "first central moment" or "expectation", of the distribution.
getMean(Collection<? extends OutputType>) - Method in interface gov.sandia.cognition.statistics.montecarlo.MonteCarloIntegrator
Computes the Monte Carlo distribution of the given samples.
getMean(List<? extends WeightedValue<? extends OutputType>>) - Method in interface gov.sandia.cognition.statistics.montecarlo.MonteCarloIntegrator
Computes the Monte Carlo distribution of the given weighted samples.
getMean(Collection<? extends Vector>) - Method in class gov.sandia.cognition.statistics.montecarlo.MultivariateMonteCarloIntegrator
 
getMean(List<? extends WeightedValue<? extends Vector>>) - Method in class gov.sandia.cognition.statistics.montecarlo.MultivariateMonteCarloIntegrator
 
getMean(Collection<? extends Double>) - Method in class gov.sandia.cognition.statistics.montecarlo.UnivariateMonteCarloIntegrator
 
getMean(List<? extends WeightedValue<? extends Double>>) - Method in class gov.sandia.cognition.statistics.montecarlo.UnivariateMonteCarloIntegrator
 
getMean() - Method in interface gov.sandia.cognition.statistics.SmoothUnivariateDistribution
 
getMean() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.KolmogorovDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution
 
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getMeanAsDouble() - Method in interface gov.sandia.cognition.statistics.UnivariateDistribution
Gets the mean of the distribution as a double.
getMeanAsDouble() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
 
getMeanL1Error() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
Getter for meanL1Error
getMeanSquaredResiduals() - Method in class gov.sandia.cognition.statistics.method.TukeyKramerConfidence.Statistic
Getter for meanSquaredResiduals
getMeanValue() - Method in class gov.sandia.cognition.statistics.distribution.DefaultDataDistribution
Gets the average value of all keys in the distribution, that is, the total value divided by the number of keys (even zero-value keys)
getMeasurementCovariance() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractKalmanFilter
Getter for measurementCovariance
getMedian() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for median
getMemberCount() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractUnweightedEnsemble
Gets the number of members in the ensemble.
getMemberCount() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractWeightedEnsemble
Gets the number of members in the ensemble.
getMembers() - Method in interface gov.sandia.cognition.learning.algorithm.clustering.cluster.Cluster
Gets the member objects of the cluster.
getMembers() - Method in class gov.sandia.cognition.learning.algorithm.clustering.cluster.DefaultCluster
Gets the members of the cluster.
getMembers() - Method in class gov.sandia.cognition.learning.algorithm.clustering.hierarchy.AbstractClusterHierarchyNode
 
getMembers() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractUnweightedEnsemble
 
getMembers() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractWeightedEnsemble
Gets the members of the ensemble.
getMembers() - Method in interface gov.sandia.cognition.learning.algorithm.ensemble.Ensemble
Gets the members of the ensemble.
getMembers() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.VotingCategorizerEnsemble
 
getMembers() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.WeightedBinaryEnsemble
Gets the members of the ensemble.
getMembers() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.WeightedVotingCategorizerEnsemble
Gets the members of the ensemble.
getMethods(Class<?>) - Static method in class gov.sandia.cognition.util.ObjectUtil
Gets the Collection of all public/private/protected Methods in the given Class (except those only given in the Object class).
getMetric() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the distance metric the clustering uses.
getMetric() - Method in class gov.sandia.cognition.learning.algorithm.clustering.OptimizedKMeansClusterer
Gets the metric being used by the algorithm.
getMillisecondsPart() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getMillisecondsPart() - Method in interface gov.sandia.cognition.time.Duration
Gets the standard milliseconds part of the time.
getMin() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for min
getMinChange() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineAlternatingLeastSquares
Gets the minimum change allowed in an iteration.
getMinChange() - Method in class gov.sandia.cognition.learning.algorithm.pca.GeneralizedHebbianAlgorithm
Getter for minChange
getMinChange() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
Gets the minimum total weight change allowed for the algorithm to continue.
getMinClusterSize() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Returns the minimum number of elements per cluster to allow.
getMinDenominator() - Method in class gov.sandia.cognition.math.LentzMethod
Getter for minDenominator
getMinFunctionValue() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizerDerivativeBased
Getter for minFunctionValue
getMinibatchSize() - Method in class gov.sandia.cognition.learning.algorithm.clustering.MiniBatchKMeansClusterer
Get the size of the mini-batches used.
getMinimum() - Method in class gov.sandia.cognition.evaluator.ValueClamper
Gets the minimum value to allow.
getMinimumChange() - Method in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis
Gets the minimum change in log-likelihood to allow before stopping the algorithm.
getMinimumLength() - Method in class gov.sandia.cognition.text.term.filter.TermLengthFilter
Gets the minimum length allowed for a term (inclusive).
getMinMargin() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.BatchMultiPerceptron
Gets the minimum margin to enforce.
getMinMargin() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineBinaryMarginInfusedRelaxedAlgorithm
Gets the minimum margin to enforce.
getMinMargin() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineMultiPerceptron
Gets the minimum margin to enforce.
getMinNumClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer
The minimum number of clusters to allow.
getMinSamples() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the minimum number of samples.
getMinSensitivity() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelBasedIterativeRegression
Gets the minimum sensitivity that an example can have on the result function.
getMinSplitSize() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractVectorThresholdMaximumGainLearner
Gets the minimum split size.
getMinSplitSize() - Method in class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdVarianceLearner
Gets the minimum split size.
getMinSupport() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling
Getter for minSupport
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.KolmogorovDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution.CDF
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution
 
getMinSupport() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getMinSupport() - Method in interface gov.sandia.cognition.statistics.UnivariateDistribution
Gets the minimum support (domain or input) of the distribution.
getMinSupport() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
 
getMinTime() - Method in interface gov.sandia.cognition.data.temporal.BatchTemporalDataSource
Gets the minimum time for the dataset.
getMinTime() - Method in interface gov.sandia.cognition.data.temporal.SeekableTemporalDataReadChannel
The minimum time coordinate on the reader.
getMinutesPart() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getMinutesPart() - Method in interface gov.sandia.cognition.time.Duration
Gets the standard minutes part of the time.
getMinValue() - Method in class gov.sandia.cognition.collection.AbstractScalarMap
 
getMinValue() - Method in class gov.sandia.cognition.collection.IntegerSpan
Getter for minValue
getMinValue() - Method in interface gov.sandia.cognition.collection.ScalarMap
The minimum value associated with any key in the map.
getMinValue() - Method in class gov.sandia.cognition.math.matrix.custom.DenseVector
 
getMinValue() - Method in class gov.sandia.cognition.math.matrix.custom.SparseVector
 
getMinValue() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
 
getMinValue() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
 
getMinValue() - Method in interface gov.sandia.cognition.math.matrix.VectorSpace
The minimum value associated with any key in the vector.
getMinValue() - Method in class gov.sandia.cognition.statistics.AbstractDataDistribution
 
getMinValue() - Method in class gov.sandia.cognition.statistics.method.TreeSetBinner
Gets the minimum value, inclusive, allowed in bins
getMinValueKey() - Method in class gov.sandia.cognition.collection.AbstractScalarMap
 
getMinValueKey() - Method in interface gov.sandia.cognition.collection.NumericMap
Gets the non-unique key associated with the minimum value in the map.
getMinValueKeys() - Method in class gov.sandia.cognition.collection.AbstractScalarMap
 
getMinValueKeys() - Method in interface gov.sandia.cognition.collection.NumericMap
Gets a set of all keys associated with the minimum value in the map.
getModel() - Method in class gov.sandia.cognition.framework.CognitiveModelStateChangeEvent
Gets the model that changed state.
getModel() - Method in class gov.sandia.cognition.statistics.bayesian.KalmanFilter
Getter for model
getModelCovariance() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractKalmanFilter
Getter for modelCovariance
getModelListeners() - Method in class gov.sandia.cognition.framework.AbstractCognitiveModel
Getter for the model listeners.
getModularity(int) - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
Returns the modularity at the input level of the hierarchy.
getModularity() - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
 
getModularity() - Method in interface gov.sandia.cognition.graph.community.NodePartitioning
Returns the modularity for this community specification.
getModuleFactories() - Method in class gov.sandia.cognition.framework.AbstractCognitiveModelFactory
Gets the CognitiveModuleFactories that are used to create a model.
getModuleFactories() - Method in interface gov.sandia.cognition.framework.CognitiveModelFactory
Gets the CognitiveModuleFactories that are used to create a model.
getModules() - Method in interface gov.sandia.cognition.framework.CognitiveModel
Gets the modules that are instantiated for this model.
getModules() - Method in class gov.sandia.cognition.framework.concurrent.MultithreadedCognitiveModel
Gets the modules in the model.
getModules() - Method in class gov.sandia.cognition.framework.lite.CognitiveModelLite
Gets the modules in the model.
getModuleStates() - Method in interface gov.sandia.cognition.framework.CognitiveModelState
Gets the collection of module states.
getModuleStates() - Method in class gov.sandia.cognition.framework.lite.CognitiveModelLiteState
Gets the collection of module states.
getModuleStatesArray() - Method in class gov.sandia.cognition.framework.lite.CognitiveModelLiteState
Gets the module states array.
getMomentum() - Method in class gov.sandia.cognition.learning.algorithm.minimization.FunctionMinimizerGradientDescent
Setter for momentum
getMostLikelyRandomVariable(Vector) - Method in class gov.sandia.cognition.statistics.distribution.MultivariateMixtureDensityModel.PDF
Gets the index of the most-likely distribution, given the input.
getMotionModel() - Method in class gov.sandia.cognition.statistics.bayesian.ExtendedKalmanFilter
Getter for motionModel
getMovingAverageCoefficients() - Method in class gov.sandia.cognition.math.signals.AutoRegressiveMovingAverageFilter
Setter for movingAverageCoefficients
getMovingAverageCoefficients() - Method in class gov.sandia.cognition.math.signals.MovingAverageFilter
Setter for movingAverageCoefficients
getMultipleComparisonResult() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
Getter for multipleComparisonResult
getMutableModuleFactory() - Method in class gov.sandia.cognition.framework.io.CSVDefaultCognitiveModelLiteHandler
Gets the sharable module factory that has been read in.
getMutualInformation() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the mutual information (I(u, v)) for the two partitionings, computing and storing it if this is the first time called
getN() - Method in class gov.sandia.cognition.math.Combinations
Getter for N
getN() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.BinomialBayesianEstimator
Gets the number of samples in the experiment
getN() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
Getter for n
getN() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
Getter for N
getN1() - Method in class gov.sandia.cognition.statistics.method.MannWhitneyUConfidence.Statistic
Getter for N1
getN2() - Method in class gov.sandia.cognition.statistics.method.MannWhitneyUConfidence.Statistic
Getter for N2
getName() - Method in interface gov.sandia.cognition.framework.CognitiveModule
Gets the human-readable name of module.
getName() - Method in class gov.sandia.cognition.framework.DefaultSemanticLabel
Gets the name of the label, which is its String.
getName() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModule
Gets the human-readable name of module.
getName() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleFactory
Getter for name
getName() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleFactoryLearner
Getter for name
getName() - Method in class gov.sandia.cognition.framework.lite.ArrayBasedPerceptionModule
Gets the human-readable name of module.
getName() - Method in class gov.sandia.cognition.framework.lite.MutableSemanticMemoryLite
Gets the human-readable name of module.
getName() - Method in class gov.sandia.cognition.framework.lite.SharedSemanticMemoryLite
Gets the human-readable name of module.
getName() - Method in class gov.sandia.cognition.framework.lite.VectorBasedPerceptionModule
Gets the human-readable name of module.
getName() - Method in interface gov.sandia.cognition.framework.SemanticLabel
Gets the human-readable name of the label.
getName() - Method in interface gov.sandia.cognition.text.document.Field
Gets the name of the field.
getName() - Method in class gov.sandia.cognition.text.term.DefaultTerm
 
getName() - Method in class gov.sandia.cognition.text.term.DefaultTermNGram
The name of the n-gram term is [<n>-gram: <list>] where n is the size ot this n-gram and list is a comma-separated list of the internal term names.
getName() - Method in class gov.sandia.cognition.util.AbstractNamed
 
getName() - Method in interface gov.sandia.cognition.util.Named
Gets the name of the Object that it is called on.
getNe() - Method in class gov.sandia.cognition.statistics.method.KolmogorovSmirnovConfidence.Statistic
Getter for Ne
getNeighborhoodRadius() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the neighborhood radius.
getNetwork() - Method in class gov.sandia.cognition.framework.io.CSVDefaultCognitiveModelLiteHandler
Gets the underlying network.
getNetwork() - Method in class gov.sandia.cognition.framework.lite.AbstractSemanticMemoryLite
Gets the semantic network underlying the semantic memory.
getNetwork() - Method in interface gov.sandia.cognition.framework.lite.PatternRecognizerLite
Gets the SemanticNetwork describing the structure of the pattern recognizer.
getNetwork() - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
Gets the SemanticNetwork describing the structure of the pattern recognizer.
getNetwork() - Method in interface gov.sandia.cognition.framework.SemanticMemory
Gets the underlying SemanticNetwork for the SemanticMemory.
getNewIdentifier() - Method in class gov.sandia.cognition.framework.DefaultSemanticIdentifierMap
Gets a new identifier for a new label.
getNextNode(int, int, GraphMetrics<NodeNameType>) - Method in interface gov.sandia.cognition.graph.GraphWalker.NextNodeSelector
Given the current state of the system, this method returns the id of the next node to visit
getNextNode(int, int, GraphMetrics<NodeNameType>) - Method in class gov.sandia.cognition.graph.GraphWalker.RandomWalker
Returns the id of the next node to visit based on current state
getNmiJoint() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the joint normalized mutual information (see Table 2 of cited paper)
getNmiMax() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the max normalized mutual information (see Table 2 of cited paper)
getNmiMin() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the min normalized mutual information (see Table 2 of cited paper)
getNmiSqrt() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the sqrt normalized mutual information (see Table 2 of cited paper)
getNmiSum() - Method in class gov.sandia.cognition.graph.community.CommunityComparisons
Returns the sum normalized mutual information (see Table 2 of cited paper)
getNode(int) - Method in class gov.sandia.cognition.graph.DenseMemoryGraph
Helper that returns the node for the internal ID.
getNode(int) - Method in interface gov.sandia.cognition.graph.DirectedNodeEdgeGraph
Returns the node label for the input id.
getNodeId(NodeNameType) - Method in class gov.sandia.cognition.graph.DenseMemoryGraph
Helper that returns the internal ID for the input node.
getNodeId(NodeNameType) - Method in interface gov.sandia.cognition.graph.DirectedNodeEdgeGraph
Returns the integer ID of the input node.
getNodes() - Method in class gov.sandia.cognition.framework.DefaultSemanticNetwork
Gets the nodes that are in the network.
getNodes() - Method in interface gov.sandia.cognition.framework.SemanticNetwork
Gets the nodes that are in the network.
getNodes() - Method in class gov.sandia.cognition.graph.DenseMemoryGraph
 
getNodes() - Method in interface gov.sandia.cognition.graph.DirectedNodeEdgeGraph
Returns all of the nodes contained in the graph.
getNodeTriangleEndpointIds(int) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the other two endpoint ids for all triangles the node participates in.
getNodeTriangleEndpointIds(NodeNameType) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the other two endpoint ids for all triangles the node participates in.
getNodeTriangleEndpoints(int) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the other two endpoint names for all triangles the node participates in.
getNodeTriangleEndpoints(NodeNameType) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the other two endpoint names for all triangles the node participates in.
getNonZeroCount() - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
Simple method that computes the number of non-zero elements stored in this.
getNonZeroPercent() - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
Returns the percentage of this that is non-zero elements
getNonZeroValueIterator() - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Deprecated.
getNonZeroValueIterator(int) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Returns an iterator over the non-zero entries in this matrix starting with startRow.
getNormalizedCentroid() - Method in class gov.sandia.cognition.learning.algorithm.clustering.cluster.NormalizedCentroidCluster
Gets the normalized centroid of the cluster.
getNormalizer() - Method in class gov.sandia.cognition.text.term.vector.weighter.CompositeLocalGlobalTermWeighter
Gets the weight normalizer.
getNullHypothesisProbability() - Method in class gov.sandia.cognition.statistics.method.AbstractConfidenceStatistic
Getter for nullHypothesisProbability
getNullHypothesisProbability(int, int) - Method in class gov.sandia.cognition.statistics.method.AbstractMultipleHypothesisComparison.Statistic
 
getNullHypothesisProbability() - Method in interface gov.sandia.cognition.statistics.method.ConfidenceStatistic
Gets the probability that the null hypothesis is correct.
getNullHypothesisProbability(int, int) - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
 
getNullHypothesisProbability() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
 
getNullHypothesisProbability(int, int) - Method in interface gov.sandia.cognition.statistics.method.MultipleHypothesisComparison.Statistic
Gets the Null Hypothesis probability associated with the (i,j) treatment comparison
getNullValue() - Method in class gov.sandia.cognition.data.convert.number.DefaultBooleanToNumberConverter
Gets the number that represents a null value.
getNumAutoRegressiveCoefficients() - Method in class gov.sandia.cognition.math.signals.AutoRegressiveMovingAverageFilter
Gets the number of autoregressive coefficients.
getNumChanged() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Getter for numChanged
getNumClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer
Gets the number of clusters.
getNumClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Gets the actual number of clusters that were created.
getNumClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansFactory
Gets the number of clusters for the algorithm to attempt to create.
getNumClusters() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel.Sample
Gets the number of clusters in the Sample
getNumCogxels() - Method in interface gov.sandia.cognition.framework.CogxelState
Gets the number of existing Cogxels in this CogxelState.
getNumCogxels() - Method in class gov.sandia.cognition.framework.lite.CogxelStateLite
Gets the number of existing Cogxels in this CogxelState.
getNumColumns() - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
 
getNumColumns() - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
 
getNumColumns() - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Returns the number of columns in the Matrix
getNumColumns() - Method in interface gov.sandia.cognition.math.matrix.Matrix
Returns the number of columns in the Matrix
getNumColumns() - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
 
getNumCommunitiesAtLevel(int) - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
Returns the number of communities at the input level of the hierarchy.
getNumComponents() - Method in class gov.sandia.cognition.learning.algorithm.pca.AbstractPrincipalComponentsAnalysis
 
getNumComponents() - Method in class gov.sandia.cognition.learning.algorithm.pca.GeneralizedHebbianAlgorithm
 
getNumComponents() - Method in interface gov.sandia.cognition.learning.algorithm.pca.PrincipalComponentsAnalysis
Gets the number of components used in the PCA dimension reduction.
getNumCustomers() - Method in class gov.sandia.cognition.statistics.distribution.ChineseRestaurantProcess
Getter for numCustomers
getNumDifferent() - Method in class gov.sandia.cognition.statistics.method.FisherSignConfidence.Statistic
Getter for numDifferent
getNumEdges() - Method in class gov.sandia.cognition.graph.DenseMemoryGraph
 
getNumEdges() - Method in interface gov.sandia.cognition.graph.DirectedNodeEdgeGraph
Return the number of edges.
getNumElements() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Returns the number of elements
getNumElementsUsed() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
Deprecated.
getNumericalDerivative() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizerBacktracking
Getter for numericalDerivative
getNumFolds() - Method in class gov.sandia.cognition.learning.experiment.CrossFoldCreator
Gets the number of folds to create.
getNumFolds() - Method in class gov.sandia.cognition.learning.experiment.RandomFoldCreator
Gets the number of folds to create.
getNumInitialClusters() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel
Getter for numInitialClusters
getNumInputs() - Method in class gov.sandia.cognition.framework.lite.ArrayBasedCognitiveModelInput
Gets the number of inputs in the array.
getNumInputs() - Method in class gov.sandia.cognition.framework.lite.VectorBasedCognitiveModelInput
Gets the number of inputs in the array.
getNumModuleStates() - Method in class gov.sandia.cognition.framework.lite.CognitiveModelLiteState
Returns the number of module states in this model state.
getNumMovingAverageCoefficients() - Method in class gov.sandia.cognition.math.signals.AutoRegressiveMovingAverageFilter
Returns the number of coefficients in the moving-average filter.
getNumMovingAverageCoefficients() - Method in class gov.sandia.cognition.math.signals.MovingAverageFilter
Returns the number of coefficients in the moving-average filter.
getNumNodes() - Method in class gov.sandia.cognition.framework.DefaultSemanticNetwork
Gets the total number of nodes in the network.
getNumNodes() - Method in interface gov.sandia.cognition.framework.SemanticNetwork
Gets the total number of nodes in the network.
getNumNodes() - Method in class gov.sandia.cognition.graph.DenseMemoryGraph
 
getNumNodes() - Method in interface gov.sandia.cognition.graph.DirectedNodeEdgeGraph
Return the number of nodes
getNumNonZero() - Method in class gov.sandia.cognition.statistics.method.WilcoxonSignedRankConfidence.Statistic
Getter fir numNonZero
getNumParameters() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
Getter for numParameters
getNumParameters() - Method in class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
Gets the total number of parameters in the neural net, including the bias weights.
getNumParticles() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractParticleFilter
 
getNumParticles() - Method in interface gov.sandia.cognition.statistics.bayesian.ParticleFilter
Gets the number of particles
getNumPartitions() - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
 
getNumPartitions() - Method in interface gov.sandia.cognition.graph.community.NodePartitioning
Return the number of partitions in this partitioning
getNumPoints() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling
Gets the number of points stored
getNumPositiveSign() - Method in class gov.sandia.cognition.statistics.method.FisherSignConfidence.Statistic
Getter for numPositiveSign
getNumRequestedClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Gets the number of clusters that were requested.
getNumRequestedClusters() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Gets the current number of clusters requested.
getNumRows() - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
 
getNumRows() - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
 
getNumRows() - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Returns the number of rows in the Matrix
getNumRows() - Method in interface gov.sandia.cognition.math.matrix.Matrix
Returns the number of rows in the Matrix
getNumRows() - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
 
getNumSamples() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
Getter for numSamples
getNumSamples() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for numSamples
getNumSamples() - Method in class gov.sandia.cognition.statistics.bayesian.ImportanceSampling
Getter for numSamples
getNumSamples() - Method in class gov.sandia.cognition.statistics.bayesian.RejectionSampling
Getter for numSamples
getNumSamples() - Method in class gov.sandia.cognition.statistics.method.ConfidenceInterval
Getter for numSamples
getNumSamples() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
Getter for numSamples
getNumSplits() - Method in class gov.sandia.cognition.learning.experiment.RandomByTwoFoldCreator
Gets the number of splits to perform.
getNumStates() - Method in class gov.sandia.cognition.learning.algorithm.hmm.MarkovChain
Gets the number of states in the HMM.
getNumThreads() - Method in class gov.sandia.cognition.algorithm.AbstractParallelAlgorithm
 
getNumThreads() - Method in interface gov.sandia.cognition.algorithm.ParallelAlgorithm
Gets the number of threads in the thread pool.
getNumThreads(ParallelAlgorithm) - Static method in class gov.sandia.cognition.algorithm.ParallelUtil
Gets the number of threads in a ParallelAlgorithm by querying the thread pool
getNumThreads(ThreadPoolExecutor) - Static method in class gov.sandia.cognition.algorithm.ParallelUtil
Gets the number of threads in a ThreadPoolExecutor
getNumThreads() - Method in class gov.sandia.cognition.learning.algorithm.clustering.ParallelizedKMeansClusterer
 
getNumThreads() - Method in class gov.sandia.cognition.learning.algorithm.genetic.ParallelizedGeneticAlgorithm
Getter for #threads
getNumThreads() - Method in class gov.sandia.cognition.learning.algorithm.hmm.ParallelBaumWelchAlgorithm
 
getNumThreads() - Method in class gov.sandia.cognition.learning.algorithm.hmm.ParallelHiddenMarkovModel
 
getNumThreads() - Method in class gov.sandia.cognition.learning.experiment.ParallelLearnerValidationExperiment
 
getNumThreads() - Method in class gov.sandia.cognition.learning.function.cost.ParallelClusterDistortionMeasure
 
getNumThreads() - Method in class gov.sandia.cognition.learning.function.cost.ParallelizedCostFunctionContainer
 
getNumThreads() - Method in class gov.sandia.cognition.learning.function.cost.ParallelNegativeLogLikelihood
 
getNumThreads() - Method in class gov.sandia.cognition.statistics.bayesian.ParallelDirichletProcessMixtureModel
 
getNumThreads() - Method in class gov.sandia.cognition.text.topic.ParallelLatentDirichletAllocationVectorGibbsSampler
 
getNumTrials() - Method in class gov.sandia.cognition.learning.experiment.AbstractValidationFoldExperiment
 
getNumTrials() - Method in class gov.sandia.cognition.learning.experiment.LearnerRepeatExperiment
 
getNumTrials() - Method in interface gov.sandia.cognition.learning.experiment.LearningExperiment
Gets the number of trials in the experiment.
getNumTrials() - Method in class gov.sandia.cognition.learning.experiment.OnlineLearnerValidationExperiment
Gets the number of trials.
getNumTrials() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.MultinomialBayesianEstimator
Getter for numTrials
getNumTrials() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution
Getter for numTrials
getNumTrials() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution
Getter for numTrials
getNumVectors() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorCollectionConverter
Gets the number of Vectors that this class converts
getObjectCount() - Method in interface gov.sandia.cognition.text.relation.RelationNetwork
Gets the number of objects that the relations are between.
getObjectCount() - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
 
getObjective() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineAlternatingLeastSquares
Gets the total objective, which is the squared error plus the regularization terms.
getObjective() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineStochasticGradient
Gets the total objective, which is the mean squared error plus the regularization terms.
getObjects() - Method in interface gov.sandia.cognition.text.relation.RelationNetwork
Gets the set of objects that make up the nodes in the network.
getObjects() - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
 
getObjectToOptimize() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractLogisticRegression
Getter for objectToOptimize
getObjectToOptimize() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractMinimizerBasedParameterCostMinimizer
 
getObjectToOptimize() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractParameterCostMinimizer
Getter for objectToOptimize
getObjectToOptimize() - Method in class gov.sandia.cognition.learning.algorithm.regression.LogisticRegression
Getter for objectToOptimize
getObjectToOptimize() - Method in interface gov.sandia.cognition.learning.algorithm.regression.ParameterCostMinimizer
Gets the object to optimize
getObservationModel() - Method in class gov.sandia.cognition.statistics.bayesian.ExtendedKalmanFilter
Getter for observationModel
getOffset() - Method in class gov.sandia.cognition.learning.function.scalar.LinearFunction
Gets the offset of the function, which is the b term in: f(x) = m*x + b.
getOptimalThreshold() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic.Statistic
Getter for optimalThreshold
getOrCreateCogxel(SemanticIdentifier, CogxelFactory) - Method in interface gov.sandia.cognition.framework.CogxelState
Attempts to get an existing Cogxel for a given SemanticIdentifier.
getOrCreateCogxel(SemanticIdentifier, CogxelFactory) - Method in class gov.sandia.cognition.framework.lite.CogxelStateLite
Attempts to get an existing Cogxel for a given SemanticIdentifier.
getOriginalPoint() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.WolfeConditions
Getter for originalPoint
getOtherPoint() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.LineBracket
Getter for otherPoint
getOutlierPercent() - Method in class gov.sandia.cognition.learning.data.feature.StandardDistributionNormalizer.Learner
Sets the percentage of outliers to exclude from learning.
getOutLinks(SemanticLabel) - Method in class gov.sandia.cognition.framework.DefaultSemanticNetwork
Gets the outgoing links from a given node.
getOutLinks(SemanticLabel) - Method in interface gov.sandia.cognition.framework.SemanticNetwork
Gets the outgoing links from a given node.
getOutOfBagEstimate(int) - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractCategorizerOutOfBagStoppingCriteria
Gets the out-of-bag estimate distribution across categories for the training example with the given index.
getOutOfBagEstimate(int) - Method in class gov.sandia.cognition.learning.algorithm.ensemble.BaggingCategorizerLearner.OutOfBagErrorStoppingCriteria
 
getOutOfBagEstimate(int) - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner.OutOfBagErrorStoppingCriteria
 
getOutput() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation.Entry
Gets the output value of the entry as a boolean.
getOutput(InputType) - Method in class gov.sandia.cognition.learning.algorithm.tree.CategorizationTreeNode
 
getOutput(InputType) - Method in interface gov.sandia.cognition.learning.algorithm.tree.DecisionTreeNode
Gets the local output of this node for the given input.
getOutput(InputType) - Method in class gov.sandia.cognition.learning.algorithm.tree.RegressionTreeNode
 
getOutput() - Method in class gov.sandia.cognition.learning.data.DefaultInputOutputPair
 
getOutput() - Method in interface gov.sandia.cognition.learning.data.InputOutputPair
Gets the output.
getOutputCategory() - Method in class gov.sandia.cognition.learning.algorithm.tree.CategorizationTreeNode
Gets the output category for the node.
getOutputConverter() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelInputOutputPairConverter
Gets the output converter
getOutputConverter() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModule
Gets the output converter that is used to map from the OutputType to Cogxels.
getOutputConverter() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleFactoryLearner
Gets the CogxelConverter used to convert OutputType to a CogxelState.
getOutputConverter() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleSettings
Gets the CogxelConverter used to convert OutputType to a CogxelState.
getOutputCounts(Collection<? extends InputOutputPair<?, OutputType>>) - Static method in class gov.sandia.cognition.learning.algorithm.tree.CategorizationTreeLearner
Creates a histogram of values based on the output values in the given collection of pairs.
getOutputDimensionality() - Method in interface gov.sandia.cognition.data.convert.vector.DataToVectorEncoder
Gets size of the the Vector created by the encoder.
getOutputDimensionality() - Method in class gov.sandia.cognition.data.convert.vector.NumberConverterToVectorAdapter
Gets the dimensionality of this encoder, which is 1.
getOutputDimensionality() - Method in class gov.sandia.cognition.data.convert.vector.NumberToVectorEncoder
Gets the dimensionality of the converter, which is 1.
getOutputDimensionality() - Method in class gov.sandia.cognition.data.convert.vector.UniqueBooleanVectorEncoder
Gets the dimensionality of the vector created by this converter, which is the number of possible values times the size of the boolean encoding.
getOutputDimensionality() - Method in interface gov.sandia.cognition.framework.lite.PatternRecognizerLite
Gets the dimensionality of the output vector to the pattern recognizer.
getOutputDimensionality() - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
Gets the dimensionality of the output vector to the pattern recognizer.
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.algorithm.pca.KernelPrincipalComponentsAnalysis.Function
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.algorithm.pca.PrincipalComponentsAnalysisFunction
Returns the expected dimension of output Vectors
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.data.feature.FeatureHashing
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.data.feature.MultivariateDecorrelator
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.function.distance.DivergencesEvaluator
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.MultivariateDiscriminant
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.ScalarBasisSet
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.SubVectorEvaluator
 
getOutputDimensionality() - Method in class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
 
getOutputDimensionality() - Method in interface gov.sandia.cognition.math.matrix.VectorOutputEvaluator
Gets the expected dimensionality of the output vector of the evaluator, if it is known.
getOutputDimensionality() - Method in class gov.sandia.cognition.math.signals.LinearDynamicalSystem
 
getOutputDimensionality() - Method in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
 
getOutputDimensionality() - Method in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis.Result
 
getOutputIdentifiers() - Method in class gov.sandia.cognition.framework.lite.AbstractSemanticMemoryLite
Gets the ordered list of output identifiers.
getOutputLabels() - Method in interface gov.sandia.cognition.framework.lite.PatternRecognizerLite
Gets the labels for the dimensions of the output vector.
getOutputLabels() - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
Gets the labels for the dimensions of the output vector.
getOutputLearner() - Method in class gov.sandia.cognition.learning.algorithm.InputOutputTransformedBatchLearner
Gets the unsupervised learning algorithm for creating the output transformation, which must be reversible for evaluation.
getOutputSumSquared() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression.IncrementalEstimator.SufficientStatistic
Getter for outputSumSquared
getOutputVariance() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianLinearRegression
Getter for outputVariance
getOutputVariance() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression
Getter for outputVariance
getOutputVariance() - Method in class gov.sandia.cognition.statistics.bayesian.GaussianProcessRegression
Getter for outputVariance
getOverrelaxation() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
Gets the overrelaxation parameter for the algorithm.
getP() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
Getter for p
getP() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
Getter for p
getP() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
Getter for p
getP() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
Getter for p
getPairConverter() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelWeightedInputOutputPairConverter
Getter for pairConverter
getPairwiseCost(int, LabelType, LabelType) - Method in class gov.sandia.cognition.graph.inference.CostSpeedupEnergyFunction
 
getPairwiseCost(int, LabelType, LabelType) - Method in class gov.sandia.cognition.graph.inference.EdgeMergingEnergyFunction
 
getPairwiseCost(int, LabelType, LabelType) - Method in interface gov.sandia.cognition.graph.inference.EnergyFunction
This is the -log(getPairwisePotential(.)).
getPairwiseCost(int, LabelType, LabelType) - Method in class gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction
 
getPairwisePotential(int, LabelType, LabelType) - Method in class gov.sandia.cognition.graph.inference.CostSpeedupEnergyFunction
 
getPairwisePotential(int, LabelType, LabelType) - Method in class gov.sandia.cognition.graph.inference.EdgeMergingEnergyFunction
 
getPairwisePotential(int, LabelType, LabelType) - Method in interface gov.sandia.cognition.graph.inference.EnergyFunction
Returns the pairwise cost of node i being assigned label_i and node j being assigned label_j.
getPairwisePotential(int, LabelType, LabelType) - Method in class gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction
 
getPairwisePotential(DirectedNodeEdgeGraph<NodeNameType>, int, LabelType, LabelType) - Method in interface gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction.PotentialHandler
Provide the pairwise potential for the specified edge
getPairwiseTest() - Method in class gov.sandia.cognition.statistics.method.AbstractPairwiseMultipleHypothesisComparison
Getter for pairwiseTest
getPairwiseTestStatistics() - Method in class gov.sandia.cognition.statistics.method.AbstractPairwiseMultipleHypothesisComparison.Statistic
Getter for pairwiseTestStatistics
getParabolicInterpolator() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.interpolator.LineBracketInterpolatorBrent
Getter for parabolicInterpolator
getParameter() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.AbstractConjugatePriorBayesianEstimator
 
getParameter() - Method in interface gov.sandia.cognition.statistics.bayesian.conjugate.ConjugatePriorBayesianEstimator
Gets the Bayesian hyperparameter relationship between the conditional distribution and the conjugate prior distribution.
getParameterAdapters() - Method in interface gov.sandia.cognition.learning.parameter.ParameterAdaptable
Gets the collection of parameter adapters attached to this object.
getParameterAdapters() - Method in class gov.sandia.cognition.learning.parameter.ParameterAdaptableBatchLearnerWrapper
 
getParameterCount() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachine
Gets the number of parameters for this factorization machine.
getParameterPrior() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractBayesianParameter
Getter for parameterPrior
getParameterPrior() - Method in interface gov.sandia.cognition.statistics.bayesian.BayesianParameter
Gets the Distribution of values that the parameter is assumed to take.
getParameterPrior() - Method in class gov.sandia.cognition.statistics.bayesian.DefaultBayesianParameter
 
getParameters() - Method in class gov.sandia.cognition.factory.ConstructorBasedFactory
Gets the parameters that are passed to the constructor to create new objects.
getParameters() - Method in class gov.sandia.cognition.statistics.distribution.CategoricalDistribution
Getter for parameters
getParameters() - Method in class gov.sandia.cognition.statistics.distribution.DirichletDistribution
Getter for parameters
getParameters() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution
Getter for parameters
getParameters() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution
Getter for parameters
getParent() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractDecisionTreeNode
Gets the parent node for this node.
getParent() - Method in interface gov.sandia.cognition.learning.algorithm.tree.DecisionTreeNode
Gets the parent node for this node.
getParent() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the parent node of this node.
getParticlePctThreadhold() - Method in class gov.sandia.cognition.statistics.bayesian.SamplingImportanceResamplingParticleFilter
Getter for particlePctThreadhold
getPartition(NodeNameType) - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
 
getPartition(NodeNameType) - Method in interface gov.sandia.cognition.graph.community.NodePartitioning
Returns the partition id for the input node
getPartitionById(int) - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
 
getPartitionById(int) - Method in interface gov.sandia.cognition.graph.community.NodePartitioning
Returns the partition id for the input node
getPartitioner() - Method in class gov.sandia.cognition.learning.experiment.RandomFoldCreator
Gets the randomized partitioner to use.
getPartitionMembers(int) - Method in class gov.sandia.cognition.graph.community.Louvain.LouvainHierarchy
 
getPartitionMembers(int) - Method in interface gov.sandia.cognition.graph.community.NodePartitioning
Returns the members of the ith partition
getPath(int) - Method in class gov.sandia.cognition.graph.GraphWalker
Returns the path traversed across numSteps steps of the walk from the current start node.
getPath(NodeNameType, int) - Method in class gov.sandia.cognition.graph.GraphWalker
Returns the path traversed across numSteps steps of the walk from startNode
getPercent() - Method in class gov.sandia.cognition.learning.algorithm.genetic.selector.TournamentSelector
Gets the percent of the population to select.
getPercentileFromSorted(List<? extends Number>, double) - Static method in class gov.sandia.cognition.math.UnivariateStatisticsUtil
Computes the percentile value of the given pre-sorted data in increasing order.
getPercentToSample() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractBaggingLearner
Gets the percentage of the total data to sample on each iteration.
getPercentToSample() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
Gets the percentage of the total data to sample on each iteration.
getPercentToSample() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.OnlineBaggingCategorizerLearner
Gets the percent of the data to attempt to sample for each ensemble member.
getPercentToSample() - Method in class gov.sandia.cognition.learning.algorithm.tree.RandomSubVectorThresholdLearner
Gets the percent of the dimensionality to sample.
getPerEdgeTriangleDensity(int) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the per-edge triangle density for the input edge
getPerformance() - Method in interface gov.sandia.cognition.algorithm.MeasurablePerformanceAlgorithm
Gets the name-value pair that describes the current performance of the algorithm.
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the performance, which is the best score so far.
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the performance, which is the number changed on the last iteration.
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DirichletProcessClustering
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
Gets the performance, which is the number changed on the last iteration.
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineAlternatingLeastSquares
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineStochasticGradient
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Gets the performance, which is the cost of the best genome.
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.hmm.AbstractBaumWelchAlgorithm
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.pca.GeneralizedHebbianAlgorithm
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.BatchMultiPerceptron
Gets the performance, which is the error count on the last iteration.
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelAdatron
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelPerceptron
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.Perceptron
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractMinimizerBasedParameterCostMinimizer
Gets the performance, which is the cost of the minimizer on the last iteration.
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractParameterCostMinimizer
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelBasedIterativeRegression
Gets the performance, which is the error count on the last iteration.
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.root.AbstractRootFinder
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
 
getPerformance() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
Gets the performance, which is the total change on the last iteration.
getPerformance() - Method in class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer.Learner
 
getPerformance() - Method in class gov.sandia.cognition.statistics.bayesian.MetropolisHastingsAlgorithm
 
getPerformance() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.EMLearner
 
getPerformance() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.Learner
 
getPerformance() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel.EMLearner
 
getPerformance() - Method in class gov.sandia.cognition.statistics.method.DistributionParameterEstimator
 
getPerformanceEvaluator() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment
Gets the performance evaluator to apply to each fold.
getPerformanceEvaluator() - Method in class gov.sandia.cognition.learning.experiment.LearnerRepeatExperiment
Gets the performance evaluator to apply to each fold.
getPerformanceEvaluator() - Method in class gov.sandia.cognition.learning.experiment.LearnerValidationExperiment
Gets the performance evaluator to apply to each fold.
getPerformanceEvaluator() - Method in class gov.sandia.cognition.learning.experiment.OnlineLearnerValidationExperiment
Gets the performance evaluator to apply to each fold.
getPerformanceEvaluator() - Method in class gov.sandia.cognition.learning.performance.AnytimeBatchLearnerValidationPerformanceReporter
Gets the performance evaluator.
getPerNodeBetweennessCentrality(NodeNameType) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the per-node betweenness centrality for the input node
getPerNodeBetweennessCentralityById(int) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the per-node betweenness centrality for the input node
getPerNodeEccentricity(NodeNameType) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the per-node eccentricity for the input node
getPerNodeEccentricityById(int) - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the per-node eccentricity for the input node
getPerturber() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the perturber.
getPerturber() - Method in class gov.sandia.cognition.learning.algorithm.genetic.reproducer.MutationReproducer
Gets the perturber used for mutation.
getPhase() - Method in class gov.sandia.cognition.learning.function.scalar.CosineFunction
Getter for phase
getPhase() - Method in class gov.sandia.cognition.math.ComplexNumber
Computes the phase in radians of the complex number, sometimes called the angle.
getPivotMatrix() - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix.LU
Helper method converts P into a pivot matrix that can pre-multiply L*U.
getPoint() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
Getter for point
getPointIndex() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the point index.
getPoints() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the list of points.
getPoints() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling
Getter for points
getPolynomials() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction.Regression
Getter for polynomials
getPopulation() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Gets the population of genomes.
getPossibleLabels(int) - Method in class gov.sandia.cognition.graph.inference.CostSpeedupEnergyFunction
 
getPossibleLabels(int) - Method in class gov.sandia.cognition.graph.inference.EdgeMergingEnergyFunction
 
getPossibleLabels(int) - Method in interface gov.sandia.cognition.graph.inference.EnergyFunction
Returns the set of labels that this message passer supports
getPossibleLabels(int) - Method in class gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction
 
getPossibleLabels(DirectedNodeEdgeGraph<NodeNameType>, int) - Method in interface gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction.PotentialHandler
Get the possible labels for the specified node
getPosteriorLogLikelihood() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel.Sample
Gets the posterior log-likelihood.
getPostHocTest() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment
Getter for postHocTest
getPower() - Method in class gov.sandia.cognition.learning.function.distance.MinkowskiDistanceMetric
Gets the power used for the distance.
getPrecision() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getPrecision() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
The precision value for the confusion matrix.
getPrecision() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateStudentTDistribution
Getter for precision
getPrecision() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution
Getter for precision
getPrecision() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
Getter for precision
getPrecision() - Method in class gov.sandia.cognition.text.evaluation.DefaultPrecisionRecallPair
 
getPrecision() - Method in interface gov.sandia.cognition.text.evaluation.PrecisionRecallPair
Gets the precision.
getPredictedCategories() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getPredictedCategories(Boolean) - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getPredictedCategories() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the set of all the predicted categories.
getPredictedCategories(CategoryType) - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the predicted categories for a given actual category.
getPredictedCategories() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultConfusionMatrix
 
getPredictedCategories(CategoryType) - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultConfusionMatrix
 
getPredictedCount(CategoryType) - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getPredictedCount(CategoryType) - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the total number of entries for the given predicted category.
getPredictionHorizion() - Method in class gov.sandia.cognition.learning.algorithm.SequencePredictionLearner
Gets the prediction horizon, which is the number of samples ahead in time that the learner is to predict.
getPredictionHorizon() - Method in class gov.sandia.cognition.learning.algorithm.TimeSeriesPredictionLearner
Getter for predictionHorizon
getPreprocessor() - Method in class gov.sandia.cognition.learning.function.categorization.CompositeCategorizer
Gets the preprocessor, which takes the input and produces an intermediate value that is then passed to the categorizer.
getPreviousParameter() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractMarkovChainMonteCarlo
Getter for previousParameter
getPriorProbability(CategoryType) - Method in class gov.sandia.cognition.learning.algorithm.bayes.DiscreteNaiveBayesCategorizer
Returns the prior probability of the given category.
getPriors() - Method in class gov.sandia.cognition.learning.algorithm.bayes.VectorNaiveBayesCategorizer
Gets the prior distribution over the categories.
getPriorWeights() - Method in class gov.sandia.cognition.statistics.distribution.LinearMixtureModel
Getter for priorWeights
getPriorWeightSum() - Method in class gov.sandia.cognition.statistics.distribution.LinearMixtureModel
Computes the sum of the prior weights
getProbabilityCrossover() - Method in class gov.sandia.cognition.learning.algorithm.genetic.reproducer.VectorizableCrossoverFunction
Getter for probabilityCrossover.
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.bayesian.AdaptiveRejectionSampling.UpperEnvelope
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel.DPMMCluster
Getter for probabilityFunction
getProbabilityFunction() - Method in interface gov.sandia.cognition.statistics.ComputableDistribution
Gets the distribution function associated with this Distribution, either the PDF or PMF.
getProbabilityFunction() - Method in interface gov.sandia.cognition.statistics.DataDistribution
 
getProbabilityFunction() - Method in interface gov.sandia.cognition.statistics.DiscreteDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.CategoricalDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.CategoricalDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ChineseRestaurantProcess
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ChineseRestaurantProcess.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.DefaultDataDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.DefaultDataDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.DirichletDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.DirichletDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.InverseWishartDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.InverseWishartDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultinomialDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateMixtureDensityModel
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateMixtureDensityModel.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateStudentTDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateStudentTDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseWishartDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseWishartDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution.PMF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution.PDF
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getProbabilityFunction() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution.PMF
 
getProbabilityFunction() - Method in interface gov.sandia.cognition.statistics.ProbabilityDensityFunction
 
getProbabilityFunction() - Method in interface gov.sandia.cognition.statistics.ProbabilityMassFunction
 
getProbabilityFunction() - Method in interface gov.sandia.cognition.statistics.SmoothUnivariateDistribution
 
getProbabilityFunction() - Method in interface gov.sandia.cognition.statistics.UnivariateProbabilityDensityFunction
 
getProcess() - Method in class gov.sandia.cognition.io.ProcessLauncher
Getter for process
getProcess() - Method in class gov.sandia.cognition.io.ProcessLauncherEvent
Getter for process
getProportionalGain() - Method in class gov.sandia.cognition.math.signals.PIDController
Getter for proportionalGain
getProportionIncorrectInSample() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
Gets the proportion of incorrect examples to place in each sample.
getProposals() - Method in class gov.sandia.cognition.statistics.bayesian.RejectionSampling.DefaultUpdater
Getter for proposals
getPrototype() - Method in class gov.sandia.cognition.factory.PrototypeFactory
Gets the prototype object that is cloned to create new objects.
getPrototypes() - Method in class gov.sandia.cognition.learning.function.categorization.LinearMultiCategorizer
Gets the mapping of categories to prototypes.
getQ() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.Forgetron.Result
Gets the value Q updated by the algorithm.
getQ0() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction.Linear
Getter for q0
getQ1() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction.Linear
Getter for q1
getQ2() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction.Quadratic
Getter for q2
getQ3() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction.Cubic
Getter for q3
getQuintiles() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for quintiles
getR() - Method in class gov.sandia.cognition.learning.algorithm.confidence.AdaptiveRegularizationOfWeights
Gets the regularization parameter.
getR() - Method in class gov.sandia.cognition.math.matrix.mtj.decomposition.CholeskyDecompositionMTJ
Getter for R
getR() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
Getter for r.
getRadius() - Method in class gov.sandia.cognition.graph.GraphMetrics
Returns the radius for this graph.
getRadius() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.Ballseptron
Gets the radius parameter.
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the random number generator.
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DirichletProcessClustering
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.clustering.initializer.AbstractMinDistanceFixedClusterInitializer
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.clustering.MiniBatchKMeansClusterer
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractBaggingLearner
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.OnlineBaggingCategorizerLearner
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.AbstractFactorizationMachineLearner
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.genetic.selector.TournamentSelector
Gets the random number generator being used.
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.OnlineKernelRandomizedBudgetPerceptron
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.svm.PrimalEstimatedSubGradient
 
getRandom() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
 
getRandom() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractMarkovChainMonteCarlo
 
getRandom() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractParticleFilter
 
getRandom() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.EMLearner
 
getRandom() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel.EMLearner
 
getRandom() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
 
getRandom() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
 
getRandom() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
 
getRandom() - Method in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis
 
getRandom() - Method in class gov.sandia.cognition.util.AbstractRandomized
 
getRandom() - Method in interface gov.sandia.cognition.util.Randomized
Gets the random number generator used by this object.
getRandomRange() - Method in class gov.sandia.cognition.learning.algorithm.clustering.initializer.NeighborhoodGaussianClusterInitializer
Getter for randomRange
getRank() - Method in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
Gets the rank of the LSA.
getRate() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
Getter for rate.
getRate() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
Gets the rate parameter, which is just the inverse of the scale parameter.
getRate() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
Getter for rate
getRealPart() - Method in class gov.sandia.cognition.math.ComplexNumber
Returns the real portion of the complex number, no computation needed
getRecall() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getRecall() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
The recall value for the confusion matrix.
getRecall() - Method in class gov.sandia.cognition.text.evaluation.DefaultPrecisionRecallPair
 
getRecall() - Method in interface gov.sandia.cognition.text.evaluation.PrecisionRecallPair
Gets the recall.
getRecognizer() - Method in class gov.sandia.cognition.framework.lite.AbstractSemanticMemoryLite
Gets the pattern recognizer lite for the semantic memory lite.
getRecognizer() - Method in class gov.sandia.cognition.framework.lite.MutableSemanticMemoryLiteFactory
Gets the recognizer of the factory.
getRecognizer() - Method in class gov.sandia.cognition.framework.lite.SharedSemanticMemoryLiteSettings
Gets the pattern recognizer to use.
getReductionTest() - Method in class gov.sandia.cognition.learning.algorithm.regression.FletcherXuHybridEstimation
Getter for reduction test.
getReestimateAlpha() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel
Getter for reestimateAlpha
getReestimateInitialProbabilities() - Method in class gov.sandia.cognition.learning.algorithm.hmm.AbstractBaumWelchAlgorithm
Getter for reestimateInitialProbabilities
getReference() - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getReference() - Method in interface gov.sandia.cognition.text.document.Document
Gets a reference to the location of the document so that it can be retrieved again later.
getReferenceURI() - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getReferenceURI() - Method in interface gov.sandia.cognition.text.document.Document
Gets the reference to the location of the document as a URI.
getRegressionLearner() - Method in class gov.sandia.cognition.learning.algorithm.tree.RegressionTreeLearner
Gets the regression learner that is to be used to fit a function approximator to the values in the tree.
getRegularization() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractLogisticRegression
Getter for regularization
getRegularization() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression
Getter for regularization
getRegularization() - Method in class gov.sandia.cognition.learning.algorithm.regression.LogisticRegression
Getter for regularization
getRegularization() - Method in class gov.sandia.cognition.learning.algorithm.regression.MultivariateLinearRegression
Getter for regularization
getRegularizationPenalty() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineAlternatingLeastSquares
Gets the regularization penalty term in the error for the objective.
getRegularizationPenalty() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineStochasticGradient
Gets the regularization penalty term for the current result.
getRegularizationWeight() - Method in class gov.sandia.cognition.learning.algorithm.svm.PrimalEstimatedSubGradient
Gets the regularization weight (lambda) assigned to the regularization term of the algorithm.
getRelation(ObjectType, ObjectType) - Method in interface gov.sandia.cognition.text.relation.RelationNetwork
Gets a relation between the source and the target.
getRelation(IndexedTerm, IndexedTerm) - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
 
getRelationSource(RelationType) - Method in interface gov.sandia.cognition.text.relation.RelationNetwork
Gets the source of a given relation.
getRelationSource(IndexedTermSimilarityRelation) - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
 
getRelationTarget(RelationType) - Method in interface gov.sandia.cognition.text.relation.RelationNetwork
Gets the target of a given relation.
getRelationTarget(IndexedTermSimilarityRelation) - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
 
getRemovalThreshold() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClustererWithRemoval
Getter for removalThreshold
getReproducer() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
Gets the reproducer.
getReproducers() - Method in class gov.sandia.cognition.learning.algorithm.genetic.reproducer.MultiReproducer
Gets the reproducers to use for reproducing.
getRequestedRank() - Method in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis
Gets the requested rank for the analysis.
getRequestedRank() - Method in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis
Gets the requested rank to conduct the analysis for.
getResponsibilities() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the responsibility values.
getResult() - Method in interface gov.sandia.cognition.algorithm.AnytimeAlgorithm
Gets the current result of the algorithm.
getResult() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AgglomerativeClusterer
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DirichletProcessClustering
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.clustering.KMeansClusterer
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractBaggingLearner
Gets the ensemble created by this learner.
getResult() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AdaBoost
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.IVotingCategorizerLearner
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.MultiCategoryAdaBoost
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.AbstractFactorizationMachineLearner
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.genetic.GeneticAlgorithm
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.hmm.AbstractBaumWelchAlgorithm
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.minimization.AbstractAnytimeFunctionMinimizer
Getter for result
getResult() - Method in class gov.sandia.cognition.learning.algorithm.minimization.matrix.IterativeMatrixSolver
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.pca.AbstractPrincipalComponentsAnalysis
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.pca.GeneralizedHebbianAlgorithm
 
getResult() - Method in interface gov.sandia.cognition.learning.algorithm.pca.PrincipalComponentsAnalysis
Gets the VectorFunction that maps from the input space to the reduced output space of "getNumComponents" dimensions.
getResult() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.BatchMultiPerceptron
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelAdatron
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelPerceptron
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.Perceptron
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractLogisticRegression
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractMinimizerBasedParameterCostMinimizer
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractParameterCostMinimizer
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelBasedIterativeRegression
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelWeightedRobustRegression
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.regression.LogisticRegression
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.root.AbstractBracketedRootFinder
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.root.MinimizerBasedRootFinder
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.root.RootBracketExpander
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.root.RootFinderNewtonsMethod
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.root.RootFinderSecantMethod
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.svm.PrimalEstimatedSubGradient
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.svm.SequentialMinimalOptimization
 
getResult() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
 
getResult() - Method in class gov.sandia.cognition.learning.function.vector.GaussianContextRecognizer.Learner
 
getResult() - Method in class gov.sandia.cognition.math.LentzMethod
 
getResult() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractMarkovChainMonteCarlo
 
getResult() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.EMLearner
 
getResult() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.Learner
 
getResult() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel.EMLearner
 
getResult() - Method in class gov.sandia.cognition.statistics.method.DistributionParameterEstimator
 
getResult() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
 
getResult() - Method in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis
 
getResultCost() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractParameterCostMinimizer
Getter for resultCost
getReverse() - Method in class gov.sandia.cognition.evaluator.ForwardReverseEvaluatorPair
Gets the reverse evaluator that maps output type to input type.
getRoot() - Method in class gov.sandia.cognition.math.geometry.Quadtree
Gets the root node of the quadtree.
getRootBracket() - Method in class gov.sandia.cognition.learning.algorithm.root.AbstractBracketedRootFinder
Getter for rootBracket.
getRootMeanSquaredError() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
Getter for rootMeanSquaredError
getRootNode() - Method in class gov.sandia.cognition.learning.algorithm.tree.DecisionTree
Gets the root node of the decision tree.
getRow(int) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
 
getRow(int) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
 
getRow(int) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Gets the specified row from the zero-based index and returns a vector that corresponds to that column
getRow(int) - Method in interface gov.sandia.cognition.math.matrix.Matrix
Gets the specified row from the zero-based index and returns a vector that corresponds to that column
getRow(int) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractSparseMatrix
 
getRow(int) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
 
getRow(int) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getRow(int) - Method in class gov.sandia.cognition.math.matrix.mtj.SparseRowMatrix
Gets the specified row of the matrix, using MTJ's internal routine to speed things up.
getRowIndex() - Method in interface gov.sandia.cognition.math.matrix.MatrixEntry
Gets the current row index to which this entry points
getRowIndex() - Method in class gov.sandia.cognition.math.matrix.mtj.TwoMatrixEntryMTJ
Getter for rowIndex.
getRowIndex() - Method in interface gov.sandia.cognition.math.matrix.TwoMatrixEntry
Gets the current row index to which this entry points
getRowInto(int, Vector) - Method in class gov.sandia.cognition.math.matrix.AbstractMatrix
Internal function that writes the row onto the destinationVector.
getS() - Method in class gov.sandia.cognition.math.matrix.decomposition.AbstractSingularValueDecomposition
 
getS() - Method in interface gov.sandia.cognition.math.matrix.decomposition.SingularValueDecomposition
Gets the PSD diagonal matrix containing the sorted singular values
getSampler() - Method in class gov.sandia.cognition.statistics.bayesian.RejectionSampling.DefaultUpdater
Getter for sampler
getSampleSize() - Method in class gov.sandia.cognition.learning.algorithm.svm.PrimalEstimatedSubGradient
Gets the sample size, which is the number of examples sampled without replacement on each iteration of the algorithm.
getSampleVariance() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.SufficientStatistic
Gets the sample variance, which may be a biased estimate.
getSamplingError(double) - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
Gets the 95% confidence interval estimated sampling error associated with this empirical random variable.
getScalarFunction() - Method in class gov.sandia.cognition.learning.algorithm.tree.RegressionTreeNode
Gets the scalar function applied to the input when the node is a leaf node.
getScalarFunction() - Method in class gov.sandia.cognition.learning.function.vector.ElementWiseDifferentiableVectorFunction
 
getScalarFunction() - Method in class gov.sandia.cognition.learning.function.vector.ElementWiseVectorFunction
Getter for scalarFunction
getScale() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression.IncrementalEstimator.SufficientStatistic
Computes the scale component for the inverse-gamma distribution
getScale() - Method in class gov.sandia.cognition.statistics.bayesian.RejectionSampling.DefaultUpdater
Getter for scale
getScale() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
Getter for scale
getScale() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
Getter for scale.
getScale() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
Getter for scale
getScale() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
Getter for scale
getScale() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
Getter for scale
getScale() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution
Getter for scale
getScale() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution
Getter for scale
getScale() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
Getter for scale.
getScale() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution
Getter for scale
getScaleFactor() - Method in class gov.sandia.cognition.learning.function.vector.LinearVectorFunction
Gets the linear scale factor.
getScaleSqrt() - Method in class gov.sandia.cognition.statistics.distribution.InverseWishartDistribution
Getter for scaleSqrt
getScoresForAllNodes(NodeNameType) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph)
getScoresForAllNodes(List<NodeNameType>) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph) as specified for the input seeds
getScoresForAllNodes(NodeNameType, boolean) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph)
getScoresForAllNodes(List<NodeNameType>, boolean) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph) as specified for the input seeds
getScoresForAllNodesById(int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph)
getScoresForAllNodesById(int, boolean) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph)
getScoresForAllNodesByIdMultirun(int, int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph) as specified for the input seed index.
getScoresForAllNodesByIdMultirun(List<Integer>, int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph) as specified for the input seed index.
getScoresForAllNodesByIds(List<Integer>) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph) as specified for the input seed indices
getScoresForAllNodesByIds(List<Integer>, boolean) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph) as specified for the input seed indices
getScoresForAllNodesMultirun(NodeNameType, int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph) as specified for the input seed.
getScoresForAllNodesMultirun(List<NodeNameType>, int) - Method in class gov.sandia.cognition.graph.community.PersonalizedPageRank
Returns the vector of all scores for all nodes in the graph (order determined by node order as stored in the graph) as specified for the input seed index.
getSecond() - Method in class gov.sandia.cognition.learning.algorithm.CompositeBatchLearnerPair
 
getSecond() - Method in class gov.sandia.cognition.learning.algorithm.genetic.EvaluatedGenome
The second entry in the pair is the cost.
getSecond() - Method in class gov.sandia.cognition.learning.algorithm.regression.LogisticRegression.Function
 
getSecond() - Method in class gov.sandia.cognition.learning.data.AbstractInputOutputPair
Gets the output, which is the second element in the pair.
getSecond() - Method in class gov.sandia.cognition.learning.data.AbstractTargetEstimatePair
Gets the estimate, which is the second element in the pair.
getSecond() - Method in class gov.sandia.cognition.learning.data.AbstractValueDiscriminantPair
 
getSecond() - Method in class gov.sandia.cognition.learning.data.DefaultWeightedValueDiscriminant
 
getSecond() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector2
 
getSecond() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector3
 
getSecond() - Method in class gov.sandia.cognition.text.evaluation.DefaultPrecisionRecallPair
Gets the second element, which is the recall.
getSecond() - Method in class gov.sandia.cognition.util.DefaultKeyValuePair
 
getSecond() - Method in class gov.sandia.cognition.util.DefaultPair
Gets the second object.
getSecond() - Method in class gov.sandia.cognition.util.DefaultTemporalValue
Gets the second value fo the pair, which is the value.
getSecond() - Method in class gov.sandia.cognition.util.DefaultTriple
 
getSecond() - Method in interface gov.sandia.cognition.util.Pair
Gets the second object.
getSecond() - Method in interface gov.sandia.cognition.util.Triple
Gets the second object.
getSecondChild() - Method in class gov.sandia.cognition.learning.algorithm.clustering.hierarchy.BinaryClusterHierarchyNode
Gets the second child node, if there is one.
getSecondConverter() - Method in class gov.sandia.cognition.framework.learning.converter.AbstractCogxelPairConverter
Getter for secondConverter
getSecondInternalEntry() - Method in class gov.sandia.cognition.math.matrix.MatrixUnionIterator
getter for secondInternalEntry
getSecondInternalEntry() - Method in class gov.sandia.cognition.math.matrix.VectorUnionIterator
getter for secondInternalEntry
getSecondIterator() - Method in class gov.sandia.cognition.math.matrix.MatrixUnionIterator
getter for secondIterator
getSecondIterator() - Method in class gov.sandia.cognition.math.matrix.VectorUnionIterator
getter for secondIterator
getSecondLearner() - Method in class gov.sandia.cognition.learning.algorithm.CompositeBatchLearnerPair
Gets the second learner that is applied to the output of the first learner.
getSecondMatrix() - Method in class gov.sandia.cognition.math.matrix.mtj.TwoMatrixEntryMTJ
Getter for secondMatrix.
getSecondsPart() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getSecondsPart() - Method in interface gov.sandia.cognition.time.Duration
Gets the standard seconds part of the time.
getSecondValue() - Method in class gov.sandia.cognition.math.matrix.DefaultTwoVectorEntry
Gets the entry value for the second underlying vector
getSecondValue() - Method in class gov.sandia.cognition.math.matrix.mtj.TwoMatrixEntryMTJ
Gets the value from the second underlying matrix.
getSecondValue() - Method in interface gov.sandia.cognition.math.matrix.TwoMatrixEntry
Gets the second value to which this entry points
getSecondValue() - Method in interface gov.sandia.cognition.math.matrix.TwoVectorEntry
Gets the second value to which this entry points
getSecondVector() - Method in class gov.sandia.cognition.math.matrix.DefaultTwoVectorEntry
Getter for secondVector.
getSeedScale() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.AbstractFactorizationMachineLearner
Gets the seed initialization scale.
getSelector() - Method in class gov.sandia.cognition.learning.algorithm.genetic.reproducer.CrossoverReproducer
Gets the selector.
getSelector() - Method in class gov.sandia.cognition.learning.algorithm.genetic.reproducer.MutationReproducer
Gets the selector used to select the population.
getSelfDivergence() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the value used for self-divergence, which controls how many clusters are generated.
getSemanticIdentifier() - Method in interface gov.sandia.cognition.framework.Cogxel
Gets the SemanticIdentifier for the Cogxel.
getSemanticIdentifier() - Method in class gov.sandia.cognition.framework.DefaultCogxel
Gets the SemanticIdentifier for the Cogxel.
getSemanticIdentifierMap() - Method in interface gov.sandia.cognition.framework.CognitiveModel
Gets teh semantic identifier database used by the model.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.learning.converter.AbstractCogxelConverter
 
getSemanticIdentifierMap() - Method in interface gov.sandia.cognition.framework.learning.converter.CogxelConverter
Gets the SemanticIdentifierMap used by this converter.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelDoubleConverter
Gets the SemanticIdentifierMap used by this converter.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelMatrixConverter
Gets the SemanticIdentifierMap used by this converter.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorCollectionConverter
Gets the SemanticIdentifierMap used by this converter.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorConverter
Gets the SemanticIdentifierMap used by this converter.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelWeightedInputOutputPairConverter
Gets the SemanticIdentifierMap used by this converter.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.lite.AbstractCognitiveModelLite
Gets teh semantic identifier database used by the model.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.lite.AbstractSemanticMemoryLite
Gets the semantic identifier map being used.
getSemanticIdentifierMap() - Method in class gov.sandia.cognition.framework.lite.ArrayBasedPerceptionModule
Getter for semanticIdentifierMap
getSemanticLabel() - Method in interface gov.sandia.cognition.framework.Cogxel
Gets the SemanticLabel for the Cogxel.
getSemanticLabel() - Method in class gov.sandia.cognition.framework.DefaultCogxel
Gets the SemanticLabel for the Cogxel.
getSensitivity() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getSensitivity() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
The sensitivity value for the confusion matrix.
getSettings() - Method in interface gov.sandia.cognition.framework.CognitiveModule
Gets the settings for the module, which can be used to create another instantation of a module.
getSettings() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModule
Gets the settings for the module, which can be used to create another instantation of a module.
getSettings() - Method in class gov.sandia.cognition.framework.learning.EvaluatorBasedCognitiveModuleFactory
Gets the settings of the module created by the factory.
getSettings() - Method in class gov.sandia.cognition.framework.lite.ArrayBasedPerceptionModule
Returns null because this module has no settings.
getSettings() - Method in class gov.sandia.cognition.framework.lite.MutableSemanticMemoryLite
Gets the pattern recognizer.
getSettings() - Method in class gov.sandia.cognition.framework.lite.MutableSemanticMemoryLiteFactory
Gets the settings of the factory.
getSettings() - Method in class gov.sandia.cognition.framework.lite.SharedSemanticMemoryLite
Gets the settings for the module, which can be used to create another instantation of a module.
getSettings() - Method in class gov.sandia.cognition.framework.lite.SharedSemanticMemoryLiteFactory
Gets the settings of the factory.
getSettings() - Method in class gov.sandia.cognition.framework.lite.VectorBasedPerceptionModule
Returns null because this module has no settings.
getShape() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression.IncrementalEstimator.SufficientStatistic
Computes the shape component for the inverse-gamma distribution
getShape() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.GammaInverseScaleBayesianEstimator
Gets the shape of the conditional distribution
getShape() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
Getter for shape
getShape() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
Getter for shape
getShape() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
Getter for shape
getShape() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution
Getter for shape
getShape() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
Getter for shape
getShape() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution
Getter for shape
getShape() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
Getter for shape
getSharedModuleFactory() - Method in class gov.sandia.cognition.framework.io.CSVDefaultCognitiveModelLiteHandler
Gets the sharable module factory that has been read in.
getShortClassName(Object) - Static method in class gov.sandia.cognition.util.ObjectUtil
Gets a short version of the Class name, so that gov.sandia.cognition.util.ObjectUtil$InternalClass will be returned as "ObjectUtil$InternalClass", for example
getShortClassName(Class<?>) - Static method in class gov.sandia.cognition.util.ObjectUtil
Gets a short version of the Class name, so that gov.sandia.cognition.util.ObjectUtil$InternalClass will be returned as "ObjectUtil$InternalClass", for example
getSigma() - Method in class gov.sandia.cognition.learning.function.kernel.RadialBasisKernel
Gets the sigma value that controls the bandwidth of the kernel.
getSimilarities() - Method in class gov.sandia.cognition.learning.algorithm.clustering.AffinityPropagation
Gets the array of similarities.
getSimilarities() - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
Gets the similarities between terms.
getSimilarity() - Method in class gov.sandia.cognition.text.term.relation.IndexedTermSimilarityRelation
Gets the similarity between the two terms.
getSimilarity(Term, Term) - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
Gets the similarity between the two given terms.
getSimilarity(IndexedTerm, IndexedTerm) - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
Gets the similarity between the two given terms.
getSimilarity(int, int) - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
Gets the similarity between the two given terms.
getSimilarityFunction() - Method in class gov.sandia.cognition.text.term.relation.TermVectorSimilarityNetworkCreator
Gets the similarity function between term vectors used to determine the similarity between two terms.
getSingularValues() - Method in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
Gets the diagonal matrix of singular values.
getSize() - Method in class gov.sandia.cognition.learning.data.feature.RandomSubspace
Gets the size of the subspace that will be created.
getSize() - Method in class gov.sandia.cognition.text.term.filter.NGramFilter
Gets the size of the n-gram created by the filter.
getSkewness() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for skewness
getSlope() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.InputOutputSlopeTriplet
Getter for slope
getSlope() - Method in class gov.sandia.cognition.learning.function.scalar.LinearFunction
Gets the slope of the function, which is the m term in: f(x) = m*x + b.
getSlopeCondition() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.WolfeConditions
Getter for slopeCondition
getSmoothingWindowSize() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractCategorizerOutOfBagStoppingCriteria
Gets the size of the smoothing window.
getSortedROCData() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic
Getter for sortedROCData
getSource() - Method in class gov.sandia.cognition.text.relation.AbstractRelation
Gets the source object of the relation.
getSparseDefault() - Static method in class gov.sandia.cognition.math.matrix.MatrixFactory
Gets the default implementation of MatrixFactory for sparse matrices.
getSparseDefault() - Static method in class gov.sandia.cognition.math.matrix.VectorFactory
Gets the default implementation of the SparseVectorFactory.
getSpatialIndex() - Method in class gov.sandia.cognition.learning.algorithm.clustering.DBSCANClusterer
Gets the spatial index.
getSpecificity() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getSpecificity() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
The specificity value for the confusion matrix.
getSplitThreshold() - Method in class gov.sandia.cognition.math.geometry.Quadtree
Gets the split threshold for the tree.
getSquashingFunction() - Method in class gov.sandia.cognition.learning.function.vector.DifferentiableGeneralizedLinearModel
 
getSquashingFunction() - Method in class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
Getter for squashingFunction
getSquashingFunction() - Method in class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
Getter for squashingFunction
getStandardDeviation() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
Gets the standard deviation, which is the square root of the variance.
getStandardError() - Method in class gov.sandia.cognition.statistics.method.NemenyiConfidence.Statistic
Getter for standardError
getStandardErrors() - Method in class gov.sandia.cognition.statistics.method.TukeyKramerConfidence.Statistic
Getter for standardErrors
getStart() - Method in class gov.sandia.cognition.text.AbstractOccurrenceInText
 
getStart() - Method in interface gov.sandia.cognition.text.OccurrenceInText
Gets the starting index of the occurrence in the text.
getState() - Method in class gov.sandia.cognition.evaluator.AbstractStatefulEvaluator
 
getState() - Method in interface gov.sandia.cognition.evaluator.StatefulEvaluator
Gets the current state of the evaluator.
getState() - Method in class gov.sandia.cognition.framework.CognitiveModelStateChangeEvent
Gets the new state of the model.
getStateDimensionality() - Method in class gov.sandia.cognition.math.signals.LinearDynamicalSystem
Gets the dimensionality of the state.
getStatefulEvaluator() - Method in class gov.sandia.cognition.framework.learning.StatefulEvaluatorBasedCognitiveModule
Gets the StatefulEvaluator used by the module.
getStateVector() - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizerState
Gets the state vector stored in the object, which contains the main state data of the recognizer.
getStatisticalTest() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment
Gets the statistical test to use to determine if the two learners are significantly different.
getStatistics() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment
Gets the performance evaluations for the trials of the experiment.
getStatistics() - Method in class gov.sandia.cognition.learning.experiment.LearnerRepeatExperiment
Gets the performance evaluations for the trials of the experiment.
getStatistics() - Method in class gov.sandia.cognition.learning.experiment.LearnerValidationExperiment
Gets the performance evaluations for the trials of the experiment.
getStatistics() - Method in class gov.sandia.cognition.learning.experiment.OnlineLearnerValidationExperiment
Gets the performance evaluations for the trials of the experiment.
getSteadyStateDistribution() - Method in class gov.sandia.cognition.learning.algorithm.hmm.MarkovChain
Returns the steady-state distribution of the state distribution.
getStopList() - Method in class gov.sandia.cognition.text.term.filter.StopListFilter
Gets the stop list used by the filter.
getStoppingCriterion() - Method in class gov.sandia.cognition.learning.algorithm.clustering.MiniBatchKMeansClusterer
Get the stopping criterion for this clusterer.
getSubCollectionsCount() - Method in class gov.sandia.cognition.collection.DefaultMultiCollection
 
getSubCollectionsCount() - Method in interface gov.sandia.cognition.collection.MultiCollection
Gets the number of sub-collections in the multi-collection.
getSubCollectionsCount() - Method in class gov.sandia.cognition.collection.RangeExcludedArrayList
 
getSubDimensionality(int) - Method in class gov.sandia.cognition.learning.algorithm.tree.RandomSubVectorThresholdLearner
Gets the dimensionality of the subspace based on the full dimensionality.
getSubIndices() - Method in class gov.sandia.cognition.learning.function.vector.SubVectorEvaluator
Gets the array of indices used to create the sub-vector.
getSubjectCount() - Method in class gov.sandia.cognition.statistics.method.FriedmanConfidence.Statistic
Getter for subjectCount
getSubjectCount() - Method in class gov.sandia.cognition.statistics.method.NemenyiConfidence.Statistic
Getter for subjectCount
getSubjectCounts() - Method in class gov.sandia.cognition.statistics.method.TukeyKramerConfidence.Statistic
Getter for subjectCounts
getSubLearner() - Method in class gov.sandia.cognition.learning.algorithm.tree.RandomSubVectorThresholdLearner
Gets the learner used to learn a threshold function over the subspace.
getSubMatrix(int, int, int, int) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
Gets the embedded submatrix inside of the Matrix, specified by the inclusive, zero-based indices such that the result matrix will have size (maxRow-minRow+1) x (maxColum-minCcolumn+1)
getSubMatrix(int, int, int, int) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
 
getSubMatrix(int, int, int, int) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
Gets the embedded submatrix inside of the Matrix, specified by the inclusive, zero-based indices such that the result matrix will have size (maxRow-minRow+1) x (maxColum-minCcolumn+1)
getSubMatrix(int, int, int, int) - Method in interface gov.sandia.cognition.math.matrix.Matrix
Gets the embedded submatrix inside of the Matrix, specified by the inclusive, zero-based indices such that the result matrix will have size (maxRow-minRow+1) x (maxColum-minCcolumn+1)
getSubMatrix(int, int, int, int) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
 
getSubMatrix(int, int, int, int) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
 
getSubMatrix(int, int, int, int) - Method in class gov.sandia.cognition.math.matrix.mtj.SparseColumnMatrix
 
getSubMatrix(int, int, int, int) - Method in class gov.sandia.cognition.math.matrix.mtj.SparseRowMatrix
 
getSubMatrixInto(int, int, int, int, AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
Internal routine for storing a submatrix into and AbstractMTJMatrix.
getSuccessors(NodeNameType) - Method in class gov.sandia.cognition.graph.DenseMemoryGraph
 
getSuccessors(NodeNameType) - Method in interface gov.sandia.cognition.graph.DirectedNodeEdgeGraph
Returns all the nodes this node connects to (outgoing edges only).
getSuccessorsWithWeights(NodeNameType) - Method in interface gov.sandia.cognition.graph.DirectedWeightedNodeEdgeGraph
Returns all the nodes this node connects to with edge weights (outgoing edges only).
getSuccessorsWithWeights(NodeNameType) - Method in class gov.sandia.cognition.graph.WeightedDenseMemoryGraph
Execution: O(log m + d) where d is the degree of the specified node (which can be O(m) but is usually O(1)).
getSufficientDecrease() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizerBacktracking
Getter for sufficientDecrease
getSum() - Method in class gov.sandia.cognition.math.RingAccumulator
Returns the sum object underlying the accumulator.
getSummaries() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment
Gets the summaries of the experiment.
getSummaries() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment.Result
Gets the summary of performance for the learners.
getSummarizer() - Method in class gov.sandia.cognition.learning.experiment.LearnerComparisonExperiment
Gets the summarizer of the performance evaluations.
getSummarizer() - Method in class gov.sandia.cognition.learning.experiment.LearnerRepeatExperiment
Gets the summarizer of the performance evaluations.
getSummarizer() - Method in class gov.sandia.cognition.learning.experiment.LearnerValidationExperiment
Gets the summarizer of the performance evaluations.
getSummarizer() - Method in class gov.sandia.cognition.learning.experiment.OnlineLearnerValidationExperiment
Gets the summarizer of the performance evaluations.
getSummary() - Method in class gov.sandia.cognition.learning.experiment.LearnerRepeatExperiment
Gets the summary of the experiment.
getSummary() - Method in class gov.sandia.cognition.learning.experiment.LearnerValidationExperiment
Gets the summary of the experiment.
getSummary() - Method in class gov.sandia.cognition.learning.experiment.OnlineLearnerValidationExperiment
Gets the summary of the experiment.
getSumSquaredDifferences() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.SufficientStatistic
Getter for sumSquaredDifferences
getSumSquaredDifferences() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.SufficientStatistic
Gets the sum of squared differences from the mean.
getSumSquaredDifferencesInverse() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian.SufficientStatisticCovarianceInverse
Getter for sumSquaredDifferences
getSupervisedLearner() - Method in class gov.sandia.cognition.learning.algorithm.TimeSeriesPredictionLearner
Getter for supervisedLearner
getSupportsMap() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelAdatron
Gets the mapping of examples to weight objects (support vectors).
getSupportsMap() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.kernel.KernelPerceptron
Gets the mapping of examples to weight objects (support vectors).
getSupportsMap() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelBasedIterativeRegression
Gets the mapping of examples to weight objects (support vectors).
getSupportsMap() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
Gets the mapping of examples to weight objects (support vectors).
getSynonyms() - Method in class gov.sandia.cognition.text.term.filter.SynonymFilter
Gets the mapping of terms to their synonyms.
getT() - Method in class gov.sandia.cognition.statistics.method.StudentTConfidence.Statistic
Getter for t
getT() - Method in class gov.sandia.cognition.statistics.method.WilcoxonSignedRankConfidence.Statistic
Getter for T
getTarget() - Method in class gov.sandia.cognition.learning.algorithm.root.SolverFunction
Getter for target
getTarget() - Method in class gov.sandia.cognition.learning.data.DefaultTargetEstimatePair
Gets the target, which is the ground-truth or actual value.
getTarget() - Method in interface gov.sandia.cognition.learning.data.TargetEstimatePair
Gets the target, which is the ground-truth or actual value.
getTarget() - Method in class gov.sandia.cognition.text.relation.AbstractRelation
Sets the target object of the relation.
getTargetConverter() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelTargetEstimatePairConverter
Gets the converter for the target value.
getTargetEstimateCorrelation() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
Getter for targetEstimateCorrelation
getTargetInput() - Method in class gov.sandia.cognition.math.signals.PIDController
Getter for targetInput.
getTemperature() - Method in class gov.sandia.cognition.learning.algorithm.annealing.SimulatedAnnealer
Gets the current temperature of the system.
getTerm(int) - Method in class gov.sandia.cognition.text.term.AbstractTermIndex
 
getTerm() - Method in class gov.sandia.cognition.text.term.DefaultIndexedTerm
 
getTerm(int) - Method in class gov.sandia.cognition.text.term.DefaultTermNGram
 
getTerm() - Method in class gov.sandia.cognition.text.term.DefaultTermOccurrence
 
getTerm() - Method in interface gov.sandia.cognition.text.term.IndexedTerm
Gets the term associated with the index.
getTerm(int) - Method in interface gov.sandia.cognition.text.term.TermIndex
Gets the term associated with the given index.
getTerm(int) - Method in interface gov.sandia.cognition.text.term.TermNGram
Gets the i-th term in the n-gram.
getTerm() - Method in interface gov.sandia.cognition.text.term.TermOccurrence
Gets the term that occurred in the text.
getTerm() - Method in class gov.sandia.cognition.text.token.DefaultToken
 
getTermBasis() - Method in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
Gets the matrix of orthogonal term column vectors.
getTermCount() - Method in class gov.sandia.cognition.text.term.DefaultTermIndex
 
getTermCount() - Method in class gov.sandia.cognition.text.term.DefaultTermNGram
 
getTermCount() - Method in interface gov.sandia.cognition.text.term.TermIndex
Gets the number of terms.
getTermCount() - Method in interface gov.sandia.cognition.text.term.TermNGram
Gets the number of terms in the n-gram.
getTermCount() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
Gets the number of terms in the dataset.
getTermCount() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler.Result
Gets the number of terms in the dataset.
getTermDocumentFrequencies() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractFrequencyBasedGlobalTermWeighter
Gets the vector containing the number of documents that each term appears in.
getTermEntropiesSum() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractEntropyBasedGlobalTermWeighter
Gets the vector containing the sum of term the entropies.
getTermGlobalFrequencies() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractFrequencyBasedGlobalTermWeighter
Gets the vector containing the number of times that each term appears.
getTermIndex() - Method in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
Gets the index of terms.
getTermIndex() - Method in class gov.sandia.cognition.text.term.vector.BagOfWordsTransform
Gets the term index that the transform uses to map terms to their vector indices.
getTermList() - Method in class gov.sandia.cognition.text.term.DefaultTermIndex
Sets the list of terms, ordered by index.
getTermList() - Method in class gov.sandia.cognition.text.term.DefaultTermNGram
 
getTermList() - Method in interface gov.sandia.cognition.text.term.TermNGram
Gets the list of terms in the n-gram.
getTermMap() - Method in class gov.sandia.cognition.text.term.DefaultTermIndex
Gets the mapping of terms to their indices.
getTerms() - Method in class gov.sandia.cognition.text.term.DefaultTermCounts
 
getTerms() - Method in class gov.sandia.cognition.text.term.DefaultTermIndex
 
getTerms() - Method in class gov.sandia.cognition.text.term.DefaultTermNGram
Gets the terms that make up the n-gram.
getTerms() - Method in interface gov.sandia.cognition.text.term.TermCounts
Gets the set of all terms the counts are over.
getTerms() - Method in interface gov.sandia.cognition.text.term.TermIndex
Gets all of the terms in the index.
getTermToCountMap() - Method in class gov.sandia.cognition.text.term.DefaultTermCounts
Gets the mapping of terms to their respective counts.
getTermVector(int) - Method in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
Gets the i-th orthogonal term vector that makes up the basis for the transform.
getTestingSet() - Method in class gov.sandia.cognition.learning.data.DefaultPartitionedDataset
 
getTestingSet() - Method in interface gov.sandia.cognition.learning.data.PartitionedDataset
Gets the testing dataset.
getTestStatistic() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
 
getTestStatistic(int, int) - Method in class gov.sandia.cognition.statistics.method.AbstractMultipleHypothesisComparison.Statistic
 
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.AnalysisOfVarianceOneWay.Statistic
 
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.ChiSquareConfidence.Statistic
 
getTestStatistic() - Method in interface gov.sandia.cognition.statistics.method.ConfidenceStatistic
Gets the statistic from which we compute the null-hypothesis probability.
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.FisherSignConfidence.Statistic
 
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.FriedmanConfidence.Statistic
 
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.GaussianConfidence.Statistic
 
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.KolmogorovSmirnovConfidence.Statistic
 
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.MannWhitneyUConfidence.Statistic
 
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
 
getTestStatistic(int, int) - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
 
getTestStatistic(int, int) - Method in interface gov.sandia.cognition.statistics.method.MultipleHypothesisComparison.Statistic
Gets the test statistic associated with the (i,j) treatment comparison
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.StudentTConfidence.Statistic
 
getTestStatistic() - Method in class gov.sandia.cognition.statistics.method.WilcoxonSignedRankConfidence.Statistic
 
getTestVector() - Method in class gov.sandia.cognition.statistics.ChiSquaredSimilarity
Basic getter for the testing vector.
getText() - Method in class gov.sandia.cognition.text.DefaultTextual
Gets the text value in this object.
getText() - Method in class gov.sandia.cognition.text.document.DefaultDateField
 
getText() - Method in class gov.sandia.cognition.text.document.DefaultTextField
 
getText() - Method in interface gov.sandia.cognition.text.document.Field
Gets the full text of the field.
getText() - Method in class gov.sandia.cognition.text.term.DefaultTerm
Gets the text of the term.
getText() - Method in interface gov.sandia.cognition.text.Textual
Get the text part of this object.
getText() - Method in class gov.sandia.cognition.text.token.DefaultToken
 
getText() - Method in interface gov.sandia.cognition.text.token.Token
Gets the text of the token.
getThird() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector3
 
getThird() - Method in class gov.sandia.cognition.util.DefaultTriple
 
getThird() - Method in interface gov.sandia.cognition.util.Triple
Gets the third object.
getThreadPool() - Method in class gov.sandia.cognition.algorithm.AbstractParallelAlgorithm
 
getThreadPool() - Method in interface gov.sandia.cognition.algorithm.ParallelAlgorithm
Gets the thread pool for the algorithm to use.
getThreadPool() - Method in class gov.sandia.cognition.learning.algorithm.clustering.ParallelizedKMeansClusterer
 
getThreadPool() - Method in class gov.sandia.cognition.learning.algorithm.genetic.ParallelizedGeneticAlgorithm
Getter for threadPool
getThreadPool() - Method in class gov.sandia.cognition.learning.algorithm.hmm.ParallelBaumWelchAlgorithm
 
getThreadPool() - Method in class gov.sandia.cognition.learning.algorithm.hmm.ParallelHiddenMarkovModel
 
getThreadPool() - Method in class gov.sandia.cognition.learning.experiment.ParallelLearnerValidationExperiment
 
getThreadPool() - Method in class gov.sandia.cognition.learning.function.cost.ParallelClusterDistortionMeasure
 
getThreadPool() - Method in class gov.sandia.cognition.learning.function.cost.ParallelizedCostFunctionContainer
 
getThreadPool() - Method in class gov.sandia.cognition.learning.function.cost.ParallelNegativeLogLikelihood
 
getThreadPool() - Method in class gov.sandia.cognition.statistics.bayesian.ParallelDirichletProcessMixtureModel
 
getThreadPool() - Method in class gov.sandia.cognition.text.topic.ParallelLatentDirichletAllocationVectorGibbsSampler
 
getThreshold() - Method in class gov.sandia.cognition.learning.function.categorization.AbstractThresholdBinaryCategorizer
Getter for threshold
getThreshold() - Method in class gov.sandia.cognition.learning.function.categorization.KernelBinaryCategorizer
Gets the threshold, which is the negative of the bias.
getThreshold() - Method in class gov.sandia.cognition.learning.function.categorization.LinearBinaryCategorizer
Gets the threshold, which is the negative of the bias.
getThreshold() - Method in interface gov.sandia.cognition.learning.function.categorization.ThresholdBinaryCategorizer
Gets the threshold between the two categories used in binary categorization.
getThreshold() - Method in class gov.sandia.cognition.learning.function.scalar.ThresholdFunction
Getter for threshold
getTime() - Method in class gov.sandia.cognition.util.AbstractTemporal
 
getTime() - Method in interface gov.sandia.cognition.util.Temporal
The time associated with this object.
getTitleField() - Method in class gov.sandia.cognition.text.document.AbstractDocument
 
getTitleField() - Method in interface gov.sandia.cognition.text.document.Document
Gets the commonly-used title field.
getTokenizer() - Method in class gov.sandia.cognition.math.matrix.VectorReader
Getter for tokenizer
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Gets the current tolerance value.
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.minimization.AbstractAnytimeFunctionMinimizer
Getter for tolerance
getTolerance() - Method in interface gov.sandia.cognition.learning.algorithm.minimization.FunctionMinimizer
Gets the tolerance of the minimization algorithm
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.interpolator.AbstractLineBracketInterpolator
 
getTolerance() - Method in interface gov.sandia.cognition.learning.algorithm.minimization.line.interpolator.LineBracketInterpolator
Gets the tolerance of the interpolator to collinear or identical points, typically 1e-6, must be greater than 0.0.
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.minimization.matrix.IterativeMatrixSolver
 
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractLogisticRegression
Getter for tolerance
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.regression.AbstractParameterCostMinimizer
Getter for tolerance
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.regression.KernelWeightedRobustRegression
Getter for tolerance
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.regression.LogisticRegression
Getter for tolerance
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.root.AbstractRootFinder
 
getTolerance() - Method in class gov.sandia.cognition.learning.algorithm.root.MinimizerBasedRootFinder
 
getTolerance() - Method in interface gov.sandia.cognition.learning.algorithm.root.RootFinder
Gets the tolerance of the algorithm.
getTolerance() - Method in class gov.sandia.cognition.math.LentzMethod
Getter for tolerance
getTolerance() - Method in class gov.sandia.cognition.statistics.distribution.MixtureOfGaussians.EMLearner
Getter for tolerance
getTolerance() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel.EMLearner
Getter for tolerance
getTopicCount() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
Gets the number of topics (k) created by the topic model.
getTopicCount() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler.Result
Gets the number of topics (k) created by the topic model.
getTopicTermProbabilities() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler.Result
Gets the document-topic probabilities, which are often called the theta model parameters.
getTotal() - Method in interface gov.sandia.cognition.statistics.DataDistribution
Gets the total (sum) of the values in the distribution.
getTotal() - Method in class gov.sandia.cognition.statistics.distribution.DefaultDataDistribution
 
getTotalChange() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineAlternatingLeastSquares
Gets the total change in the model parameters from the current iteration.
getTotalChange() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineStochasticGradient
Gets the total change from the current iteration.
getTotalChange() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
Gets the total change in weight from the most recent step of the algorithm.
getTotalCorrectCount() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getTotalCorrectCount() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the total number of correct entries in the confusion matrix.
getTotalCount() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getTotalCount() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the total number of entries in the confusion matrix.
getTotalCount() - Method in class gov.sandia.cognition.text.term.DefaultTermCounts
 
getTotalCount() - Method in interface gov.sandia.cognition.text.term.TermCounts
Gets the total count of all terms.
getTotalDays() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getTotalDays() - Method in interface gov.sandia.cognition.time.Duration
Gets the total number of standard days of this duration.
getTotalError() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineAlternatingLeastSquares
Gets the total squared error from the current iteration.
getTotalError() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineStochasticGradient
Gets the total squared error from the current iteration.
getTotalHours() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getTotalHours() - Method in interface gov.sandia.cognition.time.Duration
Gets the total number of standard hours of this duration.
getTotalIncorrectCount() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractConfusionMatrix
 
getTotalIncorrectCount() - Method in interface gov.sandia.cognition.learning.performance.categorization.ConfusionMatrix
Gets the total number of incorrect entries in the confusion matrix.
getTotalMilliseconds() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getTotalMilliseconds() - Method in interface gov.sandia.cognition.time.Duration
Gets the total number of standard milliseconds of this duration.
getTotalMinutes() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getTotalMinutes() - Method in interface gov.sandia.cognition.time.Duration
Gets the total number of standard minutes of this duration.
getTotalOccurrences() - Method in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler.Result
Gets the total number of term occurrences
getTotalSeconds() - Method in class gov.sandia.cognition.time.DefaultDuration
 
getTotalSeconds() - Method in interface gov.sandia.cognition.time.Duration
Gets the total number of standard seconds of this duration.
getTournamentSize() - Method in class gov.sandia.cognition.learning.algorithm.genetic.selector.TournamentSelector
Gets the size for tournaments.
getTrainingPercent() - Method in class gov.sandia.cognition.learning.data.RandomDataPartitioner
Gets the percentage of data to put in the training partition.
getTrainingSet() - Method in class gov.sandia.cognition.learning.data.DefaultPartitionedDataset
 
getTrainingSet() - Method in interface gov.sandia.cognition.learning.data.PartitionedDataset
Gets the training dataset.
getTransform() - Method in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
Gets the cached transform matrix.
getTransitionProbability() - Method in class gov.sandia.cognition.learning.algorithm.hmm.MarkovChain
Getter for transitionProbability.
getTreatmentCount() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
Getter for treatmentCount
getTreatmentCount() - Method in class gov.sandia.cognition.statistics.method.AbstractMultipleHypothesisComparison.Statistic
 
getTreatmentCount() - Method in class gov.sandia.cognition.statistics.method.FriedmanConfidence.Statistic
Getter for treatmentCount
getTreatmentCount() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
 
getTreatmentCount() - Method in interface gov.sandia.cognition.statistics.method.MultipleHypothesisComparison.Statistic
Gets the number of treatments being compared
getTreatmentMeans() - Method in class gov.sandia.cognition.statistics.method.NemenyiConfidence.Statistic
Getter for treatmentRankMeans
getTreatmentMeans() - Method in class gov.sandia.cognition.statistics.method.TukeyKramerConfidence.Statistic
Getter for treatmentMeans
getTreatmentRankMeans() - Method in class gov.sandia.cognition.statistics.method.FriedmanConfidence.Statistic
Getter for treatmentRankMeans
getTreeSize() - Method in class gov.sandia.cognition.learning.algorithm.tree.AbstractDecisionTreeNode
 
getTreeSize() - Method in interface gov.sandia.cognition.learning.algorithm.tree.DecisionTreeNode
Gets the size of the sub-tree from this node.
getTrueNegativesCount() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
Gets the number of true negatives.
getTrueNegativesCount() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
 
getTrueNegativesFraction() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getTrueNegativesFraction() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
Gets the fraction of true negatives.
getTrueNegativesRate() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
Gets the rate of negative targets correctly classified.
getTrueNegativesRate() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrixConfidenceInterval
Getter for trueNegativesRate
getTruePositiveRate() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic.DataPoint
Gets the truePositiveRate associated with this datapoint
getTruePositivesCount() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
Gets the number of true positives.
getTruePositivesCount() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
 
getTruePositivesFraction() - Method in class gov.sandia.cognition.learning.performance.categorization.AbstractBinaryConfusionMatrix
 
getTruePositivesFraction() - Method in interface gov.sandia.cognition.learning.performance.categorization.BinaryConfusionMatrix
Gets the fraction of true positives.
getTruePositivesRate() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
Gets the rate of target trues that were correctly classified as true.
getTruePositivesRate() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrixConfidenceInterval
Getter for truePositivesRate
getTrueValue() - Method in class gov.sandia.cognition.data.convert.number.DefaultBooleanToNumberConverter
Gets the number that represents a true value.
getType() - Method in class gov.sandia.cognition.io.ProcessLauncherEvent
Getter for type
getU() - Method in class gov.sandia.cognition.math.matrix.decomposition.AbstractSingularValueDecomposition
 
getU() - Method in interface gov.sandia.cognition.math.matrix.decomposition.SingularValueDecomposition
Gets the orthonormal matrix containing the left singular vectors of the underlying matrix
getU() - Method in class gov.sandia.cognition.statistics.method.MannWhitneyUConfidence.Statistic
Getter for U
getUnaryCost(int, LabelType) - Method in class gov.sandia.cognition.graph.inference.CostSpeedupEnergyFunction
 
getUnaryCost(int, LabelType) - Method in class gov.sandia.cognition.graph.inference.EdgeMergingEnergyFunction
 
getUnaryCost(int, LabelType) - Method in interface gov.sandia.cognition.graph.inference.EnergyFunction
This is the -log(getUnaryPotential(.)).
getUnaryCost(int, LabelType) - Method in class gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction
 
getUnaryPotential(int, LabelType) - Method in class gov.sandia.cognition.graph.inference.CostSpeedupEnergyFunction
 
getUnaryPotential(int, LabelType) - Method in class gov.sandia.cognition.graph.inference.EdgeMergingEnergyFunction
 
getUnaryPotential(int, LabelType) - Method in interface gov.sandia.cognition.graph.inference.EnergyFunction
Returns the unary cost for node i having the input label.
getUnaryPotential(int, LabelType) - Method in class gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction
 
getUnaryPotential(DirectedNodeEdgeGraph<NodeNameType>, int, LabelType, LabelType) - Method in interface gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction.PotentialHandler
Provide the unary potential for the specified node
getUncompensatedAlpha() - Method in class gov.sandia.cognition.statistics.method.AbstractMultipleHypothesisComparison.Statistic
 
getUncompensatedAlpha() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
 
getUncompensatedAlpha() - Method in interface gov.sandia.cognition.statistics.method.MultipleHypothesisComparison.Statistic
Gets the uncompensated alpha (p-value threshold) for the multiple comparison test
getUnlabeledWeight() - Method in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation.Entry
Gets the unlabeled weight.
getUnpredictedErrorFraction() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression.Statistic
Getter for unpredictedErrorFraction
getUpdater() - Method in class gov.sandia.cognition.statistics.bayesian.AbstractParticleFilter
 
getUpdater() - Method in class gov.sandia.cognition.statistics.bayesian.DirichletProcessMixtureModel
Getter for updater
getUpdater() - Method in class gov.sandia.cognition.statistics.bayesian.ImportanceSampling
Getter for updater
getUpdater() - Method in class gov.sandia.cognition.statistics.bayesian.MetropolisHastingsAlgorithm
Gets the object that makes proposal samples from the current location.
getUpdater() - Method in interface gov.sandia.cognition.statistics.bayesian.ParticleFilter
Gets the updater
getUpdater() - Method in class gov.sandia.cognition.statistics.bayesian.RejectionSampling
Getter for updater
getUpperBound() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.LineBracket
Getter for upperBound
getUpperBound() - Method in class gov.sandia.cognition.statistics.method.ConfidenceInterval
Getter for upperBound
getUpperLeft() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the child representing upper-left quadrant of the node, when treating the 2D coordinate grid in a mathematical representation (positive x values go left and positive y values go up).
getUpperRight() - Method in class gov.sandia.cognition.math.geometry.Quadtree.Node
Gets the child representing upper-right quadrant of the node, when treating the 2D coordinate grid in a mathematical representation (positive x values go left and positive y values go up).
getUsePseudoInverse() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearBasisRegression
Getter for usePseudoInverse
getUsePseudoInverse() - Method in class gov.sandia.cognition.learning.algorithm.regression.LinearRegression
Getter for usePseudoInverse
getUsePseudoInverse() - Method in class gov.sandia.cognition.learning.algorithm.regression.MultivariateLinearRegression
Getter for usePseudoInverse
getUtest() - Method in class gov.sandia.cognition.statistics.method.ReceiverOperatingCharacteristic
Getter for Utest
getV1() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution
Getter for v1
getV2() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution
Getter for v2
getValidationData() - Method in class gov.sandia.cognition.learning.performance.AnytimeBatchLearnerValidationPerformanceReporter
Gets the validation dataset.
getValue() - Method in class gov.sandia.cognition.collection.AbstractLogNumberMap.SimpleEntry
 
getValue() - Method in class gov.sandia.cognition.collection.AbstractMutableDoubleMap.SimpleEntry
 
getValue(int) - Method in class gov.sandia.cognition.collection.DefaultIndexer
 
getValue(Integer) - Method in class gov.sandia.cognition.collection.DefaultIndexer
 
getValue(int) - Method in interface gov.sandia.cognition.collection.Indexer
Gets the value associated with the given index.
getValue(Integer) - Method in interface gov.sandia.cognition.collection.Indexer
Gets the value associated with the given index.
getValue() - Method in interface gov.sandia.cognition.collection.ScalarMap.Entry
Gets the value associated with the key.
getValue(int) - Method in class gov.sandia.cognition.framework.lite.ArrayBasedCognitiveModelInput
Gets the activation value of the given index in the array.
getValue() - Method in class gov.sandia.cognition.learning.algorithm.baseline.ConstantLearner
Gets the value that is the result of learning.
getValue() - Method in class gov.sandia.cognition.learning.algorithm.tree.RegressionTreeNode
Gets the value stored at the node, which is usually the mean value.
getValue() - Method in class gov.sandia.cognition.learning.data.DefaultValueDiscriminantPair
 
getValue() - Method in interface gov.sandia.cognition.learning.data.ValueDiscriminantPair
Gets the value in the pair.
getValue() - Method in class gov.sandia.cognition.learning.function.ConstantEvaluator
Gets the constant output value for the evaluator.
getValue() - Method in class gov.sandia.cognition.math.LogNumber
Gets the value represented by the log number.
getValue() - Method in interface gov.sandia.cognition.math.matrix.MatrixEntry
Gets the value to which this entry points
getValue() - Method in interface gov.sandia.cognition.math.matrix.VectorSpace.Entry
Gets the value to which this entry points
getValue() - Method in class gov.sandia.cognition.math.MutableDouble
Gets the value stored in the object.
getValue() - Method in class gov.sandia.cognition.math.MutableInteger
Gets the value stored in the object.
getValue() - Method in class gov.sandia.cognition.math.MutableLong
Gets the value stored in the object.
getValue() - Method in class gov.sandia.cognition.math.UnsignedLogNumber
Gets the value represented by the log number.
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.BernoulliBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.BinomialBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.ExponentialBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.GammaInverseScaleBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.MultinomialBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.MultivariateGaussianMeanBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.MultivariateGaussianMeanCovarianceBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.PoissonBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.UniformDistributionBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.UnivariateGaussianMeanBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.bayesian.conjugate.UnivariateGaussianMeanVarianceBayesianEstimator.Parameter
 
getValue() - Method in class gov.sandia.cognition.statistics.DefaultDistributionParameter
 
getValue() - Method in class gov.sandia.cognition.util.DefaultIdentifiedValue
 
getValue() - Method in class gov.sandia.cognition.util.DefaultKeyValuePair
 
getValue() - Method in class gov.sandia.cognition.util.DefaultNamedValue
Gets the value stored in the name-value pair.
getValue() - Method in class gov.sandia.cognition.util.DefaultTemporalValue
 
getValue() - Method in class gov.sandia.cognition.util.DefaultWeightedValue
Gets the value.
getValue() - Method in interface gov.sandia.cognition.util.IdentifiedValue
Gets the value associated with the identifier.
getValue() - Method in interface gov.sandia.cognition.util.KeyValuePair
Gets the value part of the key-value pair.
getValue() - Method in interface gov.sandia.cognition.util.NamedValue
Gets the value stored in the name-value pair.
getValue() - Method in interface gov.sandia.cognition.util.TemporalValue
Gets the value stored in this object.
getValue() - Method in interface gov.sandia.cognition.util.WeightedValue
Gets the value.
getValueMap() - Method in class gov.sandia.cognition.evaluator.ValueMapper
Gets the map of input values to output values.
getValues() - Method in class gov.sandia.cognition.data.convert.vector.UniqueBooleanVectorEncoder
Gets the list of unique values that the encoder is to use.
getValues() - Method in class gov.sandia.cognition.framework.lite.ArrayBasedCognitiveModelInput
Gets the array of activation values.
getValues() - Method in class gov.sandia.cognition.framework.lite.VectorBasedCognitiveModelInput
Getter for values
getValues() - Method in class gov.sandia.cognition.learning.function.distance.DivergencesEvaluator
Gets the values that the divergence is computed from using the divergence function to the input.
getVariance() - Method in class gov.sandia.cognition.learning.data.feature.StandardDistributionNormalizer
Gets the variance.
getVariance() - Method in class gov.sandia.cognition.learning.function.categorization.DiagonalConfidenceWeightedBinaryCategorizer
Gets the variance vector.
getVariance() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
Getter for variance
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.BetaBinomialDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.BetaDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.BinomialDistribution
Gets the variance of the distribution.
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.CauchyDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.ChiSquareDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.DeterministicDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.GeometricDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.KolmogorovDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.LogisticDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.PoissonDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.ScalarDataDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.ScalarMixtureDensityModel
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.SnedecorFDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.UniformDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.UniformIntegerDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian.SufficientStatistic
Gets the variance of the Gaussian.
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.WeibullDistribution
 
getVariance() - Method in class gov.sandia.cognition.statistics.distribution.YuleSimonDistribution
 
getVariance() - Method in interface gov.sandia.cognition.statistics.UnivariateDistribution
Gets the variance of the distribution.
getVariance() - Method in class gov.sandia.cognition.statistics.UnivariateRandomVariable
 
getVectorFactory() - Method in class gov.sandia.cognition.data.convert.vector.AbstractToVectorEncoder
 
getVectorFactory() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.AbstractOnlineLinearBinaryCategorizerLearner
Gets the VectorFactory used to create the weight vector.
getVectorFactory() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.BatchMultiPerceptron
Gets the VectorFactory used to create the weight vector.
getVectorFactory() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineMultiPerceptron
Gets the VectorFactory used to create the weight vector.
getVectorFactory() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.OnlineVotedPerceptron
Gets the VectorFactory used to create the weight vector.
getVectorFactory() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.Perceptron
 
getVectorFactory() - Method in class gov.sandia.cognition.learning.algorithm.tree.RandomSubVectorThresholdLearner
Gets the vector factory.
getVectorFactory() - Method in class gov.sandia.cognition.learning.data.feature.FeatureHashing
 
getVectorFactory() - Method in class gov.sandia.cognition.learning.data.feature.RandomSubspace
 
getVectorFactory() - Method in class gov.sandia.cognition.learning.function.categorization.WinnerTakeAllCategorizer.Learner
Gets the vector factory.
getVectorFactory() - Method in class gov.sandia.cognition.learning.function.distance.DivergencesEvaluator.Learner
 
getVectorFactory() - Method in class gov.sandia.cognition.learning.function.vector.VectorizableVectorConverterWithBias
Gets the vector factory used to create the vector with the bias.
getVectorFactory() - Method in class gov.sandia.cognition.math.matrix.custom.DenseVector
 
getVectorFactory() - Method in class gov.sandia.cognition.math.matrix.custom.SparseVector
 
getVectorFactory() - Method in class gov.sandia.cognition.math.matrix.DefaultVectorFactoryContainer
Gets the vector factory the object to use to create new vectors.
getVectorFactory() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
 
getVectorFactory() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
 
getVectorFactory() - Method in interface gov.sandia.cognition.math.matrix.Vector
Gets a vector factory associated with this kind of vector.
getVectorFactory() - Method in interface gov.sandia.cognition.math.matrix.VectorFactoryContainer
Gets the vector factory the object to use to create new vectors.
getVectorFactory() - Method in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractGlobalTermWeighter
Gets the vector factory.
getVectorFactory() - Method in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis
Gets the vector factory to use.
getVectorFunction() - Method in class gov.sandia.cognition.learning.function.scalar.VectorFunctionLinearDiscriminant
Getter for vectorFunction
getVectorFunction() - Method in class gov.sandia.cognition.learning.function.scalar.VectorFunctionToScalarFunction
Gets the vector function with a one-dimensional output that is being converted to a scalar function.
getVectorOffset() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.DirectionalVectorToScalarFunction
Getter for vectorOffset
getVectorScalarFunction() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.DirectionalVectorToScalarFunction
Getter for vectorScalarFunction
getVtranspose() - Method in class gov.sandia.cognition.math.matrix.decomposition.AbstractSingularValueDecomposition
 
getVtranspose() - Method in interface gov.sandia.cognition.math.matrix.decomposition.SingularValueDecomposition
Gets the transpose of the orthonormal matrix containing the right singular vectors of the underlying matrix
getW() - Method in interface gov.sandia.cognition.math.matrix.Quaternion
Gets the w component of the quaternion.
getWeakLearner() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AdaBoost
Gets the weak learner that is passed the weighted training data on each step of the algorithm.
getWeakLearner() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.MultiCategoryAdaBoost
Gets the weak learner that is passed the weighted training data on each step of the algorithm.
getWeight(InputOutputPair<?, ?>) - Static method in class gov.sandia.cognition.learning.data.DatasetUtil
Gets the weight of a given input-output pair.
getWeight(TargetEstimatePair<?, ?>) - Static method in class gov.sandia.cognition.learning.data.DatasetUtil
Gets the weight of a given target-estimate pair.
getWeight() - Method in class gov.sandia.cognition.learning.data.DefaultWeightedInputOutputPair
 
getWeight() - Method in class gov.sandia.cognition.learning.data.DefaultWeightedTargetEstimatePair
 
getWeight() - Method in class gov.sandia.cognition.learning.function.kernel.WeightedKernel
Gets the weight used to rescale the kernel's results.
getWeight() - Method in class gov.sandia.cognition.util.AbstractWeighted
 
getWeight() - Method in class gov.sandia.cognition.util.DefaultWeightedPair
Sets the weight of the pair.
getWeight() - Method in interface gov.sandia.cognition.util.Weighted
Gets the weight of the object.
getWeightConverter() - Method in class gov.sandia.cognition.framework.learning.converter.CogxelWeightedInputOutputPairConverter
Getter for weightConverter
getWeightedData() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AdaBoost
Gets the weighted version of the data.
getWeightedEstimator() - Method in interface gov.sandia.cognition.statistics.EstimableWeightedDistribution
Gets an estimator associated with this distribution for weighted data
getWeightPrior() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianLinearRegression
Getter for weightPrior
getWeightPrior() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression
Getter for weightPrior
getWeightRegularization() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.AbstractFactorizationMachineLearner
Gets the value for the parameter controlling the linear weight regularization.
getWeights() - Method in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachine
Gets the weight vector.
getWeights() - Method in class gov.sandia.cognition.learning.function.categorization.LinearBinaryCategorizer
Gets the weight vector.
getWeights() - Method in class gov.sandia.cognition.learning.function.distance.WeightedEuclideanDistanceMetric
Gets the vector of weights for each dimension.
getWeights() - Method in class gov.sandia.cognition.learning.function.scalar.LinearVectorScalarFunction
Gets the weight vector.
getWeightSum() - Method in class gov.sandia.cognition.learning.algorithm.ensemble.AbstractWeightedEnsemble
Gets the sum of the weights of the ensemble members.
getWeightUpdate() - Method in class gov.sandia.cognition.learning.algorithm.perceptron.Winnow
Gets the multiplicative weight update term.
getWeightVector() - Method in class gov.sandia.cognition.learning.function.scalar.LinearDiscriminant
Getter for weightVector
getWithinClusterDivergenceFunction() - Method in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
Gets the metric on clusters used for partitioning.
getWordCounts() - Method in class gov.sandia.cognition.text.spelling.SimpleStatisticalSpellingCorrector
Gets the dictionary of word counts.
getWords() - Method in class gov.sandia.cognition.text.term.filter.DefaultStopList
Gets the set of words in the stop list.
getWriter() - Method in class gov.sandia.cognition.math.matrix.MatrixWriter
Getter for writer
getWriter() - Method in class gov.sandia.cognition.math.matrix.VectorWriter
Getter for writer
getX() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector1
 
getX() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector2
 
getX() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector3
 
getX() - Method in interface gov.sandia.cognition.math.matrix.Quaternion
Gets the x component of the quaternion.
getX() - Method in interface gov.sandia.cognition.math.matrix.Vector1D
Gets the value of the first (and only) dimension (x).
getX() - Method in interface gov.sandia.cognition.math.matrix.Vector2D
Gets the value of the first dimension (x).
getX() - Method in interface gov.sandia.cognition.math.matrix.Vector3D
Gets the value of the first dimension (x).
getY() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector2
 
getY() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector3
 
getY() - Method in interface gov.sandia.cognition.math.matrix.Quaternion
Gets the y component of the quaternion.
getY() - Method in interface gov.sandia.cognition.math.matrix.Vector2D
Gets the value of the second dimension (y).
getY() - Method in interface gov.sandia.cognition.math.matrix.Vector3D
Gets the value of the second dimension (y).
getZ() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector3
 
getZ() - Method in interface gov.sandia.cognition.math.matrix.Quaternion
Gets the z component of the quaternion.
getZ() - Method in interface gov.sandia.cognition.math.matrix.Vector3D
Gets the value of the third dimension (z).
getZ() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianLinearRegression.IncrementalEstimator.SufficientStatistic
Getter for z
getZ() - Method in class gov.sandia.cognition.statistics.bayesian.BayesianRobustLinearRegression.IncrementalEstimator.SufficientStatistic
Getter for z
getZ() - Method in class gov.sandia.cognition.statistics.method.GaussianConfidence.Statistic
Setter for z
getZ() - Method in class gov.sandia.cognition.statistics.method.MannWhitneyUConfidence.Statistic
Getter for z
getZ() - Method in class gov.sandia.cognition.statistics.method.WilcoxonSignedRankConfidence.Statistic
Getter for z
giniImpurity(DefaultDataDistribution<DataType>) - Static method in class gov.sandia.cognition.learning.algorithm.tree.VectorThresholdGiniImpurityLearner
Computes the Gini impurity of a histogram.
GlobalTermWeighter - Interface in gov.sandia.cognition.text.term.vector.weighter.global
Implements a global term weighting scheme.
globalWeighter - Variable in class gov.sandia.cognition.text.term.vector.weighter.CompositeLocalGlobalTermWeighter
The weighting scheme for the global weights.
GOLDEN_RATIO - Static variable in class gov.sandia.cognition.learning.algorithm.minimization.line.interpolator.LineBracketInterpolatorGoldenSection
Golden ratio, from the Fibonacci sequence, 1.618034
GOLDEN_RATIO_CONJUGATE - Static variable in class gov.sandia.cognition.learning.algorithm.minimization.line.interpolator.LineBracketInterpolatorGoldenSection
The Golden Ratio conjugate, 0.618034
gov.sandia.cognition.algorithm - package gov.sandia.cognition.algorithm
Provides general interfaces and implementations for algorithms.
gov.sandia.cognition.algorithm.event - package gov.sandia.cognition.algorithm.event
Provides useful components for handling algorithm events.
gov.sandia.cognition.annotation - package gov.sandia.cognition.annotation
Provides commonly useful annotations.
gov.sandia.cognition.collection - package gov.sandia.cognition.collection
Provides commonly useful collection implementations.
gov.sandia.cognition.data.convert - package gov.sandia.cognition.data.convert
Provides utilities for doing data type conversion.
gov.sandia.cognition.data.convert.number - package gov.sandia.cognition.data.convert.number
Provides utilities for doing data type conversion with numbers.
gov.sandia.cognition.data.convert.vector - package gov.sandia.cognition.data.convert.vector
Provides utilities for doing data type conversion with vectors.
gov.sandia.cognition.data.temporal - package gov.sandia.cognition.data.temporal
Provides interfaces for temporal data.
gov.sandia.cognition.evaluator - package gov.sandia.cognition.evaluator
Provides interfaces and classes to do with the Evaluator interface.
gov.sandia.cognition.factory - package gov.sandia.cognition.factory
Provides interfaces and implementations of general factory objects.
gov.sandia.cognition.framework - package gov.sandia.cognition.framework
Provides the interfaces for the Cognitive Framework.
gov.sandia.cognition.framework.concurrent - package gov.sandia.cognition.framework.concurrent
Provides a concurrent implementation of teh Cognitive Framework.
gov.sandia.cognition.framework.io - package gov.sandia.cognition.framework.io
Provides file format handlers for the Cognitive Framework.
gov.sandia.cognition.framework.learning - package gov.sandia.cognition.framework.learning
Provides a mechanism for putting learned objects into the Cognitive Framework.
gov.sandia.cognition.framework.learning.converter - package gov.sandia.cognition.framework.learning.converter
Provides implementations of CogxelConverters.
gov.sandia.cognition.framework.lite - package gov.sandia.cognition.framework.lite
Provides a lightweight implementation of the Cognitive Framework.
gov.sandia.cognition.graph - package gov.sandia.cognition.graph
 
gov.sandia.cognition.graph.community - package gov.sandia.cognition.graph.community
 
gov.sandia.cognition.graph.inference - package gov.sandia.cognition.graph.inference
 
gov.sandia.cognition.hash - package gov.sandia.cognition.hash
Provides hash function implementations.
gov.sandia.cognition.io - package gov.sandia.cognition.io
Provides general classes for assisting with input/output operations.
gov.sandia.cognition.io.serialization - package gov.sandia.cognition.io.serialization
Provides general classes for object serialization.
gov.sandia.cognition.learning.algorithm - package gov.sandia.cognition.learning.algorithm
Provides general interfaces for learning algorithms.
gov.sandia.cognition.learning.algorithm.annealing - package gov.sandia.cognition.learning.algorithm.annealing
Provides the Simulated Annealing algorithm.
gov.sandia.cognition.learning.algorithm.baseline - package gov.sandia.cognition.learning.algorithm.baseline
Provides baseline (dummy) learning algorithms.
gov.sandia.cognition.learning.algorithm.bayes - package gov.sandia.cognition.learning.algorithm.bayes
Provides algorithms for computing Bayesian categorizers.
gov.sandia.cognition.learning.algorithm.clustering - package gov.sandia.cognition.learning.algorithm.clustering
Provides clustering algorithms.
gov.sandia.cognition.learning.algorithm.clustering.cluster - package gov.sandia.cognition.learning.algorithm.clustering.cluster
Provides implementations of different types of clusters.
gov.sandia.cognition.learning.algorithm.clustering.divergence - package gov.sandia.cognition.learning.algorithm.clustering.divergence
Provides divergence functions for use in clustering.
gov.sandia.cognition.learning.algorithm.clustering.hierarchy - package gov.sandia.cognition.learning.algorithm.clustering.hierarchy
Provides a hierarchy for clusters.
gov.sandia.cognition.learning.algorithm.clustering.initializer - package gov.sandia.cognition.learning.algorithm.clustering.initializer
Provides implementations of methods for selecting initial clusters.
gov.sandia.cognition.learning.algorithm.confidence - package gov.sandia.cognition.learning.algorithm.confidence
Provides confidence-weighted categorization algorithms.
gov.sandia.cognition.learning.algorithm.delta - package 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.ensemble - package gov.sandia.cognition.learning.algorithm.ensemble
Provides ensemble methods.
gov.sandia.cognition.learning.algorithm.factor.machine - package gov.sandia.cognition.learning.algorithm.factor.machine
Provides factorization machine algorithms.
gov.sandia.cognition.learning.algorithm.genetic - package gov.sandia.cognition.learning.algorithm.genetic
Provides a genetic algorithm implementation.
gov.sandia.cognition.learning.algorithm.genetic.reproducer - package gov.sandia.cognition.learning.algorithm.genetic.reproducer
Provides reproduction functions for use with a Genetic Algorithm.
gov.sandia.cognition.learning.algorithm.genetic.selector - package gov.sandia.cognition.learning.algorithm.genetic.selector
Provides selection functions for a Genetic Algorithm.
gov.sandia.cognition.learning.algorithm.gradient - package gov.sandia.cognition.learning.algorithm.gradient
Provides gradient based learning algorithms.
gov.sandia.cognition.learning.algorithm.hmm - package gov.sandia.cognition.learning.algorithm.hmm
Provides hidden Markov model (HMM) algorithms.
gov.sandia.cognition.learning.algorithm.minimization - package gov.sandia.cognition.learning.algorithm.minimization
Provides minimization algorithms.
gov.sandia.cognition.learning.algorithm.minimization.line - package gov.sandia.cognition.learning.algorithm.minimization.line
Provides line (scalar) minimization algorithms.
gov.sandia.cognition.learning.algorithm.minimization.line.interpolator - package gov.sandia.cognition.learning.algorithm.minimization.line.interpolator
Provides line (scalar) interpolation/extrapolation algorithms that fit an algebraic function to a (small) collection of data points.
gov.sandia.cognition.learning.algorithm.minimization.matrix - package gov.sandia.cognition.learning.algorithm.minimization.matrix
Provides matrix solving algorithms.
gov.sandia.cognition.learning.algorithm.nearest - package gov.sandia.cognition.learning.algorithm.nearest
Provides algorithms for Nearest-Neighbor memory-based functions.
gov.sandia.cognition.learning.algorithm.pca - package gov.sandia.cognition.learning.algorithm.pca
Provides implementations of Principle Components Analysis (PCA).
gov.sandia.cognition.learning.algorithm.perceptron - package gov.sandia.cognition.learning.algorithm.perceptron
Provides the Perceptron algorithm and some of its variations.
gov.sandia.cognition.learning.algorithm.perceptron.kernel - package gov.sandia.cognition.learning.algorithm.perceptron.kernel
 
gov.sandia.cognition.learning.algorithm.regression - package gov.sandia.cognition.learning.algorithm.regression
Provides regression algorithms, such as Linear Regression.
gov.sandia.cognition.learning.algorithm.root - package gov.sandia.cognition.learning.algorithm.root
Provides algorithms for finding the roots, or zero crossings, of scalar functions.
gov.sandia.cognition.learning.algorithm.semisupervised.valence - package gov.sandia.cognition.learning.algorithm.semisupervised.valence
 
gov.sandia.cognition.learning.algorithm.svm - package gov.sandia.cognition.learning.algorithm.svm
Provides implementations of Support Vector Machine (SVM) learning algorithms.
gov.sandia.cognition.learning.algorithm.tree - package gov.sandia.cognition.learning.algorithm.tree
Provides decision tree learning algorithms.
gov.sandia.cognition.learning.data - package gov.sandia.cognition.learning.data
Provides data set utilities for learning.
gov.sandia.cognition.learning.data.feature - package gov.sandia.cognition.learning.data.feature
Provides data feature extractors.
gov.sandia.cognition.learning.experiment - package gov.sandia.cognition.learning.experiment
Provides experiments for validating the performance of learning algorithms.
gov.sandia.cognition.learning.function - package gov.sandia.cognition.learning.function
Provides function objects for learning algorithms.
gov.sandia.cognition.learning.function.categorization - package gov.sandia.cognition.learning.function.categorization
Provides functions that output a discrete set of categories.
gov.sandia.cognition.learning.function.cost - package gov.sandia.cognition.learning.function.cost
Provides cost functions.
gov.sandia.cognition.learning.function.distance - package gov.sandia.cognition.learning.function.distance
Provides distance functions.
gov.sandia.cognition.learning.function.kernel - package gov.sandia.cognition.learning.function.kernel
Provides kernel functions.
gov.sandia.cognition.learning.function.regression - package gov.sandia.cognition.learning.function.regression
Provides functions that output real numbers from some input data structure.
gov.sandia.cognition.learning.function.scalar - package gov.sandia.cognition.learning.function.scalar
Provides functions that output real numbers.
gov.sandia.cognition.learning.function.summarizer - package gov.sandia.cognition.learning.function.summarizer
Provides classes for summarizing data.
gov.sandia.cognition.learning.function.vector - package gov.sandia.cognition.learning.function.vector
Provides functions that output vectors.
gov.sandia.cognition.learning.parameter - package gov.sandia.cognition.learning.parameter
Provides utility classes for handling learning algorithm parameters.
gov.sandia.cognition.learning.performance - package gov.sandia.cognition.learning.performance
Provides performance measures.
gov.sandia.cognition.learning.performance.categorization - package gov.sandia.cognition.learning.performance.categorization
Provides performance measures for categorizers.
gov.sandia.cognition.math - package gov.sandia.cognition.math
Provides classes for mathematical computation.
gov.sandia.cognition.math.geometry - package gov.sandia.cognition.math.geometry
Provides classes and interfaces for computational geometry.
gov.sandia.cognition.math.matrix - package gov.sandia.cognition.math.matrix
Provides interfaces and classes for linear algebra.
gov.sandia.cognition.math.matrix.custom - package 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 - package gov.sandia.cognition.math.matrix.decomposition
Provides matrix decompositions.
gov.sandia.cognition.math.matrix.mtj - package 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 - package gov.sandia.cognition.math.matrix.mtj.decomposition
Provides matrix decomposition implementations using the Matrix Toolkits for Java (MTJ) library.
gov.sandia.cognition.math.signals - package gov.sandia.cognition.math.signals
Provides mathematical signal processing methods.
gov.sandia.cognition.statistics - package gov.sandia.cognition.statistics
Provides the inheritance hierarchy for general statistical methods and distributions.
gov.sandia.cognition.statistics.bayesian - package gov.sandia.cognition.statistics.bayesian
Provides algorithms for computing Bayesian estimates of parameters.
gov.sandia.cognition.statistics.bayesian.conjugate - package 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 - package gov.sandia.cognition.statistics.distribution
Provides statistical distributions.
gov.sandia.cognition.statistics.method - package gov.sandia.cognition.statistics.method
Provides algorithms for evaluating statistical data and conducting statistical inference, particularly frequentist methods.
gov.sandia.cognition.statistics.montecarlo - package gov.sandia.cognition.statistics.montecarlo
Provides Monte Carlo procedures for numerical integration and sampling.
gov.sandia.cognition.text - package gov.sandia.cognition.text
Provides classes for processing text.
gov.sandia.cognition.text.algorithm - package gov.sandia.cognition.text.algorithm
 
gov.sandia.cognition.text.convert - package gov.sandia.cognition.text.convert
Provides classes for converting objects to a textual representation.
gov.sandia.cognition.text.document - package gov.sandia.cognition.text.document
Provides representations for textual documents.
gov.sandia.cognition.text.document.extractor - package gov.sandia.cognition.text.document.extractor
Provides extractors for pulling textual documents out of files.
gov.sandia.cognition.text.evaluation - package gov.sandia.cognition.text.evaluation
Provides methods for evaluating text processing algorithms.
gov.sandia.cognition.text.relation - package gov.sandia.cognition.text.relation
Provides classes for relationships involving text.
gov.sandia.cognition.text.spelling - package gov.sandia.cognition.text.spelling
Provides classes for spelling.
gov.sandia.cognition.text.term - package gov.sandia.cognition.text.term
Provides term representing text content in documents.
gov.sandia.cognition.text.term.filter - package gov.sandia.cognition.text.term.filter
Provides classes for filtering and transforming terms.
gov.sandia.cognition.text.term.filter.stem - package gov.sandia.cognition.text.term.filter.stem
Provides stemming algorithms for terms.
gov.sandia.cognition.text.term.relation - package gov.sandia.cognition.text.term.relation
Provides relationships between terms.
gov.sandia.cognition.text.term.vector - package gov.sandia.cognition.text.term.vector
Provides methods for handling documents represented as term vectors.
gov.sandia.cognition.text.term.vector.weighter - package gov.sandia.cognition.text.term.vector.weighter
Provides term weighting algorithms.
gov.sandia.cognition.text.term.vector.weighter.global - package gov.sandia.cognition.text.term.vector.weighter.global
Provides global term weighting algorithms.
gov.sandia.cognition.text.term.vector.weighter.local - package gov.sandia.cognition.text.term.vector.weighter.local
Provides local term weighting algorithms.
gov.sandia.cognition.text.term.vector.weighter.normalize - package gov.sandia.cognition.text.term.vector.weighter.normalize
Provides term weight normalization algorithms.
gov.sandia.cognition.text.token - package gov.sandia.cognition.text.token
Provides text tokenization algorithms.
gov.sandia.cognition.text.topic - package gov.sandia.cognition.text.topic
Provides topic modeling algorithms.
gov.sandia.cognition.time - package gov.sandia.cognition.time
Provides classes for dealing with temporal data.
gov.sandia.cognition.util - package gov.sandia.cognition.util
Provides general utility classes.
GradientDescendable - Interface in gov.sandia.cognition.learning.algorithm.gradient
Defines the functionality of an object that is required in order to apply the gradient descent algorithm to it.
GradientDescendableApproximator - Class in gov.sandia.cognition.learning.algorithm.gradient
Creates a radientDescendable from a VectorizableVectorFunction by estimating the parameter gradient using a forward-difference approximation of the parameter Jacobian.
GradientDescendableApproximator() - Constructor for class gov.sandia.cognition.learning.algorithm.gradient.GradientDescendableApproximator
Default constructor.
GradientDescendableApproximator(VectorizableVectorFunction) - Constructor for class gov.sandia.cognition.learning.algorithm.gradient.GradientDescendableApproximator
Creates a new instance of GradientDescendableApproximator
GradientDescendableApproximator(VectorizableVectorFunction, double) - Constructor for class gov.sandia.cognition.learning.algorithm.gradient.GradientDescendableApproximator
Creates a new instance of GradientDescendableApproximator
GradientPartialSSE(Vector, Double) - Constructor for class gov.sandia.cognition.learning.function.cost.SumSquaredErrorCostFunction.GradientPartialSSE
Creates a new instance of GradientPartialSSE
GraphMetrics<NodeNameType> - Class in gov.sandia.cognition.graph
This class is intended to allow programmers to get any number of graph metrics for any input graph without bloating the intentionally spartan graph implementations and interfaces.
GraphMetrics(DirectedNodeEdgeGraph<NodeNameType>) - Constructor for class gov.sandia.cognition.graph.GraphMetrics
Initialize this as an empty metrics class surrounding the input graph.
GraphUtil - Class in gov.sandia.cognition.graph
Stores a variety of static utility methods for the graph package.
GraphUtil() - Constructor for class gov.sandia.cognition.graph.GraphUtil
 
GraphWalker<NodeNameType> - Class in gov.sandia.cognition.graph
This class provides the core functionality for any random, deterministic, or probabilistic graph walking code as long as only one edge can be traversed from any given node (that is a depth-first or breadth-first can't be implemented by this as it doesn't permit a queue of nodes to visit, but only a single element "next node to visit").
GraphWalker(DirectedNodeEdgeGraph<NodeNameType>, GraphWalker.NextNodeSelector<NodeNameType>) - Constructor for class gov.sandia.cognition.graph.GraphWalker
Initializes a new graph walker with as-yet empty metrics
GraphWalker(DirectedNodeEdgeGraph<NodeNameType>, GraphWalker.NextNodeSelector<NodeNameType>, GraphMetrics<NodeNameType>) - Constructor for class gov.sandia.cognition.graph.GraphWalker
Initializes a new graph walker with the input values
GraphWalker.NextNodeSelector<NodeNameType> - Interface in gov.sandia.cognition.graph
This interface defines the method needed by the GraphWalker class to implement all features of graph walking _except_ the algorithm used to select the next node to visit
GraphWalker.RandomWalker<NodeNameType> - Class in gov.sandia.cognition.graph
This class implements the most simple walker which randomly selects from the available edges.
GraphWrappingEnergyFunction<LabelType,NodeNameType> - Class in gov.sandia.cognition.graph.inference
This class is a simple wrapper for any input graph becoming a BP-capable graph.
GraphWrappingEnergyFunction(DirectedNodeEdgeGraph<NodeNameType>, GraphWrappingEnergyFunction.PotentialHandler<LabelType, NodeNameType>) - Constructor for class gov.sandia.cognition.graph.inference.GraphWrappingEnergyFunction
Creates a new instance of this class containing the input graph (shallow copy -- don't change it after this!) and the handler for problem-specific details (also only a shallow copy).
GraphWrappingEnergyFunction.PotentialHandler<LabelType,NodeNameType> - Interface in gov.sandia.cognition.graph.inference
This interface defines the problem-specific methods this class requires as input
Greedy() - Constructor for class gov.sandia.cognition.learning.algorithm.perceptron.kernel.Forgetron.Greedy
Creates a new Forgetron.Greedy with a null kernel and default budget.
Greedy(Kernel<? super InputType>, int) - Constructor for class gov.sandia.cognition.learning.algorithm.perceptron.kernel.Forgetron.Greedy
Creates a new Forgetron.Greedy with the given kernel and budget.
GreedyClusterInitializer<ClusterType extends Cluster<DataType>,DataType> - Class in gov.sandia.cognition.learning.algorithm.clustering.initializer
Implements a FixedClusterInitializer that greedily attempts to create the initial clusters.
GreedyClusterInitializer() - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.initializer.GreedyClusterInitializer
Creates a new, empty instance of GreedyClusterInitializer.
GreedyClusterInitializer(DivergenceFunction<? super DataType, ? super DataType>, ClusterCreator<ClusterType, DataType>, Random) - Constructor for class gov.sandia.cognition.learning.algorithm.clustering.initializer.GreedyClusterInitializer
Creates a new instance of GreedyClusterInitializer.
growVectors(int) - Method in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractEntropyBasedGlobalTermWeighter
 
growVectors(int) - Method in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractFrequencyBasedGlobalTermWeighter
Called when the dimensionality of the term vector grows.
GZIPSerializationHandler<SerializedType> - Class in gov.sandia.cognition.io.serialization
Implements a serialization handler that uses the GZip compression algorithm on the output.
GZIPSerializationHandler() - Constructor for class gov.sandia.cognition.io.serialization.GZIPSerializationHandler
Creates a new GZIPSerializationHandler that uses the default JavaBinarySerializationHandler.
GZIPSerializationHandler(StreamSerializationHandler<SerializedType>) - Constructor for class gov.sandia.cognition.io.serialization.GZIPSerializationHandler
Creates a new GZIPSerializationHandler that will use the given base handler.
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