- TanHFunction - Class in gov.sandia.cognition.learning.function.scalar
-
The hyperbolic tangent (tanh) function.
- TanHFunction() - Constructor for class gov.sandia.cognition.learning.function.scalar.TanHFunction
-
Creates a new instance of TanHFunction
- target - Variable in class gov.sandia.cognition.learning.data.DefaultTargetEstimatePair
-
Target (ground-truth) value.
- target - Variable in class gov.sandia.cognition.text.relation.AbstractRelation
-
The target object of the relation.
- TargetEstimatePair<TargetType,EstimateType> - Interface in gov.sandia.cognition.learning.data
-
A Pair that encapsulates a target-estimate Pair.
- tasks - Variable in class gov.sandia.cognition.learning.function.cost.ParallelNegativeLogLikelihood
-
Tasks to compute partial log likelihoods
- TAU1 - Static variable in class gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizerDerivativeBased
-
Suggested value given in PMOO=9.0, bottom of p.34, 5.0
- TAU2 - Static variable in class gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizerDerivativeBased
-
Suggested value given in PMOO=0.05, top of p.36 (given as 0.05 on p.69), 0.1
- TAU3 - Static variable in class gov.sandia.cognition.learning.algorithm.minimization.line.LineMinimizerDerivativeBased
-
Suggested value given in PMOO=0.50, top of p.36, 0.5
- Temporal - Interface in gov.sandia.cognition.util
-
The Temporal
interface defines the functionality of an object that
has a time associated with it.
- TemporalDataReadChannel<DataType extends Temporal> - Interface in gov.sandia.cognition.data.temporal
-
The TemporalDataReadChannel
interface defines the functionality of a
class for reading temporal data.
- TemporalDataSource<DataType extends Temporal> - Interface in gov.sandia.cognition.data.temporal
-
The TemporalDataSource
interface defines the functionality of a
class that represents a data source.
- TemporalValue<ValueType> - Interface in gov.sandia.cognition.util
-
The TemporalValue
interface defines the interface for a container
that has a temporal coordinate plus a stored value.
- term - Variable in class gov.sandia.cognition.text.term.DefaultIndexedTerm
-
The term.
- term - Variable in class gov.sandia.cognition.text.term.DefaultTermOccurrence
-
The term that occurred.
- Term - Interface in gov.sandia.cognition.text.term
-
Interface for a term, which is a basic unit of data in information retrieval.
- Termable - Interface in gov.sandia.cognition.text.term
-
Interface for an object that can be turned into a Term
.
- termBasis - Variable in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
-
The matrix of orthogonal term column vectors.
- termCount - Variable in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
-
The number of terms in the dataset.
- termCount - Variable in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis.Result
-
The number of terms.
- termCount - Variable in class gov.sandia.cognition.text.topic.ProbabilisticLatentSemanticAnalysis
-
The number of terms.
- TermCounts - Interface in gov.sandia.cognition.text.term
-
Interface for a class that holds counts associated with terms.
- termDocumentFrequencies - Variable in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractFrequencyBasedGlobalTermWeighter
-
The vector containing the number of documents that each term occurs in.
- termEntropiesSum - Variable in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractEntropyBasedGlobalTermWeighter
-
A vector containing the sum of the entropy term (f_ij * log(f_ij)) over
each document in the collection for each term.
- TermFactory - Interface in gov.sandia.cognition.text.term
-
A factory for Term
objects.
- TermFilter - Interface in gov.sandia.cognition.text.term.filter
-
Interface for an object that can filter a list of terms to create a new
list of terms.
- TermFrequencyLocalTermWeighter - Class in gov.sandia.cognition.text.term.vector.weighter.local
-
Local weighting for term frequency.
- TermFrequencyLocalTermWeighter() - Constructor for class gov.sandia.cognition.text.term.vector.weighter.local.TermFrequencyLocalTermWeighter
-
Creates a new TermFrequencyLocalTermWeighter
.
- TermFrequencyLocalTermWeighter(VectorFactory<? extends Vector>) - Constructor for class gov.sandia.cognition.text.term.vector.weighter.local.TermFrequencyLocalTermWeighter
-
Creates a new LogLocalTermWeighter
.
- termGlobalFrequencies - Variable in class gov.sandia.cognition.text.term.vector.weighter.global.AbstractFrequencyBasedGlobalTermWeighter
-
A vector containing the total number of times that each term occurred
in the document set.
- termIndex - Variable in class gov.sandia.cognition.text.term.relation.MatrixBasedTermSimilarityNetwork
-
The index of terms.
- TermIndex - Interface in gov.sandia.cognition.text.term
-
An interface for an index of terms.
- termIndex - Variable in class gov.sandia.cognition.text.term.vector.BagOfWordsTransform
-
Gets the term index used by the transform.
- TermLengthFilter - Class in gov.sandia.cognition.text.term.filter
-
Implements a filter based on the length of a term.
- TermLengthFilter() - Constructor for class gov.sandia.cognition.text.term.filter.TermLengthFilter
-
Creates a new TermLengthFilter
with default minimum and
maximum values.
- TermLengthFilter(Integer, Integer) - Constructor for class gov.sandia.cognition.text.term.filter.TermLengthFilter
-
Creates a new TermLengthFilter
with given minimum and maximum
values.
- termList - Variable in class gov.sandia.cognition.text.term.DefaultTermIndex
-
The list of terms ordered by indices.
- termMap - Variable in class gov.sandia.cognition.text.term.DefaultTermIndex
-
The mapping of terms to their corresponding (unique) indices.
- TermNGram - Interface in gov.sandia.cognition.text.term
-
Interface for a term that is some type of n-gram.
- TermOccurrence - Interface in gov.sandia.cognition.text.term
-
Interface for an occurrence of a term in some text.
- terms - Variable in class gov.sandia.cognition.text.term.DefaultTermNGram
-
The array of terms that make up the n-gram.
- termToCountMap - Variable in class gov.sandia.cognition.text.term.DefaultTermCounts
-
The mapping of terms to their respective counts.
- TermVectorSimilarityNetworkCreator - Class in gov.sandia.cognition.text.term.relation
-
Creates term similarity networks by comparing vectors representing the
terms.
- TermVectorSimilarityNetworkCreator() - Constructor for class gov.sandia.cognition.text.term.relation.TermVectorSimilarityNetworkCreator
-
Creates a new TermVectorSimilarityNetworkCreator
.
- TermVectorSimilarityNetworkCreator(SimilarityFunction<? super Vector, ? super Vector>) - Constructor for class gov.sandia.cognition.text.term.relation.TermVectorSimilarityNetworkCreator
-
Creates a new TermVectorSimilarityNetworkCreator
.
- TermVectorSimilarityNetworkCreator(SimilarityFunction<? super Vector, ? super Vector>, double) - Constructor for class gov.sandia.cognition.text.term.relation.TermVectorSimilarityNetworkCreator
-
Creates a new TermVectorSimilarityNetworkCreator
.
- TermVectorSimilarityNetworkCreator(SimilarityFunction<? super Vector, ? super Vector>, double, MatrixFactory<? extends Matrix>) - Constructor for class gov.sandia.cognition.text.term.relation.TermVectorSimilarityNetworkCreator
-
Creates a new TermVectorSimilarityNetworkCreator
.
- TermWeightNormalizer - Interface in gov.sandia.cognition.text.term.vector.weighter.normalize
-
Interface for a tem weight normalization scheme.
- termWeights - Variable in class gov.sandia.cognition.text.algorithm.ValenceSpreader.Result
-
The weights assigned to all of the terms in all of the input
documents.
- testStatistics - Variable in class gov.sandia.cognition.statistics.method.AbstractMultipleHypothesisComparison.Statistic
-
Test statistic associated with the (i,j) treatment comparison
- text - Variable in class gov.sandia.cognition.text.DefaultTextual
-
The text value.
- text - Variable in class gov.sandia.cognition.text.document.DefaultTextField
-
The text content of the field.
- text - Variable in class gov.sandia.cognition.text.term.DefaultTerm
-
The text of the term.
- TextDocumentExtractor - Class in gov.sandia.cognition.text.document.extractor
-
Extracts text from plain text documents.
- TextDocumentExtractor() - Constructor for class gov.sandia.cognition.text.document.extractor.TextDocumentExtractor
-
Creates a new TextDocumentExtractor
.
- TextSerializationHandler<SerializedType> - Interface in gov.sandia.cognition.io.serialization
-
Interface for a serialization handler that can serialize to text.
- Textual - Interface in gov.sandia.cognition.text
-
Interface for a class that contains text.
- TextualConverter<InputType,OutputType extends Textual> - Interface in gov.sandia.cognition.text.convert
-
Interface for a class that can convert some type of object into one or more
textual objects.
- ThinSingularValueDecomposition - Class in gov.sandia.cognition.learning.algorithm.pca
-
Computes the "thin" singular value decomposition of a dataset.
- ThinSingularValueDecomposition(int) - Constructor for class gov.sandia.cognition.learning.algorithm.pca.ThinSingularValueDecomposition
-
Creates a new instance of ThinSingularValueDecomposition
- ThinSingularValueDecomposition(int, PrincipalComponentsAnalysisFunction) - Constructor for class gov.sandia.cognition.learning.algorithm.pca.ThinSingularValueDecomposition
-
Creates a new instance of ThingSingularValueDecomposition
- third - Variable in class gov.sandia.cognition.util.DefaultTriple
-
The third type.
- threadPool - Variable in class gov.sandia.cognition.learning.function.cost.ParallelNegativeLogLikelihood
-
Thread pool for executing the tasks.
- THREE_DIGIT_FORMAT - Static variable in class gov.sandia.cognition.time.DefaultDuration
-
Formatting used for the toString method that creates numbers of three
digits.
- ThreeLayerFeedforwardNeuralNetwork - Class in gov.sandia.cognition.learning.function.vector
-
This is a "standard" feedforward neural network with a single hidden
layer.
- ThreeLayerFeedforwardNeuralNetwork() - Constructor for class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
-
Creates a new instance of ThreeLayerFeedforwardNeuralNetwork
- ThreeLayerFeedforwardNeuralNetwork(int, int, int) - Constructor for class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
-
Creates a new instance of ThreeLayerFeedforwardNeuralNetwork
- ThreeLayerFeedforwardNeuralNetwork(int, int, int, DifferentiableUnivariateScalarFunction) - Constructor for class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
-
Creates a new instance of ThreeLayerFeedforwardNeuralNetwork
- ThreeLayerFeedforwardNeuralNetwork(int, int, int, DifferentiableUnivariateScalarFunction, int, double) - Constructor for class gov.sandia.cognition.learning.function.vector.ThreeLayerFeedforwardNeuralNetwork
-
Creates a new instance of ThreeLayerFeedforwardNeuralNetwork
- ThresholdBinaryCategorizer<InputType> - Interface in gov.sandia.cognition.learning.function.categorization
-
Interface for a binary categorizer that uses a threshold to determine the
categorization.
- ThresholdFunction - Class in gov.sandia.cognition.learning.function.scalar
-
Maps the input space onto the set {LOW_VALUE,HIGH_VALUE}.
- ThresholdFunction() - Constructor for class gov.sandia.cognition.learning.function.scalar.ThresholdFunction
-
Default constructor
- ThresholdFunction(double) - Constructor for class gov.sandia.cognition.learning.function.scalar.ThresholdFunction
-
Creates a new instance of ThresholdFunction
- ThresholdFunction(double, double, double) - Constructor for class gov.sandia.cognition.learning.function.scalar.ThresholdFunction
-
Creates a new instance of ThresholdFunction
- time - Variable in class gov.sandia.cognition.util.AbstractTemporal
-
Time associated with the value
- times(RingType) - Method in class gov.sandia.cognition.math.AbstractEuclideanRing
-
- times(ComplexNumber) - Method in class gov.sandia.cognition.math.ComplexNumber
-
Arithmetic multiplication of this and other using polar coordinates:
magnitude = this.magnitude * other.magnitude
phase = this.phase + other.phase
answer.realPart = magnitude * cos( phase )
answer.imaginaryPart = magnitude * sin( phase )
- times(RingType) - Method in interface gov.sandia.cognition.math.EuclideanRing
-
Multiplies this
value by the other
value, returning the
result of the multiplication as a new value.
- times(LogNumber) - Method in class gov.sandia.cognition.math.LogNumber
-
Multiples this value times another value and returns the result.
- times(Matrix) - Method in class gov.sandia.cognition.math.matrix.AbstractMatrix
-
- times(Vector) - Method in class gov.sandia.cognition.math.matrix.AbstractMatrix
-
- times(Matrix) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- times(SparseMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
-
- times(DenseMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
-
- times(DiagonalMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
-
- times(SparseVector) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
-
- times(DenseVector) - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
-
- times(SparseMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
-
- times(DenseMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
-
- times(DiagonalMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
-
- times(SparseVector) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
-
- times(DenseVector) - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
-
- times(SparseVector) - Method in class gov.sandia.cognition.math.matrix.custom.ParallelSparseMatrix
-
Type-specific version of times for combining whatever type this is with
the input sparse vector.
- times(DenseVector) - Method in class gov.sandia.cognition.math.matrix.custom.ParallelSparseMatrix
-
Type-specific version of times for combining whatever type this is with
the input dense vector.
- times(SparseMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
-
Type-specific version of times for combining whatever type this is with
the input sparse matrix.
- times(DenseMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
-
Type-specific version of times for combining whatever type this is with
the input dense matrix.
- times(DiagonalMatrix) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
-
Type-specific version of times for combining whatever type this is with
the input diagonal matrix.
- times(SparseVector) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
-
Type-specific version of times for combining whatever type this is with
the input sparse vector.
- times(DenseVector) - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
-
Type-specific version of times for combining whatever type this is with
the input dense vector.
- times(DiagonalMatrix) - Method in interface gov.sandia.cognition.math.matrix.DiagonalMatrix
-
Multiplies this by the given DiagonalMatrix, leaving this unmodified
- times(Matrix) - Method in interface gov.sandia.cognition.math.matrix.Matrix
-
Matrix multiplication of this
and matrix
,
operates like the "*
" operator in Matlab
- times(Vector) - Method in interface gov.sandia.cognition.math.matrix.Matrix
-
Returns the column vector from the equation
return = this * vector
- times(Matrix) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
-
- times(AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
-
Matrix multiplication of this
and matrix
,
operates like the "*
" operator in Matlab
- times(Vector) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
-
- times(AbstractMTJVector) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
-
Returns the column vector from the equation
return = this * vector
- times(Matrix) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJVector
-
- times(AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJVector
-
Premultiplies the matrix by the vector "this"
- times(AbstractMTJVector) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractSparseMatrix
-
- times(AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
-
- times(AbstractMTJVector) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
-
- times(AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
-
- times(DiagonalMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
-
- times(AbstractMTJVector) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
-
- times(AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.SparseColumnMatrix
-
- times(AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.SparseRowMatrix
-
- times(Matrix) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Premultiplies the matrix by the vector "this"
- times(MutableDouble) - Method in class gov.sandia.cognition.math.MutableDouble
-
- times(MutableInteger) - Method in class gov.sandia.cognition.math.MutableInteger
-
- times(MutableLong) - Method in class gov.sandia.cognition.math.MutableLong
-
- times(UnsignedLogNumber) - Method in class gov.sandia.cognition.math.UnsignedLogNumber
-
Multiples this value times another value and returns the result.
- times(MultivariateGaussian) - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
-
Multiplies this Gaussian with the other Gaussian.
- times(UnivariateGaussian) - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
-
Multiplies this Gaussian with the other Gaussian.
- times(double) - Method in class gov.sandia.cognition.time.DefaultDuration
-
- times(double) - Method in interface gov.sandia.cognition.time.Duration
-
Multiplies this duration by the given scalar value and returns the
product.
- timesEquals(ComplexNumber) - Method in class gov.sandia.cognition.math.ComplexNumber
-
Inline arithmetic multiplication of this and other:
this.magnitude *= other.magnitude
this.phase += other.phase
- timesEquals(RingType) - Method in interface gov.sandia.cognition.math.EuclideanRing
-
Inline multiplies this
value by the other
value,
storing the result inside this
.
- timesEquals(LogNumber) - Method in class gov.sandia.cognition.math.LogNumber
-
Multiplies this value times another value and stores the result in
this value.
- timesEquals(DiagonalMatrix) - Method in interface gov.sandia.cognition.math.matrix.DiagonalMatrix
-
Multiplies this by the other diagonal matrix, stores the result in this
- timesEquals(DiagonalMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
-
- timesEquals(MutableDouble) - Method in class gov.sandia.cognition.math.MutableDouble
-
- timesEquals(MutableInteger) - Method in class gov.sandia.cognition.math.MutableInteger
-
- timesEquals(MutableLong) - Method in class gov.sandia.cognition.math.MutableLong
-
- timesEquals(UnsignedLogNumber) - Method in class gov.sandia.cognition.math.UnsignedLogNumber
-
Multiplies this value times another value and stores the result in
this value.
- TimeSeriesPredictionLearner<InputType,OutputType,EvaluatorType extends Evaluator<? super InputType,? extends OutputType>> - Class in gov.sandia.cognition.learning.algorithm
-
A learner used to predict the future of a sequence of data by wrapping
another learner and created a future-aligned data set.
- TimeSeriesPredictionLearner() - Constructor for class gov.sandia.cognition.learning.algorithm.TimeSeriesPredictionLearner
-
Default constructor
- TimeSeriesPredictionLearner(int) - Constructor for class gov.sandia.cognition.learning.algorithm.TimeSeriesPredictionLearner
-
Creates a new instance of TimeSeriesPredictionLearner
- TimeSeriesPredictionLearner(int, SupervisedBatchLearner<InputType, OutputType, EvaluatorType>) - Constructor for class gov.sandia.cognition.learning.algorithm.TimeSeriesPredictionLearner
-
Creates a new instance of TimeSeriesPredictionLearner
- timesInto(AbstractMTJMatrix, AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
-
Internal function call that stores the result of a matrix multiply
into the given destinationMatrix.
- timesInto(AbstractMTJVector, AbstractMTJVector) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
-
Internal function call that stores the result of a matrix multiply
into the given destinationVector.
- TITLE_FIELD_NAME - Static variable in class gov.sandia.cognition.text.document.AbstractDocument
-
The name of the title field is "title".
- toArray() - Method in class gov.sandia.cognition.math.matrix.AbstractMatrix
-
- toArray() - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- toArray() - Method in interface gov.sandia.cognition.math.matrix.Matrix
-
Converts this matrix to a new array of array of doubles, in the same
order as they are in the matrix.
- toArray() - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Converts this vector to a new array of doubles, in the same order as they
are in the vector.
- toByteArray(int) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts an int into a 4-byte array in Big Endian order
(most-significant byte in slot 0)
- toByteArray(int, byte[]) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts an int into a 4-byte array in Big Endian order
(most-significant byte in slot 0)
- toByteArray(long) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts a long into an 8-byte array in Big Endian order
(most-significant byte in slot 0)
- toByteArray(long, byte[]) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts a long into an 8-byte array in Big Endian order
(most-significant byte in slot 0)
- toCogxels(PairType, CogxelState) - Method in class gov.sandia.cognition.framework.learning.converter.AbstractCogxelPairConverter
-
- toCogxels(Boolean, CogxelState) - Method in class gov.sandia.cognition.framework.learning.converter.CogxelBooleanConverter
-
- toCogxels(DataType, CogxelState) - Method in interface gov.sandia.cognition.framework.learning.converter.CogxelConverter
-
Converts from an object of type DataType to an updated CogxelState.
- toCogxels(Double, CogxelState) - Method in class gov.sandia.cognition.framework.learning.converter.CogxelDoubleConverter
-
Converts from an object of type DataType to an updated CogxelState.
- toCogxels(Matrix, CogxelState) - Method in class gov.sandia.cognition.framework.learning.converter.CogxelMatrixConverter
-
Converts from an object of type DataType to an updated CogxelState.
- toCogxels(Collection<Vector>, CogxelState) - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorCollectionConverter
-
Converts from an object of type DataType to an updated CogxelState.
- toCogxels(Vector, CogxelState) - Method in class gov.sandia.cognition.framework.learning.converter.CogxelVectorConverter
-
Converts from an object of type DataType to an updated CogxelState.
- toCogxels(WeightedInputOutputPair<InputType, OutputType>, CogxelState) - Method in class gov.sandia.cognition.framework.learning.converter.CogxelWeightedInputOutputPairConverter
-
Converts from an object of type DataType to an updated CogxelState.
- toHexString(int) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts the given int to a Big Endian hex string
- toHexString(long) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts the given long to a Big Endian hex string
- toHexString(byte[]) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts a byte array to a lower-case Hex string
- toInfiniteVector() - Method in class gov.sandia.cognition.statistics.AbstractDataDistribution
-
- toInfiniteVector() - Method in interface gov.sandia.cognition.statistics.DataDistribution
-
Converts this data distribution to an infinite vector.
- toInteger(byte[]) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts the 4-byte array to a Big Endian int.
- toInteger(byte[], int) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts the 4 bytes in the given array starting at "offset"
to a Big Endian int.
- Token - Interface in gov.sandia.cognition.text.token
-
Interface for a meaningful chunk of text, called a token.
- tokenize(Reader) - Method in class gov.sandia.cognition.text.token.AbstractCharacterBasedTokenizer
-
- tokenize(String) - Method in class gov.sandia.cognition.text.token.AbstractTokenizer
-
- tokenize(Textual) - Method in class gov.sandia.cognition.text.token.AbstractTokenizer
-
- tokenize(String) - Method in interface gov.sandia.cognition.text.token.Tokenizer
-
Convert the given string into a corresponding ordered list of tokens.
- tokenize(Reader) - Method in interface gov.sandia.cognition.text.token.Tokenizer
-
Converts the string from the given reader into an ordered list of tokens.
- tokenize(Textual) - Method in interface gov.sandia.cognition.text.token.Tokenizer
-
Convert the given string into a corresponding ordered list of tokens.
- Tokenizer - Interface in gov.sandia.cognition.text.token
-
Interface for a class that converts strings into tokens.
- tokenizeString(String) - Static method in class gov.sandia.cognition.io.ReaderTokenizer
-
Returns an ArrayList with each of the tokens as an entry in the array
- tokenizeString(String, int) - Static method in class gov.sandia.cognition.io.ReaderTokenizer
-
Returns an ArrayList with each of the tokens as an entry in the array
- tolerance - Variable in class gov.sandia.cognition.learning.algorithm.clustering.PartitionalClusterer
-
Tolerance for determining when improvement has been made.
- tolerance - Variable in class gov.sandia.cognition.learning.algorithm.minimization.AbstractAnytimeFunctionMinimizer
-
Tolerance of the minimization algorithm, must be >= 0.0
- tolerance - Variable in class gov.sandia.cognition.learning.algorithm.minimization.matrix.IterativeMatrixSolver
-
The tolerance of the error accepted before stopping iterations.
- tolerance - Variable in class gov.sandia.cognition.learning.algorithm.regression.AbstractLogisticRegression
-
Tolerance change in weights before stopping
- TOLERANCE - Static variable in class gov.sandia.cognition.learning.function.vector.EntropyEvaluator
-
Tolerance for asserting equal to 1.0, 1.0E-5.
- toLog(double) - Static method in class gov.sandia.cognition.math.LogMath
-
Converts a number to its log-domain representation (log(x)).
- toLong(byte[]) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts the 8-byte value to a Big Endian long
- toLong(byte[], int) - Static method in class gov.sandia.cognition.hash.HashFunctionUtil
-
Converts the 8-byte value at "offset" to a Big Endian long
- topicCount - Variable in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
-
The number of topics for the algorithm to create.
- topicCumulativeProportions - Variable in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
-
We create this array to be used as a workspace to avoid having to
recreate it inside the sampling function.
- topicTermCount - Variable in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
-
For each topic, the number of occurrences assigned to each term.
- topicTermProbabilities - Variable in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler.Result
-
The topic-term probabilities, which are the often called the phi model
parameters.
- topicTermSum - Variable in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler
-
The number of term occurrences assigned to each term.
- toString() - Method in class gov.sandia.cognition.framework.DefaultSemanticLabel
-
The name of the label.
- toString() - Method in class gov.sandia.cognition.learning.algorithm.hmm.HiddenMarkovModel
-
- toString() - Method in class gov.sandia.cognition.learning.algorithm.hmm.MarkovChain
-
- toString() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.InputOutputSlopeTriplet
-
- toString() - Method in class gov.sandia.cognition.learning.algorithm.minimization.line.LineBracket
-
- toString() - Method in class gov.sandia.cognition.learning.data.AbstractInputOutputPair
-
- toString() - Method in class gov.sandia.cognition.learning.data.AbstractTargetEstimatePair
-
- toString() - Method in class gov.sandia.cognition.learning.function.categorization.LinearBinaryCategorizer
-
- toString() - Method in class gov.sandia.cognition.learning.function.categorization.VectorElementThresholdCategorizer
-
- toString() - Method in class gov.sandia.cognition.learning.function.LinearCombinationFunction
-
- toString() - Method in class gov.sandia.cognition.learning.function.scalar.CosineFunction
-
- toString() - Method in class gov.sandia.cognition.learning.function.scalar.LinearVectorScalarFunction
-
- toString() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction.Cubic
-
- toString() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction.Linear
-
- toString() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction.Quadratic
-
- toString() - Method in class gov.sandia.cognition.learning.function.scalar.PolynomialFunction
-
- toString() - Method in class gov.sandia.cognition.learning.function.vector.FeedforwardNeuralNetwork
-
- toString() - Method in class gov.sandia.cognition.learning.function.vector.GeneralizedLinearModel
-
- toString() - Method in class gov.sandia.cognition.learning.function.vector.MultivariateDiscriminant
-
- toString() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
-
- toString() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrixConfidenceInterval
-
- toString() - Method in class gov.sandia.cognition.learning.performance.categorization.DefaultConfusionMatrix
-
- toString() - Method in class gov.sandia.cognition.math.ComplexNumber
-
- toString() - Method in class gov.sandia.cognition.math.geometry.KDTree
-
- toString(String) - Method in class gov.sandia.cognition.math.geometry.KDTree
-
Recursively prints out the tree "inorder" by printing out the left
subtree, then the node, then the right subtree.
- toString() - Method in class gov.sandia.cognition.math.LogNumber
-
- toString() - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
Converts a vector to a string that consists of each value in the vector
- toString(NumberFormat) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- toString(NumberFormat, String) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- toString() - Method in class gov.sandia.cognition.math.matrix.DefaultInfiniteVector
-
- toString() - Method in interface gov.sandia.cognition.math.matrix.Matrix
-
- toString(NumberFormat) - Method in interface gov.sandia.cognition.math.matrix.Matrix
-
Converts the vector to a String
, using the given formatter.
- toString() - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractSparseMatrix
-
Creates a string in the "(Row,Column): value" for the nonzero elements
- toString(NumberFormat) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractSparseMatrix
-
- toString() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
-
Writes the DenseMatrix out as a matrix of values (no indices are printed)
- toString(NumberFormat) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
-
- toString() - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
-
- toString(NumberFormat) - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
-
- toString() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
-
Prints the SparseVector in "Index: Value" format.
- toString() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector1
-
The String representation of the Vector2, which is "<x>".
- toString() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector2
-
The String representation of the Vector2, which is "<x, y>".
- toString() - Method in class gov.sandia.cognition.math.matrix.mtj.Vector3
-
The String representation of the Vector3, which is "<x, y, z>".
- toString() - Method in interface gov.sandia.cognition.math.matrix.Vector
-
- toString(NumberFormat) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Converts the vector to a String
, using the given formatter.
- toString(NumberFormat, String) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Converts the vector to a String
, using the given formatter and
delimiter.
- toString() - Method in class gov.sandia.cognition.math.MutableDouble
-
- toString() - Method in class gov.sandia.cognition.math.MutableInteger
-
- toString() - Method in class gov.sandia.cognition.math.MutableLong
-
- toString() - Method in class gov.sandia.cognition.math.signals.LinearDynamicalSystem
-
- toString() - Method in class gov.sandia.cognition.math.UnivariateSummaryStatistics
-
- toString() - Method in class gov.sandia.cognition.math.UnsignedLogNumber
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.BernoulliDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.ExponentialDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.GammaDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.InverseGammaDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.LaplaceDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.LinearMixtureModel
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.LogNormalDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.MultivariateGaussian
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.MultivariatePolyaDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.NegativeBinomialDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.NormalInverseGammaDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.ParetoDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.StudentTDistribution
-
- toString() - Method in class gov.sandia.cognition.statistics.distribution.UnivariateGaussian
-
Returns the string representation of the object.
- toString() - Method in class gov.sandia.cognition.statistics.method.AbstractConfidenceStatistic
-
- toString() - Method in class gov.sandia.cognition.statistics.method.AbstractMultipleHypothesisComparison.Statistic
-
- toString() - Method in class gov.sandia.cognition.statistics.method.ConfidenceInterval
-
- toString() - Method in class gov.sandia.cognition.statistics.method.FieldConfidenceInterval
-
- toString() - Method in class gov.sandia.cognition.statistics.method.MultipleComparisonExperiment.Statistic
-
- toString() - Method in class gov.sandia.cognition.statistics.TransferEntropy.TransferEntropyDistributionObject
-
- toString() - Method in class gov.sandia.cognition.statistics.TransferEntropy.TransferEntropyPartialSumObject
-
- toString() - Method in class gov.sandia.cognition.text.AbstractTextual
-
- toString() - Method in class gov.sandia.cognition.text.document.AbstractField
-
- toString() - Method in class gov.sandia.cognition.text.evaluation.DefaultPrecisionRecallPair
-
- toString() - Method in class gov.sandia.cognition.text.term.AbstractTerm
-
- toString() - Method in class gov.sandia.cognition.text.term.DefaultIndexedTerm
-
- toString() - Method in class gov.sandia.cognition.text.token.DefaultToken
-
The text of the token.
- toString() - Method in class gov.sandia.cognition.time.DefaultDuration
-
- toString() - Method in class gov.sandia.cognition.util.AbstractNamed
-
The standard implementation of toString returns the name of the Named
Object.
- toString() - Method in class gov.sandia.cognition.util.DefaultKeyValuePair
-
- toString(Object) - Static method in class gov.sandia.cognition.util.ObjectUtil
-
Creates a String that contains the names and values of the members, or
the default Object toString if that fails.
- toStringDelimited(Iterable<?>, String) - Static method in class gov.sandia.cognition.collection.CollectionUtil
-
Performs a toString on each element given iterable with a given delimiter
between elements.
- total - Variable in class gov.sandia.cognition.statistics.distribution.DefaultDataDistribution
-
Total of the counts in the distribution
- totalChange - Variable in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineAlternatingLeastSquares
-
The total change from the current iteration.
- totalChange - Variable in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineStochasticGradient
-
The total change in factorization machine parameters for the current
iteration.
- totalChange - Variable in class gov.sandia.cognition.learning.algorithm.svm.SuccessiveOverrelaxation
-
The total change on the most recent pass.
- totalCount - Variable in class gov.sandia.cognition.text.term.DefaultTermCounts
-
The total of all counts.
- totalError - Variable in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineAlternatingLeastSquares
-
The total error from the current iteration.
- totalError - Variable in class gov.sandia.cognition.learning.algorithm.factor.machine.FactorizationMachineStochasticGradient
-
The total error for the current iteration.
- totalOccurrences - Variable in class gov.sandia.cognition.text.topic.LatentDirichletAllocationVectorGibbsSampler.Result
-
The total number for term occurrences
- toURI() - Method in interface gov.sandia.cognition.text.document.DocumentReference
-
Converts the document reference to a URI that can be used to locate the
document.
- TournamentSelector<GenomeType> - Class in gov.sandia.cognition.learning.algorithm.genetic.selector
-
The TournamentSelector class implements a Selector that uses tournament
selection to create a new population.
- TournamentSelector(double, int) - Constructor for class gov.sandia.cognition.learning.algorithm.genetic.selector.TournamentSelector
-
Creates a new instance of TournamentSelector.
- TournamentSelector(double, int, Random) - Constructor for class gov.sandia.cognition.learning.algorithm.genetic.selector.TournamentSelector
-
Creates a new instance of TournamentSelector.
- trace() - Method in class gov.sandia.cognition.math.matrix.AbstractMatrix
-
- trace() - Method in interface gov.sandia.cognition.math.matrix.Matrix
-
Computes the trace of this
, which is the sum of the diagonal
elements.
- trainCounts - Variable in class gov.sandia.cognition.learning.algorithm.tree.CategorizationTreeLearner
-
How often each category appears in training data.
- trainingPercent - Variable in class gov.sandia.cognition.learning.data.RandomDataPartitioner
-
The percentage of training data.
- trainingSet - Variable in class gov.sandia.cognition.learning.algorithm.delta.AbstractDeltaCategorizer.AbstractLearner
-
The training set.
- TransferEntropy - Class in gov.sandia.cognition.statistics
-
A class for calculating the transfer entropy of two vectors.
- TransferEntropy(Vector, Vector, int) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy
-
Creates a new transfer entropy object
- TransferEntropy(Vector, Vector, int, int) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy
-
Creates a new transfer entropy object.
- TransferEntropy(List<? extends Object>, List<? extends Object>, int) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy
-
Creates a new transfer entropy object using lists instead of vectors.
- TransferEntropy(List<? extends Object>, List<? extends Object>, int, int) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy
-
Creates a new transfer entropy object using lists instead of vectors.
- TransferEntropy(DefaultDataDistribution<TransferEntropy.TransferEntropyDistributionObject>, DefaultDataDistribution<TransferEntropy.TransferEntropyDistributionObject>, DefaultDataDistribution<TransferEntropy.TransferEntropyDistributionObject>, DefaultDataDistribution<TransferEntropy.TransferEntropyDistributionObject>) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy
-
Creates a new transfer entropy object using distributions.
- TransferEntropy.TransferEntropyDistributionObject - Class in gov.sandia.cognition.statistics
-
A helper class that define the objects used by the distributions in transfer entropy.
- TransferEntropy.TransferEntropyPartialSumObject - Class in gov.sandia.cognition.statistics
-
Helper class for holding information about the partial sums.
- TransferEntropyDistributionObject(List<? extends Object>) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy.TransferEntropyDistributionObject
-
Basic constructor for a TransferEntropyDistributionObjects.
- TransferEntropyDistributionObject(List<? extends Object>, List<? extends Object>) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy.TransferEntropyDistributionObject
-
Basic constructor for a TransferEntropyDistributionObjects.
- TransferEntropyDistributionObject(List<? extends Object>, Object) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy.TransferEntropyDistributionObject
-
Basic constructor for a TransferEntropyDistributionObjects.
- TransferEntropyDistributionObject(List<? extends Object>, List<? extends Object>, Object) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy.TransferEntropyDistributionObject
-
Basic constructor for a TransferEntropyDistributionObjects.
- TransferEntropyPartialSumObject(TransferEntropy.TransferEntropyDistributionObject, double, double) - Constructor for class gov.sandia.cognition.statistics.TransferEntropy.TransferEntropyPartialSumObject
-
Basic constructor that assigns values in the intuitive way.
- transform(UnivariateScalarFunction) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- transform(Vector.IndexValueTransform) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- transform(int, double) - Method in interface gov.sandia.cognition.math.matrix.Vector.IndexValueTransform
-
Transforms one entry in the vector to a new value.
- transform(UnivariateScalarFunction) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Applies the given function to each of the elements of this vector and
returns a new vector with the result.
- transform(Vector.IndexValueTransform) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Applies the given function to each of the elements of this vector and
returns a new vector with the result.
- Transform(Matrix, Matrix) - Constructor for class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
-
Create a new Transform
- transform - Variable in class gov.sandia.cognition.text.topic.LatentSemanticAnalysis.Transform
-
The cached transform matrix.
- transformEquals(UnivariateScalarFunction) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- transformEquals(Vector.IndexValueTransform) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- transformEquals(UnivariateScalarFunction) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
-
- transformEquals(Vector.IndexValueTransform) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
-
- transformEquals(UnivariateScalarFunction) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Applies the given function to each of the elements of this vector and
sets them to the result.
- transformEquals(Vector.IndexValueTransform) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Applies the given function to each of the elements of this vector and
sets them to the result.
- transformNonZeros(UnivariateScalarFunction) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- transformNonZeros(Vector.IndexValueTransform) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- transformNonZeros(UnivariateScalarFunction) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Applies the given function to each of the non-zero elements of this
vector and returns a new vector with the result.
- transformNonZeros(Vector.IndexValueTransform) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Applies the given function to each of the non-zero elements of this
vector and returns a new vector with the result.
- transformNonZerosEquals(UnivariateScalarFunction) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- transformNonZerosEquals(Vector.IndexValueTransform) - Method in class gov.sandia.cognition.math.matrix.AbstractVector
-
- transformNonZerosEquals(UnivariateScalarFunction) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
-
- transformNonZerosEquals(Vector.IndexValueTransform) - Method in class gov.sandia.cognition.math.matrix.mtj.DenseVector
-
- transformNonZerosEquals(UnivariateScalarFunction) - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
-
- transformNonZerosEquals(Vector.IndexValueTransform) - Method in class gov.sandia.cognition.math.matrix.mtj.SparseVector
-
- transformNonZerosEquals(UnivariateScalarFunction) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Applies the given function to each of the non-zero elements of this
vector and sets them to the result.
- transformNonZerosEquals(Vector.IndexValueTransform) - Method in interface gov.sandia.cognition.math.matrix.Vector
-
Applies the given function to each of the non-zero elements of this
vector and sets them to the result.
- transitionProbability - Variable in class gov.sandia.cognition.learning.algorithm.hmm.MarkovChain
-
Transition probability matrix.
- transpose() - Method in class gov.sandia.cognition.math.matrix.custom.DenseMatrix
-
- transpose() - Method in class gov.sandia.cognition.math.matrix.custom.DiagonalMatrix
-
- transpose() - Method in class gov.sandia.cognition.math.matrix.custom.SparseMatrix
-
Returns the transpose of this
- transpose() - Method in interface gov.sandia.cognition.math.matrix.Matrix
-
Returns the transpose of this
- transpose() - Method in class gov.sandia.cognition.math.matrix.mtj.DenseMatrix
-
- transpose() - Method in class gov.sandia.cognition.math.matrix.mtj.DiagonalMatrixMTJ
-
- transpose() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseColumnMatrix
-
- transpose() - Method in class gov.sandia.cognition.math.matrix.mtj.SparseRowMatrix
-
- transposeInto(AbstractMTJMatrix) - Method in class gov.sandia.cognition.math.matrix.mtj.AbstractMTJMatrix
-
Internal method for accessing MTJ's general transpose routine
- transposeMult(Vector) - Method in class gov.sandia.cognition.learning.algorithm.minimization.matrix.OverconstrainedMatrixVectorMultiplier
-
Return A^(T) * input.
- treatmentCount - Variable in class gov.sandia.cognition.statistics.distribution.StudentizedRangeDistribution
-
Number of comparisons made
- treatmentCount - Variable in class gov.sandia.cognition.statistics.method.AbstractMultipleHypothesisComparison.Statistic
-
Number of treatments being compared
- treatmentMeans - Variable in class gov.sandia.cognition.statistics.method.TukeyKramerConfidence.Statistic
-
Mean for each treatment
- TreeSetBinner<ValueType extends java.lang.Comparable<? super ValueType>> - Class in gov.sandia.cognition.statistics.method
-
Implements a Binner
that employs a TreeSet
to define the
boundaries of a contiguous set of bins.
- TreeSetBinner(Collection<? extends ValueType>) - Constructor for class gov.sandia.cognition.statistics.method.TreeSetBinner
-
Creates a new TreeSetBinner
using the provided List of
bin boundaries.
- trialEnded(LearningExperiment) - Method in interface gov.sandia.cognition.learning.experiment.LearningExperimentListener
-
Fired when a trial in the experiment has ended.
- trialStarted(LearningExperiment) - Method in interface gov.sandia.cognition.learning.experiment.LearningExperimentListener
-
Fired when a new trial in the experiment has started.
- Triple<FirstType,SecondType,ThirdType> - Interface in gov.sandia.cognition.util
-
The Triple
interface defines the functionality of an object that
contains a three other objects inside of it.
- trueNegativesCount - Variable in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
-
Number of true negatives.
- truePositivesCount - Variable in class gov.sandia.cognition.learning.performance.categorization.DefaultBinaryConfusionMatrix
-
Number of true positives.
- trueValue - Variable in class gov.sandia.cognition.data.convert.number.DefaultBooleanToNumberConverter
-
The number to use to represent a true value.
- trySetInputLabel(SemanticLabel, boolean) - Method in interface gov.sandia.cognition.framework.lite.MutablePatternRecognizerLite
-
Attempts to set whether or not the given label is an input label.
- trySetInputLabel(SemanticLabel, boolean) - Method in class gov.sandia.cognition.framework.lite.MutableSemanticMemoryLite
-
Attempts to set whether or not the given label is an input label.
- trySetInputLabel(SemanticLabel, boolean) - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
-
Attempts to set whether or not the given label is an input label.
- trySetOutputLabel(SemanticLabel, boolean) - Method in interface gov.sandia.cognition.framework.lite.MutablePatternRecognizerLite
-
Attempts to set whether or not the given label is an output label.
- trySetOutputLabel(SemanticLabel, boolean) - Method in class gov.sandia.cognition.framework.lite.MutableSemanticMemoryLite
-
Attempts to set whether or not the given label is an output label.
- trySetOutputLabel(SemanticLabel, boolean) - Method in class gov.sandia.cognition.framework.lite.SimplePatternRecognizer
-
Attempts to set whether or not the given label is an output label.
- TukeyKramerConfidence - Class in gov.sandia.cognition.statistics.method
-
Tukey-Kramer test is the multiple-comparison generalization of the unpaired
Student's t-test when conducting multiple comparisons.
- TukeyKramerConfidence() - Constructor for class gov.sandia.cognition.statistics.method.TukeyKramerConfidence
-
Creates a new instance of TukeyKramerConfidence
- TukeyKramerConfidence.Statistic - Class in gov.sandia.cognition.statistics.method
-
Statistic from Tukey-Kramer's multiple comparison test
- TWO_PI - Static variable in class gov.sandia.cognition.learning.function.scalar.CosineFunction
-
Value of 2.0*pi = 6.283185307179586.
- TwoMatrixEntry - Interface in gov.sandia.cognition.math.matrix
-
Interface that specifies the functionality for a class that stores entries
for two matrices
- TwoMatrixEntryMTJ - Class in gov.sandia.cognition.math.matrix.mtj
-
Stores an entry for two matrices typically used by iterators that do
union and intersection operations.
- TwoMatrixEntryMTJ(AbstractMTJMatrix, AbstractMTJMatrix) - Constructor for class gov.sandia.cognition.math.matrix.mtj.TwoMatrixEntryMTJ
-
Creates a new TwoMatrixEntryMTJ.
- TwoMatrixEntryMTJ(AbstractMTJMatrix, AbstractMTJMatrix, int, int) - Constructor for class gov.sandia.cognition.math.matrix.mtj.TwoMatrixEntryMTJ
-
Creates a new instance of TwoMatrixEntryMTJ.
- twoTailTStatistic(double, double) - Static method in class gov.sandia.cognition.statistics.method.StudentTConfidence.Statistic
-
Computes the likelihood that a StudentTDistribution would generate
a LESS LIKELY sample as "t", given the degrees of freedom.
- TwoVectorEntry - Interface in gov.sandia.cognition.math.matrix
-
Interface that specifies the functionality for a class that stores entries
for two vectors