Uses of Interface
org.tribuo.protos.ProtoSerializable
Package
Description
Provides the core interfaces and classes for using Tribuo.
Provides classes and infrastructure for anomaly detection problems.
Provides an interface to LibLinear-java for anomaly detection problems.
Provides an interface to LibSVM for anomaly detection problems.
Provides classes and infrastructure for multiclass classification problems.
Provides simple baseline multiclass classifiers.
Provides majority vote ensemble combiners for classification
along with an implementation of multiclass Adaboost.
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.
Provides classes and infrastructure for working with clustering problems.
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 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 the base interface and implementations of the
Model
hashing
which obscures the feature names stored in a model.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 an interface for working with TensorFlow sequence models, using Tribuo's
SequenceModel
abstraction.Contains the implementation of Tribuo's math library, it's gradient descent optimisers, kernels and a set of
math related utils.
An interface for distance computations between two
SGDVector
instances
along with some standard implementations.Provides a
Kernel
interface for Mercer kernels, along with implementations of standard kernels.Provides a linear algebra system used for numerical operations in Tribuo.
Provides nearest neighbour query functionality.
Provides a brute-force nearest neighbour query implementation.
Provides a k-d tree nearest neighbour query implementation.
Provides some utility tensors for use in gradient optimisers.
Provides math related util classes.
Provides classes and infrastructure for working with multi-label classification problems.
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.
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.
Classes which control the serialization of Tribuo objects to and from protocol buffers.
Provides classes and infrastructure for regression problems with single or multiple output dimensions.
Provides simple baseline regression predictors.
Provides
EnsembleCombiner
implementations
for working with multi-output regression problems.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.
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
.Provides implementations of standard transformations like binning, scaling, taking logs and exponents.
-
Uses of ProtoSerializable in org.tribuo
Modifier and TypeInterfaceDescriptioninterface
ImmutableOutputInfo<T extends Output<T>>
AnOutputInfo
that is fixed, and contains an id number for each valid output.interface
MutableOutputInfo<T extends Output<T>>
A mutable OutputInfo that can record observed output values.interface
Output is the root interface for the supported prediction types.interface
OutputFactory<T extends Output<T>>
An interface associated with a specificOutput
, which can generate the appropriate Output subclass, andOutputInfo
subclass.interface
OutputInfo<T extends Output<T>>
Tracks relevant properties of the appropriateOutput
subclass.interface
Adds an id number to aVariableInfo
.interface
A VariableInfo subclass contains information about a feature and its observed values.Modifier and TypeClassDescriptionclass
Same as aCategoricalInfo
, but with an additional int id field.class
Stores information about Categorical features.class
A class for sets of data, which are used to train and evaluate classifiers.class
An example used for training and evaluation.class
A map from Strings toVariableInfo
objects storing information about a feature.class
ImmutableDataset<T extends Output<T>>
This is aDataset
which has anImmutableFeatureMap
to store the feature information.class
ImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.class
A prediction model, which is used to predict outputs for unseen instances.class
MutableDataset<T extends Output<T>>
A MutableDataset is aDataset
with aMutableFeatureMap
which grows over time.class
A feature map that can record new feature value observations.class
Prediction<T extends Output<T>>
A prediction made by aModel
.class
Same as aRealInfo
, but with an additional int id field.class
Stores information about real valued features.final class
A record-like class for a selected feature set.class
Contains information about a feature and can be stored in the feature map in aDataset
.class
SparseModel<T extends Output<T>>
A model which uses a subset of the features it knows about to make predictions. -
Uses of ProtoSerializable in org.tribuo.anomaly
Modifier and TypeClassDescriptionfinal class
A factory for generating events.class
The base class for tracking anomalous events.final class
final class
AnImmutableOutputInfo
object forEvent
s.final class
AnMutableOutputInfo
object forEvent
s. -
Uses of ProtoSerializable in org.tribuo.anomaly.liblinear
Modifier and TypeClassDescriptionclass
AModel
which wraps a LibLinear-java anomaly detection model. -
Uses of ProtoSerializable in org.tribuo.anomaly.libsvm
Modifier and TypeClassDescriptionclass
An anomaly detection model that uses an underlying libSVM model to make the predictions. -
Uses of ProtoSerializable in org.tribuo.classification
Modifier and TypeInterfaceDescriptioninterface
Classifiable<T extends Classifiable<T>>
A tag interface for multi-class and multi-label classification tasks.Modifier and TypeClassDescriptionclass
AnImmutableOutputInfo
object forLabel
s.final class
An immutable multi-class classification label.final class
A factory for making Label related classes.class
The base class for information about multi-class classification Labels.class
A mutableLabelInfo
. -
Uses of ProtoSerializable in org.tribuo.classification.baseline
Modifier and TypeClassDescriptionclass
A model which performs dummy classifications (e.g., constant output, uniform sampled labels, stratified sampled labels). -
Uses of ProtoSerializable in org.tribuo.classification.ensemble
Modifier and TypeClassDescriptionfinal class
A combiner which performs a weighted or unweighted vote across the predicted labels.final class
A combiner which performs a weighted or unweighted vote across the predicted labels. -
Uses of ProtoSerializable in org.tribuo.classification.liblinear
Modifier and TypeClassDescriptionclass
AModel
which wraps a LibLinear-java classification model. -
Uses of ProtoSerializable in org.tribuo.classification.libsvm
Modifier and TypeClassDescriptionclass
A classification model that uses an underlying LibSVM model to make the predictions. -
Uses of ProtoSerializable in org.tribuo.classification.mnb
Modifier and TypeClassDescriptionclass
AModel
for multinomial Naive Bayes with Laplace smoothing. -
Uses of ProtoSerializable in org.tribuo.classification.sequence
Modifier and TypeClassDescriptionclass
A Sequence model which can provide confidence predictions for subsequence predictions. -
Uses of ProtoSerializable in org.tribuo.classification.sequence.viterbi
Modifier and TypeInterfaceDescriptioninterface
A class for featurising labels from previous steps in Viterbi.Modifier and TypeClassDescriptionclass
A label feature extractor that produces several kinds of label-based features.class
A label feature extractor that doesn't produce any label based features.class
An implementation of a viterbi model. -
Uses of ProtoSerializable in org.tribuo.classification.sgd.crf
Modifier and TypeClassDescriptionclass
An inference time model for a linear chain CRF trained using SGD.class
AParameters
for training a CRF using SGD. -
Uses of ProtoSerializable in org.tribuo.classification.sgd.fm
Modifier and TypeClassDescriptionclass
The inference time version of a factorization machine trained using SGD. -
Uses of ProtoSerializable in org.tribuo.classification.sgd.kernel
Modifier and TypeClassDescriptionclass
The inference time version of a kernel model trained using Pegasos. -
Uses of ProtoSerializable in org.tribuo.classification.sgd.linear
Modifier and TypeClassDescriptionclass
The inference time version of a linear model trained using SGD. -
Uses of ProtoSerializable in org.tribuo.classification.xgboost
-
Uses of ProtoSerializable in org.tribuo.clustering
Modifier and TypeClassDescriptionclass
A clustering id.final class
A factory for making ClusterID related classes.class
The base class for a ClusterID OutputInfo.class
AnImmutableOutputInfo
object for ClusterIDs.class
A mutableClusteringInfo
. -
Uses of ProtoSerializable in org.tribuo.clustering.hdbscan
Modifier and TypeClassDescriptionfinal class
A trained HDBSCAN* model which provides the cluster assignment labels and outlier scores for every data point. -
Uses of ProtoSerializable in org.tribuo.clustering.kmeans
Modifier and TypeClassDescriptionclass
A K-Means model with a selectable distance function. -
Uses of ProtoSerializable in org.tribuo.common.liblinear
Modifier and TypeClassDescriptionclass
LibLinearModel<T extends Output<T>>
AModel
which wraps a LibLinear-java model. -
Uses of ProtoSerializable in org.tribuo.common.libsvm
Modifier and TypeClassDescriptionclass
LibSVMModel<T extends Output<T>>
A model that uses an underlying libSVM model to make the predictions. -
Uses of ProtoSerializable in org.tribuo.common.nearest
-
Uses of ProtoSerializable in org.tribuo.common.sgd
Modifier and TypeClassDescriptionclass
AbstractFMModel<T extends Output<T>>
A quadratic factorization machine model trained using SGD.class
AbstractLinearSGDModel<T extends Output<T>>
A linear model trained using SGD.class
AbstractSGDModel<T extends Output<T>>
A model trained using SGD.final class
AParameters
for factorization machines. -
Uses of ProtoSerializable in org.tribuo.common.tree
-
Uses of ProtoSerializable in org.tribuo.common.xgboost
Modifier and TypeInterfaceDescriptioninterface
XGBoostOutputConverter<T extends Output<T>>
Converts the output of XGBoost into the appropriate prediction type.Modifier and TypeClassDescriptionfinal class
XGBoostExternalModel<T extends Output<T>>
AModel
which wraps around a XGBoost.Booster which was trained by a system other than Tribuo.final class
XGBoostModel<T extends Output<T>>
AModel
which wraps around a XGBoost.Booster. -
Uses of ProtoSerializable in org.tribuo.dataset
Modifier and TypeClassDescriptionfinal class
DatasetView<T extends Output<T>>
DatasetView provides an immutable view on anotherDataset
that only exposes selected examples.class
MinimumCardinalityDataset<T extends Output<T>>
This class creates a pruned dataset in which low frequency features that occur less than the provided minimum cardinality have been removed.final class
SelectedFeatureDataset<T extends Output<T>>
This class creates a pruned dataset which only contains the selected features. -
Uses of ProtoSerializable in org.tribuo.ensemble
Modifier and TypeInterfaceDescriptioninterface
EnsembleCombiner<T extends Output<T>>
An interface for combining predictions.Modifier and TypeClassDescriptionclass
EnsembleModel<T extends Output<T>>
A model which contains a list of otherModel
s.final class
WeightedEnsembleModel<T extends Output<T>>
An ensemble model that uses weights to combine the ensemble member predictions. -
Uses of ProtoSerializable in org.tribuo.hash
Modifier and TypeClassDescriptionfinal class
Hashes names using String.hashCode().final class
AFeatureMap
used by theHashingTrainer
to provide feature name hashing and guarantee that theModel
does not contain feature name information, but still works with unhashed features names.class
An abstract base class for hash functions used to hash the names of features.final class
Hashes Strings using the supplied MessageDigest type.final class
Hashes names using String.hashCode(), then reduces the dimension. -
Uses of ProtoSerializable in org.tribuo.impl
Modifier and TypeClassDescriptionclass
ArrayExample<T extends Output<T>>
AnExample
backed by two arrays, one of String and one of double.final class
BinaryFeaturesExample<T extends Output<T>>
AnExample
backed by a single array of feature names.class
IndexedArrayExample<T extends Output<T>>
A version of ArrayExample which also has the id numbers.class
ListExample<T extends Output<T>>
This class will not be performant until value types are available in Java. -
Uses of ProtoSerializable in org.tribuo.interop
Modifier and TypeClassDescriptionclass
ExternalModel<T extends Output<T>,
U, V> This is the base class for third party models which are trained externally and loaded into Tribuo for prediction. -
Uses of ProtoSerializable in org.tribuo.interop.oci
Modifier and TypeInterfaceDescriptioninterface
OCIOutputConverter<T extends Output<T>>
Converter for aDenseMatrix
received from OCI Data Science Model Deployment.Modifier and TypeClassDescriptionfinal class
final class
A wrapper class around an OCI Data Science Model Deployment endpoint which sends off inputs for scoring and converts the output into a Tribuo prediction.final class
final class
-
Uses of ProtoSerializable in org.tribuo.interop.onnx
Modifier and TypeInterfaceDescriptioninterface
Transforms aSparseVector
, extracting the features from it as aOnnxTensor
.interface
OutputTransformer<T extends Output<T>>
Modifier and TypeClassDescriptionclass
Converts a sparse Tribuo example into a dense float vector, then wraps it in anOnnxTensor
.class
Image transformer.final class
class
class
final class
ONNXExternalModel<T extends Output<T>>
A Tribuo wrapper around a ONNX model.class
-
Uses of ProtoSerializable in org.tribuo.interop.tensorflow
Modifier and TypeInterfaceDescriptioninterface
interface
OutputConverter<T extends Output<T>>
Converts theOutput
into aTensor
and vice versa.Modifier and TypeClassDescriptionclass
Converts a sparse example into a dense float vector, then wraps it in aTFloat32
.class
Image converter.class
Can convert aLabel
into aTensor
containing one hot encoding of the label and can convert aTFloat16
orTFloat32
into aPrediction
or aLabel
.class
Can convert aMultiLabel
into aTensor
containing a binary encoding of the label vector and can convert aTFloat16
orTFloat32
into aPrediction
or aMultiLabel
.class
final class
TensorFlowCheckpointModel<T extends Output<T>>
This model encapsulates a simple model with an input feed dict, and produces a single output tensor.final class
TensorFlowFrozenExternalModel<T extends Output<T>>
A Tribuo wrapper around a TensorFlow frozen model.class
TensorFlowModel<T extends Output<T>>
Base class for a TensorFlow model that operates onExample
s.final class
TensorFlowNativeModel<T extends Output<T>>
This model encapsulates a TensorFlow model running in graph mode with a single tensor output.final class
TensorFlowSavedModelExternalModel<T extends Output<T>>
A Tribuo wrapper around a TensorFlow saved model bundle. -
Uses of ProtoSerializable in org.tribuo.interop.tensorflow.sequence
Modifier and TypeInterfaceDescriptioninterface
Converts a sequence example into a feed dict suitable for TensorFlow.interface
SequenceOutputConverter<T extends Output<T>>
Converts a TensorFlow output tensor into a list of predictions, and a Tribuo sequence example into a Tensorflow tensor suitable for training.Modifier and TypeClassDescriptionclass
TensorFlowSequenceModel<T extends Output<T>>
A TensorFlow model which implements SequenceModel, suitable for use in sequential prediction tasks. -
Uses of ProtoSerializable in org.tribuo.math
Modifier and TypeInterfaceDescriptioninterface
A Parameters for models which make a single prediction like logistic regressions and neural networks.interface
An interface to aTensor
[] array which accepts updates to the parameters. -
Uses of ProtoSerializable in org.tribuo.math.distance
Modifier and TypeClassDescriptionfinal class
Cosine similarity used as a distance measure.final class
L1 (or Manhattan) distance.final class
L2 (or Euclidean) distance. -
Uses of ProtoSerializable in org.tribuo.math.kernel
Modifier and TypeClassDescriptionclass
A linear kernel, u.dot(v).class
A polynomial kernel, (gamma*u.dot(v) + intercept)^degree.class
A Radial Basis Function (RBF) kernel, exp(-gamma*|u-v|^2).class
A sigmoid kernel, tanh(gamma*u.dot(v) + intercept). -
Uses of ProtoSerializable in org.tribuo.math.la
Modifier and TypeInterfaceDescriptioninterface
Interface for 2 dimensionalTensor
s.interface
Interface for 1 dimensionalTensor
s.interface
An interface for Tensors, currently Vectors and Matrices.Modifier and TypeClassDescriptionclass
A dense matrix, backed by a primitive array.class
A matrix which is dense in the first dimension and sparse in the second.class
A dense vector, backed by a double array.class
A sparse vector. -
Uses of ProtoSerializable in org.tribuo.math.neighbour
Modifier and TypeInterfaceDescriptioninterface
An interface for factories which create nearest neighbour query objects. -
Uses of ProtoSerializable in org.tribuo.math.neighbour.bruteforce
Modifier and TypeClassDescriptionfinal class
A factory which creates brute-force nearest neighbour query objects. -
Uses of ProtoSerializable in org.tribuo.math.neighbour.kdtree
Modifier and TypeClassDescriptionclass
A factory which creates k-d tree nearest neighbour query objects. -
Uses of ProtoSerializable in org.tribuo.math.optimisers.util
Modifier and TypeClassDescriptionclass
A subclass ofDenseMatrix
which shrinks the value every time a new value is added.class
A subclass ofDenseVector
which shrinks the value every time a new value is added. -
Uses of ProtoSerializable in org.tribuo.math.util
Modifier and TypeInterfaceDescriptioninterface
An interface for merging an array ofDenseSparseMatrix
into a singleDenseSparseMatrix
.interface
A functional interface that generates a normalized version of a double array.Modifier and TypeClassDescriptionclass
Normalizes the exponential values of the input array.class
Merges eachSparseVector
separately using aPriorityQueue
as a heap.class
class
NoopNormalizer returns a copy inNoopNormalizer.normalize(double[])
and is a no-op in place.class
Normalizes, but first subtracts the minimum value (to ensure positivity).class
Normalizes the input by applying a logistic sigmoid to each element. -
Uses of ProtoSerializable in org.tribuo.multilabel
Modifier and TypeClassDescriptionclass
AnImmutableOutputInfo
for working withMultiLabel
tasks.class
A class for multi-label classification.final class
A factory for generating MultiLabel objects and their associated OutputInfo and Evaluator objects.class
The base class for information aboutMultiLabel
outputs.class
A MutableOutputInfo for working with multi-label tasks. -
Uses of ProtoSerializable in org.tribuo.multilabel.baseline
Modifier and TypeClassDescriptionfinal class
A Classifier Chain Model.class
AModel
which wraps n binary models, where n is the size of the MultiLabel domain. -
Uses of ProtoSerializable in org.tribuo.multilabel.ensemble
Modifier and TypeClassDescriptionfinal class
A combiner which performs a weighted or unweighted vote independently across the predicted labels in each multi-label. -
Uses of ProtoSerializable in org.tribuo.multilabel.sgd.fm
Modifier and TypeClassDescriptionclass
The inference time version of a multi-label factorization machine trained using SGD. -
Uses of ProtoSerializable in org.tribuo.multilabel.sgd.linear
Modifier and TypeClassDescriptionclass
The inference time version of a multi-label linear model trained using SGD. -
Uses of ProtoSerializable in org.tribuo.protos
Modifier and TypeMethodDescriptionstatic <SERIALIZED extends com.google.protobuf.Message,
PROTO_SERIALIZABLE extends ProtoSerializable<SERIALIZED>>
PROTO_SERIALIZABLEProtoUtil.deserialize
(SERIALIZED serialized) Instantiates the class from the supplied protobuf fields.static <SERIALIZED_CLASS extends com.google.protobuf.Message,
SERIALIZED_DATA extends com.google.protobuf.Message, PROTO_SERIALIZABLE extends ProtoSerializable<SERIALIZED_CLASS>>
SERIALIZED_CLASSProtoUtil.serialize
(PROTO_SERIALIZABLE protoSerializable) Serializes aProtoSerializable
class which has the appropriateProtoSerializableClass
annotations.Modifier and TypeMethodDescriptionstatic int
ProtoUtil.getCurrentVersion
(Class<? extends ProtoSerializable<?>> clazz) If this class is annotated withProtoSerializableClass
returns the version number, otherwise returns -1. -
Uses of ProtoSerializable in org.tribuo.regression
Modifier and TypeClassDescriptionclass
AImmutableOutputInfo
forRegressor
s.class
AMutableOutputInfo
forRegressor
s.final class
A factory for creatingRegressor
s andRegressionInfo
s.class
The base class for regression information usingRegressor
s.class
AnOutput
for n-dimensional real valued regression.static final class
ARegressor
which contains a single dimension, used internally when the model implementation doesn't natively support multi-dimensional regression outputs. -
Uses of ProtoSerializable in org.tribuo.regression.baseline
Modifier and TypeClassDescriptionclass
A model which performs dummy regressions (e.g., constant output, gaussian sampled output, mean value, median, quartile). -
Uses of ProtoSerializable in org.tribuo.regression.ensemble
Modifier and TypeClassDescriptionclass
A combiner which performs a weighted or unweighted average of the predicted regressors independently across the output dimensions. -
Uses of ProtoSerializable in org.tribuo.regression.impl
Modifier and TypeClassDescriptionclass
AModel
which wraps n independent regression models, where n is the size of the MultipleRegressor domain.class
ASparseModel
which wraps n independent regression models, where n is the size of the MultipleRegressor domain. -
Uses of ProtoSerializable in org.tribuo.regression.liblinear
-
Uses of ProtoSerializable in org.tribuo.regression.libsvm
Modifier and TypeClassDescriptionclass
A regression model that uses an underlying libSVM model to make the predictions. -
Uses of ProtoSerializable in org.tribuo.regression.rtree
Modifier and TypeClassDescriptionfinal class
-
Uses of ProtoSerializable in org.tribuo.regression.sgd.fm
Modifier and TypeClassDescriptionclass
The inference time model of a regression factorization machine trained using SGD. -
Uses of ProtoSerializable in org.tribuo.regression.sgd.linear
Modifier and TypeClassDescriptionclass
The inference time version of a linear model trained using SGD. -
Uses of ProtoSerializable in org.tribuo.regression.slm
Modifier and TypeClassDescriptionclass
The inference time version of a sparse linear regression model. -
Uses of ProtoSerializable in org.tribuo.regression.xgboost
Modifier and TypeClassDescriptionfinal class
Converts XGBoost outputs intoRegressor
Prediction
s. -
Uses of ProtoSerializable in org.tribuo.sequence
Modifier and TypeClassDescriptionclass
ImmutableSequenceDataset<T extends Output<T>>
This is aSequenceDataset
which has anImmutableFeatureMap
to store the feature information.class
IndependentSequenceModel<T extends Output<T>>
A SequenceModel which independently predicts each element of the sequence.class
MinimumCardinalitySequenceDataset<T extends Output<T>>
This class creates a pruned dataset in which low frequency features that occur less than the provided minimum cardinality have been removed.class
MutableSequenceDataset<T extends Output<T>>
A MutableSequenceDataset is aSequenceDataset
with aMutableFeatureMap
which grows over time.class
SequenceDataset<T extends Output<T>>
A class for sets of data, which are used to train and evaluate classifiers.class
SequenceExample<T extends Output<T>>
A sequence of examples, used for sequence classification.class
SequenceModel<T extends Output<T>>
A prediction model, which is used to predict outputs for unseen instances. -
Uses of ProtoSerializable in org.tribuo.transform
Modifier and TypeInterfaceDescriptioninterface
A fittedTransformation
which can apply a transform to the input value.Modifier and TypeClassDescriptionclass
TransformedModel<T extends Output<T>>
Wraps aModel
with it'sTransformerMap
so allExample
s are transformed appropriately before the model makes predictions.final class
-
Uses of ProtoSerializable in org.tribuo.transform.transformations
Modifier and TypeClassDescriptionstatic final class
The implementation of aTransformer
which splits the input into n bins.final class
This is used for stateless functions such as exp, log, addition or multiplication by a constant.