Uses of Class
org.tribuo.provenance.ModelProvenance
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 simple baseline multiclass classifiers.
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 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 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 an interface for model prediction combinations,
two base classes for ensemble models, a base class for
ensemble excuses, and a Bagging implementation.
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.
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 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 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 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.
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 ModelProvenance in org.tribuo
Modifier and TypeFieldDescriptionprotected final ModelProvenance
Model.provenance
The model provenance.Modifier and TypeMethodDescriptionstatic <M extends com.oracle.labs.mlrg.olcut.provenance.Provenancable<ModelProvenance>>
ai.onnx.proto.OnnxMl.ModelProtoONNXExportable.buildModel
(ONNXContext onnxContext, String domain, long modelVersion, M model) Creates an ONNX model protobuf for the supplied context.Modifier and TypeMethodDescriptionModel.copy
(String newName, ModelProvenance newProvenance) Copies a model, replacing its provenance and name with the supplied values.default String
ONNXExportable.serializeProvenance
(ModelProvenance provenance) Serializes the model provenance to a String.ModifierConstructorDescriptionprotected
Model
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, boolean generatesProbabilities) Constructs a new model, storing the supplied fields.SparseModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, boolean generatesProbabilities, Map<String, List<String>> activeFeatures) Constructs a sparse model from the supplied arguments. -
Uses of ModelProvenance in org.tribuo.anomaly.liblinear
Modifier and TypeMethodDescriptionprotected LibLinearAnomalyModel
LibLinearAnomalyModel.copy
(String newName, ModelProvenance newProvenance) protected LibLinearModel<Event>
LibLinearAnomalyTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Event> outputIDInfo, List<de.bwaldvogel.liblinear.Model> models) -
Uses of ModelProvenance in org.tribuo.anomaly.libsvm
Modifier and TypeMethodDescriptionprotected LibSVMAnomalyModel
LibSVMAnomalyModel.copy
(String newName, ModelProvenance newProvenance) protected LibSVMModel<Event>
LibSVMAnomalyTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Event> outputIDInfo, List<libsvm.svm_model> models) -
Uses of ModelProvenance in org.tribuo.classification.baseline
Modifier and TypeMethodDescriptionprotected DummyClassifierModel
DummyClassifierModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.classification.liblinear
Modifier and TypeMethodDescriptionprotected LibLinearClassificationModel
LibLinearClassificationModel.copy
(String newName, ModelProvenance newProvenance) protected LibLinearModel<Label>
LibLinearClassificationTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Label> outputIDInfo, List<de.bwaldvogel.liblinear.Model> models) -
Uses of ModelProvenance in org.tribuo.classification.libsvm
Modifier and TypeMethodDescriptionprotected LibSVMClassificationModel
LibSVMClassificationModel.copy
(String newName, ModelProvenance newProvenance) protected LibSVMModel<Label>
LibSVMClassificationTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Label> outputIDInfo, List<libsvm.svm_model> models) -
Uses of ModelProvenance in org.tribuo.classification.mnb
Modifier and TypeMethodDescriptionprotected MultinomialNaiveBayesModel
MultinomialNaiveBayesModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.classification.sequence
ModifierConstructorDescriptionprotected
ConfidencePredictingSequenceModel
(String name, ModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Label> labelIDMap) Constructs a ConfidencePredictingSequenceModel with the supplied parameters. -
Uses of ModelProvenance in org.tribuo.classification.sgd.fm
Modifier and TypeMethodDescriptionprotected FMClassificationModel
FMClassificationModel.copy
(String newName, ModelProvenance newProvenance) protected FMClassificationModel
FMClassificationTrainer.createModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Label> outputInfo, FMParameters parameters) -
Uses of ModelProvenance in org.tribuo.classification.sgd.kernel
Modifier and TypeMethodDescriptionprotected KernelSVMModel
KernelSVMModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.classification.sgd.linear
Modifier and TypeMethodDescriptionprotected LinearSGDModel
LinearSGDModel.copy
(String newName, ModelProvenance newProvenance) protected LinearSGDModel
LinearSGDTrainer.createModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Label> outputInfo, LinearParameters parameters) -
Uses of ModelProvenance in org.tribuo.clustering.hdbscan
Modifier and TypeMethodDescriptionprotected HdbscanModel
HdbscanModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.clustering.kmeans
Modifier and TypeMethodDescriptionprotected KMeansModel
KMeansModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.common.liblinear
Modifier and TypeMethodDescriptionprotected abstract LibLinearModel<T>
LibLinearTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, List<de.bwaldvogel.liblinear.Model> models) Construct the appropriate subtype of LibLinearModel for the prediction task.ModifierConstructorDescriptionprotected
LibLinearModel
(String name, ModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> labelIDMap, boolean generatesProbabilities, List<de.bwaldvogel.liblinear.Model> models) Constructs a LibLinear model from the supplied arguments. -
Uses of ModelProvenance in org.tribuo.common.libsvm
Modifier and TypeMethodDescriptionprotected abstract LibSVMModel<T>
LibSVMTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, List<libsvm.svm_model> models) Construct the appropriate subtype of LibSVMModel for the prediction task.ModifierConstructorDescriptionprotected
LibSVMModel
(String name, ModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, boolean generatesProbabilities, List<libsvm.svm_model> models) Constructs a LibSVMModel from the supplied arguments. -
Uses of ModelProvenance in org.tribuo.common.nearest
-
Uses of ModelProvenance in org.tribuo.common.sgd
Modifier and TypeMethodDescriptionprotected abstract V
AbstractSGDTrainer.createModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<T> outputInfo, X parameters) Creates the appropriate model subclass for this subclass of AbstractSGDTrainer.ModifierConstructorDescriptionprotected
AbstractFMModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, FMParameters parameters, boolean generatesProbabilities) Constructs a factorization machine model trained via SGD.protected
AbstractLinearSGDModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, LinearParameters parameters, boolean generatesProbabilities) Constructs a linear model trained via SGD.protected
AbstractSGDModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, FeedForwardParameters weights, boolean generatesProbabilities, boolean addBias) Constructs a linear model trained via SGD. -
Uses of ModelProvenance in org.tribuo.common.tree
ModifierConstructorDescriptionprotected
TreeModel
(String name, ModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, boolean generatesProbabilities, Map<String, List<String>> activeFeatures) Constructs a trained decision tree model. -
Uses of ModelProvenance in org.tribuo.common.xgboost
Modifier and TypeMethodDescriptionprotected XGBoostExternalModel<T>
XGBoostExternalModel.copy
(String newName, ModelProvenance newProvenance) XGBoostModel.copy
(String newName, ModelProvenance newProvenance) protected XGBoostModel<T>
XGBoostTrainer.createModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, List<ml.dmlc.xgboost4j.java.Booster> models, XGBoostOutputConverter<T> converter) Creates an XGBoost model from the booster list. -
Uses of ModelProvenance in org.tribuo.ensemble
-
Uses of ModelProvenance in org.tribuo.impl
ModifierConstructorDescriptionModelDataCarrier
(String name, ModelProvenance provenance, ImmutableFeatureMap featureDomain, ImmutableOutputInfo<T> outputDomain, boolean generatesProbabilities, String tribuoVersion) Constructs a new ModelDataCarrier. -
Uses of ModelProvenance in org.tribuo.interop
ModifierConstructorDescriptionprotected
ExternalModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, boolean generatesProbabilities, Map<String, Integer> featureMapping) Constructs an external model from a model trained outside of Tribuo.protected
ExternalModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, int[] featureForwardMapping, int[] featureBackwardMapping, boolean generatesProbabilities) Constructs an external model from a model trained outside of Tribuo. -
Uses of ModelProvenance in org.tribuo.interop.oci
Modifier and TypeMethodDescriptionOCIModel.copy
(String s, ModelProvenance modelProvenance) static String
OCIUtil.createModel
(Path onnxFile, ModelProvenance provenance, OCIUtil.OCIModelType modelType, com.oracle.bmc.datascience.DataScienceClient client, com.fasterxml.jackson.databind.ObjectMapper mapper, OCIUtil.OCIModelArtifactConfig config) Creates an OCI DS model and uploads the model artifact. -
Uses of ModelProvenance in org.tribuo.interop.onnx
Modifier and TypeMethodDescriptionONNXExternalModel.getTribuoProvenance()
Returns the model provenance from the ONNX model if that model was trained in Tribuo.Modifier and TypeMethodDescriptionONNXExternalModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.interop.tensorflow
Modifier and TypeMethodDescriptionprotected TensorFlowCheckpointModel<T>
TensorFlowCheckpointModel.copy
(String newName, ModelProvenance newProvenance) TensorFlowFrozenExternalModel.copy
(String newName, ModelProvenance newProvenance) protected TensorFlowNativeModel<T>
TensorFlowNativeModel.copy
(String newName, ModelProvenance newProvenance) TensorFlowSavedModelExternalModel.copy
(String newName, ModelProvenance newProvenance) ModifierConstructorDescriptionprotected
TensorFlowModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, org.tensorflow.proto.framework.GraphDef trainedGraphDef, int batchSize, String outputName, FeatureConverter featureConverter, OutputConverter<T> outputConverter) Builds a TFModel. -
Uses of ModelProvenance in org.tribuo.multilabel.baseline
Modifier and TypeMethodDescriptionprotected ClassifierChainModel
ClassifierChainModel.copy
(String newName, ModelProvenance newProvenance) protected IndependentMultiLabelModel
IndependentMultiLabelModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.multilabel.sgd.fm
Modifier and TypeMethodDescriptionprotected FMMultiLabelModel
FMMultiLabelModel.copy
(String newName, ModelProvenance newProvenance) protected FMMultiLabelModel
FMMultiLabelTrainer.createModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<MultiLabel> outputInfo, FMParameters parameters) -
Uses of ModelProvenance in org.tribuo.multilabel.sgd.linear
Modifier and TypeMethodDescriptionprotected LinearSGDModel
LinearSGDModel.copy
(String newName, ModelProvenance newProvenance) protected LinearSGDModel
LinearSGDTrainer.createModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<MultiLabel> outputInfo, LinearParameters parameters) -
Uses of ModelProvenance in org.tribuo.provenance
Modifier and TypeClassDescriptionclass
Model provenance for ensemble models.Modifier and TypeMethodDescriptionEvaluationProvenance.getModelProvenance()
The model provenance.Modifier and TypeMethodDescriptioncom.oracle.labs.mlrg.olcut.provenance.ListProvenance<? extends ModelProvenance>
EnsembleModelProvenance.getMemberProvenance()
Get the provenances for each ensemble member.ModifierConstructorDescriptionEvaluationProvenance
(ModelProvenance modelProvenance, DataProvenance datasetProvenance) Constructs an evaluation provenance from the supplied provenances.ModifierConstructorDescriptionEnsembleModelProvenance
(String className, OffsetDateTime time, DatasetProvenance datasetProvenance, TrainerProvenance trainerProvenance, com.oracle.labs.mlrg.olcut.provenance.ListProvenance<? extends ModelProvenance> memberProvenance) Creates a provenance for an ensemble model tracking the class name, creation time, dataset provenance and trainer provenance along with the individual model provenances for each ensemble member.EnsembleModelProvenance
(String className, OffsetDateTime time, DatasetProvenance datasetProvenance, TrainerProvenance trainerProvenance, Map<String, com.oracle.labs.mlrg.olcut.provenance.Provenance> instanceProvenance, boolean trackSystem, com.oracle.labs.mlrg.olcut.provenance.ListProvenance<? extends ModelProvenance> memberProvenance) Creates a provenance for an ensemble model tracking the class name, creation time, dataset provenance, trainer provenance and any instance specific provenance along with the individual model provenances for each ensemble member.EnsembleModelProvenance
(String className, OffsetDateTime time, DatasetProvenance datasetProvenance, TrainerProvenance trainerProvenance, Map<String, com.oracle.labs.mlrg.olcut.provenance.Provenance> instanceProvenance, com.oracle.labs.mlrg.olcut.provenance.ListProvenance<? extends ModelProvenance> memberProvenance) Creates a provenance for an ensemble model tracking the class name, creation time, dataset provenance, trainer provenance and any instance specific provenance along with the individual model provenances for each ensemble member. -
Uses of ModelProvenance in org.tribuo.regression.baseline
Modifier and TypeMethodDescriptionDummyRegressionModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.regression.impl
Modifier and TypeMethodDescriptionprotected abstract SkeletalIndependentRegressionSparseModel
SkeletalIndependentRegressionSparseTrainer.createModel
(Map<String, T> models, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo) Constructs the appropriate subclass ofSkeletalIndependentRegressionModel
for this trainer.protected abstract SkeletalIndependentRegressionModel
SkeletalIndependentRegressionTrainer.createModel
(Map<String, T> models, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo) Constructs the appropriate subclass ofSkeletalIndependentRegressionModel
for this trainer.ModifierConstructorDescriptionprotected
SkeletalIndependentRegressionModel
(String name, String[] dimensions, ModelProvenance modelProvenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo) models.size() must equal labelInfo.getDomain().size()protected
SkeletalIndependentRegressionSparseModel
(String name, String[] dimensions, ModelProvenance modelProvenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo, Map<String, List<String>> activeFeatures) models.size() must equal labelInfo.getDomain().size() -
Uses of ModelProvenance in org.tribuo.regression.liblinear
Modifier and TypeMethodDescriptionprotected LibLinearRegressionModel
LibLinearRegressionModel.copy
(String newName, ModelProvenance newProvenance) protected LibLinearModel<Regressor>
LibLinearRegressionTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Regressor> outputIDInfo, List<de.bwaldvogel.liblinear.Model> models) -
Uses of ModelProvenance in org.tribuo.regression.libsvm
Modifier and TypeMethodDescriptionprotected LibSVMRegressionModel
LibSVMRegressionModel.copy
(String newName, ModelProvenance newProvenance) protected LibSVMModel<Regressor>
LibSVMRegressionTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Regressor> outputIDInfo, List<libsvm.svm_model> models) -
Uses of ModelProvenance in org.tribuo.regression.rtree
Modifier and TypeMethodDescriptionprotected IndependentRegressionTreeModel
IndependentRegressionTreeModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.regression.sgd.fm
Modifier and TypeMethodDescriptionprotected FMRegressionModel
FMRegressionModel.copy
(String newName, ModelProvenance newProvenance) protected FMRegressionModel
FMRegressionTrainer.createModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo, FMParameters parameters) -
Uses of ModelProvenance in org.tribuo.regression.sgd.linear
Modifier and TypeMethodDescriptionprotected LinearSGDModel
LinearSGDModel.copy
(String newName, ModelProvenance newProvenance) protected LinearSGDModel
LinearSGDTrainer.createModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo, LinearParameters parameters) -
Uses of ModelProvenance in org.tribuo.regression.slm
Modifier and TypeMethodDescriptionSparseLinearModel.copy
(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.reproducibility
Modifier and TypeMethodDescriptionstatic String
ReproUtil.diffProvenance
(ModelProvenance originalProvenance, ModelProvenance newProvenance) Creates a JSON String diff of twoModelProvenance
objects.ModifierConstructorDescriptionReproUtil
(ModelProvenance provenance, Class<T> outputClass) Creates a ReproUtil instance -
Uses of ModelProvenance in org.tribuo.sequence
ModifierConstructorDescriptionSequenceModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDMap) Builds a SequenceModel. -
Uses of ModelProvenance in org.tribuo.transform
Modifier and TypeMethodDescriptionprotected TransformedModel<T>
TransformedModel.copy
(String name, ModelProvenance newProvenance)