Uses of Interface
org.tribuo.protos.ProtoSerializable
Packages that use 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
SequenceModels which
emit Labels 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
Examples.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
Subinterfaces of ProtoSerializable in org.tribuoModifier and TypeInterfaceDescriptioninterfaceImmutableOutputInfo<T extends Output<T>>AnOutputInfothat is fixed, and contains an id number for each valid output.interfaceMutableOutputInfo<T extends Output<T>>A mutable OutputInfo that can record observed output values.interfaceOutput is the root interface for the supported prediction types.interfaceOutputFactory<T extends Output<T>>An interface associated with a specificOutput, which can generate the appropriate Output subclass, andOutputInfosubclass.interfaceOutputInfo<T extends Output<T>>Tracks relevant properties of the appropriateOutputsubclass.interfaceAdds an id number to aVariableInfo.interfaceA VariableInfo subclass contains information about a feature and its observed values.Classes in org.tribuo that implement ProtoSerializableModifier and TypeClassDescriptionclassSame as aCategoricalInfo, but with an additional int id field.classStores information about Categorical features.classA class for sets of data, which are used to train and evaluate classifiers.classAn example used for training and evaluation.classA map from Strings toVariableInfoobjects storing information about a feature.classImmutableDataset<T extends Output<T>>This is aDatasetwhich has anImmutableFeatureMapto store the feature information.classImmutableFeatureMap is used when unknown features should not be added to the FeatureMap.classA prediction model, which is used to predict outputs for unseen instances.classMutableDataset<T extends Output<T>>A MutableDataset is aDatasetwith aMutableFeatureMapwhich grows over time.classA feature map that can record new feature value observations.classPrediction<T extends Output<T>>A prediction made by aModel.classSame as aRealInfo, but with an additional int id field.classStores information about real valued features.final classA record-like class for a selected feature set.classContains information about a feature and can be stored in the feature map in aDataset.classSparseModel<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
Classes in org.tribuo.anomaly that implement ProtoSerializableModifier and TypeClassDescriptionfinal classA factory for generating events.classThe base class for tracking anomalous events.final classfinal classAnImmutableOutputInfoobject forEvents.final classAnMutableOutputInfoobject forEvents. -
Uses of ProtoSerializable in org.tribuo.anomaly.liblinear
Classes in org.tribuo.anomaly.liblinear that implement ProtoSerializableModifier and TypeClassDescriptionclassAModelwhich wraps a LibLinear-java anomaly detection model. -
Uses of ProtoSerializable in org.tribuo.anomaly.libsvm
Classes in org.tribuo.anomaly.libsvm that implement ProtoSerializableModifier and TypeClassDescriptionclassAn anomaly detection model that uses an underlying libSVM model to make the predictions. -
Uses of ProtoSerializable in org.tribuo.classification
Subinterfaces of ProtoSerializable in org.tribuo.classificationModifier and TypeInterfaceDescriptioninterfaceClassifiable<T extends Classifiable<T>>A tag interface for multi-class and multi-label classification tasks.Classes in org.tribuo.classification that implement ProtoSerializableModifier and TypeClassDescriptionclassAnImmutableOutputInfoobject forLabels.final classAn immutable multi-class classification label.final classA factory for making Label related classes.classThe base class for information about multi-class classification Labels.classA mutableLabelInfo. -
Uses of ProtoSerializable in org.tribuo.classification.baseline
Classes in org.tribuo.classification.baseline that implement ProtoSerializableModifier and TypeClassDescriptionclassA model which performs dummy classifications (e.g., constant output, uniform sampled labels, stratified sampled labels). -
Uses of ProtoSerializable in org.tribuo.classification.ensemble
Classes in org.tribuo.classification.ensemble that implement ProtoSerializableModifier and TypeClassDescriptionfinal classA combiner which performs a weighted or unweighted vote across the predicted labels.final classA combiner which performs a weighted or unweighted vote across the predicted labels. -
Uses of ProtoSerializable in org.tribuo.classification.liblinear
Classes in org.tribuo.classification.liblinear that implement ProtoSerializableModifier and TypeClassDescriptionclassAModelwhich wraps a LibLinear-java classification model. -
Uses of ProtoSerializable in org.tribuo.classification.libsvm
Classes in org.tribuo.classification.libsvm that implement ProtoSerializableModifier and TypeClassDescriptionclassA classification model that uses an underlying LibSVM model to make the predictions. -
Uses of ProtoSerializable in org.tribuo.classification.mnb
Classes in org.tribuo.classification.mnb that implement ProtoSerializableModifier and TypeClassDescriptionclassAModelfor multinomial Naive Bayes with Laplace smoothing. -
Uses of ProtoSerializable in org.tribuo.classification.sequence
Classes in org.tribuo.classification.sequence that implement ProtoSerializableModifier and TypeClassDescriptionclassA Sequence model which can provide confidence predictions for subsequence predictions. -
Uses of ProtoSerializable in org.tribuo.classification.sequence.viterbi
Subinterfaces of ProtoSerializable in org.tribuo.classification.sequence.viterbiModifier and TypeInterfaceDescriptioninterfaceA class for featurising labels from previous steps in Viterbi.Classes in org.tribuo.classification.sequence.viterbi that implement ProtoSerializableModifier and TypeClassDescriptionclassA label feature extractor that produces several kinds of label-based features.classA label feature extractor that doesn't produce any label based features.classAn implementation of a viterbi model. -
Uses of ProtoSerializable in org.tribuo.classification.sgd.crf
Classes in org.tribuo.classification.sgd.crf that implement ProtoSerializableModifier and TypeClassDescriptionclassAn inference time model for a linear chain CRF trained using SGD.classAParametersfor training a CRF using SGD. -
Uses of ProtoSerializable in org.tribuo.classification.sgd.fm
Classes in org.tribuo.classification.sgd.fm that implement ProtoSerializableModifier and TypeClassDescriptionclassThe inference time version of a factorization machine trained using SGD. -
Uses of ProtoSerializable in org.tribuo.classification.sgd.kernel
Classes in org.tribuo.classification.sgd.kernel that implement ProtoSerializableModifier and TypeClassDescriptionclassThe inference time version of a kernel model trained using Pegasos. -
Uses of ProtoSerializable in org.tribuo.classification.sgd.linear
Classes in org.tribuo.classification.sgd.linear that implement ProtoSerializableModifier and TypeClassDescriptionclassThe inference time version of a linear model trained using SGD. -
Uses of ProtoSerializable in org.tribuo.classification.xgboost
Classes in org.tribuo.classification.xgboost that implement ProtoSerializable -
Uses of ProtoSerializable in org.tribuo.clustering
Classes in org.tribuo.clustering that implement ProtoSerializableModifier and TypeClassDescriptionclassA clustering id.final classA factory for making ClusterID related classes.classThe base class for a ClusterID OutputInfo.classAnImmutableOutputInfoobject for ClusterIDs.classA mutableClusteringInfo. -
Uses of ProtoSerializable in org.tribuo.clustering.hdbscan
Classes in org.tribuo.clustering.hdbscan that implement ProtoSerializableModifier and TypeClassDescriptionfinal classA trained HDBSCAN* model which provides the cluster assignment labels and outlier scores for every data point. -
Uses of ProtoSerializable in org.tribuo.clustering.kmeans
Classes in org.tribuo.clustering.kmeans that implement ProtoSerializableModifier and TypeClassDescriptionclassA K-Means model with a selectable distance function. -
Uses of ProtoSerializable in org.tribuo.common.liblinear
Classes in org.tribuo.common.liblinear that implement ProtoSerializableModifier and TypeClassDescriptionclassLibLinearModel<T extends Output<T>>AModelwhich wraps a LibLinear-java model. -
Uses of ProtoSerializable in org.tribuo.common.libsvm
Classes in org.tribuo.common.libsvm that implement ProtoSerializableModifier and TypeClassDescriptionclassLibSVMModel<T extends Output<T>>A model that uses an underlying libSVM model to make the predictions. -
Uses of ProtoSerializable in org.tribuo.common.nearest
Classes in org.tribuo.common.nearest that implement ProtoSerializable -
Uses of ProtoSerializable in org.tribuo.common.sgd
Classes in org.tribuo.common.sgd that implement ProtoSerializableModifier and TypeClassDescriptionclassAbstractFMModel<T extends Output<T>>A quadratic factorization machine model trained using SGD.classAbstractLinearSGDModel<T extends Output<T>>A linear model trained using SGD.classAbstractSGDModel<T extends Output<T>>A model trained using SGD.final classAParametersfor factorization machines. -
Uses of ProtoSerializable in org.tribuo.common.tree
Classes in org.tribuo.common.tree that implement ProtoSerializable -
Uses of ProtoSerializable in org.tribuo.common.xgboost
Subinterfaces of ProtoSerializable in org.tribuo.common.xgboostModifier and TypeInterfaceDescriptioninterfaceXGBoostOutputConverter<T extends Output<T>>Converts the output of XGBoost into the appropriate prediction type.Classes in org.tribuo.common.xgboost that implement ProtoSerializableModifier and TypeClassDescriptionfinal classXGBoostExternalModel<T extends Output<T>>AModelwhich wraps around a XGBoost.Booster which was trained by a system other than Tribuo.final classXGBoostModel<T extends Output<T>>AModelwhich wraps around a XGBoost.Booster. -
Uses of ProtoSerializable in org.tribuo.dataset
Classes in org.tribuo.dataset that implement ProtoSerializableModifier and TypeClassDescriptionfinal classDatasetView<T extends Output<T>>DatasetView provides an immutable view on anotherDatasetthat only exposes selected examples.classMinimumCardinalityDataset<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 classSelectedFeatureDataset<T extends Output<T>>This class creates a pruned dataset which only contains the selected features. -
Uses of ProtoSerializable in org.tribuo.ensemble
Subinterfaces of ProtoSerializable in org.tribuo.ensembleModifier and TypeInterfaceDescriptioninterfaceEnsembleCombiner<T extends Output<T>>An interface for combining predictions.Classes in org.tribuo.ensemble that implement ProtoSerializableModifier and TypeClassDescriptionclassEnsembleModel<T extends Output<T>>A model which contains a list of otherModels.final classWeightedEnsembleModel<T extends Output<T>>An ensemble model that uses weights to combine the ensemble member predictions. -
Uses of ProtoSerializable in org.tribuo.hash
Classes in org.tribuo.hash that implement ProtoSerializableModifier and TypeClassDescriptionfinal classHashes names using String.hashCode().final classAFeatureMapused by theHashingTrainerto provide feature name hashing and guarantee that theModeldoes not contain feature name information, but still works with unhashed features names.classAn abstract base class for hash functions used to hash the names of features.final classHashes Strings using the supplied MessageDigest type.final classHashes names using String.hashCode(), then reduces the dimension. -
Uses of ProtoSerializable in org.tribuo.impl
Classes in org.tribuo.impl that implement ProtoSerializableModifier and TypeClassDescriptionclassArrayExample<T extends Output<T>>AnExamplebacked by two arrays, one of String and one of double.final classBinaryFeaturesExample<T extends Output<T>>AnExamplebacked by a single array of feature names.classIndexedArrayExample<T extends Output<T>>A version of ArrayExample which also has the id numbers.classListExample<T extends Output<T>>This class will not be performant until value types are available in Java. -
Uses of ProtoSerializable in org.tribuo.interop
Classes in org.tribuo.interop that implement ProtoSerializableModifier and TypeClassDescriptionclassExternalModel<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
Subinterfaces of ProtoSerializable in org.tribuo.interop.ociModifier and TypeInterfaceDescriptioninterfaceOCIOutputConverter<T extends Output<T>>Converter for aDenseMatrixreceived from OCI Data Science Model Deployment.Classes in org.tribuo.interop.oci that implement ProtoSerializableModifier and TypeClassDescriptionfinal classfinal classA 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 classfinal class -
Uses of ProtoSerializable in org.tribuo.interop.onnx
Subinterfaces of ProtoSerializable in org.tribuo.interop.onnxModifier and TypeInterfaceDescriptioninterfaceTransforms aSparseVector, extracting the features from it as aOnnxTensor.interfaceOutputTransformer<T extends Output<T>>Classes in org.tribuo.interop.onnx that implement ProtoSerializableModifier and TypeClassDescriptionclassConverts a sparse Tribuo example into a dense float vector, then wraps it in anOnnxTensor.classImage transformer.final classclassclassfinal classONNXExternalModel<T extends Output<T>>A Tribuo wrapper around a ONNX model.class -
Uses of ProtoSerializable in org.tribuo.interop.tensorflow
Subinterfaces of ProtoSerializable in org.tribuo.interop.tensorflowModifier and TypeInterfaceDescriptioninterfaceinterfaceOutputConverter<T extends Output<T>>Converts theOutputinto aTensorand vice versa.Classes in org.tribuo.interop.tensorflow that implement ProtoSerializableModifier and TypeClassDescriptionclassConverts a sparse example into a dense float vector, then wraps it in aTFloat32.classImage converter.classCan convert aLabelinto aTensorcontaining one hot encoding of the label and can convert aTFloat16orTFloat32into aPredictionor aLabel.classCan convert aMultiLabelinto aTensorcontaining a binary encoding of the label vector and can convert aTFloat16orTFloat32into aPredictionor aMultiLabel.classfinal classTensorFlowCheckpointModel<T extends Output<T>>This model encapsulates a simple model with an input feed dict, and produces a single output tensor.final classTensorFlowFrozenExternalModel<T extends Output<T>>A Tribuo wrapper around a TensorFlow frozen model.classTensorFlowModel<T extends Output<T>>Base class for a TensorFlow model that operates onExamples.final classTensorFlowNativeModel<T extends Output<T>>This model encapsulates a TensorFlow model running in graph mode with a single tensor output.final classTensorFlowSavedModelExternalModel<T extends Output<T>>A Tribuo wrapper around a TensorFlow saved model bundle. -
Uses of ProtoSerializable in org.tribuo.interop.tensorflow.sequence
Subinterfaces of ProtoSerializable in org.tribuo.interop.tensorflow.sequenceModifier and TypeInterfaceDescriptioninterfaceConverts a sequence example into a feed dict suitable for TensorFlow.interfaceSequenceOutputConverter<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.Classes in org.tribuo.interop.tensorflow.sequence that implement ProtoSerializableModifier and TypeClassDescriptionclassTensorFlowSequenceModel<T extends Output<T>>A TensorFlow model which implements SequenceModel, suitable for use in sequential prediction tasks. -
Uses of ProtoSerializable in org.tribuo.math
Subinterfaces of ProtoSerializable in org.tribuo.mathModifier and TypeInterfaceDescriptioninterfaceA Parameters for models which make a single prediction like logistic regressions and neural networks.interfaceAn interface to aTensor[] array which accepts updates to the parameters.Classes in org.tribuo.math that implement ProtoSerializable -
Uses of ProtoSerializable in org.tribuo.math.distance
Subinterfaces of ProtoSerializable in org.tribuo.math.distanceClasses in org.tribuo.math.distance that implement ProtoSerializableModifier and TypeClassDescriptionfinal classCosine similarity used as a distance measure.final classL1 (or Manhattan) distance.final classL2 (or Euclidean) distance. -
Uses of ProtoSerializable in org.tribuo.math.kernel
Subinterfaces of ProtoSerializable in org.tribuo.math.kernelClasses in org.tribuo.math.kernel that implement ProtoSerializableModifier and TypeClassDescriptionclassA linear kernel, u.dot(v).classA polynomial kernel, (gamma*u.dot(v) + intercept)^degree.classA Radial Basis Function (RBF) kernel, exp(-gamma*|u-v|^2).classA sigmoid kernel, tanh(gamma*u.dot(v) + intercept). -
Uses of ProtoSerializable in org.tribuo.math.la
Subinterfaces of ProtoSerializable in org.tribuo.math.laModifier and TypeInterfaceDescriptioninterfaceInterface for 2 dimensionalTensors.interfaceInterface for 1 dimensionalTensors.interfaceAn interface for Tensors, currently Vectors and Matrices.Classes in org.tribuo.math.la that implement ProtoSerializableModifier and TypeClassDescriptionclassA dense matrix, backed by a primitive array.classA matrix which is dense in the first dimension and sparse in the second.classA dense vector, backed by a double array.classA sparse vector. -
Uses of ProtoSerializable in org.tribuo.math.neighbour
Subinterfaces of ProtoSerializable in org.tribuo.math.neighbourModifier and TypeInterfaceDescriptioninterfaceAn interface for factories which create nearest neighbour query objects. -
Uses of ProtoSerializable in org.tribuo.math.neighbour.bruteforce
Classes in org.tribuo.math.neighbour.bruteforce that implement ProtoSerializableModifier and TypeClassDescriptionfinal classA factory which creates brute-force nearest neighbour query objects. -
Uses of ProtoSerializable in org.tribuo.math.neighbour.kdtree
Classes in org.tribuo.math.neighbour.kdtree that implement ProtoSerializableModifier and TypeClassDescriptionclassA factory which creates k-d tree nearest neighbour query objects. -
Uses of ProtoSerializable in org.tribuo.math.optimisers.util
Classes in org.tribuo.math.optimisers.util that implement ProtoSerializableModifier and TypeClassDescriptionclassA subclass ofDenseMatrixwhich shrinks the value every time a new value is added.classA subclass ofDenseVectorwhich shrinks the value every time a new value is added. -
Uses of ProtoSerializable in org.tribuo.math.util
Subinterfaces of ProtoSerializable in org.tribuo.math.utilModifier and TypeInterfaceDescriptioninterfaceAn interface for merging an array ofDenseSparseMatrixinto a singleDenseSparseMatrix.interfaceA functional interface that generates a normalized version of a double array.Classes in org.tribuo.math.util that implement ProtoSerializableModifier and TypeClassDescriptionclassNormalizes the exponential values of the input array.classMerges eachSparseVectorseparately using aPriorityQueueas a heap.classclassNoopNormalizer returns a copy inNoopNormalizer.normalize(double[])and is a no-op in place.classNormalizes, but first subtracts the minimum value (to ensure positivity).classNormalizes the input by applying a logistic sigmoid to each element. -
Uses of ProtoSerializable in org.tribuo.multilabel
Classes in org.tribuo.multilabel that implement ProtoSerializableModifier and TypeClassDescriptionclassAnImmutableOutputInfofor working withMultiLabeltasks.classA class for multi-label classification.final classA factory for generating MultiLabel objects and their associated OutputInfo and Evaluator objects.classThe base class for information aboutMultiLabeloutputs.classA MutableOutputInfo for working with multi-label tasks. -
Uses of ProtoSerializable in org.tribuo.multilabel.baseline
Classes in org.tribuo.multilabel.baseline that implement ProtoSerializableModifier and TypeClassDescriptionfinal classA Classifier Chain Model.classAModelwhich wraps n binary models, where n is the size of the MultiLabel domain. -
Uses of ProtoSerializable in org.tribuo.multilabel.ensemble
Classes in org.tribuo.multilabel.ensemble that implement ProtoSerializableModifier and TypeClassDescriptionfinal classA 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
Classes in org.tribuo.multilabel.sgd.fm that implement ProtoSerializableModifier and TypeClassDescriptionclassThe inference time version of a multi-label factorization machine trained using SGD. -
Uses of ProtoSerializable in org.tribuo.multilabel.sgd.linear
Classes in org.tribuo.multilabel.sgd.linear that implement ProtoSerializableModifier and TypeClassDescriptionclassThe inference time version of a multi-label linear model trained using SGD. -
Uses of ProtoSerializable in org.tribuo.protos
Methods in org.tribuo.protos with type parameters of type ProtoSerializableModifier 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 aProtoSerializableclass which has the appropriateProtoSerializableClassannotations.Method parameters in org.tribuo.protos with type arguments of type ProtoSerializableModifier and TypeMethodDescriptionstatic intProtoUtil.getCurrentVersion(Class<? extends ProtoSerializable<?>> clazz) If this class is annotated withProtoSerializableClassreturns the version number, otherwise returns -1. -
Uses of ProtoSerializable in org.tribuo.regression
Classes in org.tribuo.regression that implement ProtoSerializableModifier and TypeClassDescriptionclassAImmutableOutputInfoforRegressors.classAMutableOutputInfoforRegressors.final classA factory for creatingRegressors andRegressionInfos.classThe base class for regression information usingRegressors.classAnOutputfor n-dimensional real valued regression.static final classARegressorwhich 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
Classes in org.tribuo.regression.baseline that implement ProtoSerializableModifier and TypeClassDescriptionclassA model which performs dummy regressions (e.g., constant output, gaussian sampled output, mean value, median, quartile). -
Uses of ProtoSerializable in org.tribuo.regression.ensemble
Classes in org.tribuo.regression.ensemble that implement ProtoSerializableModifier and TypeClassDescriptionclassA 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
Classes in org.tribuo.regression.impl that implement ProtoSerializableModifier and TypeClassDescriptionclassAModelwhich wraps n independent regression models, where n is the size of the MultipleRegressor domain.classASparseModelwhich wraps n independent regression models, where n is the size of the MultipleRegressor domain. -
Uses of ProtoSerializable in org.tribuo.regression.liblinear
Classes in org.tribuo.regression.liblinear that implement ProtoSerializable -
Uses of ProtoSerializable in org.tribuo.regression.libsvm
Classes in org.tribuo.regression.libsvm that implement ProtoSerializableModifier and TypeClassDescriptionclassA regression model that uses an underlying libSVM model to make the predictions. -
Uses of ProtoSerializable in org.tribuo.regression.rtree
Classes in org.tribuo.regression.rtree that implement ProtoSerializableModifier and TypeClassDescriptionfinal class -
Uses of ProtoSerializable in org.tribuo.regression.sgd.fm
Classes in org.tribuo.regression.sgd.fm that implement ProtoSerializableModifier and TypeClassDescriptionclassThe inference time model of a regression factorization machine trained using SGD. -
Uses of ProtoSerializable in org.tribuo.regression.sgd.linear
Classes in org.tribuo.regression.sgd.linear that implement ProtoSerializableModifier and TypeClassDescriptionclassThe inference time version of a linear model trained using SGD. -
Uses of ProtoSerializable in org.tribuo.regression.slm
Classes in org.tribuo.regression.slm that implement ProtoSerializableModifier and TypeClassDescriptionclassThe inference time version of a sparse linear regression model. -
Uses of ProtoSerializable in org.tribuo.regression.xgboost
Classes in org.tribuo.regression.xgboost that implement ProtoSerializableModifier and TypeClassDescriptionfinal classConverts XGBoost outputs intoRegressorPredictions. -
Uses of ProtoSerializable in org.tribuo.sequence
Classes in org.tribuo.sequence that implement ProtoSerializableModifier and TypeClassDescriptionclassImmutableSequenceDataset<T extends Output<T>>This is aSequenceDatasetwhich has anImmutableFeatureMapto store the feature information.classIndependentSequenceModel<T extends Output<T>>A SequenceModel which independently predicts each element of the sequence.classMinimumCardinalitySequenceDataset<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.classMutableSequenceDataset<T extends Output<T>>A MutableSequenceDataset is aSequenceDatasetwith aMutableFeatureMapwhich grows over time.classSequenceDataset<T extends Output<T>>A class for sets of data, which are used to train and evaluate classifiers.classSequenceExample<T extends Output<T>>A sequence of examples, used for sequence classification.classSequenceModel<T extends Output<T>>A prediction model, which is used to predict outputs for unseen instances. -
Uses of ProtoSerializable in org.tribuo.transform
Subinterfaces of ProtoSerializable in org.tribuo.transformModifier and TypeInterfaceDescriptioninterfaceA fittedTransformationwhich can apply a transform to the input value.Classes in org.tribuo.transform that implement ProtoSerializableModifier and TypeClassDescriptionclassTransformedModel<T extends Output<T>>Wraps aModelwith it'sTransformerMapso allExamples are transformed appropriately before the model makes predictions.final class -
Uses of ProtoSerializable in org.tribuo.transform.transformations
Classes in org.tribuo.transform.transformations that implement ProtoSerializableModifier and TypeClassDescriptionstatic final classThe implementation of aTransformerwhich splits the input into n bins.final classThis is used for stateless functions such as exp, log, addition or multiplication by a constant.