Uses of Interface
org.tribuo.ImmutableOutputInfo
Packages that use ImmutableOutputInfo
Package
Description
Provides the core interfaces and classes for using Tribuo.
Provides classes and infrastructure for anomaly detection problems.
Provides an interface to LibSVM for anomaly detection problems.
Provides classes and infrastructure for multiclass classification problems.
Provides majority vote ensemble combiners for classification
along with an implementation of multiclass Adaboost.
Evaluation classes for multi-class classification.
Provides an interface to LibLinear-java for classification problems.
Provides an interface to LibSVM for classification problems.
Provides infrastructure for
SequenceModel
s which
emit Label
s at each step of the sequence.Provides an implementation of a linear chain CRF trained using Stochastic Gradient Descent.
Provides an interface to XGBoost for classification problems.
Provides classes and infrastructure for working with clustering problems.
Provides base classes for using liblinear from Tribuo.
The base interface to LibSVM.
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 utility datasets which subsample or otherwise
transform the wrapped dataset.
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.
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 interface for working with Tensorflow sequence models, using Tribuo's
SequenceModel
abstraction.Provides classes and infrastructure for working with multi-label classification problems.
Evaluation classes for multi-label classification using
MultiLabel
.Provides classes and infrastructure for regression problems with single or multiple output dimensions.
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 internal implementation classes for the regression trees.
Provides an interface to XGBoost for regression problems.
Provides core classes for working with sequences of
Example
s.-
Uses of ImmutableOutputInfo in org.tribuo
Fields in org.tribuo declared as ImmutableOutputInfoModifier and TypeFieldDescriptionprotected ImmutableOutputInfo
<T> ImmutableDataset.outputIDInfo
Output information, and id numbers for outputs found in this dataset.protected final ImmutableOutputInfo
<T> Model.outputIDInfo
The outputs this model predicts.Methods in org.tribuo that return ImmutableOutputInfoModifier and TypeMethodDescriptionOutputFactory.constructInfoForExternalModel
(Map<T, Integer> mapping) Creates anImmutableOutputInfo
from the supplied mapping.OutputInfo.generateImmutableOutputInfo()
Generates anImmutableOutputInfo
which has a copy of the data in thisOutputInfo
, but also has id values and is immutable.abstract ImmutableOutputInfo
<T> Dataset.getOutputIDInfo()
Returns or generates anImmutableOutputInfo
.ImmutableDataset.getOutputIDInfo()
Model.getOutputIDInfo()
Gets the output domain.MutableDataset.getOutputIDInfo()
ImmutableDataset.getOutputInfo()
Methods in org.tribuo with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionstatic <T extends Output<T>>
ImmutableDataset<T> ImmutableDataset.copyDataset
(Dataset<T> dataset, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo) Creates an immutable deep copy of the supplied dataset, using a different feature and output map.static <T extends Output<T>>
ImmutableDataset<T> ImmutableDataset.copyDataset
(Dataset<T> dataset, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, Merger merger) Creates an immutable deep copy of the supplied dataset.Constructors in org.tribuo with parameters of type ImmutableOutputInfoModifierConstructorDescriptionImmutableDataset
(Iterable<Example<T>> dataSource, DataProvenance description, OutputFactory<T> outputFactory, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, boolean dropInvalidExamples) Creates a dataset from a data source.protected
ImmutableDataset
(DataProvenance description, OutputFactory<T> outputFactory, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo) This is dangerous, and should not be used unless you've overridden everything in ImmutableDataset.protected
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 ImmutableOutputInfo in org.tribuo.anomaly
Classes in org.tribuo.anomaly that implement ImmutableOutputInfoMethods in org.tribuo.anomaly that return ImmutableOutputInfoModifier and TypeMethodDescriptionAnomalyFactory.constructInfoForExternalModel
(Map<Event, Integer> mapping) AnomalyInfo.generateImmutableOutputInfo()
-
Uses of ImmutableOutputInfo in org.tribuo.anomaly.libsvm
Methods in org.tribuo.anomaly.libsvm with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionprotected LibSVMModel
<Event> LibSVMAnomalyTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Event> outputIDInfo, List<libsvm.svm_model> models) protected com.oracle.labs.mlrg.olcut.util.Pair
<libsvm.svm_node[][], double[][]> LibSVMAnomalyTrainer.extractData
(Dataset<Event> data, ImmutableOutputInfo<Event> outputInfo, ImmutableFeatureMap featureMap) -
Uses of ImmutableOutputInfo in org.tribuo.classification
Classes in org.tribuo.classification that implement ImmutableOutputInfoModifier and TypeClassDescriptionclass
An ImmutableOutputInfo object for Labels.Methods in org.tribuo.classification that return ImmutableOutputInfoModifier and TypeMethodDescriptionLabelFactory.constructInfoForExternalModel
(Map<Label, Integer> mapping) LabelInfo.generateImmutableOutputInfo()
-
Uses of ImmutableOutputInfo in org.tribuo.classification.ensemble
Methods in org.tribuo.classification.ensemble with parameters of type ImmutableOutputInfoModifier 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 ImmutableOutputInfo in org.tribuo.classification.evaluation
Methods in org.tribuo.classification.evaluation that return ImmutableOutputInfoModifier and TypeMethodDescriptionConfusionMatrix.getDomain()
Returns the classification domain that this confusion matrix operates over.LabelConfusionMatrix.getDomain()
Methods in org.tribuo.classification.evaluation with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionstatic <T extends Classifiable<T>>
doubleConfusionMatrix.sumOverOutputs
(ImmutableOutputInfo<T> domain, ToDoubleFunction<T> getter) Sums the supplied getter over the domain.Constructors in org.tribuo.classification.evaluation with parameters of type ImmutableOutputInfoModifierConstructorDescriptionLabelConfusionMatrix
(ImmutableOutputInfo<Label> domain, List<Prediction<Label>> predictions) Creates a confusion matrix from the supplied predictions and label info. -
Uses of ImmutableOutputInfo in org.tribuo.classification.liblinear
Methods in org.tribuo.classification.liblinear with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionprotected LibLinearModel
<Label> LibLinearClassificationTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Label> outputIDInfo, List<de.bwaldvogel.liblinear.Model> models) protected com.oracle.labs.mlrg.olcut.util.Pair
<de.bwaldvogel.liblinear.FeatureNode[][], double[][]> LibLinearClassificationTrainer.extractData
(Dataset<Label> data, ImmutableOutputInfo<Label> outputInfo, ImmutableFeatureMap featureMap) protected de.bwaldvogel.liblinear.Parameter
LibLinearClassificationTrainer.setupParameters
(ImmutableOutputInfo<Label> labelIDMap) -
Uses of ImmutableOutputInfo in org.tribuo.classification.libsvm
Methods in org.tribuo.classification.libsvm with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionprotected LibSVMModel
<Label> LibSVMClassificationTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Label> outputIDInfo, List<libsvm.svm_model> models) protected com.oracle.labs.mlrg.olcut.util.Pair
<libsvm.svm_node[][], double[][]> LibSVMClassificationTrainer.extractData
(Dataset<Label> data, ImmutableOutputInfo<Label> outputInfo, ImmutableFeatureMap featureMap) protected libsvm.svm_parameter
LibSVMClassificationTrainer.setupParameters
(ImmutableOutputInfo<Label> outputIDInfo) -
Uses of ImmutableOutputInfo in org.tribuo.classification.sequence
Constructors in org.tribuo.classification.sequence with parameters of type ImmutableOutputInfoModifierConstructorDescriptionprotected
ConfidencePredictingSequenceModel
(String name, ModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Label> labelIDMap) -
Uses of ImmutableOutputInfo in org.tribuo.classification.sgd.crf
Methods in org.tribuo.classification.sgd.crf with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionstatic com.oracle.labs.mlrg.olcut.util.Pair
<int[], SparseVector[]> CRFModel.convert
(SequenceExample<Label> example, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Label> labelIDMap) Converts aSequenceExample
into an array ofSparseVector
s and labels suitable for CRF prediction. -
Uses of ImmutableOutputInfo in org.tribuo.classification.xgboost
Methods in org.tribuo.classification.xgboost with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionXGBoostClassificationConverter.convertBatchOutput
(ImmutableOutputInfo<Label> info, List<float[][]> probabilitiesList, int[] numValidFeatures, Example<Label>[] examples) XGBoostClassificationConverter.convertOutput
(ImmutableOutputInfo<Label> info, List<float[]> probabilitiesList, int numValidFeatures, Example<Label> example) -
Uses of ImmutableOutputInfo in org.tribuo.clustering
Classes in org.tribuo.clustering that implement ImmutableOutputInfoMethods in org.tribuo.clustering that return ImmutableOutputInfoModifier and TypeMethodDescriptionClusteringFactory.constructInfoForExternalModel
(Map<ClusterID, Integer> mapping) Unlike the other info types, clustering directly uses the integer IDs as the stored value, so this mapping discards the cluster IDs and just uses the supplied integers.ClusteringInfo.generateImmutableOutputInfo()
-
Uses of ImmutableOutputInfo in org.tribuo.common.liblinear
Methods in org.tribuo.common.liblinear with parameters of type ImmutableOutputInfoModifier 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.protected abstract com.oracle.labs.mlrg.olcut.util.Pair
<de.bwaldvogel.liblinear.FeatureNode[][], double[][]> LibLinearTrainer.extractData
(Dataset<T> data, ImmutableOutputInfo<T> outputInfo, ImmutableFeatureMap featureMap) Extracts the features andOutput
s in LibLinear's format.protected de.bwaldvogel.liblinear.Parameter
LibLinearTrainer.setupParameters
(ImmutableOutputInfo<T> info) Constructs the parameters.Constructors in org.tribuo.common.liblinear with parameters of type ImmutableOutputInfoModifierConstructorDescriptionprotected
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 ImmutableOutputInfo in org.tribuo.common.libsvm
Methods in org.tribuo.common.libsvm with parameters of type ImmutableOutputInfoModifier 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.protected abstract com.oracle.labs.mlrg.olcut.util.Pair
<libsvm.svm_node[][], double[][]> LibSVMTrainer.extractData
(Dataset<T> data, ImmutableOutputInfo<T> outputInfo, ImmutableFeatureMap featureMap) Extracts the features andOutput
s in LibLinear's format.protected libsvm.svm_parameter
LibSVMTrainer.setupParameters
(ImmutableOutputInfo<T> info) Constructs the svm_parameter.Constructors in org.tribuo.common.libsvm with parameters of type ImmutableOutputInfoModifierConstructorDescriptionprotected
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 ImmutableOutputInfo in org.tribuo.common.tree
Constructors in org.tribuo.common.tree with parameters of type ImmutableOutputInfoModifierConstructorDescriptionprotected
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 ImmutableOutputInfo in org.tribuo.common.xgboost
Methods in org.tribuo.common.xgboost with parameters of type ImmutableOutputInfoModifier 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
.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
.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 ImmutableOutputInfo in org.tribuo.dataset
Methods in org.tribuo.dataset that return ImmutableOutputInfoMethods in org.tribuo.dataset with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionstatic <T extends Output<T>>
DatasetView<T> DatasetView.createBootstrapView
(Dataset<T> dataset, int size, long seed, ImmutableFeatureMap featureIDs, ImmutableOutputInfo<T> outputIDs) Generates a DatasetView bootstrapped from the supplied Dataset.static <T extends Output<T>>
DatasetView<T> DatasetView.createWeightedBootstrapView
(Dataset<T> dataset, int size, long seed, float[] exampleWeights, ImmutableFeatureMap featureIDs, ImmutableOutputInfo<T> outputIDs) Generates a DatasetView bootstrapped from the supplied Dataset using the supplied example weights.Constructors in org.tribuo.dataset with parameters of type ImmutableOutputInfoModifierConstructorDescriptionDatasetView
(Dataset<T> dataset, int[] exampleIndices, ImmutableFeatureMap featureIDs, ImmutableOutputInfo<T> labelIDs, String tag) Creates a DatasetView which includes the supplied indices from the dataset. -
Uses of ImmutableOutputInfo in org.tribuo.ensemble
Methods in org.tribuo.ensemble with parameters of type ImmutableOutputInfoModifier 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.BaggingTrainer.trainSingleModel
(Dataset<T> examples, ImmutableFeatureMap featureIDs, ImmutableOutputInfo<T> labelIDs, SplittableRandom localRNG, Map<String, com.oracle.labs.mlrg.olcut.provenance.Provenance> runProvenance) Constructors in org.tribuo.ensemble with parameters of type ImmutableOutputInfoModifierConstructorDescriptionEnsembleModel
(String name, EnsembleModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, List<Model<T>> newModels) WeightedEnsembleModel
(String name, EnsembleModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, List<Model<T>> newModels, EnsembleCombiner<T> combiner) WeightedEnsembleModel
(String name, EnsembleModelProvenance description, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, List<Model<T>> newModels, EnsembleCombiner<T> combiner, float[] weights) -
Uses of ImmutableOutputInfo in org.tribuo.impl
Constructors in org.tribuo.impl with parameters of type ImmutableOutputInfoModifierConstructorDescriptionIndexedArrayExample
(Example<T> other, ImmutableFeatureMap featureMap, ImmutableOutputInfo<T> outputMap) This constructor removes unknown features. -
Uses of ImmutableOutputInfo in org.tribuo.interop
Methods in org.tribuo.interop that return ImmutableOutputInfoModifier and TypeMethodDescriptionprotected static <T extends Output<T>>
ImmutableOutputInfo<T> ExternalModel.createOutputInfo
(OutputFactory<T> factory, Map<T, Integer> outputs) Creates an output info from a set of outputs.Constructors in org.tribuo.interop with parameters of type ImmutableOutputInfoModifierConstructorDescriptionprotected
ExternalModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, boolean generatesProbabilities, Map<String, Integer> featureMapping) protected
ExternalModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, int[] featureForwardMapping, int[] featureBackwardMapping, boolean generatesProbabilities) -
Uses of ImmutableOutputInfo in org.tribuo.interop.onnx
Methods in org.tribuo.interop.onnx with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionLabelTransformer.transformToBatchOutput
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Label> outputIDInfo) OutputTransformer.transformToBatchOutput
(List<ai.onnxruntime.OnnxValue> value, ImmutableOutputInfo<T> outputIDInfo) Converts aOnnxValue
containing multiple outputs into a list ofOutput
s.RegressorTransformer.transformToBatchOutput
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Regressor> outputIDInfo) LabelTransformer.transformToBatchPrediction
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Label> outputIDInfo, int[] numValidFeatures, List<Example<Label>> 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) LabelTransformer.transformToOutput
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Label> outputIDInfo) OutputTransformer.transformToOutput
(List<ai.onnxruntime.OnnxValue> value, ImmutableOutputInfo<T> outputIDInfo) Converts aOnnxValue
into the specified output type.RegressorTransformer.transformToOutput
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Regressor> outputIDInfo) LabelTransformer.transformToPrediction
(List<ai.onnxruntime.OnnxValue> tensor, ImmutableOutputInfo<Label> outputIDInfo, int numValidFeatures, Example<Label> 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) -
Uses of ImmutableOutputInfo in org.tribuo.interop.tensorflow
Methods in org.tribuo.interop.tensorflow with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionorg.tensorflow.Tensor
<?> org.tensorflow.Tensor
<?> LabelTransformer.transform
(Label example, ImmutableOutputInfo<Label> outputIDInfo) org.tensorflow.Tensor
<?> Converts a list ofExample
into aTensor
representing all the outputs in the list.org.tensorflow.Tensor
<?> OutputTransformer.transform
(T output, ImmutableOutputInfo<T> outputIDInfo) Converts anOutput
into aTensor
representing it's output.org.tensorflow.Tensor
<?> RegressorTransformer.transform
(List<Example<Regressor>> examples, ImmutableOutputInfo<Regressor> outputIDInfo) org.tensorflow.Tensor
<?> RegressorTransformer.transform
(Regressor example, ImmutableOutputInfo<Regressor> outputIDInfo) LabelTransformer.transformToBatchOutput
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<Label> outputIDInfo) OutputTransformer.transformToBatchOutput
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<T> outputIDInfo) Converts aTensor
containing multiple outputs into a list ofOutput
s.RegressorTransformer.transformToBatchOutput
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<Regressor> outputIDInfo) LabelTransformer.transformToBatchPrediction
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<Label> outputIDInfo, int[] numValidFeatures, List<Example<Label>> examples) List
<Prediction<T>> OutputTransformer.transformToBatchPrediction
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<T> outputIDInfo, int[] numValidFeatures, List<Example<T>> examples) Converts aTensor
containing multiple outputs into a list ofPrediction
s.RegressorTransformer.transformToBatchPrediction
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<Regressor> outputIDInfo, int[] numValidFeatures, List<Example<Regressor>> examples) LabelTransformer.transformToOutput
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<Label> outputIDInfo) OutputTransformer.transformToOutput
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<T> outputIDInfo) Converts aTensor
into the specified output type.RegressorTransformer.transformToOutput
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<Regressor> outputIDInfo) LabelTransformer.transformToPrediction
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<Label> outputIDInfo, int numValidFeatures, Example<Label> example) OutputTransformer.transformToPrediction
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<T> outputIDInfo, int numValidFeatures, Example<T> example) Converts aTensor
into aPrediction
.RegressorTransformer.transformToPrediction
(org.tensorflow.Tensor<?> tensor, ImmutableOutputInfo<Regressor> outputIDInfo, int numValidFeatures, Example<Regressor> example) -
Uses of ImmutableOutputInfo in org.tribuo.interop.tensorflow.sequence
Methods in org.tribuo.interop.tensorflow.sequence with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionList
<List<Prediction<T>>> SequenceOutputTransformer.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>> SequenceOutputTransformer.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.SequenceOutputTransformer.encode
(List<SequenceExample<T>> batch, ImmutableOutputInfo<T> labelMap) Encodes a batch of labels as a feed dict.SequenceOutputTransformer.encode
(SequenceExample<T> example, ImmutableOutputInfo<T> labelMap) Encodes an example's label as a feed dict. -
Uses of ImmutableOutputInfo in org.tribuo.multilabel
Classes in org.tribuo.multilabel that implement ImmutableOutputInfoModifier and TypeClassDescriptionclass
An ImmutableOutputInfo for working with multi-label tasks.Methods in org.tribuo.multilabel that return ImmutableOutputInfoModifier and TypeMethodDescriptionMultiLabelFactory.constructInfoForExternalModel
(Map<MultiLabel, Integer> mapping) MultiLabelInfo.generateImmutableOutputInfo()
-
Uses of ImmutableOutputInfo in org.tribuo.multilabel.evaluation
Methods in org.tribuo.multilabel.evaluation that return ImmutableOutputInfo -
Uses of ImmutableOutputInfo in org.tribuo.regression
Classes in org.tribuo.regression that implement ImmutableOutputInfoMethods in org.tribuo.regression that return ImmutableOutputInfoModifier and TypeMethodDescriptionRegressionFactory.constructInfoForExternalModel
(Map<Regressor, Integer> mapping) RegressionInfo.generateImmutableOutputInfo()
-
Uses of ImmutableOutputInfo in org.tribuo.regression.ensemble
Methods in org.tribuo.regression.ensemble with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionAveragingCombiner.combine
(ImmutableOutputInfo<Regressor> outputInfo, List<Prediction<Regressor>> predictions) AveragingCombiner.combine
(ImmutableOutputInfo<Regressor> outputInfo, List<Prediction<Regressor>> predictions, float[] weights) -
Uses of ImmutableOutputInfo in org.tribuo.regression.evaluation
Constructors in org.tribuo.regression.evaluation with parameters of type ImmutableOutputInfoModifierConstructorDescriptionRegressionSufficientStatistics
(ImmutableOutputInfo<Regressor> domain, List<Prediction<Regressor>> predictions, boolean useExampleWeights) -
Uses of ImmutableOutputInfo in org.tribuo.regression.impl
Methods in org.tribuo.regression.impl with parameters of type ImmutableOutputInfoModifier 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.Constructors in org.tribuo.regression.impl with parameters of type ImmutableOutputInfoModifierConstructorDescriptionprotected
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 ImmutableOutputInfo in org.tribuo.regression.liblinear
Methods in org.tribuo.regression.liblinear with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionprotected LibLinearModel
<Regressor> LibLinearRegressionTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Regressor> outputIDInfo, List<de.bwaldvogel.liblinear.Model> models) protected com.oracle.labs.mlrg.olcut.util.Pair
<de.bwaldvogel.liblinear.FeatureNode[][], double[][]> LibLinearRegressionTrainer.extractData
(Dataset<Regressor> data, ImmutableOutputInfo<Regressor> outputInfo, ImmutableFeatureMap featureMap) -
Uses of ImmutableOutputInfo in org.tribuo.regression.libsvm
Methods in org.tribuo.regression.libsvm with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionprotected LibSVMModel
<Regressor> LibSVMRegressionTrainer.createModel
(ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Regressor> outputIDInfo, List<libsvm.svm_model> models) protected com.oracle.labs.mlrg.olcut.util.Pair
<libsvm.svm_node[][], double[][]> LibSVMRegressionTrainer.extractData
(Dataset<Regressor> data, ImmutableOutputInfo<Regressor> outputInfo, ImmutableFeatureMap featureMap) -
Uses of ImmutableOutputInfo in org.tribuo.regression.rtree.impl
Constructors in org.tribuo.regression.rtree.impl with parameters of type ImmutableOutputInfoModifierConstructorDescriptionRegressorTrainingNode
(RegressorImpurity impurity, RegressorTrainingNode.InvertedData tuple, int dimIndex, String dimName, int numExamples, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<Regressor> outputInfo) -
Uses of ImmutableOutputInfo in org.tribuo.regression.xgboost
Methods in org.tribuo.regression.xgboost with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionXGBoostRegressionConverter.convertBatchOutput
(ImmutableOutputInfo<Regressor> info, List<float[][]> probabilities, int[] numValidFeatures, Example<Regressor>[] examples) XGBoostRegressionConverter.convertOutput
(ImmutableOutputInfo<Regressor> info, List<float[]> probabilities, int numValidFeatures, Example<Regressor> example) -
Uses of ImmutableOutputInfo in org.tribuo.sequence
Fields in org.tribuo.sequence declared as ImmutableOutputInfoModifier and TypeFieldDescriptionprotected ImmutableOutputInfo
<T> ImmutableSequenceDataset.outputIDInfo
A map from labels to IDs for the labels found in this dataset.protected final ImmutableOutputInfo
<T> SequenceModel.outputIDMap
Methods in org.tribuo.sequence that return ImmutableOutputInfoModifier and TypeMethodDescriptionImmutableSequenceDataset.getOutputIDInfo()
MutableSequenceDataset.getOutputIDInfo()
abstract ImmutableOutputInfo
<T> SequenceDataset.getOutputIDInfo()
An immutable view on the output info in this dataset.SequenceModel.getOutputIDInfo()
Gets the output domain.ImmutableSequenceDataset.getOutputInfo()
Methods in org.tribuo.sequence with parameters of type ImmutableOutputInfoModifier and TypeMethodDescriptionstatic <T extends Output<T>>
ImmutableSequenceDataset<T> ImmutableSequenceDataset.copyDataset
(SequenceDataset<T> dataset, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo) Creates an immutable deep copy of the supplied dataset, using a different feature and output map.static <T extends Output<T>>
ImmutableSequenceDataset<T> ImmutableSequenceDataset.copyDataset
(SequenceDataset<T> dataset, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, Merger merger) Creates an immutable deep copy of the supplied dataset.Constructors in org.tribuo.sequence with parameters of type ImmutableOutputInfoModifierConstructorDescriptionImmutableSequenceDataset
(Iterable<SequenceExample<T>> dataSource, DataProvenance sourceProvenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo, OutputFactory<T> outputFactory) Creates a dataset from a data source.protected
ImmutableSequenceDataset
(DataProvenance sourceProvenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDInfo) This is dangerous, and should not be used unless you've overridden everything in ImmutableSequenceDataset.SequenceModel
(String name, ModelProvenance provenance, ImmutableFeatureMap featureIDMap, ImmutableOutputInfo<T> outputIDMap)