Serialized Form
-
Package org.tribuo
-
Class org.tribuo.CategoricalIDInfo
class CategoricalIDInfo extends CategoricalInfo implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
id
int id
-
-
Class org.tribuo.CategoricalInfo
class CategoricalInfo extends SkeletalVariableInfo implements Serializable- serialVersionUID:
- 2L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
Class org.tribuo.Dataset
class Dataset extends Object implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
data
List<Example<T extends Output<T>>> data
The data in this data set. -
indices
int[] indices
The indices of the shuffled order. -
outputFactory
OutputFactory<T extends Output<T>> outputFactory
A factory for makingOutputInfo
andOutput
of the appropriate type. -
sourceProvenance
DataProvenance sourceProvenance
The provenance of the data source, extracted on construction. -
tribuoVersion
String tribuoVersion
The Tribuo version which originally created this dataset
-
-
Class org.tribuo.Example
class Example extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.Feature
class Feature extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
name
String name
The feature name. -
value
double value
The feature value.
-
-
Class org.tribuo.FeatureMap
class FeatureMap extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
m
Map<String,
VariableInfo> m Map from the feature names to their info.
-
-
Class org.tribuo.ImmutableDataset
- serialVersionUID:
- 1L
-
Serialized Fields
-
dropInvalidExamples
boolean dropInvalidExamples
If true, instead of throwing an exception when an invalidExample
is encountered, this Dataset will log a warning and drop it. -
featureIDMap
ImmutableFeatureMap featureIDMap
A map from feature names to IDs for the features found in this dataset. -
outputIDInfo
ImmutableOutputInfo<T extends Output<T>> outputIDInfo
Output information, and id numbers for outputs found in this dataset. -
provenance
DatasetProvenance provenance
-
-
Class org.tribuo.ImmutableFeatureMap
class ImmutableFeatureMap extends FeatureMap implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
idMap
Map<Integer,
VariableIDInfo> idMap The map from id numbers to the feature infos. -
size
int size
The number of features.
-
-
Class org.tribuo.Model
class Model extends Object implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
featureIDMap
ImmutableFeatureMap featureIDMap
The features this model knows about. -
generatesProbabilities
boolean generatesProbabilities
Does this model generate probability distributions in the output. -
name
String name
The model's name. -
outputIDInfo
ImmutableOutputInfo<T extends Output<T>> outputIDInfo
The outputs this model predicts. -
provenance
ModelProvenance provenance
The model provenance. -
provenanceOutput
String provenanceOutput
The cached toString of the model provenance.Mostly cached so it appears in the serialized output and can be read by grepping the binary.
-
-
Class org.tribuo.MutableDataset
- serialVersionUID:
- 1L
-
Serialized Fields
-
dense
boolean dense
Denotes if this dataset contains implicit zeros or not. -
featureMap
MutableFeatureMap featureMap
A map from feature names to feature info objects. -
outputMap
MutableOutputInfo<T extends Output<T>> outputMap
Information about the outputs in this dataset. -
transformProvenances
List<com.oracle.labs.mlrg.olcut.provenance.ObjectProvenance> transformProvenances
The provenances of the transformations applied to this dataset.
-
-
Class org.tribuo.MutableFeatureMap
class MutableFeatureMap extends FeatureMap implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
convertHighCardinality
boolean convertHighCardinality
-
-
Class org.tribuo.Prediction
class Prediction extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
example
Example<T extends Output<T>> example
The example which was used to generate this prediction. -
exampleSize
int exampleSize
How many features were set in the example. -
numUsed
int numUsed
How many features were used by the model. -
output
T extends Output<T> output
The output assigned by a model. -
outputScores
Map<String,
T extends Output<T>> outputScores A map from output name to output object, which contains the score. -
probability
boolean probability
Does outputScores contain probabilities or scores?
-
-
Class org.tribuo.RealIDInfo
class RealIDInfo extends RealInfo implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
id
int id
-
-
Class org.tribuo.RealInfo
class RealInfo extends SkeletalVariableInfo implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
max
double max
The maximum observed feature value. -
mean
double mean
The feature mean. -
min
double min
The minimum observed feature value. -
sumSquares
double sumSquares
The sum of the squared feature values (used to compute the variance).
-
-
Class org.tribuo.SelectedFeatureSet
class SelectedFeatureSet extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
featureNames
List<String> featureNames
-
featureScores
List<Double> featureScores
-
isOrdered
boolean isOrdered
-
provenance
FeatureSetProvenance provenance
-
-
Class org.tribuo.SkeletalVariableInfo
class SkeletalVariableInfo extends Object implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
count
int count
How often the feature occurs in the dataset. -
name
String name
The name of the feature.
-
-
Class org.tribuo.SparseModel
- serialVersionUID:
- 1L
-
-
Package org.tribuo.anomaly
-
Class org.tribuo.anomaly.AnomalyFactory
class AnomalyFactory extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.anomaly.AnomalyFactory.AnomalyFactoryProvenance
class AnomalyFactoryProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.anomaly.AnomalyInfo
class AnomalyInfo extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
anomalyCount
long anomalyCount
The number of anomalous events observed. -
expectedCount
long expectedCount
The number of expected events observed. -
unknownCount
int unknownCount
The number of unknown events observed (i.e., those without labels).
-
-
Class org.tribuo.anomaly.Event
class Event extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
score
double score
-
type
Event.EventType type
-
-
Class org.tribuo.anomaly.ImmutableAnomalyInfo
class ImmutableAnomalyInfo extends AnomalyInfo implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.anomaly.MutableAnomalyInfo
class MutableAnomalyInfo extends AnomalyInfo implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.anomaly.example
-
Class org.tribuo.anomaly.example.GaussianAnomalyDataSource.GaussianAnomalyDataSourceProvenance
class GaussianAnomalyDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.anomaly.liblinear
-
Class org.tribuo.anomaly.liblinear.LibLinearAnomalyModel
- serialVersionUID:
- 3L
-
Class org.tribuo.anomaly.liblinear.LinearAnomalyType
class LinearAnomalyType extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
type
LinearAnomalyType.LinearType type
-
-
-
Package org.tribuo.anomaly.libsvm
-
Class org.tribuo.anomaly.libsvm.LibSVMAnomalyModel
- serialVersionUID:
- 1L
-
Class org.tribuo.anomaly.libsvm.SVMAnomalyType
class SVMAnomalyType extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
type
SVMAnomalyType.SVMMode type
-
-
-
Package org.tribuo.classification
-
Class org.tribuo.classification.ImmutableLabelInfo
class ImmutableLabelInfo extends LabelInfo implements Serializable- serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
Class org.tribuo.classification.Label
class Label extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
label
String label
The name of the label. -
score
double score
The score of the label.
-
-
Class org.tribuo.classification.LabelFactory
class LabelFactory extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.classification.LabelFactory.LabelFactoryProvenance
class LabelFactoryProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.classification.LabelInfo
class LabelInfo extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
Class org.tribuo.classification.MutableLabelInfo
class MutableLabelInfo extends LabelInfo implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.classification.baseline
-
Class org.tribuo.classification.baseline.DummyClassifierModel
- serialVersionUID:
- 1L
-
Serialized Fields
-
cdf
double[] cdf
-
constantLabel
Label constantLabel
-
dummyType
DummyClassifierTrainer.DummyType dummyType
-
rng
Random rng
-
seed
long seed
-
-
-
Package org.tribuo.classification.dtree.impl
-
Class org.tribuo.classification.dtree.impl.ClassifierTrainingNode
- serialVersionUID:
- 1L
-
Serialization Methods
-
writeObject
- Throws:
IOException
-
-
Serialized Fields
-
featureIDMap
ImmutableFeatureMap featureIDMap
-
impurity
LabelImpurity impurity
-
labelIDMap
ImmutableOutputInfo<Label> labelIDMap
-
weightedLabelCounts
float[] weightedLabelCounts
-
weightSum
float weightSum
-
-
-
Package org.tribuo.classification.ensemble
-
Class org.tribuo.classification.ensemble.FullyWeightedVotingCombiner
class FullyWeightedVotingCombiner extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.classification.ensemble.VotingCombiner
class VotingCombiner extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.classification.example
-
Class org.tribuo.classification.example.DemoLabelDataSource.DemoLabelDataSourceProvenance
class DemoLabelDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.classification.explanations
-
Package org.tribuo.classification.explanations.lime
-
Class org.tribuo.classification.explanations.lime.LIMEExplanation
class LIMEExplanation extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
evaluation
RegressionEvaluation evaluation
-
model
SparseModel<Regressor> model
-
prediction
Prediction<Label> prediction
-
-
-
Package org.tribuo.classification.liblinear
-
Class org.tribuo.classification.liblinear.LibLinearClassificationModel
- serialVersionUID:
- 3L
-
Serialized Fields
-
Class org.tribuo.classification.liblinear.LinearClassificationType
class LinearClassificationType extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
type
LinearClassificationType.LinearType type
-
-
-
Package org.tribuo.classification.libsvm
-
Class org.tribuo.classification.libsvm.LibSVMClassificationModel
- serialVersionUID:
- 3L
-
Serialized Fields
-
Class org.tribuo.classification.libsvm.SVMClassificationType
class SVMClassificationType extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
type
SVMClassificationType.SVMMode type
-
-
-
Package org.tribuo.classification.mnb
-
Class org.tribuo.classification.mnb.MultinomialNaiveBayesModel
- serialVersionUID:
- 1L
-
Serialized Fields
-
alpha
double alpha
-
labelWordProbs
DenseSparseMatrix labelWordProbs
-
-
-
Package org.tribuo.classification.sequence
-
Class org.tribuo.classification.sequence.ConfidencePredictingSequenceModel
- serialVersionUID:
- 1L
-
Class org.tribuo.classification.sequence.ConfidencePredictingSequenceModel.Subsequence
class Subsequence extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
begin
int begin
The subsequence start index. -
end
int end
The subsequence end index.
-
-
-
Package org.tribuo.classification.sequence.viterbi
-
Class org.tribuo.classification.sequence.viterbi.DefaultFeatureExtractor
class DefaultFeatureExtractor extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
leastRecentOutcome
int leastRecentOutcome
indicates the position of the last (least recent) outcome to include. For example, the default value of 3 means that if the outcomes produced so far by the classifier were [A, B, C, D], then the last outcome to be used as a feature would be B since and is considered the least recent. -
mostRecentOutcome
int mostRecentOutcome
indicates the position of the first (most recent) outcome to include. For example, the default value of 1 means that if the outcomes produced so far by the classifier were [A, B, C, D], then the first outcome to be used as a feature would be D since it is the most recent. -
use4gram
boolean use4gram
indicates that 4-grams of outcomes should be included as features -
useBigram
boolean useBigram
when true indicates that bigrams of outcomes should be included as features -
useTrigram
boolean useTrigram
indicates that trigrams of outcomes should be included as features
-
-
Class org.tribuo.classification.sequence.viterbi.NoopFeatureExtractor
class NoopFeatureExtractor extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.classification.sequence.viterbi.ViterbiModel
- serialVersionUID:
- 1L
-
Serialized Fields
-
labelFeatureExtractor
LabelFeatureExtractor labelFeatureExtractor
-
model
Model<Label> model
-
scoreAggregation
ViterbiModel.ScoreAggregation scoreAggregation
Specifies the score aggregation algorithm. -
stackSize
int stackSize
Specifies the maximum number of candidate paths to keep track of. In general, this number should be higher than the number of possible classifications at any given point in the sequence. This guarantees that highest-possible scoring sequence will be returned. If, however, the number of possible classifications is quite high and/or you are concerned about throughput performance, then you may want to reduce the number of candidate paths to maintain.
-
-
-
Package org.tribuo.classification.sgd.crf
-
Class org.tribuo.classification.sgd.crf.CRFModel
class CRFModel extends ConfidencePredictingSequenceModel implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
confidenceType
CRFModel.ConfidenceType confidenceType
-
parameters
CRFParameters parameters
-
-
Class org.tribuo.classification.sgd.crf.CRFParameters
class CRFParameters extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
biases
DenseVector biases
-
featureLabelWeights
DenseMatrix featureLabelWeights
-
labelLabelWeights
DenseMatrix labelLabelWeights
-
numFeatures
int numFeatures
-
numLabels
int numLabels
-
weights
Tensor[] weights
This variable is an array with 3 elements corresponding to the three weight matrices.
-
-
-
Package org.tribuo.classification.sgd.fm
-
Class org.tribuo.classification.sgd.fm.FMClassificationModel
- serialVersionUID:
- 1L
-
Serialized Fields
-
normalizer
VectorNormalizer normalizer
-
-
-
Package org.tribuo.classification.sgd.kernel
-
Class org.tribuo.classification.sgd.kernel.KernelSVMModel
- serialVersionUID:
- 2L
-
Serialized Fields
-
kernel
Kernel kernel
-
supportVectors
SparseVector[] supportVectors
-
weights
DenseMatrix weights
-
-
-
Package org.tribuo.classification.sgd.linear
-
Class org.tribuo.classification.sgd.linear.LinearSGDModel
- serialVersionUID:
- 2L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
normalizer
VectorNormalizer normalizer
-
weights
DenseMatrix weights
Deprecated.
-
-
-
Package org.tribuo.classification.xgboost
-
Class org.tribuo.classification.xgboost.XGBoostClassificationConverter
class XGBoostClassificationConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.clustering
-
Class org.tribuo.clustering.ClusterID
class ClusterID extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
id
int id
-
score
double score
-
-
Class org.tribuo.clustering.ClusteringFactory
class ClusteringFactory extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.clustering.ClusteringFactory.ClusteringFactoryProvenance
class ClusteringFactoryProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.clustering.ClusteringInfo
class ClusteringInfo extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.clustering.ImmutableClusteringInfo
class ImmutableClusteringInfo extends ClusteringInfo implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.clustering.MutableClusteringInfo
class MutableClusteringInfo extends ClusteringInfo implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.clustering.example
-
Class org.tribuo.clustering.example.GaussianClusterDataSource.GaussianClusterDataSourceProvenance
class GaussianClusterDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.clustering.hdbscan
-
Class org.tribuo.clustering.hdbscan.HdbscanModel
- serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
clusterExemplars
List<HdbscanTrainer.ClusterExemplar> clusterExemplars
-
clusterLabels
List<Integer> clusterLabels
-
dist
Distance dist
-
distanceType
HdbscanTrainer.Distance distanceType
Deprecated. -
noisePointsOutlierScore
double noisePointsOutlierScore
-
outlierScoresVector
DenseVector outlierScoresVector
-
-
Class org.tribuo.clustering.hdbscan.HdbscanTrainer.ClusterExemplar
class ClusterExemplar extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.clustering.kmeans
-
Class org.tribuo.clustering.kmeans.KMeansModel
- serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
centroidVectors
DenseVector[] centroidVectors
-
dist
Distance dist
-
distanceType
KMeansTrainer.Distance distanceType
Deprecated.
-
-
-
Package org.tribuo.common.liblinear
-
Class org.tribuo.common.liblinear.LibLinearModel
- serialVersionUID:
- 3L
-
Serialized Fields
-
models
List<de.bwaldvogel.liblinear.Model> models
The list of LibLinear models. Multiple models are used by multi-label and multidimensional regression outputs.Not final to support deserialization reordering of multidimensional regression models which have an incorrect id mapping. Will be final again in some future version which doesn't maintain serialization compatibility with 4.X.
-
-
-
Package org.tribuo.common.libsvm
-
Class org.tribuo.common.libsvm.LibSVMModel
- serialVersionUID:
- 3L
-
Serialized Fields
-
models
List<libsvm.svm_model> models
The LibSVM models. Multiple models are used for multi-label or multidimensional regression outputs.Not final to support deserialization reordering of multidimensional regression models which have an incorrect id mapping. Will be final again in some future version which doesn't maintain serialization compatibility with 4.X.
-
-
Class org.tribuo.common.libsvm.SVMParameters
class SVMParameters extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
kernelType
KernelType kernelType
The kernel. -
parameters
libsvm.svm_parameter parameters
The libSVM format parameters. -
svmType
SVMType<T extends Output<T>> svmType
The type of the SVM.
-
-
-
Package org.tribuo.common.nearest
-
Class org.tribuo.common.nearest.KNNModel
- serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
combiner
EnsembleCombiner<T extends Output<T>> combiner
-
dist
Distance dist
-
distance
KNNTrainer.Distance distance
Deprecated. -
k
int k
-
neighboursQueryFactory
NeighboursQueryFactory neighboursQueryFactory
-
numThreads
int numThreads
-
parallelBackend
KNNModel.Backend parallelBackend
-
vectors
com.oracle.labs.mlrg.olcut.util.Pair<SGDVector,
T extends Output<T>>[] vectors
-
-
-
Package org.tribuo.common.sgd
-
Class org.tribuo.common.sgd.AbstractFMModel
- serialVersionUID:
- 1L
-
Class org.tribuo.common.sgd.AbstractLinearSGDModel
- serialVersionUID:
- 1L
-
Class org.tribuo.common.sgd.AbstractSGDModel
- serialVersionUID:
- 1L
-
Serialized Fields
-
addBias
boolean addBias
-
modelParameters
FeedForwardParameters modelParameters
The weights for this model.
-
-
Class org.tribuo.common.sgd.FMParameters
class FMParameters extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
biasVector
DenseVector biasVector
-
numFactors
int numFactors
-
weightMatrix
DenseMatrix weightMatrix
-
weights
Tensor[] weights
-
-
-
Package org.tribuo.common.tree
-
Class org.tribuo.common.tree.AbstractCARTTrainer.AbstractCARTTrainerProvenance
class AbstractCARTTrainerProvenance extends SkeletalTrainerProvenance implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.common.tree.AbstractTrainingNode
class AbstractTrainingNode extends Object implements Serializable-
Serialized Fields
-
depth
int depth
-
greaterThan
Node<T extends Output<T>> greaterThan
-
impurityScore
double impurityScore
-
leafDeterminer
AbstractTrainingNode.LeafDeterminer leafDeterminer
-
lessThanOrEqual
Node<T extends Output<T>> lessThanOrEqual
-
numExamples
int numExamples
-
split
boolean split
-
splitID
int splitID
-
splitValue
double splitValue
-
-
-
Class org.tribuo.common.tree.LeafNode
class LeafNode extends Object implements Serializable- serialVersionUID:
- 4L
-
Class org.tribuo.common.tree.SplitNode
class SplitNode extends Object implements Serializable- serialVersionUID:
- 3L
-
Class org.tribuo.common.tree.TreeModel
- serialVersionUID:
- 3L
-
-
Package org.tribuo.common.xgboost
-
Class org.tribuo.common.xgboost.XGBoostExternalModel
class XGBoostExternalModel extends ExternalModel<T extends Output<T>,ml.dmlc.xgboost4j.java.DMatrix, float[][]> implements Serializable - serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
writeObject
- Throws:
IOException
-
-
Serialized Fields
-
converter
XGBoostOutputConverter<T extends Output<T>> converter
-
-
Class org.tribuo.common.xgboost.XGBoostModel
- serialVersionUID:
- 4L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
writeObject
- Throws:
IOException
-
-
Serialized Fields
-
converter
XGBoostOutputConverter<T extends Output<T>> converter
-
regression41MappingFix
boolean regression41MappingFix
-
-
Class org.tribuo.common.xgboost.XGBoostTrainer.XGBoostTrainerProvenance
class XGBoostTrainerProvenance extends SkeletalTrainerProvenance implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.data.columnar
-
Class org.tribuo.data.columnar.ColumnarFeature
class ColumnarFeature extends Feature implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.data.csv
-
Class org.tribuo.data.csv.CSVDataSource.CSVDataSourceProvenance
class CSVDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dataSourceCreationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance dataSourceCreationTime
-
fileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance fileModifiedTime
-
sha256Hash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance sha256Hash
-
-
Class org.tribuo.data.csv.CSVLoader.CSVLoaderProvenance
class CSVLoaderProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance className
Deprecated. -
factoryProvenance
OutputFactoryProvenance factoryProvenance
Deprecated. -
fileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance fileModifiedTime
Deprecated. -
path
com.oracle.labs.mlrg.olcut.provenance.primitives.URLProvenance path
Deprecated. -
quote
com.oracle.labs.mlrg.olcut.provenance.primitives.CharProvenance quote
Deprecated. -
responseName
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance responseName
Deprecated. -
separator
com.oracle.labs.mlrg.olcut.provenance.primitives.CharProvenance separator
Deprecated. -
sha256Hash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance sha256Hash
Deprecated.
-
-
-
Package org.tribuo.data.sql
-
Class org.tribuo.data.sql.SQLDataSource.SQLDataSourceProvenance
class SQLDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dataSourceCreationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance dataSourceCreationTime
-
-
-
Package org.tribuo.data.text
-
Class org.tribuo.data.text.DirectoryFileSource.DirectoryFileSourceProvenance
class DirectoryFileSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dataSourceCreationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance dataSourceCreationTime
-
fileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance fileModifiedTime
-
-
Exception org.tribuo.data.text.TextProcessingException
class TextProcessingException extends Exception implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.data.text.impl
-
Class org.tribuo.data.text.impl.SimpleStringDataSource.SimpleStringDataSourceProvenance
class SimpleStringDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dataSourceCreationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance dataSourceCreationTime
-
sha256Hash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance sha256Hash
-
-
Class org.tribuo.data.text.impl.SimpleTextDataSource.SimpleTextDataSourceProvenance
class SimpleTextDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dataSourceCreationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance dataSourceCreationTime
-
fileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance fileModifiedTime
-
sha256Hash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance sha256Hash
-
-
-
Package org.tribuo.dataset
-
Class org.tribuo.dataset.DatasetView
- serialVersionUID:
- 1L
-
Class org.tribuo.dataset.DatasetView.DatasetViewProvenance
class DatasetViewProvenance extends DatasetProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
indices
int[] indices
-
sampled
com.oracle.labs.mlrg.olcut.provenance.primitives.BooleanProvenance sampled
-
seed
com.oracle.labs.mlrg.olcut.provenance.primitives.LongProvenance seed
-
size
com.oracle.labs.mlrg.olcut.provenance.primitives.IntProvenance size
-
tag
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance tag
-
weighted
com.oracle.labs.mlrg.olcut.provenance.primitives.BooleanProvenance weighted
-
-
Class org.tribuo.dataset.MinimumCardinalityDataset
class MinimumCardinalityDataset extends ImmutableDataset<T extends Output<T>> implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.dataset.MinimumCardinalityDataset.MinimumCardinalityDatasetProvenance
class MinimumCardinalityDatasetProvenance extends DatasetProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
minCardinality
com.oracle.labs.mlrg.olcut.provenance.primitives.IntProvenance minCardinality
-
-
Class org.tribuo.dataset.SelectedFeatureDataset
- serialVersionUID:
- 1L
-
Serialized Fields
-
featureSet
SelectedFeatureSet featureSet
-
k
int k
-
numExamplesRemoved
int numExamplesRemoved
-
selectedFeatures
Set<String> selectedFeatures
-
-
Class org.tribuo.dataset.SelectedFeatureDataset.SelectedFeatureDatasetProvenance
class SelectedFeatureDatasetProvenance extends DatasetProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
datasetProvenance
DataProvenance datasetProvenance
-
featureSetProvenance
FeatureSetProvenance featureSetProvenance
-
k
com.oracle.labs.mlrg.olcut.provenance.primitives.IntProvenance k
-
-
-
Package org.tribuo.datasource
-
Class org.tribuo.datasource.AggregateConfigurableDataSource.AggregateConfigurableDataSourceProvenance
class AggregateConfigurableDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.datasource.AggregateDataSource.AggregateDataSourceProvenance
class AggregateDataSourceProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance className
-
orderProvenance
com.oracle.labs.mlrg.olcut.provenance.primitives.EnumProvenance<AggregateDataSource.IterationOrder> orderProvenance
-
provenances
com.oracle.labs.mlrg.olcut.provenance.ListProvenance<DataSourceProvenance> provenances
-
-
Class org.tribuo.datasource.IDXDataSource.IDXDataSourceProvenance
class IDXDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dataSourceCreationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance dataSourceCreationTime
-
featuresFileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance featuresFileModifiedTime
-
featuresSHA256Hash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance featuresSHA256Hash
-
featureType
com.oracle.labs.mlrg.olcut.provenance.primitives.EnumProvenance<IDXDataSource.IDXType> featureType
-
outputFileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance outputFileModifiedTime
-
outputSHA256Hash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance outputSHA256Hash
-
-
Class org.tribuo.datasource.LibSVMDataSource.LibSVMDataSourceProvenance
class LibSVMDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dataSourceCreationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance dataSourceCreationTime
-
fileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance fileModifiedTime
-
sha256Hash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance sha256Hash
-
-
-
Package org.tribuo.ensemble
-
Class org.tribuo.ensemble.EnsembleModel
- serialVersionUID:
- 1L
-
Class org.tribuo.ensemble.WeightedEnsembleModel
- serialVersionUID:
- 1L
-
Serialized Fields
-
combiner
EnsembleCombiner<T extends Output<T>> combiner
The ensemble combination function. -
weights
float[] weights
The ensemble member combination weights.
-
-
-
Package org.tribuo.evaluation
-
Class org.tribuo.evaluation.TrainTestSplitter.SplitDataSourceProvenance
class SplitDataSourceProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance className
-
innerSourceProvenance
DataSourceProvenance innerSourceProvenance
-
isTrain
com.oracle.labs.mlrg.olcut.provenance.primitives.BooleanProvenance isTrain
-
seed
com.oracle.labs.mlrg.olcut.provenance.primitives.LongProvenance seed
-
size
com.oracle.labs.mlrg.olcut.provenance.primitives.IntProvenance size
-
trainProportion
com.oracle.labs.mlrg.olcut.provenance.primitives.DoubleProvenance trainProportion
-
-
-
Package org.tribuo.evaluation.metrics
-
Class org.tribuo.evaluation.metrics.MetricID
class MetricID extends com.oracle.labs.mlrg.olcut.util.Pair<MetricTarget<T extends Output<T>>,String> implements Serializable - serialVersionUID:
- 1L
-
-
Package org.tribuo.hash
-
Class org.tribuo.hash.HashCodeHasher
class HashCodeHasher extends Hasher implements Serializable- serialVersionUID:
- 2L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Class org.tribuo.hash.HashCodeHasher.HashCodeHasherProvenance
class HashCodeHasherProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.hash.HashedFeatureMap
class HashedFeatureMap extends ImmutableFeatureMap implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
hasher
Hasher hasher
-
-
Class org.tribuo.hash.Hasher
class Hasher extends Object implements Serializable- serialVersionUID:
- 2L
-
Class org.tribuo.hash.MessageDigestHasher
class MessageDigestHasher extends Hasher implements Serializable- serialVersionUID:
- 3L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
hashType
String hashType
-
provenance
MessageDigestHasher.MessageDigestHasherProvenance provenance
-
-
Class org.tribuo.hash.MessageDigestHasher.MessageDigestHasherProvenance
class MessageDigestHasherProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
hashType
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance hashType
-
-
Class org.tribuo.hash.ModHashCodeHasher
class ModHashCodeHasher extends Hasher implements Serializable- serialVersionUID:
- 2L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
dimension
int dimension
-
provenance
ModHashCodeHasher.ModHashCodeHasherProvenance provenance
-
-
Class org.tribuo.hash.ModHashCodeHasher.ModHashCodeHasherProvenance
class ModHashCodeHasherProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dimension
com.oracle.labs.mlrg.olcut.provenance.primitives.IntProvenance dimension
-
-
-
Package org.tribuo.impl
-
Class org.tribuo.impl.ArrayExample
- serialVersionUID:
- 1L
-
Serialized Fields
-
featureNames
String[] featureNames
Feature names array. -
featureValues
double[] featureValues
Feature values array. -
size
int size
Number of valid features in this example.
-
-
Class org.tribuo.impl.BinaryFeaturesExample
- serialVersionUID:
- 1L
-
Serialized Fields
-
featureNames
String[] featureNames
Feature names array. -
size
int size
Number of valid features in this example.
-
-
Class org.tribuo.impl.IndexedArrayExample
- serialVersionUID:
- 1L
-
Serialized Fields
-
featureIDs
int[] featureIDs
Feature id numbers from the internal featureMap. -
featureMap
ImmutableFeatureMap featureMap
-
outputID
int outputID
Output id from the internal output map. Note this only works for single dimensional outputs, in multi-dimensional cases it is likely to be -1. -
outputMap
ImmutableOutputInfo<T extends Output<T>> outputMap
-
-
Class org.tribuo.impl.ListExample
- serialVersionUID:
- 1L
-
-
Package org.tribuo.interop
-
Class org.tribuo.interop.ExternalDatasetProvenance
class ExternalDatasetProvenance extends DatasetProvenance implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.interop.ExternalModel
- serialVersionUID:
- 1L
-
Serialized Fields
-
batchSize
int batchSize
-
featureBackwardMapping
int[] featureBackwardMapping
The backward mapping from the external indices to Tribuo's indices. -
featureForwardMapping
int[] featureForwardMapping
The forward mapping from Tribuo's indices to the external indices.
-
-
Class org.tribuo.interop.ExternalTrainerProvenance
class ExternalTrainerProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
fileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance fileModifiedTime
-
location
com.oracle.labs.mlrg.olcut.provenance.primitives.URLProvenance location
-
modelHash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance modelHash
-
-
-
Package org.tribuo.interop.oci
-
Class org.tribuo.interop.oci.OCILabelConverter
class OCILabelConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
generatesProbabilities
boolean generatesProbabilities
-
-
Class org.tribuo.interop.oci.OCIModel
class OCIModel extends ExternalModel<T extends Output<T>,DenseMatrix, DenseMatrix> implements Serializable - serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
Class org.tribuo.interop.oci.OCIMultiLabelConverter
class OCIMultiLabelConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
generatesProbabilities
boolean generatesProbabilities
-
threshold
double threshold
-
-
Class org.tribuo.interop.oci.OCIRegressorConverter
class OCIRegressorConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.interop.onnx
-
Class org.tribuo.interop.onnx.DenseTransformer
class DenseTransformer extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
warningCount
int warningCount
-
-
Class org.tribuo.interop.onnx.ImageTransformer
class ImageTransformer extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
channels
int channels
-
height
int height
-
width
int width
-
-
Class org.tribuo.interop.onnx.LabelOneVOneTransformer
class LabelOneVOneTransformer extends LabelTransformer implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.interop.onnx.LabelTransformer
class LabelTransformer extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
generatesProbabilities
boolean generatesProbabilities
-
-
Class org.tribuo.interop.onnx.MultiLabelTransformer
class MultiLabelTransformer extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
generatesProbabilities
boolean generatesProbabilities
-
threshold
double threshold
-
-
Class org.tribuo.interop.onnx.ONNXExternalModel
class ONNXExternalModel extends ExternalModel<T extends Output<T>,ai.onnxruntime.OnnxTensor, List<ai.onnxruntime.OnnxValue>> implements Serializable - serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
featureTransformer
ExampleTransformer featureTransformer
-
inputName
String inputName
-
modelArray
byte[] modelArray
-
outputTransformer
OutputTransformer<T extends Output<T>> outputTransformer
-
-
Class org.tribuo.interop.onnx.RegressorTransformer
class RegressorTransformer extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.interop.tensorflow
-
Class org.tribuo.interop.tensorflow.DenseFeatureConverter
class DenseFeatureConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
inputName
String inputName
-
warningCount
int warningCount
-
-
Class org.tribuo.interop.tensorflow.ImageConverter
class ImageConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
channels
int channels
-
height
int height
-
inputName
String inputName
-
totalPixels
int totalPixels
-
width
int width
-
-
Class org.tribuo.interop.tensorflow.LabelConverter
class LabelConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.interop.tensorflow.MultiLabelConverter
class MultiLabelConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.interop.tensorflow.RegressorConverter
class RegressorConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.interop.tensorflow.TensorFlowCheckpointModel
class TensorFlowCheckpointModel extends TensorFlowModel<T extends Output<T>> implements Serializable- serialVersionUID:
- 200L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
writeObject
- Throws:
IOException
-
-
Serialized Fields
-
Class org.tribuo.interop.tensorflow.TensorFlowFrozenExternalModel
class TensorFlowFrozenExternalModel extends ExternalModel<T extends Output<T>,TensorMap, org.tensorflow.Tensor> implements Serializable - serialVersionUID:
- 200L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
writeObject
- Throws:
IOException
-
-
Serialized Fields
-
featureConverter
FeatureConverter featureConverter
-
inputName
String inputName
Deprecated. -
outputConverter
OutputConverter<T extends Output<T>> outputConverter
-
outputName
String outputName
-
-
Class org.tribuo.interop.tensorflow.TensorFlowModel
- serialVersionUID:
- 200L
-
Serialized Fields
-
batchSize
int batchSize
-
featureConverter
FeatureConverter featureConverter
-
outputConverter
OutputConverter<T extends Output<T>> outputConverter
-
outputName
String outputName
-
-
Class org.tribuo.interop.tensorflow.TensorFlowNativeModel
- serialVersionUID:
- 200L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
writeObject
- Throws:
IOException
-
-
Class org.tribuo.interop.tensorflow.TensorFlowSavedModelExternalModel
class TensorFlowSavedModelExternalModel extends ExternalModel<T extends Output<T>,TensorMap, TensorMap> implements Serializable - serialVersionUID:
- 200L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
featureConverter
FeatureConverter featureConverter
-
modelDirectory
String modelDirectory
-
outputConverter
OutputConverter<T extends Output<T>> outputConverter
-
outputName
String outputName
-
-
Class org.tribuo.interop.tensorflow.TensorFlowTrainer.TensorFlowTrainerProvenance
class TensorFlowTrainerProvenance extends SkeletalTrainerProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
graphHash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance graphHash
-
graphLastModified
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance graphLastModified
-
-
Class org.tribuo.interop.tensorflow.TensorFlowUtil.TensorTuple
class TensorTuple extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
String className
The tensor class name. -
data
byte[] data
The tensor data. -
shape
long[] shape
The shape of the tensor.
-
-
-
Package org.tribuo.interop.tensorflow.sequence
-
Class org.tribuo.interop.tensorflow.sequence.TensorFlowSequenceModel
- serialVersionUID:
- 200L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
writeObject
- Throws:
IOException
-
-
Serialized Fields
-
featureConverter
SequenceFeatureConverter featureConverter
-
outputConverter
SequenceOutputConverter<T extends Output<T>> outputConverter
-
predictOp
String predictOp
-
-
Class org.tribuo.interop.tensorflow.sequence.TensorFlowSequenceTrainer.TensorFlowSequenceTrainerProvenance
class TensorFlowSequenceTrainerProvenance extends SkeletalTrainerProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
graphHash
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance graphHash
-
graphLastModified
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance graphLastModified
-
-
-
Package org.tribuo.json
-
Class org.tribuo.json.JsonDataSource.JsonDataSourceProvenance
class JsonDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dataSourceCreationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance dataSourceCreationTime
-
fileModifiedTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance fileModifiedTime
-
sha256Hash
com.oracle.labs.mlrg.olcut.provenance.primitives.HashProvenance sha256Hash
-
-
-
Package org.tribuo.math
-
Class org.tribuo.math.LinearParameters
class LinearParameters extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
weightMatrix
DenseMatrix weightMatrix
-
weights
Tensor[] weights
-
-
-
Package org.tribuo.math.distance
-
Class org.tribuo.math.distance.CosineDistance
class CosineDistance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.math.distance.L1Distance
class L1Distance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.math.distance.L2Distance
class L2Distance extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.math.kernel
-
Class org.tribuo.math.kernel.Linear
class Linear extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.math.kernel.Polynomial
class Polynomial extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
degree
double degree
-
gamma
double gamma
-
intercept
double intercept
-
-
Class org.tribuo.math.kernel.RBF
class RBF extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
gamma
double gamma
-
-
Class org.tribuo.math.kernel.Sigmoid
class Sigmoid extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
gamma
double gamma
-
intercept
double intercept
-
-
-
Package org.tribuo.math.la
-
Class org.tribuo.math.la.DenseMatrix
class DenseMatrix extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dim1
int dim1
The number of rows. -
dim2
int dim2
The number of columns. -
numElements
int numElements
-
shape
int[] shape
-
values
double[][] values
The value array.
-
-
Class org.tribuo.math.la.DenseSparseMatrix
class DenseSparseMatrix extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dim1
int dim1
-
dim2
int dim2
-
shape
int[] shape
-
values
SparseVector[] values
-
-
Class org.tribuo.math.la.DenseVector
class DenseVector extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
elements
double[] elements
The value array. -
shape
int[] shape
-
-
Class org.tribuo.math.la.SparseVector
class SparseVector extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
indices
int[] indices
The indices array. -
shape
int[] shape
-
size
int size
-
values
double[] values
The values array.
-
-
-
Package org.tribuo.math.neighbour
-
Package org.tribuo.math.neighbour.bruteforce
-
Class org.tribuo.math.neighbour.bruteforce.NeighboursBruteForceFactory
class NeighboursBruteForceFactory extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
distance
Distance distance
-
numThreads
int numThreads
-
-
-
Package org.tribuo.math.neighbour.kdtree
-
Class org.tribuo.math.neighbour.kdtree.KDTreeFactory
class KDTreeFactory extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
distance
Distance distance
-
numThreads
int numThreads
-
-
-
Package org.tribuo.math.optimisers.util
-
Class org.tribuo.math.optimisers.util.ShrinkingMatrix
class ShrinkingMatrix extends DenseMatrix implements Serializable-
Serialized Fields
-
baseRate
double baseRate
-
iteration
int iteration
-
lambdaSqrt
double lambdaSqrt
-
multiplier
double multiplier
-
reproject
boolean reproject
-
scaleShrinking
boolean scaleShrinking
-
squaredTwoNorm
double squaredTwoNorm
-
-
-
Class org.tribuo.math.optimisers.util.ShrinkingVector
class ShrinkingVector extends DenseVector implements Serializable-
Serialized Fields
-
baseRate
double baseRate
-
iteration
int iteration
-
lambdaSqrt
double lambdaSqrt
-
multiplier
double multiplier
-
reproject
boolean reproject
-
scaleShrinking
boolean scaleShrinking
-
squaredTwoNorm
double squaredTwoNorm
-
-
-
-
Package org.tribuo.math.util
-
Class org.tribuo.math.util.ExpNormalizer
class ExpNormalizer extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.math.util.HeapMerger
class HeapMerger extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.math.util.MatrixHeapMerger
class MatrixHeapMerger extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.math.util.NoopNormalizer
class NoopNormalizer extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.math.util.Normalizer
class Normalizer extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.math.util.SigmoidNormalizer
class SigmoidNormalizer extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.multilabel
-
Class org.tribuo.multilabel.ImmutableMultiLabelInfo
class ImmutableMultiLabelInfo extends MultiLabelInfo implements Serializable- serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
Class org.tribuo.multilabel.MultiLabel
class MultiLabel extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.multilabel.MultiLabelFactory
class MultiLabelFactory extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.multilabel.MultiLabelFactory.MultiLabelFactoryProvenance
class MultiLabelFactoryProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.multilabel.MultiLabelInfo
class MultiLabelInfo extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
labelCounts
Map<String,
com.oracle.labs.mlrg.olcut.util.MutableLong> labelCounts The map of label occurrence counts. -
totalCount
int totalCount
The total number ofMultiLabel
objects this object has seen. -
unknownCount
int unknownCount
The number of times the unknown label has been observed.
-
-
Class org.tribuo.multilabel.MutableMultiLabelInfo
class MutableMultiLabelInfo extends MultiLabelInfo implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.multilabel.baseline
-
Class org.tribuo.multilabel.baseline.ClassifierChainModel
- serialVersionUID:
- 1L
-
Class org.tribuo.multilabel.baseline.IndependentMultiLabelModel
- serialVersionUID:
- 1L
-
-
Package org.tribuo.multilabel.ensemble
-
Class org.tribuo.multilabel.ensemble.MultiLabelVotingCombiner
class MultiLabelVotingCombiner extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.multilabel.example
-
Class org.tribuo.multilabel.example.MultiLabelGaussianDataSource.MultiLabelGaussianDataSourceProvenance
class MultiLabelGaussianDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.multilabel.sgd.fm
-
Class org.tribuo.multilabel.sgd.fm.FMMultiLabelModel
- serialVersionUID:
- 2L
-
Serialized Fields
-
normalizer
VectorNormalizer normalizer
-
threshold
double threshold
-
-
-
Package org.tribuo.multilabel.sgd.linear
-
Class org.tribuo.multilabel.sgd.linear.LinearSGDModel
- serialVersionUID:
- 2L
-
Serialized Fields
-
normalizer
VectorNormalizer normalizer
-
threshold
double threshold
-
-
-
Package org.tribuo.provenance
-
Class org.tribuo.provenance.DatasetProvenance
class DatasetProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
String className
-
isDense
boolean isDense
-
isSequence
boolean isSequence
-
numExamples
int numExamples
-
numFeatures
int numFeatures
-
numOutputs
int numOutputs
-
sourceProvenance
DataProvenance sourceProvenance
-
transformationProvenance
com.oracle.labs.mlrg.olcut.provenance.ListProvenance<com.oracle.labs.mlrg.olcut.provenance.ObjectProvenance> transformationProvenance
-
versionString
String versionString
-
-
Class org.tribuo.provenance.EnsembleModelProvenance
class EnsembleModelProvenance extends ModelProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
memberProvenance
com.oracle.labs.mlrg.olcut.provenance.ListProvenance<? extends ModelProvenance> memberProvenance
-
-
Class org.tribuo.provenance.EvaluationProvenance
class EvaluationProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance className
-
datasetProvenance
DataProvenance datasetProvenance
-
modelProvenance
ModelProvenance modelProvenance
-
versionString
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance versionString
-
-
Class org.tribuo.provenance.FeatureSetProvenance
class FeatureSetProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
String className
-
datasetProvenance
DatasetProvenance datasetProvenance
-
fsProvenance
FeatureSelectorProvenance fsProvenance
-
versionString
String versionString
-
-
Class org.tribuo.provenance.ModelProvenance
class ModelProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
archString
String archString
The system CPU architecture string. -
className
String className
The name of the host class. -
datasetProvenance
DatasetProvenance datasetProvenance
The dataset provenance. -
instanceProvenance
com.oracle.labs.mlrg.olcut.provenance.MapProvenance<? extends com.oracle.labs.mlrg.olcut.provenance.Provenance> instanceProvenance
Any instance time information supplied by the users. -
javaVersionString
String javaVersionString
The Java version string. -
osString
String osString
The OS string. -
time
OffsetDateTime time
The time the model was created. -
trainerProvenance
TrainerProvenance trainerProvenance
Provenance of the trainer which created this model. -
versionString
String versionString
The Tribuo version string.
-
-
Class org.tribuo.provenance.SimpleDataSourceProvenance
class SimpleDataSourceProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
String className
-
creationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance creationTime
-
description
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance description
-
outputFactoryProvenance
OutputFactoryProvenance outputFactoryProvenance
-
-
Class org.tribuo.provenance.SkeletalTrainerProvenance
class SkeletalTrainerProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
invocationCount
com.oracle.labs.mlrg.olcut.provenance.primitives.IntProvenance invocationCount
-
isSequence
com.oracle.labs.mlrg.olcut.provenance.primitives.BooleanProvenance isSequence
-
version
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance version
-
-
-
Package org.tribuo.provenance.impl
-
Class org.tribuo.provenance.impl.EmptyDatasetProvenance
class EmptyDatasetProvenance extends DatasetProvenance implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.provenance.impl.EmptyDataSourceProvenance
class EmptyDataSourceProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.provenance.impl.EmptyTrainerProvenance
class EmptyTrainerProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.provenance.impl.FeatureSelectorProvenanceImpl
class FeatureSelectorProvenanceImpl extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.provenance.impl.TimestampedTrainerProvenance
class TimestampedTrainerProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
creationTime
com.oracle.labs.mlrg.olcut.provenance.primitives.DateTimeProvenance creationTime
-
version
com.oracle.labs.mlrg.olcut.provenance.primitives.StringProvenance version
-
-
Class org.tribuo.provenance.impl.TrainerProvenanceImpl
class TrainerProvenanceImpl extends SkeletalTrainerProvenance implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.regression
-
Class org.tribuo.regression.ImmutableRegressionInfo
class ImmutableRegressionInfo extends RegressionInfo implements Serializable- serialVersionUID:
- 2L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
Class org.tribuo.regression.MutableRegressionInfo
class MutableRegressionInfo extends RegressionInfo implements Serializable- serialVersionUID:
- 2L
-
Class org.tribuo.regression.RegressionFactory
class RegressionFactory extends Object implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
provenance
RegressionFactory.RegressionFactoryProvenance provenance
-
splitChar
char splitChar
-
-
Class org.tribuo.regression.RegressionFactory.RegressionFactoryProvenance
class RegressionFactoryProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
splitChar
char splitChar
-
-
Class org.tribuo.regression.RegressionInfo
class RegressionInfo extends Object implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
countMap
Map<String,
com.oracle.labs.mlrg.olcut.util.MutableLong> countMap The occurrence count per dimension. -
maxMap
Map<String,
com.oracle.labs.mlrg.olcut.util.MutableDouble> maxMap The maximum values seen per dimension. -
meanMap
Map<String,
com.oracle.labs.mlrg.olcut.util.MutableDouble> meanMap The mean value per dimension. -
minMap
Map<String,
com.oracle.labs.mlrg.olcut.util.MutableDouble> minMap The minimum values seen per dimension. -
overallCount
long overallCount
The overall number ofRegressor
objects this object has seen. -
sumSquaresMap
Map<String,
com.oracle.labs.mlrg.olcut.util.MutableDouble> sumSquaresMap Sum of the squared differences per dimension. -
unknownCount
int unknownCount
The number of unknownRegressor
s this object has seen.
-
-
Class org.tribuo.regression.Regressor
class Regressor extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
hashCache
boolean hashCache
-
hashCode
int hashCode
-
names
String[] names
-
values
double[] values
-
variances
double[] variances
-
-
Class org.tribuo.regression.Regressor.DimensionTuple
class DimensionTuple extends Regressor implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
name
String name
-
value
double value
-
variance
double variance
-
-
-
Package org.tribuo.regression.baseline
-
Class org.tribuo.regression.baseline.DummyRegressionModel
- serialVersionUID:
- 2L
-
Serialized Fields
-
dimensionNames
String[] dimensionNames
-
dummyType
DummyRegressionTrainer.DummyType dummyType
-
means
double[] means
-
output
Regressor output
-
rng
Random rng
-
seed
long seed
-
variances
double[] variances
-
-
Class org.tribuo.regression.baseline.DummyRegressionTrainer.DummyRegressionTrainerProvenance
class DummyRegressionTrainerProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
String className
Deprecated. -
constantValue
double constantValue
Deprecated. -
dummyType
DummyRegressionTrainer.DummyType dummyType
Deprecated. -
quartile
double quartile
Deprecated. -
seed
long seed
Deprecated.
-
-
-
Package org.tribuo.regression.ensemble
-
Class org.tribuo.regression.ensemble.AveragingCombiner
class AveragingCombiner extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.regression.example
-
Class org.tribuo.regression.example.GaussianDataSource.GaussianDataSourceProvenance
class GaussianDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.regression.example.NonlinearGaussianDataSource.NonlinearGaussianDataSourceProvenance
class NonlinearGaussianDataSourceProvenance extends com.oracle.labs.mlrg.olcut.provenance.impl.SkeletalConfiguredObjectProvenance implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.regression.impl
-
Class org.tribuo.regression.impl.SkeletalIndependentRegressionModel
- serialVersionUID:
- 1L
-
Serialized Fields
-
dimensions
String[] dimensions
The output dimension names.
-
-
Class org.tribuo.regression.impl.SkeletalIndependentRegressionSparseModel
class SkeletalIndependentRegressionSparseModel extends SparseModel<Regressor> implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
dimensions
String[] dimensions
The output dimension names.
-
-
-
Package org.tribuo.regression.liblinear
-
Class org.tribuo.regression.liblinear.LibLinearRegressionModel
- serialVersionUID:
- 2L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
dimensionNames
String[] dimensionNames
-
mapping
int[] mapping
-
-
Class org.tribuo.regression.liblinear.LinearRegressionType
class LinearRegressionType extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
type
LinearRegressionType.LinearType type
-
-
-
Package org.tribuo.regression.libsvm
-
Class org.tribuo.regression.libsvm.LibSVMRegressionModel
- serialVersionUID:
- 2L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
dimensionNames
String[] dimensionNames
-
mapping
int[] mapping
-
means
double[] means
-
standardized
boolean standardized
-
variances
double[] variances
-
-
Class org.tribuo.regression.libsvm.SVMRegressionType
class SVMRegressionType extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
type
SVMRegressionType.SVMMode type
-
-
-
Package org.tribuo.regression.rtree
-
Class org.tribuo.regression.rtree.IndependentRegressionTreeModel
- serialVersionUID:
- 1L
-
-
Package org.tribuo.regression.rtree.impl
-
Class org.tribuo.regression.rtree.impl.JointRegressorTrainingNode
- serialVersionUID:
- 1L
-
Serialization Methods
-
writeObject
- Throws:
IOException
-
-
Serialized Fields
-
featureIDMap
ImmutableFeatureMap featureIDMap
-
impurity
RegressorImpurity impurity
-
indices
int[] indices
-
labelIDMap
ImmutableOutputInfo<Regressor> labelIDMap
-
normalize
boolean normalize
-
targets
float[][] targets
-
weights
float[] weights
-
weightSum
float weightSum
-
-
Class org.tribuo.regression.rtree.impl.RegressorTrainingNode
- serialVersionUID:
- 1L
-
Serialization Methods
-
writeObject
- Throws:
IOException
-
-
Serialized Fields
-
dimName
String dimName
-
featureIDMap
ImmutableFeatureMap featureIDMap
-
impurity
RegressorImpurity impurity
-
indices
int[] indices
-
labelIDMap
ImmutableOutputInfo<Regressor> labelIDMap
-
targets
float[] targets
-
weights
float[] weights
-
weightSum
float weightSum
-
-
-
Package org.tribuo.regression.sgd.fm
-
Class org.tribuo.regression.sgd.fm.FMRegressionModel
- serialVersionUID:
- 3L
-
Serialized Fields
-
dimensionNames
String[] dimensionNames
-
standardise
boolean standardise
-
-
-
Package org.tribuo.regression.sgd.linear
-
Class org.tribuo.regression.sgd.linear.LinearSGDModel
- serialVersionUID:
- 3L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
dimensionNames
String[] dimensionNames
-
weights
DenseMatrix weights
Deprecated.
-
-
-
Package org.tribuo.regression.slm
-
Class org.tribuo.regression.slm.SparseLinearModel
class SparseLinearModel extends SkeletalIndependentRegressionSparseModel implements Serializable- serialVersionUID:
- 3L
-
Serialization Methods
-
readObject
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
bias
boolean bias
-
enet41MappingFix
boolean enet41MappingFix
-
featureMeans
DenseVector featureMeans
-
featureVariance
DenseVector featureVariance
Note this variable is called a variance, but it actually stores the l2 norm of the centered feature column. -
weights
SparseVector[] weights
-
yMean
double[] yMean
-
yVariance
double[] yVariance
Note this variable is called a variance, but it actually stores the l2 norm of the centered output.
-
-
-
Package org.tribuo.regression.xgboost
-
Class org.tribuo.regression.xgboost.XGBoostRegressionConverter
class XGBoostRegressionConverter extends Object implements Serializable- serialVersionUID:
- 1L
-
-
Package org.tribuo.sequence
-
Class org.tribuo.sequence.HashingSequenceTrainer.HashingSequenceTrainerProvenance
class HashingSequenceTrainerProvenance extends SkeletalTrainerProvenance implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.sequence.ImmutableSequenceDataset
- serialVersionUID:
- 1L
-
Serialized Fields
-
featureIDMap
ImmutableFeatureMap featureIDMap
A map from feature names to IDs for the features found in this dataset. -
outputIDInfo
ImmutableOutputInfo<T extends Output<T>> outputIDInfo
A map from labels to IDs for the labels found in this dataset. -
provenance
DatasetProvenance provenance
-
-
Class org.tribuo.sequence.IndependentSequenceModel
- serialVersionUID:
- 1L
-
Class org.tribuo.sequence.MinimumCardinalitySequenceDataset
class MinimumCardinalitySequenceDataset extends ImmutableSequenceDataset<T extends Output<T>> implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.sequence.MinimumCardinalitySequenceDataset.MinimumCardinalitySequenceDatasetProvenance
class MinimumCardinalitySequenceDatasetProvenance extends DatasetProvenance implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
minCardinality
com.oracle.labs.mlrg.olcut.provenance.primitives.IntProvenance minCardinality
-
-
Class org.tribuo.sequence.MutableSequenceDataset
- serialVersionUID:
- 1L
-
Serialized Fields
-
dense
boolean dense
Does this dataset have a dense feature space. -
featureMap
MutableFeatureMap featureMap
A map from feature names to IDs for the features found in this dataset. -
outputInfo
MutableOutputInfo<T extends Output<T>> outputInfo
A map from labels to IDs for the labels found in this dataset.
-
-
Class org.tribuo.sequence.SequenceDataset
class SequenceDataset extends Object implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
data
List<SequenceExample<T extends Output<T>>> data
The data in this data set. -
outputFactory
OutputFactory<T extends Output<T>> outputFactory
A factory for makingOutputInfo
andOutput
of the appropriate type. -
sourceProvenance
DataProvenance sourceProvenance
The provenance of the data source, extracted on construction. -
tribuoVersion
String tribuoVersion
The version of Tribuo which created this dataset.
-
-
Class org.tribuo.sequence.SequenceExample
class SequenceExample extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.sequence.SequenceModel
class SequenceModel extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
featureIDMap
ImmutableFeatureMap featureIDMap
The feature domain. -
name
String name
The model name. -
outputIDMap
ImmutableOutputInfo<T extends Output<T>> outputIDMap
The output domain. -
provenance
ModelProvenance provenance
-
provenanceOutput
String provenanceOutput
The toString of the model provenance.
-
-
-
Package org.tribuo.transform
-
Class org.tribuo.transform.TransformedModel
- serialVersionUID:
- 1L
-
Class org.tribuo.transform.TransformerMap
class TransformerMap extends Object implements Serializable- serialVersionUID:
- 2L
-
Serialized Fields
-
datasetProvenance
DatasetProvenance datasetProvenance
-
map
Map<String,
List<Transformer>> map -
transformationMapProvenance
com.oracle.labs.mlrg.olcut.provenance.ConfiguredObjectProvenance transformationMapProvenance
-
-
Class org.tribuo.transform.TransformerMap.TransformerMapProvenance
class TransformerMapProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
className
String className
-
datasetProvenance
DatasetProvenance datasetProvenance
-
transformationMapProvenance
com.oracle.labs.mlrg.olcut.provenance.ConfiguredObjectProvenance transformationMapProvenance
-
-
-
Package org.tribuo.transform.transformations
-
Class org.tribuo.transform.transformations.BinningTransformation.BinningTransformationProvenance
class BinningTransformationProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
numBins
com.oracle.labs.mlrg.olcut.provenance.primitives.IntProvenance numBins
-
type
com.oracle.labs.mlrg.olcut.provenance.primitives.EnumProvenance<BinningTransformation.BinningType> type
-
-
Class org.tribuo.transform.transformations.BinningTransformation.BinningTransformer
class BinningTransformer extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
bins
double[] bins
-
type
BinningTransformation.BinningType type
-
values
double[] values
-
-
Class org.tribuo.transform.transformations.IDFTransformation.IDFTransformationProvenance
class IDFTransformationProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Class org.tribuo.transform.transformations.LinearScalingTransformation.LinearScalingTransformationProvenance
class LinearScalingTransformationProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
targetMax
com.oracle.labs.mlrg.olcut.provenance.primitives.DoubleProvenance targetMax
-
targetMin
com.oracle.labs.mlrg.olcut.provenance.primitives.DoubleProvenance targetMin
-
-
Class org.tribuo.transform.transformations.MeanStdDevTransformation.MeanStdDevTransformationProvenance
class MeanStdDevTransformationProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
targetMean
com.oracle.labs.mlrg.olcut.provenance.primitives.DoubleProvenance targetMean
-
targetStdDev
com.oracle.labs.mlrg.olcut.provenance.primitives.DoubleProvenance targetStdDev
-
-
Class org.tribuo.transform.transformations.SimpleTransform
class SimpleTransform extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
op
SimpleTransform.Operation op
-
operand
double operand
-
operation
org.tribuo.transform.transformations.SimpleTransform.SerializableDoubleUnaryOperator operation
-
secondOperand
double secondOperand
-
-
Class org.tribuo.transform.transformations.SimpleTransform.SimpleTransformProvenance
class SimpleTransformProvenance extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
op
com.oracle.labs.mlrg.olcut.provenance.primitives.EnumProvenance<SimpleTransform.Operation> op
-
operand
com.oracle.labs.mlrg.olcut.provenance.primitives.DoubleProvenance operand
-
secondOperand
com.oracle.labs.mlrg.olcut.provenance.primitives.DoubleProvenance secondOperand
-
-
-
Package org.tribuo.util
-
Class org.tribuo.util.MeanVarianceAccumulator
class MeanVarianceAccumulator extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
count
long count
-
max
double max
-
mean
double mean
-
min
double min
-
sumSquares
double sumSquares
-
-
-
Package org.tribuo.util.infotheory.impl
-
Class org.tribuo.util.infotheory.impl.CachedPair
class CachedPair extends com.oracle.labs.mlrg.olcut.util.Pair<T1,T2> implements Serializable - serialVersionUID:
- 1L
-
Serialized Fields
-
cachedHash
int cachedHash
-
-
Class org.tribuo.util.infotheory.impl.CachedTriple
class CachedTriple extends Object implements Serializable- serialVersionUID:
- 1L
-
Serialized Fields
-
a
T1 a
The first element. -
ab
CachedPair<T1,
T2> ab -
ac
CachedPair<T1,
T3> ac -
b
T2 b
The second element. -
bc
CachedPair<T2,
T3> bc -
c
T3 c
The third element. -
cachedHash
int cachedHash
-
-
-
Package org.tribuo.util.tokens
-
Exception org.tribuo.util.tokens.TokenizationException
class TokenizationException extends RuntimeException implements Serializable- serialVersionUID:
- 1L
-