Uses of Class
org.tribuo.provenance.ModelProvenance
Packages that use 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
SequenceModels which
emit Labels at each step of the sequence.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 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.
This package contains the abstract implementation of an external model
trained by something outside of Tribuo.
This package contains a Tribuo wrapper around the ONNX Runtime.
Provides an interface to TensorFlow, allowing the training of non-sequential models using any supported
Tribuo output type.
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 linear regression using Stochastic Gradient Descent.
Provides implementations of sparse linear regression using various forms of regularisation penalty.
Provides core classes for working with sequences of
Examples.Provides infrastructure for applying transformations to a
Dataset.-
Uses of ModelProvenance in org.tribuo
Classes in org.tribuo that implement interfaces with type arguments of type ModelProvenanceModifier and TypeClassDescriptionclassA prediction model, which is used to predict outputs for unseen instances.Fields in org.tribuo declared as ModelProvenanceModifier and TypeFieldDescriptionprotected final ModelProvenanceModel.provenanceThe model provenance.Methods in org.tribuo that return ModelProvenanceMethods in org.tribuo with parameters of type ModelProvenanceModifier and TypeMethodDescriptionModel.copy(String newName, ModelProvenance newProvenance) Copies a model, replacing it's provenance and name with the supplied values.Constructors in org.tribuo with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedModel(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
Methods in org.tribuo.anomaly.liblinear with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LibLinearAnomalyModelLibLinearAnomalyModel.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
Methods in org.tribuo.anomaly.libsvm with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LibSVMAnomalyModelLibSVMAnomalyModel.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
Methods in org.tribuo.classification.baseline with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected DummyClassifierModelDummyClassifierModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.classification.liblinear
Methods in org.tribuo.classification.liblinear with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LibLinearClassificationModelLibLinearClassificationModel.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
Methods in org.tribuo.classification.libsvm with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LibSVMClassificationModelLibSVMClassificationModel.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
Methods in org.tribuo.classification.mnb with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected MultinomialNaiveBayesModelMultinomialNaiveBayesModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.classification.sequence
Constructors in org.tribuo.classification.sequence with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedConfidencePredictingSequenceModel(String name, ModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Label> labelIDMap) -
Uses of ModelProvenance in org.tribuo.classification.sgd.kernel
Methods in org.tribuo.classification.sgd.kernel with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected KernelSVMModelKernelSVMModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.classification.sgd.linear
Methods in org.tribuo.classification.sgd.linear with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LinearSGDModelLinearSGDModel.copy(String newName, ModelProvenance newProvenance) protected LinearSGDModelLinearSGDTrainer.createModel(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Label> outputInfo, LinearParameters parameters) -
Uses of ModelProvenance in org.tribuo.clustering.kmeans
Methods in org.tribuo.clustering.kmeans with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected KMeansModelKMeansModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.common.liblinear
Methods in org.tribuo.common.liblinear with parameters of type ModelProvenanceModifier 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.Constructors in org.tribuo.common.liblinear with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedLibLinearModel(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
Methods in org.tribuo.common.libsvm with parameters of type ModelProvenanceModifier 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.Constructors in org.tribuo.common.libsvm with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedLibSVMModel(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
Methods in org.tribuo.common.nearest with parameters of type ModelProvenance -
Uses of ModelProvenance in org.tribuo.common.sgd
Methods in org.tribuo.common.sgd with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected abstract VAbstractSGDTrainer.createModel(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<T> outputInfo, X parameters) Creates the appropriate model subclass for this subclass of AbstractSGDTrainer.Constructors in org.tribuo.common.sgd with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedAbstractLinearSGDModel(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, LinearParameters parameters, boolean generatesProbabilities) Constructs a linear model trained via SGD.protectedAbstractSGDModel(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
Methods in org.tribuo.common.tree with parameters of type ModelProvenanceConstructors in org.tribuo.common.tree with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedTreeModel(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
Methods in org.tribuo.common.xgboost with parameters of type ModelProvenanceModifier 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) -
Uses of ModelProvenance in org.tribuo.ensemble
Methods in org.tribuo.ensemble with parameters of type ModelProvenance -
Uses of ModelProvenance in org.tribuo.interop
Constructors in org.tribuo.interop with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedExternalModel(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, boolean generatesProbabilities, Map<String, Integer> featureMapping) protectedExternalModel(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, int[] featureForwardMapping, int[] featureBackwardMapping, boolean generatesProbabilities) -
Uses of ModelProvenance in org.tribuo.interop.onnx
Methods in org.tribuo.interop.onnx with parameters of type ModelProvenanceModifier and TypeMethodDescriptionONNXExternalModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.interop.tensorflow
Methods in org.tribuo.interop.tensorflow with parameters of type ModelProvenanceModifier 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) Constructors in org.tribuo.interop.tensorflow with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedTensorFlowModel(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
Methods in org.tribuo.multilabel.baseline with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected IndependentMultiLabelModelIndependentMultiLabelModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.multilabel.sgd.linear
Methods in org.tribuo.multilabel.sgd.linear with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LinearSGDModelLinearSGDModel.copy(String newName, ModelProvenance newProvenance) protected LinearSGDModelLinearSGDTrainer.createModel(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<MultiLabel> outputInfo, LinearParameters parameters) -
Uses of ModelProvenance in org.tribuo.provenance
Subclasses of ModelProvenance in org.tribuo.provenanceModifier and TypeClassDescriptionclassModel provenance for ensemble models.Methods in org.tribuo.provenance that return ModelProvenanceModifier and TypeMethodDescriptionEvaluationProvenance.getModelProvenance()The model provenance.Methods in org.tribuo.provenance that return types with arguments of type ModelProvenanceModifier and TypeMethodDescriptioncom.oracle.labs.mlrg.olcut.provenance.ListProvenance<? extends ModelProvenance> EnsembleModelProvenance.getMemberProvenance()Get the provenances for each ensemble member.Constructors in org.tribuo.provenance with parameters of type ModelProvenanceModifierConstructorDescriptionEvaluationProvenance(ModelProvenance modelProvenance, DataProvenance datasetProvenance) Constructor parameters in org.tribuo.provenance with type arguments of type ModelProvenanceModifierConstructorDescriptionEnsembleModelProvenance(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
Methods in org.tribuo.regression.baseline with parameters of type ModelProvenanceModifier and TypeMethodDescriptionDummyRegressionModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.regression.impl
Methods in org.tribuo.regression.impl with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected abstract SkeletalIndependentRegressionSparseModelSkeletalIndependentRegressionSparseTrainer.createModel(Map<String, T> models, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo) Constructs the appropriate subclass ofSkeletalIndependentRegressionModelfor this trainer.protected abstract SkeletalIndependentRegressionModelSkeletalIndependentRegressionTrainer.createModel(Map<String, T> models, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo) Constructs the appropriate subclass ofSkeletalIndependentRegressionModelfor this trainer.Constructors in org.tribuo.regression.impl with parameters of type ModelProvenanceModifierConstructorDescriptionprotectedSkeletalIndependentRegressionModel(String name, String[] dimensions, ModelProvenance modelProvenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo) models.size() must equal labelInfo.getDomain().size()protectedSkeletalIndependentRegressionSparseModel(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
Methods in org.tribuo.regression.liblinear with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LibLinearRegressionModelLibLinearRegressionModel.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
Methods in org.tribuo.regression.libsvm with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LibSVMRegressionModelLibSVMRegressionModel.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
Methods in org.tribuo.regression.rtree with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected IndependentRegressionTreeModelIndependentRegressionTreeModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.regression.sgd.linear
Methods in org.tribuo.regression.sgd.linear with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected LinearSGDModelLinearSGDModel.copy(String newName, ModelProvenance newProvenance) protected LinearSGDModelLinearSGDTrainer.createModel(String name, ModelProvenance provenance, ImmutableFeatureMap featureMap, ImmutableOutputInfo<Regressor> outputInfo, LinearParameters parameters) -
Uses of ModelProvenance in org.tribuo.regression.slm
Methods in org.tribuo.regression.slm with parameters of type ModelProvenanceModifier and TypeMethodDescriptionSparseLinearModel.copy(String newName, ModelProvenance newProvenance) -
Uses of ModelProvenance in org.tribuo.sequence
Classes in org.tribuo.sequence that implement interfaces with type arguments of type ModelProvenanceModifier and TypeClassDescriptionclassSequenceModel<T extends Output<T>>A prediction model, which is used to predict outputs for unseen instances.Methods in org.tribuo.sequence that return ModelProvenanceConstructors in org.tribuo.sequence with parameters of type ModelProvenanceModifierConstructorDescriptionSequenceModel(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDMap) -
Uses of ModelProvenance in org.tribuo.transform
Methods in org.tribuo.transform with parameters of type ModelProvenanceModifier and TypeMethodDescriptionprotected TransformedModel<T> TransformedModel.copy(String name, ModelProvenance newProvenance)