Uses of Package
org.tribuo
Package
Description
Provides the core interfaces and classes for using Tribuo.
Provides classes and infrastructure for anomaly detection problems.
Evaluation classes for anomaly detection.
Provides anomaly data generators used for demos and testing implementations.
Provides an interface to LibLinear-java for anomaly detection problems.
Provides an interface to LibSVM for anomaly detection problems.
Provides classes and infrastructure for multiclass classification problems.
Provides simple baseline multiclass classifiers.
Provides implementations of decision trees for classification problems.
Provides internal implementation classes for classification decision trees.
Provides majority vote ensemble combiners for classification
along with an implementation of multiclass Adaboost.
Evaluation classes for multi-class classification.
Provides a multiclass data generator used for testing implementations, along with several synthetic data generators
for 2d binary classification problems to be used in demos or tutorials.
Provides a set of main methods for interacting with classification tasks.
Provides core infrastructure for local model based explanations.
Provides an implementation of LIME (Locally Interpretable Model Explanations).
Information theoretic feature selection algorithms.
Provides an interface to LibLinear-java for classification problems.
Provides an interface to LibSVM for classification problems.
Provides an implementation of multinomial naive bayes (i.e., naive bayes for non-negative count data).
Provides infrastructure for
SequenceModel
s which
emit Label
s at each step of the sequence.Provides an implementation of Viterbi for generating structured outputs, which can sit on top of any
Label
based classification model.Provides an implementation of a linear chain CRF trained using Stochastic Gradient Descent.
Provides an implementation of a classification factorization machine using Stochastic Gradient Descent.
Provides a SGD implementation of a Kernel SVM using the Pegasos algorithm.
Provides an implementation of a classification linear model using Stochastic Gradient Descent.
Provides an interface to XGBoost for classification problems.
Provides classes and infrastructure for working with clustering problems.
Evaluation classes for clustering.
Provides clustering data generators used for demos and testing implementations.
Provides an implementation of HDBSCAN*.
Provides a multithreaded implementation of K-Means, with a
configurable distance function.
Provides base classes for using liblinear from Tribuo.
The base interface to LibSVM.
Provides a K-Nearest Neighbours implementation which works across
all Tribuo
Output
types.Provides the base classes for models trained with stochastic gradient descent.
Provides common functionality for building decision trees, irrespective
of the predicted
Output
.Provides abstract classes for interfacing with XGBoost abstracting away all the
Output
dependent parts.Provides classes for loading in data from disk, processing it into examples, and splitting datasets for
things like cross-validation and train-test splits.
Provides classes for processing columnar data and generating
Example
s.Provides implementations of
FieldProcessor
.Provides implementations of
ResponseProcessor
.Provides classes which can load columnar data (using a
RowProcessor
)
from a CSV (or other character delimited format) file.Provides classes which can load columnar data (using a
RowProcessor
)
from a SQL source.Provides implementations of text data processors.
Provides utility datasets which subsample or otherwise
transform the wrapped dataset.
Simple data sources for ingesting or aggregating data.
Provides an interface for model prediction combinations,
two base classes for ensemble models, a base class for
ensemble excuses, and a Bagging implementation.
Evaluation base classes, along with code for train/test splits and cross validation.
This package contains the infrastructure classes for building evaluation metrics.
Provides the base interface and implementations of the
Model
hashing
which obscures the feature names stored in a model.Provides implementations of base classes and interfaces from
org.tribuo
.This package contains the abstract implementation of an external model
trained by something outside of Tribuo.
ModelCard feature to allow more transparent model reporting.
Code for uploading models to Oracle Cloud Infrastructure Data Science, and also for scoring models deployed
in Oracle Cloud Infrastructure Data Science.
This package contains a Tribuo wrapper around ONNX Runtime.
Provides feature extraction implementations which use ONNX models.
Provides an interface to TensorFlow, allowing the training of non-sequential models using any supported
Tribuo output type.
Provides an interface for working with TensorFlow sequence models, using Tribuo's
SequenceModel
abstraction.Provides interop with JSON formatted data, along with tools for interacting with JSON provenance objects.
Provides a linear algebra system used for numerical operations in Tribuo.
Provides classes and infrastructure for working with multi-label classification problems.
Provides implementations of binary relevance based multi-label classification
algorithms.
Provides a multi-label ensemble combiner that performs a (possibly
weighted) majority vote among each label independently, along with an
implementation of classifier chain ensembles.
Evaluation classes for multi-label classification using
MultiLabel
.Provides a multi-label data generator for testing implementations and a
configurable data source suitable for demos and tests.
Provides an implementation of a multi-label classification factorization machine model using Stochastic Gradient Descent.
Provides an implementation of a multi-label classification linear model using Stochastic Gradient Descent.
Provides Tribuo specific infrastructure for the
Provenance
system which
tracks models and datasets.Provides internal implementations for empty provenance classes and TrainerProvenance.
Provides classes and infrastructure for regression problems with single or multiple output dimensions.
Provides simple baseline regression predictors.
Provides
EnsembleCombiner
implementations
for working with multi-output regression problems.Evaluation classes for single or multi-dimensional regression.
Provides some example regression data generators for testing implementations.
Provides an interface to liblinear for regression problems.
Provides an interface to LibSVM for regression problems.
Provides an implementation of decision trees for regression problems.
Provides internal implementation classes for the regression trees.
Provides an implementation of factorization machines for regression using Stochastic Gradient Descent.
Provides an implementation of linear regression using Stochastic Gradient Descent.
Provides implementations of sparse linear regression using various forms of regularisation penalty.
Provides an interface to XGBoost for regression problems.
Reproducibility utility based on Tribuo's provenance objects.
Provides core classes for working with sequences of
Example
s.Provides infrastructure for applying transformations to a
Dataset
.-
ClassDescriptionSame as a
CategoricalInfo
, but with an additional int id field.Stores information about Categorical features.A class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.Holds anExample
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A class for features.A map from Strings toVariableInfo
objects storing information about a feature.This is aDataset
which has anImmutableFeatureMap
to store the feature information.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A MutableDataset is aDataset
with aMutableFeatureMap
which grows over time.A feature map that can record new feature value observations.A mutable OutputInfo that can record observed output values.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.Tracks relevant properties of the appropriateOutput
subclass.A prediction made by aModel
.Same as aRealInfo
, but with an additional int id field.Stores information about real valued features.A record-like class for a selected feature set.Contains information about a feature and can be stored in the feature map in aDataset
.A model which uses a subset of the features it knows about to make predictions.An interface for things that can train predictive models.Adds an id number to aVariableInfo
.A VariableInfo subclass contains information about a feature and its observed values. -
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A mutable OutputInfo that can record observed output values.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.Tracks relevant properties of the appropriateOutput
subclass. -
ClassDescriptionA prediction model, which is used to predict outputs for unseen instances.A prediction made by a
Model
. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.A MutableDataset is aDataset
with aMutableFeatureMap
which grows over time.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A mutable OutputInfo that can record observed output values.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.Tracks relevant properties of the appropriateOutput
subclass.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.Denotes this trainer emits a
SparseModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.
-
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation. -
-
ClassDescriptionAn example used for training and evaluation.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.A prediction made by a
Model
. -
ClassDescriptionAn example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.A prediction model, which is used to predict outputs for unseen instances.An interface associated with a specific
Output
, which can generate the appropriate Output subclass, andOutputInfo
subclass.A prediction made by aModel
.A model which uses a subset of the features it knows about to make predictions.Denotes this trainer emits aSparseModel
. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An interface for feature selection algorithms.A record-like class for a selected feature set.
-
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction made by aModel
. -
ClassDescriptionA class for features.A prediction model, which is used to predict outputs for unseen instances.A prediction made by a
Model
.An interface for things that can train predictive models. -
ClassDescriptionImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.Output is the root interface for the supported prediction types.A prediction made by aModel
.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionAn example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionAn example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A mutable OutputInfo that can record observed output values.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.Tracks relevant properties of the appropriateOutput
subclass. -
ClassDescriptionA prediction model, which is used to predict outputs for unseen instances.A prediction made by a
Model
. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.A MutableDataset is aDataset
with aMutableFeatureMap
which grows over time.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A class for features.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A class for features.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.A prediction made by aModel
.A model which uses a subset of the features it knows about to make predictions.Denotes this trainer emits aSparseModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A class for sets of data, which are used to train and evaluate classifiers.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.An interface for things that can train predictive models. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.A class for features.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
-
ClassDescriptionOutput is the root interface for the supported prediction types.An interface associated with a specific
Output
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.A MutableDataset is aDataset
with aMutableFeatureMap
which grows over time.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A interface for things that can be given to a Dataset's constructor.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.A class for features.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.A class for features.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.This is a
Dataset
which has anImmutableFeatureMap
to store the feature information.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.Output is the root interface for the supported prediction types.A record-like class for a selected feature set. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.Output is the root interface for the supported prediction types.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.A prediction made by a
Model
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.A prediction made by a
Model
. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.A map from Strings to
VariableInfo
objects storing information about a feature.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface for things that can train predictive models.Adds an id number to aVariableInfo
. -
ClassDescriptionAn example used for training and evaluation.A class for features.A map from Strings to
VariableInfo
objects storing information about a feature.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.Tracks relevant properties of the appropriateOutput
subclass. -
ClassDescriptionAn example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.A prediction made by aModel
. -
-
ClassDescriptionAn example used for training and evaluation.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.A prediction made by aModel
. -
ClassDescriptionAn example used for training and evaluation.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.A prediction made by aModel
. -
ClassDescriptionAn example used for training and evaluation.A class for features.Output is the root interface for the supported prediction types.An interface associated with a specific
Output
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.Output is the root interface for the supported prediction types.A prediction made by aModel
. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A interface for things that can be given to a Dataset's constructor.Output is the root interface for the supported prediction types. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.Output is the root interface for the supported prediction types.
-
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A mutable OutputInfo that can record observed output values.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.Tracks relevant properties of the appropriateOutput
subclass. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.A MutableDataset is aDataset
with aMutableFeatureMap
which grows over time.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionAn example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionAn example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An interface associated with a specific
Output
, which can generate the appropriate Output subclass, andOutputInfo
subclass.An interface for things that can train predictive models. -
-
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A mutable OutputInfo that can record observed output values.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.Tracks relevant properties of the appropriateOutput
subclass. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction made by aModel
. -
ClassDescriptionAn
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
. -
ClassDescriptionIt's a
DataSource
that's alsoConfigurable
.A class for sets of data, which are used to train and evaluate classifiers.A interface for things that can be given to a Dataset's constructor.An example used for training and evaluation.A MutableDataset is aDataset
with aMutableFeatureMap
which grows over time.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.A model which uses a subset of the features it knows about to make predictions.Denotes this trainer emits aSparseModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A prediction model, which is used to predict outputs for unseen instances.A prediction made by aModel
.A model which uses a subset of the features it knows about to make predictions.Denotes this trainer emits aSparseModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output. -
ClassDescriptionAn example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionAn example used for training and evaluation.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A prediction model, which is used to predict outputs for unseen instances.An interface which denotes thisModel
can be exported as an ONNX model.A model which uses a subset of the features it knows about to make predictions.Denotes this trainer emits aSparseModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.An
OutputInfo
that is fixed, and contains an id number for each valid output.A prediction made by aModel
.An interface for things that can train predictive models.Tag interface denoting that aTrainer
can use example weights. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.A prediction model, which is used to predict outputs for unseen instances.Output is the root interface for the supported prediction types.An interface for things that can train predictive models.
-
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.A class for features.A map from Strings to
VariableInfo
objects storing information about a feature.ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.AnOutputInfo
that is fixed, and contains an id number for each valid output.A feature map that can record new feature value observations.A mutable OutputInfo that can record observed output values.Output is the root interface for the supported prediction types.An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.Tracks relevant properties of the appropriateOutput
subclass.A prediction made by aModel
.An interface for things that can train predictive models. -
ClassDescriptionA class for sets of data, which are used to train and evaluate classifiers.An example used for training and evaluation.Holds an
Example
, aPrediction
and a Map from String to List of Pairs that contains the per output explanation.A map from Strings toVariableInfo
objects storing information about a feature.A prediction model, which is used to predict outputs for unseen instances.A MutableDataset is aDataset
with aMutableFeatureMap
which grows over time.Output is the root interface for the supported prediction types.A prediction made by aModel
.An interface for things that can train predictive models.