Uses of Interface
org.tribuo.Trainer
Packages that use Trainer
Package
Description
Provides the core interfaces and classes for using Tribuo.
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 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 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 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 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 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.
Provides infrastructure for applying transformations to a
Dataset
.-
Uses of Trainer in org.tribuo
Subinterfaces of Trainer in org.tribuoModifier 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.libsvm
Classes in org.tribuo.anomaly.libsvm that implement TrainerModifier and TypeClassDescriptionclass
A trainer for anomaly models that uses LibSVM. -
Uses of Trainer in org.tribuo.classification
Classes in org.tribuo.classification with type parameters of type TrainerModifier and TypeInterfaceDescriptioninterface
ClassificationOptions<TRAINER extends Trainer<Label>>
AnOptions
that can produce a classificationTrainer
based on the provided arguments.Methods in org.tribuo.classification with parameters of type Trainer -
Uses of Trainer in org.tribuo.classification.baseline
Classes in org.tribuo.classification.baseline that implement TrainerModifier and TypeClassDescriptionfinal class
A trainer for simple baseline classifiers. -
Uses of Trainer in org.tribuo.classification.dtree
Classes in org.tribuo.classification.dtree that implement TrainerModifier and TypeClassDescriptionclass
ATrainer
that uses an approximation of the CART algorithm to build a decision tree. -
Uses of Trainer in org.tribuo.classification.ensemble
Classes in org.tribuo.classification.ensemble that implement TrainerModifier and TypeClassDescriptionclass
Implements Adaboost.SAMME one of the more popular algorithms for multiclass boosting.Fields in org.tribuo.classification.ensemble declared as TrainerMethods in org.tribuo.classification.ensemble that return TrainerModifier and TypeMethodDescriptionClassificationEnsembleOptions.wrapTrainer
(Trainer<Label> trainer) Methods in org.tribuo.classification.ensemble with parameters of type TrainerModifier and TypeMethodDescriptionClassificationEnsembleOptions.wrapTrainer
(Trainer<Label> trainer) Constructors in org.tribuo.classification.ensemble with parameters of type TrainerModifierConstructorDescriptionAdaBoostTrainer
(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
Classes in org.tribuo.classification.experiments that implement interfaces with type arguments of type TrainerModifier and TypeClassDescriptionclass
Aggregates all the classification algorithms.Fields in org.tribuo.classification.experiments declared as TrainerMethods in org.tribuo.classification.experiments that return Trainer -
Uses of Trainer in org.tribuo.classification.liblinear
Classes in org.tribuo.classification.liblinear that implement TrainerModifier and TypeClassDescriptionclass
ATrainer
which wraps a liblinear-java classifier trainer. -
Uses of Trainer in org.tribuo.classification.libsvm
Classes in org.tribuo.classification.libsvm that implement TrainerModifier and TypeClassDescriptionclass
A trainer for classification models that uses LibSVM. -
Uses of Trainer in org.tribuo.classification.mnb
Classes in org.tribuo.classification.mnb that implement TrainerModifier and TypeClassDescriptionclass
ATrainer
which trains a multinomial Naive Bayes model with Laplace smoothing. -
Uses of Trainer in org.tribuo.classification.sequence.viterbi
Methods in org.tribuo.classification.sequence.viterbi with parameters of type TrainerModifier and TypeMethodDescriptionViterbiTrainerOptions.getSequenceTrainer
(Trainer<Label> innerTrainer) Constructors in org.tribuo.classification.sequence.viterbi with parameters of type TrainerModifierConstructorDescriptionViterbiTrainer
(Trainer<Label> trainer, LabelFeatureExtractor labelFeatureExtractor, int stackSize, ViterbiModel.ScoreAggregation scoreAggregation) ViterbiTrainer
(Trainer<Label> trainer, LabelFeatureExtractor labelFeatureExtractor, ViterbiModel.ScoreAggregation scoreAggregation) -
Uses of Trainer in org.tribuo.classification.sgd.kernel
Classes in org.tribuo.classification.sgd.kernel that implement TrainerModifier and TypeClassDescriptionclass
A trainer for a kernelised model using the Pegasos optimiser. -
Uses of Trainer in org.tribuo.classification.sgd.linear
Classes in org.tribuo.classification.sgd.linear that implement TrainerModifier and TypeClassDescriptionclass
A trainer for a linear model which uses 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
Classes in org.tribuo.classification.xgboost that implement TrainerModifier and TypeClassDescriptionfinal class
ATrainer
which wraps the XGBoost training procedure. -
Uses of Trainer in org.tribuo.clustering.kmeans
Classes in org.tribuo.clustering.kmeans that implement TrainerModifier and TypeClassDescriptionclass
A K-Means trainer, which generates a K-means clustering of the supplied data. -
Uses of Trainer in org.tribuo.common.liblinear
Classes in org.tribuo.common.liblinear that implement TrainerModifier and TypeClassDescriptionclass
LibLinearTrainer<T extends Output<T>>
ATrainer
which wraps a liblinear-java trainer. -
Uses of Trainer in org.tribuo.common.libsvm
Classes in org.tribuo.common.libsvm that implement TrainerModifier 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
Classes in org.tribuo.common.nearest that implement TrainerModifier and TypeClassDescriptionclass
KNNTrainer<T extends Output<T>>
ATrainer
for k-nearest neighbour models. -
Uses of Trainer in org.tribuo.common.tree
Subinterfaces of Trainer in org.tribuo.common.treeModifier 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.Classes in org.tribuo.common.tree that implement TrainerModifier 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
RandomForestTrainer<T extends Output<T>>
A trainer which produces a random forest. -
Uses of Trainer in org.tribuo.common.xgboost
Classes in org.tribuo.common.xgboost that implement TrainerModifier and TypeClassDescriptionclass
XGBoostTrainer<T extends Output<T>>
ATrainer
which wraps the XGBoost training procedure. -
Uses of Trainer in org.tribuo.data
Fields in org.tribuo.data declared as Trainer -
Uses of Trainer in org.tribuo.ensemble
Classes in org.tribuo.ensemble that implement TrainerModifier and TypeClassDescriptionclass
BaggingTrainer<T extends Output<T>>
A Trainer that wraps another trainer and produces a bagged ensemble.Fields in org.tribuo.ensemble declared as TrainerConstructors in org.tribuo.ensemble with parameters of type TrainerModifierConstructorDescriptionBaggingTrainer
(Trainer<T> trainer, EnsembleCombiner<T> combiner, int numMembers) BaggingTrainer
(Trainer<T> trainer, EnsembleCombiner<T> combiner, int numMembers, long seed) -
Uses of Trainer in org.tribuo.evaluation
Constructors in org.tribuo.evaluation with parameters of type Trainer -
Uses of Trainer in org.tribuo.hash
Classes in org.tribuo.hash that implement TrainerMethods in org.tribuo.hash that return TrainerModifier and TypeMethodDescriptionHashingOptions.getHashedTrainer
(Trainer<T> innerTrainer) Gets the trainer wrapped in a hashing trainer.Methods in org.tribuo.hash with parameters of type TrainerModifier and TypeMethodDescriptionHashingOptions.getHashedTrainer
(Trainer<T> innerTrainer) Gets the trainer wrapped in a hashing trainer.Constructors in org.tribuo.hash with parameters of type Trainer -
Uses of Trainer in org.tribuo.interop.tensorflow
Classes in org.tribuo.interop.tensorflow that implement TrainerModifier and TypeClassDescriptionfinal class
TensorflowCheckpointTrainer<T extends Output<T>>
Trainer for Tensorflow.final class
TensorflowTrainer<T extends Output<T>>
Trainer for Tensorflow. -
Uses of Trainer in org.tribuo.multilabel.baseline
Classes in org.tribuo.multilabel.baseline that implement TrainerModifier and TypeClassDescriptionclass
Constructors in org.tribuo.multilabel.baseline with parameters of type Trainer -
Uses of Trainer in org.tribuo.provenance
Constructors in org.tribuo.provenance with parameters of type TrainerModifierConstructorDescriptionprotected <T extends Output<T>>
SkeletalTrainerProvenance
(Trainer<T> host) -
Uses of Trainer in org.tribuo.provenance.impl
Constructors in org.tribuo.provenance.impl with parameters of type TrainerModifierConstructorDescription<T extends Output<T>>
TrainerProvenanceImpl
(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
Classes in org.tribuo.regression.baseline that implement TrainerModifier and TypeClassDescriptionfinal class
A trainer for simple baseline regressors. -
Uses of Trainer in org.tribuo.regression.impl
Classes in org.tribuo.regression.impl that implement TrainerModifier and TypeClassDescriptionclass
Base class for training n independent sparse models, one per dimension.class
-
Uses of Trainer in org.tribuo.regression.liblinear
Classes in org.tribuo.regression.liblinear that implement TrainerModifier and TypeClassDescriptionclass
ATrainer
which wraps a liblinear-java regression trainer. -
Uses of Trainer in org.tribuo.regression.libsvm
Classes in org.tribuo.regression.libsvm that implement TrainerModifier and TypeClassDescriptionclass
A trainer for regression models that uses LibSVM. -
Uses of Trainer in org.tribuo.regression.rtree
Classes in org.tribuo.regression.rtree that implement Trainer -
Uses of Trainer in org.tribuo.regression.sgd.linear
Classes in org.tribuo.regression.sgd.linear that implement TrainerModifier and TypeClassDescriptionclass
A trainer for a linear regression model which uses SGD. -
Uses of Trainer in org.tribuo.regression.slm
Classes in org.tribuo.regression.slm that implement TrainerModifier 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
Classes in org.tribuo.regression.xgboost that implement TrainerModifier and TypeClassDescriptionfinal class
ATrainer
which wraps the XGBoost training procedure. -
Uses of Trainer in org.tribuo.transform
Classes in org.tribuo.transform that implement TrainerModifier and TypeClassDescriptionfinal class
TransformTrainer<T extends Output<T>>
ATrainer
which encapsulates another trainer plus aTransformationMap
object to apply to eachDataset
before training eachModel
.Constructors in org.tribuo.transform with parameters of type TrainerModifierConstructorDescriptionTransformTrainer
(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
.