Uses of Class
org.tribuo.Prediction
Package
Description
Provides the core interfaces and classes for using Tribuo.
Evaluation classes for anomaly detection.
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 majority vote ensemble combiners for classification
along with an implementation of multiclass Adaboost.
Evaluation classes for multi-class classification.
Provides core infrastructure for local model based explanations.
Provides an implementation of LIME (Locally Interpretable Model Explanations).
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.
Evaluation classes for clustering.
Provides an implementation of HDBSCAN*.
Provides a multithreaded implementation of K-Means, with a
configurable distance function.
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 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.
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 an interface for working with TensorFlow sequence models, using Tribuo's
SequenceModel
abstraction.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 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 simple baseline regression predictors.
Provides
EnsembleCombiner
implementations
for working with multi-output regression problems.Evaluation classes for single or multi-dimensional regression.
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 an interface to XGBoost for regression problems.
Provides core classes for working with sequences of
Example
s.Provides infrastructure for applying transformations to a
Dataset
.-
Uses of Prediction in org.tribuo
Modifier and TypeMethodDescriptionstatic Prediction<?>
Prediction.deserializeFromProto
(int version, String className, com.google.protobuf.Any message) Deserialization factory.Excuse.getPrediction()
Returns the prediction being excused.abstract Prediction<T>
Uses the model to predict the output for a single example.Modifier and TypeMethodDescriptionprotected List<Prediction<T>>
Model.innerPredict
(Iterable<Example<T>> examples) Called by the base implementations ofModel.predict(Iterable)
andModel.predict(Dataset)
.List<Prediction<T>>
Uses the model to predict the output for multiple examples.List<Prediction<T>>
Uses the model to predict the outputs for multiple examples contained in a data set.Modifier and TypeMethodDescriptionboolean
Prediction.distributionEquals
(Prediction<T> other) Checks that the other prediction has the same distribution as this prediction, using theOutput.fullEquals(T)
method.boolean
Prediction.distributionEquals
(Prediction<T> other, double threshold) Checks that the other prediction has the same distribution as this prediction, using theOutput.fullEquals(T)
method.ModifierConstructorDescriptionExcuse
(Example<T> example, Prediction<T> prediction, Map<String, List<com.oracle.labs.mlrg.olcut.util.Pair<String, Double>>> weights) Constructs an excuse for the prediction of the supplied example, using the feature weights.Prediction
(Prediction<T> other, int numUsed, Example<T> example) Constructs a prediction from the supplied arguments. -
Uses of Prediction in org.tribuo.anomaly.evaluation
Modifier and TypeMethodDescriptionprotected org.tribuo.anomaly.evaluation.AnomalyMetric.Context
AnomalyEvaluator.createContext
(Model<Event> model, List<Prediction<Event>> predictions) org.tribuo.anomaly.evaluation.AnomalyMetric.Context
AnomalyMetric.createContext
(Model<Event> model, List<Prediction<Event>> predictions) -
Uses of Prediction in org.tribuo.anomaly.liblinear
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.anomaly.libsvm
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.classification.baseline
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.classification.ensemble
Modifier and TypeMethodDescriptionFullyWeightedVotingCombiner.combine
(ImmutableOutputInfo<Label> outputInfo, List<Prediction<Label>> predictions) FullyWeightedVotingCombiner.combine
(ImmutableOutputInfo<Label> outputInfo, List<Prediction<Label>> predictions, float[] weights) VotingCombiner.combine
(ImmutableOutputInfo<Label> outputInfo, List<Prediction<Label>> predictions) VotingCombiner.combine
(ImmutableOutputInfo<Label> outputInfo, List<Prediction<Label>> predictions, float[] weights) Modifier and TypeMethodDescriptionFullyWeightedVotingCombiner.combine
(ImmutableOutputInfo<Label> outputInfo, List<Prediction<Label>> predictions) FullyWeightedVotingCombiner.combine
(ImmutableOutputInfo<Label> outputInfo, List<Prediction<Label>> predictions, float[] weights) VotingCombiner.combine
(ImmutableOutputInfo<Label> outputInfo, List<Prediction<Label>> predictions) VotingCombiner.combine
(ImmutableOutputInfo<Label> outputInfo, List<Prediction<Label>> predictions, float[] weights) -
Uses of Prediction in org.tribuo.classification.evaluation
Modifier and TypeMethodDescriptionstatic double
LabelMetrics.AUCROC
(Label label, List<Prediction<Label>> predictions) Area under the ROC curve.static double
LabelMetrics.AUCROC
(MetricTarget<Label> tgt, List<Prediction<Label>> predictions) Area under the ROC curve.static double
LabelMetrics.averagedPrecision
(Label label, List<Prediction<Label>> predictions) static double
LabelMetrics.averagedPrecision
(MetricTarget<Label> tgt, List<Prediction<Label>> predictions) protected LabelMetric.Context
LabelEvaluator.createContext
(Model<Label> model, List<Prediction<Label>> predictions) LabelMetric.createContext
(Model<Label> model, List<Prediction<Label>> predictions) static LabelEvaluationUtil.PRCurve
LabelMetrics.precisionRecallCurve
(Label label, List<Prediction<Label>> predictions) ModifierConstructorDescriptionConstructs a context and compute the confusion matrix using the specified model and predictions.Context
(SequenceModel<Label> model, List<Prediction<Label>> predictions) Constructs a context and compute the confusion matrix using the specified model and predictions.LabelConfusionMatrix
(ImmutableOutputInfo<Label> domain, List<Prediction<Label>> predictions) Creates a confusion matrix from the supplied predictions and label info.LabelConfusionMatrix
(Model<Label> model, List<Prediction<Label>> predictions) Creates a confusion matrix from the supplied predictions, using the label info from the supplied model. -
Uses of Prediction in org.tribuo.classification.explanations
Modifier and TypeMethodDescriptionExplanation.getPrediction()
The original model's prediction which is being explained. -
Uses of Prediction in org.tribuo.classification.explanations.lime
Modifier and TypeMethodDescriptionstatic Regressor
LIMEBase.transformOutput
(Prediction<Label> prediction) Transforms aPrediction
for a multiclass problem into aRegressor
output which represents the probability for each class.ModifierConstructorDescriptionLIMEExplanation
(SparseModel<Regressor> model, Prediction<Label> prediction, RegressionEvaluation evaluation) Constructs a LIME explanation. -
Uses of Prediction in org.tribuo.classification.liblinear
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.classification.libsvm
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.classification.mnb
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.classification.sequence
Modifier and TypeMethodDescriptionLabelSequenceEvaluation.getPredictions()
Gets the flattened predictions.Modifier and TypeMethodDescriptionprotected LabelMetric.Context
LabelSequenceEvaluator.createContext
(SequenceModel<Label> model, List<List<Prediction<Label>>> predictions) static <SUB extends ConfidencePredictingSequenceModel.Subsequence>
List<Double>ConfidencePredictingSequenceModel.multiplyWeights
(List<Prediction<Label>> predictions, List<SUB> subsequences) A scoring method which multiplies together the per prediction scores.abstract <SUB extends ConfidencePredictingSequenceModel.Subsequence>
List<Double>ConfidencePredictingSequenceModel.scoreSubsequences
(SequenceExample<Label> example, List<Prediction<Label>> predictions, List<SUB> subsequences) The scoring function for the subsequences. -
Uses of Prediction in org.tribuo.classification.sequence.viterbi
Modifier and TypeMethodDescriptionList<List<Prediction<Label>>>
ViterbiModel.predict
(SequenceDataset<Label> examples) ViterbiModel.predict
(SequenceExample<Label> examples) -
Uses of Prediction in org.tribuo.classification.sgd.crf
Modifier and TypeMethodDescription<SUB extends ConfidencePredictingSequenceModel.Subsequence>
List<Double>CRFModel.scoreSubsequences
(SequenceExample<Label> example, List<Prediction<Label>> predictions, List<SUB> subsequences) -
Uses of Prediction in org.tribuo.classification.sgd.fm
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.classification.sgd.kernel
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.classification.sgd.linear
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.classification.xgboost
Modifier and TypeMethodDescriptionXGBoostClassificationConverter.convertOutput
(ImmutableOutputInfo<Label> info, List<float[]> probabilitiesList, int numValidFeatures, Example<Label> example) Modifier and TypeMethodDescriptionXGBoostClassificationConverter.convertBatchOutput
(ImmutableOutputInfo<Label> info, List<float[][]> probabilitiesList, int[] numValidFeatures, Example<Label>[] examples) -
Uses of Prediction in org.tribuo.clustering.evaluation
Modifier and TypeMethodDescriptionprotected org.tribuo.clustering.evaluation.ClusteringMetric.Context
ClusteringEvaluator.createContext
(Model<ClusterID> model, List<Prediction<ClusterID>> predictions) org.tribuo.clustering.evaluation.ClusteringMetric.Context
ClusteringMetric.createContext
(Model<ClusterID> model, List<Prediction<ClusterID>> predictions) -
Uses of Prediction in org.tribuo.clustering.hdbscan
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.clustering.kmeans
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.common.nearest
Modifier and TypeMethodDescriptionprotected List<Prediction<T>>
KNNModel.innerPredict
(Iterable<Example<T>> examples) Uses the model to predict the output for multiple examples. -
Uses of Prediction in org.tribuo.common.tree
Modifier and TypeMethodDescriptionLeafNode.getPrediction
(int numUsed, Example<T> example) Constructs a new prediction object based on this node's scores. -
Uses of Prediction in org.tribuo.common.xgboost
Modifier and TypeMethodDescriptionprotected Prediction<T>
XGBoostExternalModel.convertOutput
(float[][] output, int numValidFeatures, Example<T> example) XGBoostOutputConverter.convertOutput
(ImmutableOutputInfo<T> info, List<float[]> probabilities, int numValidFeatures, Example<T> example) Converts a list of float arrays from XGBoost Boosters into a TribuoPrediction
.Modifier and TypeMethodDescriptionList<Prediction<T>>
XGBoostOutputConverter.convertBatchOutput
(ImmutableOutputInfo<T> info, List<float[][]> probabilities, int[] numValidFeatures, Example<T>[] examples) Converts a list of float arrays from XGBoost Boosters into a TribuoPrediction
.protected List<Prediction<T>>
XGBoostExternalModel.convertOutput
(float[][] output, int[] numValidFeatures, List<Example<T>> examples) List<Prediction<T>>
Uses the model to predict the label for multiple examples.List<Prediction<T>>
Uses the model to predict the labels for multiple examples contained in a data set. -
Uses of Prediction in org.tribuo.ensemble
Modifier and TypeMethodDescriptionEnsembleCombiner.combine
(ImmutableOutputInfo<T> outputInfo, List<Prediction<T>> predictions) Combine the predictions.EnsembleCombiner.combine
(ImmutableOutputInfo<T> outputInfo, List<Prediction<T>> predictions, float[] weights) Combine the supplied predictions.Modifier and TypeMethodDescriptionEnsembleCombiner.combine
(ImmutableOutputInfo<T> outputInfo, List<Prediction<T>> predictions) Combine the predictions.EnsembleCombiner.combine
(ImmutableOutputInfo<T> outputInfo, List<Prediction<T>> predictions, float[] weights) Combine the supplied predictions.ModifierConstructorDescriptionEnsembleExcuse
(Example<T> example, Prediction<T> prediction, Map<String, List<com.oracle.labs.mlrg.olcut.util.Pair<String, Double>>> weights, List<Excuse<T>> innerExcuses) Constructs an ensemble excuse, comprising the excuses from each ensemble member, along with the feature weights. -
Uses of Prediction in org.tribuo.evaluation
Modifier and TypeMethodDescriptionOnlineEvaluator.predictAndObserve
(Example<T> example) Feeds the example to the model, records the prediction and returns it.Modifier and TypeMethodDescriptionList<Prediction<T>>
Evaluation.getPredictions()
Gets the predictions stored in this evaluation.List<Prediction<T>>
OnlineEvaluator.predictAndObserve
(Iterable<Example<T>> examples) Feeds the examples to the model, records the predictions and returns them.Modifier and TypeMethodDescriptionvoid
OnlineEvaluator.observe
(Prediction<T> newPrediction) Records the supplied prediction.Modifier and TypeMethodDescriptionprotected abstract C
AbstractEvaluator.createContext
(Model<T> model, List<Prediction<T>> predictions) Create the context needed for evaluation.final E
AbstractEvaluator.evaluate
(Model<T> model, List<Prediction<T>> predictions, DataProvenance dataProvenance) Produces an evaluation for the supplied model and predictions by aggregating the appropriate statistics.default E
Evaluator.evaluate
(Model<T> model, List<Prediction<T>> predictions, List<T> groundTruth, DataProvenance dataProvenance) Evaluates the model performance using the supplied predictions, returning an immutableEvaluation
of the appropriate type.Evaluator.evaluate
(Model<T> model, List<Prediction<T>> predictions, DataProvenance dataProvenance) Evaluates the model performance using the supplied predictions, returning an immutableEvaluation
of the appropriate type.void
OnlineEvaluator.observe
(List<Prediction<T>> newPredictions) Records all the supplied predictions. -
Uses of Prediction in org.tribuo.evaluation.metrics
Modifier and TypeMethodDescriptionList<Prediction<T>>
MetricContext.getPredictions()
Gets the predictions used by this context.Modifier and TypeMethodDescriptionEvaluationMetric.createContext
(Model<T> model, List<Prediction<T>> predictions) Creates the context this metric uses to compute it's value.ModifierConstructorDescriptionprotected
MetricContext
(Model<T> model, List<Prediction<T>> predictions) Constructs a metric context.protected
MetricContext
(SequenceModel<T> model, List<Prediction<T>> predictions) Constructs a metric context for a sequence model. -
Uses of Prediction in org.tribuo.interop
Modifier and TypeMethodDescriptionprotected abstract Prediction<T>
ExternalModel.convertOutput
(V output, int numValidFeatures, Example<T> example) Converts the output of the external model into aPrediction
.Modifier and TypeMethodDescriptionprotected abstract List<Prediction<T>>
ExternalModel.convertOutput
(V output, int[] numValidFeatures, List<Example<T>> examples) Converts the output of the external model into a list ofPrediction
s.protected List<Prediction<T>>
ExternalModel.innerPredict
(Iterable<Example<T>> examples) -
Uses of Prediction in org.tribuo.interop.oci
Modifier and TypeMethodDescriptionOCILabelConverter.convertOutput
(DenseVector scores, int numValidFeature, Example<Label> example, ImmutableOutputInfo<Label> outputIDInfo) protected Prediction<T>
OCIModel.convertOutput
(DenseMatrix scores, int numValidFeature, Example<T> example) OCIMultiLabelConverter.convertOutput
(DenseVector scores, int numValidFeature, Example<MultiLabel> example, ImmutableOutputInfo<MultiLabel> outputIDInfo) OCIOutputConverter.convertOutput
(DenseVector scores, int numValidFeature, Example<T> example, ImmutableOutputInfo<T> outputIDInfo) Converts a dense vector into a single prediction of the appropriate type.OCIRegressorConverter.convertOutput
(DenseVector scores, int numValidFeature, Example<Regressor> example, ImmutableOutputInfo<Regressor> outputIDInfo) Modifier and TypeMethodDescriptionOCILabelConverter.convertOutput
(DenseMatrix scores, int[] numValidFeatures, List<Example<Label>> examples, ImmutableOutputInfo<Label> outputIDInfo) protected List<Prediction<T>>
OCIModel.convertOutput
(DenseMatrix scores, int[] numValidFeatures, List<Example<T>> list) OCIMultiLabelConverter.convertOutput
(DenseMatrix scores, int[] numValidFeatures, List<Example<MultiLabel>> examples, ImmutableOutputInfo<MultiLabel> outputIDInfo) List<Prediction<T>>
OCIOutputConverter.convertOutput
(DenseMatrix scores, int[] numValidFeatures, List<Example<T>> examples, ImmutableOutputInfo<T> outputIDInfo) Converts a dense matrix into a list of predictions of the appropriate type.OCIRegressorConverter.convertOutput
(DenseMatrix scores, int[] numValidFeatures, List<Example<Regressor>> examples, ImmutableOutputInfo<Regressor> outputIDInfo) -
Uses of Prediction in org.tribuo.interop.onnx
Modifier and TypeMethodDescriptionprotected Prediction<T>
ONNXExternalModel.convertOutput
(List<ai.onnxruntime.OnnxValue> output, int numValidFeatures, Example<T> example) Converts a tensor into a prediction.LabelTransformer.transformToPrediction
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Label> outputIDInfo, int numValidFeatures, Example<Label> example) MultiLabelTransformer.transformToPrediction
(List<ai.onnxruntime.OnnxValue> value, ImmutableOutputInfo<MultiLabel> outputIDInfo, int numValidFeatures, Example<MultiLabel> example) OutputTransformer.transformToPrediction
(List<ai.onnxruntime.OnnxValue> value, ImmutableOutputInfo<T> outputIDInfo, int numValidFeatures, Example<T> example) Converts aOnnxValue
into aPrediction
.RegressorTransformer.transformToPrediction
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Regressor> outputIDInfo, int numValidFeatures, Example<Regressor> example) Modifier and TypeMethodDescriptionprotected List<Prediction<T>>
ONNXExternalModel.convertOutput
(List<ai.onnxruntime.OnnxValue> output, int[] numValidFeatures, List<Example<T>> examples) Converts a tensor into a prediction.LabelTransformer.transformToBatchPrediction
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Label> outputIDInfo, int[] numValidFeatures, List<Example<Label>> examples) MultiLabelTransformer.transformToBatchPrediction
(List<ai.onnxruntime.OnnxValue> value, ImmutableOutputInfo<MultiLabel> outputIDInfo, int[] numValidFeatures, List<Example<MultiLabel>> examples) List<Prediction<T>>
OutputTransformer.transformToBatchPrediction
(List<ai.onnxruntime.OnnxValue> value, ImmutableOutputInfo<T> outputIDInfo, int[] numValidFeatures, List<Example<T>> examples) Converts aOnnxValue
containing multiple outputs into a list ofPrediction
s.RegressorTransformer.transformToBatchPrediction
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Regressor> outputIDInfo, int[] numValidFeatures, List<Example<Regressor>> examples) -
Uses of Prediction in org.tribuo.interop.tensorflow
Modifier and TypeMethodDescriptionprotected Prediction<T>
TensorFlowFrozenExternalModel.convertOutput
(org.tensorflow.Tensor output, int numValidFeatures, Example<T> example) Converts a tensor into a prediction.protected Prediction<T>
TensorFlowSavedModelExternalModel.convertOutput
(TensorMap output, int numValidFeatures, Example<T> example) Converts a tensor into a prediction.LabelConverter.convertToPrediction
(org.tensorflow.Tensor tensor, ImmutableOutputInfo<Label> outputIDInfo, int numValidFeatures, Example<Label> example) MultiLabelConverter.convertToPrediction
(org.tensorflow.Tensor tensor, ImmutableOutputInfo<MultiLabel> outputIDInfo, int numValidFeatures, Example<MultiLabel> example) OutputConverter.convertToPrediction
(org.tensorflow.Tensor tensor, ImmutableOutputInfo<T> outputIDInfo, int numValidFeatures, Example<T> example) Converts aTensor
into aPrediction
.RegressorConverter.convertToPrediction
(org.tensorflow.Tensor tensor, ImmutableOutputInfo<Regressor> outputIDInfo, int numValidFeatures, Example<Regressor> example) Modifier and TypeMethodDescriptionprotected List<Prediction<T>>
TensorFlowFrozenExternalModel.convertOutput
(org.tensorflow.Tensor output, int[] numValidFeatures, List<Example<T>> examples) Converts a tensor into a prediction.protected List<Prediction<T>>
TensorFlowSavedModelExternalModel.convertOutput
(TensorMap output, int[] numValidFeatures, List<Example<T>> examples) Converts a tensor into a prediction.LabelConverter.convertToBatchPrediction
(org.tensorflow.Tensor tensor, ImmutableOutputInfo<Label> outputIDInfo, int[] numValidFeatures, List<Example<Label>> examples) MultiLabelConverter.convertToBatchPrediction
(org.tensorflow.Tensor tensor, ImmutableOutputInfo<MultiLabel> outputIDInfo, int[] numValidFeatures, List<Example<MultiLabel>> examples) List<Prediction<T>>
OutputConverter.convertToBatchPrediction
(org.tensorflow.Tensor tensor, ImmutableOutputInfo<T> outputIDInfo, int[] numValidFeatures, List<Example<T>> examples) Converts aTensor
containing multiple outputs into a list ofPrediction
s.RegressorConverter.convertToBatchPrediction
(org.tensorflow.Tensor tensor, ImmutableOutputInfo<Regressor> outputIDInfo, int[] numValidFeatures, List<Example<Regressor>> examples) protected List<Prediction<T>>
TensorFlowModel.innerPredict
(Iterable<Example<T>> examples) -
Uses of Prediction in org.tribuo.interop.tensorflow.sequence
Modifier and TypeMethodDescriptionList<List<Prediction<T>>>
SequenceOutputConverter.decode
(org.tensorflow.Tensor outputs, List<SequenceExample<T>> inputBatch, ImmutableOutputInfo<T> labelMap) Decode graph output tensors corresponding to a batch of input sequences.List<Prediction<T>>
SequenceOutputConverter.decode
(org.tensorflow.Tensor output, SequenceExample<T> input, ImmutableOutputInfo<T> labelMap) Decode a tensor of graph output into a list of predictions for the input sequence.List<Prediction<T>>
TensorFlowSequenceModel.predict
(SequenceExample<T> example) -
Uses of Prediction in org.tribuo.multilabel.baseline
Modifier and TypeMethodDescriptionClassifierChainModel.predict
(Example<MultiLabel> example) IndependentMultiLabelModel.predict
(Example<MultiLabel> example) -
Uses of Prediction in org.tribuo.multilabel.ensemble
Modifier and TypeMethodDescriptionMultiLabelVotingCombiner.combine
(ImmutableOutputInfo<MultiLabel> outputInfo, List<Prediction<MultiLabel>> predictions) MultiLabelVotingCombiner.combine
(ImmutableOutputInfo<MultiLabel> outputInfo, List<Prediction<MultiLabel>> predictions, float[] weights) Modifier and TypeMethodDescriptionMultiLabelVotingCombiner.combine
(ImmutableOutputInfo<MultiLabel> outputInfo, List<Prediction<MultiLabel>> predictions) MultiLabelVotingCombiner.combine
(ImmutableOutputInfo<MultiLabel> outputInfo, List<Prediction<MultiLabel>> predictions, float[] weights) -
Uses of Prediction in org.tribuo.multilabel.evaluation
Modifier and TypeMethodDescriptionprotected org.tribuo.multilabel.evaluation.MultiLabelMetric.Context
MultiLabelEvaluator.createContext
(Model<MultiLabel> model, List<Prediction<MultiLabel>> predictions) org.tribuo.multilabel.evaluation.MultiLabelMetric.Context
MultiLabelMetric.createContext
(Model<MultiLabel> model, List<Prediction<MultiLabel>> predictions) static double
MultiLabelMetrics.jaccardScore
(List<Prediction<MultiLabel>> predictions) The average Jaccard score across the predictions.ModifierConstructorDescriptionMultiLabelConfusionMatrix
(Model<MultiLabel> model, List<Prediction<MultiLabel>> predictions) Constructs a multi-label confusion matrix for the specified model and predictions. -
Uses of Prediction in org.tribuo.multilabel.sgd.fm
-
Uses of Prediction in org.tribuo.multilabel.sgd.linear
-
Uses of Prediction in org.tribuo.regression.baseline
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.regression.ensemble
Modifier and TypeMethodDescriptionAveragingCombiner.combine
(ImmutableOutputInfo<Regressor> outputInfo, List<Prediction<Regressor>> predictions) AveragingCombiner.combine
(ImmutableOutputInfo<Regressor> outputInfo, List<Prediction<Regressor>> predictions, float[] weights) Modifier and TypeMethodDescriptionAveragingCombiner.combine
(ImmutableOutputInfo<Regressor> outputInfo, List<Prediction<Regressor>> predictions) AveragingCombiner.combine
(ImmutableOutputInfo<Regressor> outputInfo, List<Prediction<Regressor>> predictions, float[] weights) -
Uses of Prediction in org.tribuo.regression.evaluation
Modifier and TypeMethodDescriptionprotected org.tribuo.regression.evaluation.RegressionMetric.Context
RegressionEvaluator.createContext
(Model<Regressor> model, List<Prediction<Regressor>> predictions) org.tribuo.regression.evaluation.RegressionMetric.Context
RegressionMetric.createContext
(Model<Regressor> model, List<Prediction<Regressor>> predictions) ModifierConstructorDescriptionRegressionSufficientStatistics
(ImmutableOutputInfo<Regressor> domain, List<Prediction<Regressor>> predictions, boolean useExampleWeights) Constructs the sufficient statistics for regression metrics. -
Uses of Prediction in org.tribuo.regression.impl
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.regression.liblinear
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.regression.libsvm
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.regression.rtree
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.regression.sgd.fm
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.regression.sgd.linear
Modifier and TypeMethodDescription -
Uses of Prediction in org.tribuo.regression.xgboost
Modifier and TypeMethodDescriptionXGBoostRegressionConverter.convertOutput
(ImmutableOutputInfo<Regressor> info, List<float[]> probabilities, int numValidFeatures, Example<Regressor> example) Modifier and TypeMethodDescriptionXGBoostRegressionConverter.convertBatchOutput
(ImmutableOutputInfo<Regressor> info, List<float[][]> probabilities, int[] numValidFeatures, Example<Regressor>[] examples) -
Uses of Prediction in org.tribuo.sequence
Modifier and TypeMethodDescriptionList<Prediction<T>>
IndependentSequenceModel.predict
(SequenceExample<T> example) List<List<Prediction<T>>>
SequenceModel.predict
(Iterable<SequenceExample<T>> examples) Uses the model to predict the output for multiple examples.List<List<Prediction<T>>>
SequenceModel.predict
(SequenceDataset<T> examples) Uses the model to predict the labels for multiple examples contained in a data set.abstract List<Prediction<T>>
SequenceModel.predict
(SequenceExample<T> example) Uses the model to predict the output for a single example.Modifier and TypeMethodDescriptionprotected abstract C
AbstractSequenceEvaluator.createContext
(SequenceModel<T> model, List<List<Prediction<T>>> predictions) Create the context needed for evaluation.final E
AbstractSequenceEvaluator.evaluate
(SequenceModel<T> model, List<List<Prediction<T>>> predictions, DataProvenance dataProvenance) Produces an evaluation for the supplied model and predictions by aggregating the appropriate statistics.SequenceEvaluator.evaluate
(SequenceModel<T> model, List<List<Prediction<T>>> predictions, DataProvenance dataProvenance) Evaluates the supplied model and predictions by aggregating the appropriate statistics.SequenceModel.toMaxLabels
(List<Prediction<T>> predictions) Extracts a list of the predicted outputs from the list of prediction objects. -
Uses of Prediction in org.tribuo.transform