Uses of Interface
org.tribuo.Trainer
Package
Description
Provides the core interfaces and classes for using Tribuo.
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 majority vote ensemble combiners for classification
along with an implementation of multiclass Adaboost.
Provides a set of main methods for interacting with classification tasks.
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 an implementation of Viterbi for generating structured outputs, which can sit on top of any
Label
based classification model.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 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 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.
Provides the base interface and implementations of the
Model
hashing
which obscures the feature names stored in a model.Provides an interface to TensorFlow, allowing the training of non-sequential models using any supported
Tribuo output type.
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.
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 simple baseline regression predictors.
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 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
.-
Uses of Trainer in org.tribuo
Modifier and TypeInterfaceDescriptioninterface
IncrementalTrainer<T extends Output<T>,
U extends Model<T>> An interface for incremental training ofModel
s.interface
SparseTrainer<T extends Output<T>>
Denotes this trainer emits aSparseModel
. -
Uses of Trainer in org.tribuo.anomaly.liblinear
Modifier and TypeClassDescriptionclass
ATrainer
which wraps a liblinear-java anomaly detection trainer using a one-class SVM. -
Uses of Trainer in org.tribuo.anomaly.libsvm
Modifier and TypeClassDescriptionclass
A trainer for anomaly models that uses LibSVM. -
Uses of Trainer in org.tribuo.classification
Modifier and TypeInterfaceDescriptioninterface
ClassificationOptions<TRAINER extends Trainer<Label>>
AnOptions
that can produce a classificationTrainer
based on the provided arguments. -
Uses of Trainer in org.tribuo.classification.baseline
Modifier and TypeClassDescriptionfinal class
A trainer for simple baseline classifiers. -
Uses of Trainer in org.tribuo.classification.dtree
Modifier and TypeClassDescriptionclass
ATrainer
that uses an approximation of the CART algorithm to build a decision tree. -
Uses of Trainer in org.tribuo.classification.ensemble
Modifier and TypeClassDescriptionclass
Implements Adaboost.SAMME one of the more popular algorithms for multiclass boosting.Modifier and TypeMethodDescriptionClassificationEnsembleOptions.wrapTrainer
(Trainer<Label> trainer) Wraps the supplied trainer using the ensemble trainer described by these options.Modifier and TypeMethodDescriptionClassificationEnsembleOptions.wrapTrainer
(Trainer<Label> trainer) Wraps the supplied trainer using the ensemble trainer described by these options.ModifierConstructorDescriptionAdaBoostTrainer
(Trainer<Label> trainer, int numMembers) Constructs an adaboost trainer using the supplied weak learner trainer and the specified number of boosting rounds.AdaBoostTrainer
(Trainer<Label> trainer, int numMembers, long seed) Constructs an adaboost trainer using the supplied weak learner trainer, the specified number of boosting rounds and the supplied seed. -
Uses of Trainer in org.tribuo.classification.experiments
Modifier and TypeFieldDescriptionConfigurableTrainTest.ConfigurableTrainTestOptions.trainer
Load a trainer from the config file. -
Uses of Trainer in org.tribuo.classification.liblinear
Modifier and TypeClassDescriptionclass
ATrainer
which wraps a liblinear-java classifier trainer. -
Uses of Trainer in org.tribuo.classification.libsvm
Modifier and TypeClassDescriptionclass
A trainer for classification models that uses LibSVM. -
Uses of Trainer in org.tribuo.classification.mnb
Modifier and TypeClassDescriptionclass
ATrainer
which trains a multinomial Naive Bayes model with Laplace smoothing. -
Uses of Trainer in org.tribuo.classification.sequence.viterbi
Modifier and TypeMethodDescriptionViterbiTrainerOptions.getSequenceTrainer
(Trainer<Label> innerTrainer) Creates a viterbi trainer wrapping the supplied label trainer.ModifierConstructorDescriptionViterbiTrainer
(Trainer<Label> trainer, LabelFeatureExtractor labelFeatureExtractor, int stackSize, ViterbiModel.ScoreAggregation scoreAggregation) Constructs a ViterbiTrainer wrapping the specified trainer.ViterbiTrainer
(Trainer<Label> trainer, LabelFeatureExtractor labelFeatureExtractor, ViterbiModel.ScoreAggregation scoreAggregation) Constructs a ViterbiTrainer wrapping the specified trainer, with an unbounded stack size. -
Uses of Trainer in org.tribuo.classification.sgd.fm
Modifier and TypeClassDescriptionclass
A trainer for a classification factorization machine using SGD. -
Uses of Trainer in org.tribuo.classification.sgd.kernel
Modifier and TypeClassDescriptionclass
A trainer for a kernelised model using the Pegasos optimiser. -
Uses of Trainer in org.tribuo.classification.sgd.linear
Modifier and TypeClassDescriptionclass
A trainer for a linear classifier using SGD.class
A logistic regression trainer that uses a reasonable objective, optimiser, number of epochs and minibatch size. -
Uses of Trainer in org.tribuo.classification.xgboost
Modifier and TypeClassDescriptionfinal class
ATrainer
which wraps the XGBoost training procedure. -
Uses of Trainer in org.tribuo.clustering.hdbscan
Modifier and TypeClassDescriptionfinal class
An HDBSCAN* trainer which generates a hierarchical, density-based clustering representation of the supplied data. -
Uses of Trainer in org.tribuo.clustering.kmeans
Modifier and TypeClassDescriptionclass
A K-Means trainer, which generates a K-means clustering of the supplied data. -
Uses of Trainer in org.tribuo.common.liblinear
Modifier and TypeClassDescriptionclass
LibLinearTrainer<T extends Output<T>>
ATrainer
which wraps a liblinear-java trainer. -
Uses of Trainer in org.tribuo.common.libsvm
Modifier and TypeClassDescriptionclass
LibSVMTrainer<T extends Output<T>>
A trainer that will train using libsvm's Java implementation. -
Uses of Trainer in org.tribuo.common.nearest
Modifier and TypeClassDescriptionclass
KNNTrainer<T extends Output<T>>
ATrainer
for k-nearest neighbour models. -
Uses of Trainer in org.tribuo.common.sgd
Modifier and TypeClassDescriptionclass
AbstractFMTrainer<T extends Output<T>,
U, V extends AbstractFMModel<T>> A trainer for a quadratic factorization machine model which uses SGD.class
AbstractLinearSGDTrainer<T extends Output<T>,
U, V extends AbstractLinearSGDModel<T>> A trainer for a linear model which uses SGD.class
AbstractSGDTrainer<T extends Output<T>,
U, V extends Model<T>, X extends FeedForwardParameters> A trainer for a model which uses SGD. -
Uses of Trainer in org.tribuo.common.tree
Modifier and TypeInterfaceDescriptioninterface
DecisionTreeTrainer<T extends Output<T>>
A tag interface for aTrainer
so the random forests trainer can check if it's actually a tree.Modifier and TypeClassDescriptionclass
AbstractCARTTrainer<T extends Output<T>>
Base class forTrainer
's that use an approximation of the CART algorithm to build a decision tree.class
ExtraTreesTrainer<T extends Output<T>>
A trainer which produces an Extremely Randomized Tree Ensemble.class
RandomForestTrainer<T extends Output<T>>
A trainer which produces a random forest. -
Uses of Trainer in org.tribuo.common.xgboost
Modifier and TypeClassDescriptionclass
XGBoostTrainer<T extends Output<T>>
ATrainer
which wraps the XGBoost training procedure. -
Uses of Trainer in org.tribuo.data
-
Uses of Trainer in org.tribuo.ensemble
Modifier and TypeClassDescriptionclass
BaggingTrainer<T extends Output<T>>
A Trainer that wraps another trainer and produces a bagged ensemble.ModifierConstructorDescriptionBaggingTrainer
(Trainer<T> trainer, EnsembleCombiner<T> combiner, int numMembers) Constructs a bagging trainer with the supplied parameters usingDEFAULT_SEED
as the RNG seed.BaggingTrainer
(Trainer<T> trainer, EnsembleCombiner<T> combiner, int numMembers, long seed) Constructs a bagging trainer with the supplied parameters. -
Uses of Trainer in org.tribuo.evaluation
-
Uses of Trainer in org.tribuo.hash
Modifier and TypeMethodDescriptionHashingOptions.getHashedTrainer
(Trainer<T> innerTrainer) Gets the trainer wrapped in a hashing trainer.Modifier and TypeMethodDescriptionHashingOptions.getHashedTrainer
(Trainer<T> innerTrainer) Gets the trainer wrapped in a hashing trainer.ModifierConstructorDescriptionHashingTrainer
(Trainer<T> trainer, Hasher hasher) Constructs a hashing trainer using the supplied parameters. -
Uses of Trainer in org.tribuo.interop.tensorflow
Modifier and TypeClassDescriptionfinal class
TensorFlowTrainer<T extends Output<T>>
Trainer for TensorFlow. -
Uses of Trainer in org.tribuo.multilabel.baseline
Modifier and TypeClassDescriptionfinal class
A trainer for a Classifier Chain.class
ModifierConstructorDescriptionClassifierChainTrainer
(Trainer<Label> innerTrainer, long seed) Builds a classifier chain trainer using the specified member trainer and seed.ClassifierChainTrainer
(Trainer<Label> innerTrainer, List<String> labelOrder) Builds a classifier chain trainer using the specified member trainer and seed.IndependentMultiLabelTrainer
(Trainer<Label> innerTrainer) Constructs an independent multi-label trainer wrapped around the supplied classification trainer. -
Uses of Trainer in org.tribuo.multilabel.ensemble
Modifier and TypeClassDescriptionfinal class
A trainer for an ensemble of randomly ordered Classifier Chains.ModifierConstructorDescriptionCCEnsembleTrainer
(Trainer<Label> innerTrainer, int numMembers, long seed) Constructs a classifier chain ensemble trainer. -
Uses of Trainer in org.tribuo.multilabel.sgd.fm
Modifier and TypeClassDescriptionclass
A trainer for a multi-label classification factorization machine using SGD. -
Uses of Trainer in org.tribuo.multilabel.sgd.linear
Modifier and TypeClassDescriptionclass
A trainer for a multi-label linear model which uses SGD. -
Uses of Trainer in org.tribuo.provenance
ModifierConstructorDescriptionprotected
SkeletalTrainerProvenance
(Trainer<T> host) Builds a trainer provenance extracting the standard information from the host. -
Uses of Trainer in org.tribuo.provenance.impl
ModifierConstructorDescriptionTrainerProvenanceImpl
(Trainer<T> host) Construct a TrainerProvenance by reading all the configurable parameters along with the train call count. -
Uses of Trainer in org.tribuo.regression.baseline
Modifier and TypeClassDescriptionfinal class
A trainer for simple baseline regressors. -
Uses of Trainer in org.tribuo.regression.impl
Modifier and TypeClassDescriptionclass
Base class for training n independent sparse models, one per dimension.class
-
Uses of Trainer in org.tribuo.regression.liblinear
Modifier and TypeClassDescriptionclass
ATrainer
which wraps a liblinear-java regression trainer. -
Uses of Trainer in org.tribuo.regression.libsvm
Modifier and TypeClassDescriptionclass
A trainer for regression models that uses LibSVM. -
Uses of Trainer in org.tribuo.regression.rtree
-
Uses of Trainer in org.tribuo.regression.sgd.fm
Modifier and TypeClassDescriptionclass
A trainer for a regression factorization machine using SGD. -
Uses of Trainer in org.tribuo.regression.sgd.linear
Modifier and TypeClassDescriptionclass
A trainer for a linear regression model which uses SGD. -
Uses of Trainer in org.tribuo.regression.slm
Modifier and TypeClassDescriptionclass
An ElasticNet trainer that uses co-ordinate descent.class
A trainer for a lasso linear regression model which uses LARS to construct the model.class
A trainer for a linear regression model which uses least angle regression.class
A trainer for a sparse linear regression model. -
Uses of Trainer in org.tribuo.regression.xgboost
Modifier and TypeClassDescriptionfinal class
ATrainer
which wraps the XGBoost training procedure. -
Uses of Trainer in org.tribuo.reproducibility
Modifier and TypeMethodDescriptionReproUtil.recoverTrainer()
Extract the trainer from this repro util. -
Uses of Trainer in org.tribuo.sequence
ModifierConstructorDescriptionIndependentSequenceTrainer
(Trainer<T> innerTrainer) Builds a sequence trainer which uses aTrainer
to independently predict each sequence element. -
Uses of Trainer in org.tribuo.transform
Modifier and TypeClassDescriptionfinal class
TransformTrainer<T extends Output<T>>
ATrainer
which encapsulates another trainer plus aTransformationMap
object to apply to eachDataset
before training eachModel
.ModifierConstructorDescriptionTransformTrainer
(Trainer<T> innerTrainer, TransformationMap transformations) Creates a trainer which transforms the data before training, and stores the transformers along with the trained model in aTransformedModel
.TransformTrainer
(Trainer<T> innerTrainer, TransformationMap transformations, boolean densify) Creates a trainer which transforms the data before training, and stores the transformers along with the trained model in aTransformedModel
.TransformTrainer
(Trainer<T> innerTrainer, TransformationMap transformations, boolean densify, boolean includeImplicitZeroFeatures) Creates a trainer which transforms the data before training, and stores the transformers along with the trained model in aTransformedModel
.