All Classes and Interfaces
Class
Description
Accuracy is an Evaluator that computes the accuracy score.This provides shared functionality for both the DJL-based 
AbstractBlocks and the imported
 AbstractSymbolBlocks.AbstractBlock is an abstract implementation of Block.An Embedding maps elements of type T to a 1-Dimensional representative 
NDArrays.An 
AbstractEmbedding where each embedded item can be assigned an integer index.The 
AbstractRepository is the shared base for implementers of the Repository
 interface.AbstractSymbolBlock is an abstract implementation of SymbolBlock.Accuracy is the AbstractAccuracy with multiple classes.Contains the available actions that can be taken in an 
RlEnv.Utility class that provides activation functions and blocks.
Adadelta is an Adadelta Optimizer.The Builder to construct an 
Adadelta object.Adagrad is an AdaGrad Optimizer.The Builder to construct an 
Adagrad object.Adam is a generalization of the AdaGrad Optimizer.The Builder to construct an 
Adam object.Adam is a generalization of the AdaGrad Optimizer.The Builder to construct an 
AdamW object.A class contains common tasks that can be completed using deep learning.
The common set of applications for audio data.
The common set of applications for computer vision (image and video data).
The common set of applications for natural language processing (text data).
The common set of applications for tabular data.
The common set of applications for timeseries extension.
A utility class to extract data from model's arguments.
The Builder to construct an 
ArrayDataset.An 
Artifact is a set of data files such as a model or dataset.A file (possibly compressed) within an 
Artifact.A 
Comparator to compare artifacts based on their version numbers.Audio is a container of an audio in DJL.AudioFactory contains audio creation mechanism on top of different platforms like PC and
 Android.A base containing shared implementations for 
HpOptimizers.Built-in 
Translator that provides default image pre-processing.A builder to extend for all classes extending the 
BaseImageTranslator.A Builder to construct a 
ImageClassificationTranslator.A helper to create a 
TranslatorFactory with the BaseImageTranslator.BaseModel is the basic implementation of Model.Shared code for the 
ModelLoader implementations.BaseNDManager is the default implementation of NDManager.A 
Batch is used to hold multiple items (data and label pairs) from a Dataset.In batch training (training with more than one samples per iteration), a batch normalization
 layer works by normalizing the values of input data to have mean of 0 and variance of 1.
The Builder to construct a 
BatchNorm.BatchSampler is a Sampler that returns a single epoch over the data.BatchTensorList represents a search state, and the NDArrays inside are updated in each iteration
 of the autoregressive loop.
Implements the core bert model (without next sentence and masked language task) of bert.
BertFullTokenizer runs end to end tokenization of input text
Block for the bert masked language task.
The loss for the bert masked language model task.
Block to perform the Bert next-sentence-prediction task.
Calculates the loss for the next sentence prediction task.
Creates a block that performs all bert pretraining tasks (next sentence and masked language).
Loss that combines the next sentence and masked language losses of bert pretraining.
BertToken contains all the information for Bert model after encoding question and paragraph.
BertTokenizer is a class to help you encode question and paragraph sentence.
Built-in 
Translator that provides preprocessing and postprocessing for BigGAN.A 
TranslatorFactory that creates a BigGANTranslator instance.BinaryAccuracy is the AbstractAccuracy with two classes.A 
Block is a composable function that forms a neural network.Block factory is a component to make standard for block creating and saving procedure.
Represents a set of names and Blocks.
Utility class that provides some useful blocks.
An interface representing a bounding box around an object inside an image.
BoundingBoxError is an Evaluator that computes the error in the prediction of
 bounding boxes in SingleShotDetection model.BufferedImageFactory is the default implementation of ImageFactory.BulkDataIterable specializes DataIterable in using 
ArrayDataset.getByRange(NDManager, long, long) or ArrayDataset.getByIndices(NDManager, long...) to create Batch
 instances more efficiently.Represents a supplier of 
byte[].A class representing the segmentation result of an image in an 
Application.CV.SEMANTIC_SEGMENTATION case.CausalLMOuput is used to contain multiple output of a language model.
A 
Transform that crops the center of an image.A 
Transform that fit the size of an image.A {link BytesSupplier} that supports chunked reading.
Classifications is the container that stores the classification results for
 classification on a single input.A 
Classification stores the classification result for a single class on a single
 input.An 
AbstractIndexedEmbedding that always returns a constant value.Initializer that generates tensors with constant values.
ContrastiveSeqBatchScheduler is a class which implements the contrastive search algorithm
 used in SeqBatchScheduler.A 
Conv1d layer works similar to Convolution layer with the exception of the
 number of dimension it operates on being only one, which is LayoutType.WIDTH.A 
Conv1dTranspose layer works similar to Deconvolution layer with the exception
 of the number of dimension it operates on being only one, which is LayoutType.WIDTH.The Builder to construct a 
Conv1dTranspose type of Block.Being the pioneer of convolution layers, 
Conv2d layer works on two dimensions of input,
 LayoutType.WIDTH and LayoutType.HEIGHT as usually a Conv2d layer is used
 to process data with two spatial dimensions, namely image.The Builder to construct a 
Conv2dTranspose type of Block.Conv3d layer behaves just as Convolution does, with the distinction being it
 operates of 3-dimensional data such as medical images or video data.A convolution layer does a dot product calculation on each channel of \(k\)-channel input data by
 specified number of filters, each containing \(k\) kernels for calculating each channel in the
 input data and then summed per filter, hence the number of filters denote the number of output
 channels of a convolution layer.
A builder that can build any 
Convolution block.CosineTracker is an implementation of Tracker which is updated by taking sections
 of a cosine curve to smoothly reduce learning rate until a specified step and base learning rate.The Builder to construct an 
CosineTracker object.Coverage for a Regression problem: it measures the percent of predictions greater than the actual
 target, to determine whether the predictor is over-forecasting or under-forecasting.
The 
Criteria class contains search criteria to look up a ZooModel.A Builder to construct a 
Criteria.A 
Transform that crops the image to a given location and size.CyclicalTracker is an implementation of Tracker which is a policy of learning
 rate adjustment that increases the learning rate off a base value in a cyclical nature, as
 detailed in the paper Cyclical Learning Rates for
 Training Neural Networks.The Builder to construct an 
CyclicalTracker object.CyclicalTracker provides three predefined cyclical modes and can be selected by this
 enum.ScaleFunction is an interface to implement a custom scale function.A data descriptor class that encapsulates information of a 
NDArray.DataIterable is a data loader that combines 
Dataset, Batchifier, Pipeline, and Sampler to provide an iterable over the given RandomAccessDataset.An interface to represent a set of sample data/label pairs to train a model.
An enum that indicates the mode - training, test or validation.
An enum representing the underlying 
NDArray's data type.The general data type format categories.
Decoder is an abstract block that be can used as decoder in encoder-decoder architecture.Transposed convolution, also named fractionally-strided convolution Dumoulin & Visin or deconvolution Long et al., 2015, serves this purpose.
A builder that can build any 
Deconvolution block.A 
ModelZoo that contains models in specified locations.DefaultTrainingConfig is an implementation of the TrainingConfig interface.A default implementation of 
TranslatorFactory.The default implementation of Vocabulary.
Builder class that is used to build the 
DefaultVocabulary.An 
ZooProvider implementation can load models from specified locations.A 
TranslatorFactory that creates the Translator based on serving.properties file.A class representing the detected objects results for a single image in an 
Application.CV.OBJECT_DETECTION case.A 
DetectedObject represents a single potential detected Object for an image.The 
Device class provides the specified assignment for CPU/GPU processing on the 
 NDArray.A combined 
Device representing the composition of multiple other devices.Contains device type string constants.
A class represents a metric dimension.
TrainingListener that gives early warning if your training has failed by divergence.A utility class downloads the file from specified url.
A dropout layer benefits a network by allowing some units (neurons), and hence their respective
 connections, of a network to be randomly and temporarily removed by setting its value to 0
 only during training by specified probability \(p\), usually set to 0.5.
Listener that allows the training to be stopped early if the validation loss is not improving, or
 if time has expired.
A builder for a 
EarlyStoppingListener.Thrown when training is stopped early, the message will contain the reason why it is stopped
 early.
Helper for easy training with hyperparameters.
Helper for easy training of a whole model, a trainining batch, or a validation batch.
ElasticWeightDecay calculates L1+L2 penalty of a set of parameters.An Embedding block map a collection of items to 1-Dimensional representative 
NDArrays.Thrown to indicate that there was some error while loading embeddings.
Encoder is an abstract block that be can used as encoder in encoder-decoder architecture.EncoderDecoder is a general implementation of the very popular encoder-decoder
 architecture.The 
Engine interface is the base of the provided implementation for DJL.Thrown to indicate that a native error is raised from the underlying 
Engine.The 
EngineProvider instance manufactures an Engine instance, which is available
 in the system.Represents a class that can be ensembled (or averaged).
EpochTrainingListener that tracks epochs.The 
EpsilonGreedy is a simple exploration/excitation agent.Base class for all 
Evaluators that can be used to evaluate the performance of a model.TrainingListener that records evaluator results.A function from a base translator to an expanded translator.
FactorTracker is an implementation of Tracker which is updated by a
 multiplicative factor.The Builder to construct an 
FactorTracker object.Built-in 
PreProcessor that provides image pre-processing from file path.A class containing utility methods.
FixedPerVarTracker is an implementation of Tracker which returns a fixed value.The Builder to construct an 
FixedPerVarTracker object.GhostBatchNorm is similar to BatchNorm except that it splits a batch into a
 smaller sub-batches aka ghost batches, and normalize them individually to have a mean of
 0 and variance of 1 and finally concatenate them again to a single batch.The Builder to construct a 
GhostBatchNorm.An interface that provides a mechanism to collect gradients during training.
GRU is an abstract implementation of recurrent neural networks which applies GRU (Gated
 Recurrent Unit) recurrent layer to input.HingeLoss is a type of Loss.A 
Hyperparameter for a boolean option.A 
Hyperparameter which is one of a fixed number of options (similar to an enum).A 
Hyperparameter for a float.A 
Hyperparameter for an integer.An optimizer for 
Hyperparameters.A simple 
HpOptimizer that tries random hyperparameter choices within the range.A nestable set of 
Hyperparameters.A 
Hyperparameter with a known value instead of a range of possible values.A class representing an input to the network that can't be differentiated.
Unicode normalization does not take care of "exotic" hyphens that we normally do not want in NLP
 input.
An Embedding from integer ids to float vectors.
The Builder to construct an 
IdEmbedding type of Block.A 
BlockFactory class that creates IdentityBlock.Image is a container of an image in DJL.Flag indicates the color channel options for images.
Interpolation indicates the Interpolation options for resizinig an image.
A generic 
Translator for Image Classification tasks.A Builder to construct a 
ImageClassificationTranslator.A 
TranslatorFactory that creates an ImageClassificationTranslator.ImageFactory contains image creation mechanism on top of different platforms like PC and
 Android.A generic 
Translator for Image Classification feature extraction tasks.A Builder to construct a 
ImageFeatureExtractor.A 
TranslatorFactory that creates an ImageClassificationTranslator.An interface representing an initialization method.
A class stores the generic input data for inference.
Built-in 
PreProcessor that provides image pre-processing from InputStream.A 
BaseImageTranslator that post-process the NDArray into DetectedObjects
 with boundaries at the detailed pixel level.The builder for Instance Segmentation translator.
A 
TranslatorFactory that creates a InstanceSegmentationTranslator instance.An 
IteratorBytesSupplier is a streaming BytesSupplier suitable for synchronous
 usage.A 
JarRepository is a Repository contains an archive file from classpath.A result of all joints found during Human Pose Estimation on a single image.
A joint that was detected using Human Pose Estimation on an image.
L1Loss calculates L1 loss between label and prediction.L1WeightDecay calculates L1 penalty of a set of parameters.Calculates L2Loss between label and prediction, a.k.a.
L2WeightDecay calculates L2 penalty of a set of parameters.LambdaBlock is a Block with no parameters or children.TextProcessor will apply user defined lambda function on input tokens.Landmark is the container that stores the key points for landmark on a single face.Layer normalization works by normalizing the values of input data for each input sample to have
 mean of 0 and variance of 1.
The Builder to construct a 
LayerNorm.An enum to represent the meaning of a particular axis in an 
NDArray.An 
NDArray that waits to compute values until they are needed.A 
License is a container to save the license information.A Linear block applies a linear transformation \(Y = XW^T + b\).
A LinearCollection block applies \(m\) linear transformations \(Y_i = X_i W_i + b_i\) for each
 \(i \in [1, \ldots, m]\) and \(m = \prod_{j=1}^t s_j\).
The Builder to construct a 
LinearCollection type of Block.FactorTracker is an implementation of Tracker which is updated by a constant
 factor.The Builder to construct an 
LinearTracker object.LocalParameterServer is an implementation of the ParameterServer interface.A 
LocalRepository is a Repository located in a filesystem directory.TrainingListener that outputs the progress of training each batch and epoch into logs.Loss functions (or Cost functions) are used to evaluate the model predictions against true labels
 for optimization.
LowerCaseConvertor converts every character of the input tokens to it's respective lower
 case character.A simple 
ReplayBuffer that randomly selects across the whole buffer, but always removes
 the oldest items in the buffer once it is full.LSTM is an implementation of recurrent neural networks which applies Long Short-Term
 Memory recurrent layer to input.Thrown to indicate Model parameters are not in expected format or are malformed.
A mask with a probability for each pixel within a bounding rectangle.
MaskedSoftmaxCrossEntropyLoss is an implementation of Loss that only considers a
 specific number of values for the loss computations, and masks the rest according to the given
 sequence.TrainingListener that collects the memory usage information.A 
Metadata class that matches all any search criteria.A class representing a single recorded 
Metric value.A collection of 
Metric objects organized by metric name.An enum holds metric type constants.
Transform arrays by scaling each value to a given range.
A model is a collection of artifacts that is created by the training process.
Thrown to indicate Model parameter or load exceptions parent to Model Exceptions.
A ModelLoader loads a particular 
ZooModel from a Repository for a model zoo.Thrown when an application tries to load a model from repository search path.
An interface represents a collection of models.
An interface that resolves external ModelZoo.
A 
WordEmbedding using a ZooModel.The 
MRL (Machine learning Resource Locator) is a pointer to a Metadata "resource"
 on a machine learning Repository.MultiBoxDetection is the class that takes the output of a multi-box detection model, and
 converts it into an NDList that contains the object detections.The Builder to construct a 
MultiBoxDetection object.MultiBoxPrior is the class that generates anchor boxes that act as priors for object
 detection.The Builder to construct a 
MultiBoxPrior object.MultiBoxTarget is the class that computes the training targets for training a Single Shot
 Detection (SSD) models.The Builder to construct a 
MultiBoxTarget object.MultiFactorTracker is an implementation of Tracker which returns piecewise
 constant values for fixed numbers of steps.The Builder to construct an 
MultiFactorTracker object.A Multiplication block performs an element-wise multiplication of inputs and weights as opposed
 to a 
Linear block which additionally sums up each element-wise multiplication.The Builder to construct a 
Multiplication type of Block.Nag is a Nesterov accelerated gradient optimizer.The Builder to construct an 
Nag object.A class that represents a 
NamedEntity object.An interface representing an n-dimensional array.
A base implementation of the 
NDArray that does nothing.This class contains various methods for manipulating NDArrays.
Represents a supplier of 
NDArray.NDImageUtils is an image processing utility to load, reshape, and convert images using
 NDArray images.The 
NDIndex allows you to specify a subset of an NDArray that can be used for fetching or
 updating.An 
NDIndexElement to return all values in a particular dimension.An 
NDIndexElement to return values based on a mask binary NDArray.An index for particular dimensions created by NDIndex.
An NDIndexElement that returns only a specific value in the corresponding dimension.
A simplified representation of a pick-based 
NDIndex.An index as a slice on all dimensions where some dimensions can be squeezed.
A simplified representation of a take-based 
NDIndex.An 
NDIndexElement to return all values in a particular dimension.An 
NDIndexElement that gets elements by index in the specified axis.An NDIndexElement that returns a range of values in the specified dimension.
An 
NDIndexElement that gets elements by index in the specified axis.An 
NDList represents a sequence of NDArrays with names.An enum represents NDList serialization format.
NDArray managers are used to create NDArrays (n-dimensional array on native engine).
A 
NDManager.SystemNDManager is a marker class for a base NDManager.An object which is managed by an 
NDManager and tracks the manager it is attached to.A class that tracks 
NDResource objects created in the try-with-resource block and close
 them automatically when out of the block scope.A class containing utility methods for NDArray operations.
Utility functions for processing String and Characters in NLP problems.
A 
Translator that does not use a Batchifier.A 
TranslatorFactory that creates a RawTranslator instance.A no operational 
Translator implementation.NormalInitializer initializes weights with random values sampled from a normal
 distribution with a mean of zero and standard deviation of sigma.ObjectDetectionTranslator.ObjectDetectionBuilder<T extends ObjectDetectionTranslator.ObjectDetectionBuilder>
The base builder for the object detection translator.
An abstract 
TranslatorFactory that creates a ObjectDetectionTranslator instance.A 
BlockFactory class that creates LambdaBlock.An 
Optimizer updates the weight parameters to minimize the loss function.The Builder to construct an 
Optimizer.A class stores the generic inference results.
The padding stack batchifier is a 
StackBatchifier that also pads elements to reach the
 same length.Builder to build a 
PaddingStackBatchifier.ParallelBlock is a Block whose children form a parallel branch in the network and
 are combined to produce a single output.Parameter is a container class that holds a learnable parameter of a model.A Builder to construct a 
Parameter.Enumerates the types of 
Parameter.Represents a set of names and Parameters.
An interface for a key-value store to store parameters, and their corresponding gradients.
The 
ParameterStore contains a map from a parameter to the mirrors of it on other devices.A 
Tracker represents a collection of hyperparameters or Trackers that changes
 gradually through the training process.Pipeline allows applying multiple transforms on an input NDList.A point representing a location in 
(x,y) coordinate space, specified in double precision.Fully connected Feed-Forward network, only applied to the last dimension of the input.
Polynomial decay 
Tracker.Builder for PolynomialDecayTracker.
Utility class that provides 
Block and methods for different pooling functions.An interface that provides post-processing functionality.
The 
Predictor interface provides a session for model inference.Applies Leaky Parametric ReLU activation element-wise to the input.
An interface that provides pre-processing functionality.
ProgressBar is an implementation of Progress.An 
PublisherBytesSupplier is a streaming BytesSupplier suitable for reactive
 asynchronous usage.PunctuationSeparator separates punctuation into a separate token.An 
RlAgent that implements Q or Deep-Q Learning.The input container for a 
Application.NLP.QUESTION_ANSWER model.An abstract class to define the question answering translator.
The builder for question answering translator.
QuantileL1Loss calculates the Weighted Quantile Loss between labels and predictions.RandomAccessDataset represent the dataset that support random access reads.
The Builder to construct a 
RandomAccessDataset.A 
Transform that randomly jitters image brightness with a factor chosen from [max(0, 1 -
 brightness), 1 + brightness].A 
Transform that randomly jitters the brightness, contrast, saturation, and hue of an
 image.A 
Transform that randomly flip the input image left to right with a probability of 0.5.A 
Transform that randomly flip the input image top to bottom with a probability of 0.5.A 
Transform that randomly jitters image hue with a factor chosen from [max(0, 1 - hue), 1
 + hue].A 
Transform that crop the input image with random scale and aspect ratio.RandomSampler is an implementation of the Sampler.SubSampler interface.An interface can read a plain java object from dataset.
Record represents a single element of data and labels from Dataset.A 
Rectangle specifies an area in a coordinate space that is enclosed by the 
 Rectangle object's upper-left point Point in the coordinate space, its width, and its
 height.RecurrentBlock is an abstract implementation of recurrent neural networks.The Builder to construct a 
RecurrentBlock type of Block.A 
RemoteRepository is a Repository located on a remote web server.Records 
RlEnv.Steps so that they can be trained on.Repository is a format for storing data Artifacts for various uses including deep
 learning models and datasets.A interface responsible to create 
Repository instances.A 
Transform that resizes the image.An environment to use for reinforcement learning.
A record of taking a step in the environment.
The 
RMSProp Optimizer.The Builder to construct an 
RmsProp object.RNN is an implementation of recurrent neural networks which applies a single-gate
 recurrent layer to input.An enum that enumerates the type of activation.
A 
Translator that can serve SAM2 model.A 
Translator that handles mask generation task.The builder for Sam2Translator.
A class represents the segment anything input.
The builder for 
Sam2Input.A 
TranslatorFactory that creates a Sam2Translator instance.SampledAudioFactory is an implementation of ImageFactory using the Java Sampled
 Package.An interface for sampling data items from a 
RandomAccessDataset.An interface that samples a single data item at a time.
A 
TrainingListener that saves a model and can save checkpoints.A Block implementing scaled product attention according to Vaswani et.
A builder for 
ScaledDotProductAttentionBlocks.SearchConfig is a class whose fields are parameters used for autoregressive search / text
 generation.A 
Translator that post-process the Image into CategoryMask with output
 mask representing the class that each pixel in the original image belong to.The builder for Semantic Segmentation translator.
A 
TranslatorFactory that creates a SemanticSegmentationTranslator instance.SeqBatcher stores the search state (BatchTensorList), the control variables (e.g.This is a scheduler, serving as an API to the consumer of the system, allowing for three major
 actions: initForward, addBatch, fastForward, collectResults.
SequenceSampler is an implementation of the Sampler.SubSampler interface.SequentialBlock is a Block whose children form a chain of blocks with each child
 block feeding its output to the next.A 
TranslatorFactory that creates a generic Translator.Sgd is a Stochastic Gradient Descent (SGD) optimizer.The Builder to construct an 
Sgd object.A class that presents the 
NDArray's shape information.SigmoidBinaryCrossEntropyLoss is a type of Loss.A simpler version of the 
PaddingStackBatchifier that pads all dimensions rather than
 specific ones.The builder for Pose Estimation translator.
An 
TranslatorFactory that creates a SimplePoseTranslator instance.A 
SimpleRepository is a Repository containing only a single artifact without
 requiring a "metadata.json" file.A 
Translator that performs pre-process and post-processing for a sequence-to-sequence
 text model.A 
TextEmbedding that applies a WordEmbedding to each word independently.SimpleTokenizer is an implementation of the Tokenizer interface that converts
 sentences into token by splitting them by a given delimiter.A 
SimpleUrlRepository is a Repository contains an archive file from a HTTP URL.SingleShotDetectionAccuracy is an implementation of AbstractAccuracy.SingleShotDetectionLoss is an implementation of Loss.The builder for SSD translator.
An 
TranslatorFactory that creates a SingleShotDetectionTranslator instance.SoftmaxCrossEntropyLoss is a type of Loss that calculates the softmax cross
 entropy loss.An enum representing Sparse matrix storage formats.
SparseMax contains a generic implementation of sparsemax function the definition of
 SparseMax can be referred to https://arxiv.org/pdf/1602.02068.pdf.An interface representing a Sparse NDArray.
A 
TranslatorFactory that creates a SpeechRecognitionTranslator instance.StackBatchifier is used to merge a list of samples to form a mini-batch of NDArray(s).Constant definitions for the standard capability.
StepGeneration is a utility class containing the step generation utility functions used
 in autoregressive search.A 
Block possessing the additional streaming forward capabilities used by Predictor.streamingPredict(Object).An expansion of the 
Translator with postProcessing for the StreamingBlock (used
 by Predictor.streamingPredict(Object).A 
StreamingTranslator.StreamOutput represents a streamable output type (either iterative or
 asynchronous).What types of 
StreamingTranslator.StreamOutputs are supported by a StreamingTranslator.Built-in 
PreProcessor that provides image pre-processing from url or base64 encoded
 string.Built-in 
Translator that provides preprocessing and postprocessing for StyleTransfer.A 
TranslatorFactory that creates a StyleTransferTranslator instance.SymbolBlock is a Block is used to load models that were exported directly from
 the engine in its native format.Calculates the loss for tabNet in Classification tasks.
Calculates the loss of tabNet for regression tasks.
Applies remove or replace of certain characters based on condition.
A class to manage 1-D 
NDArray representations of multiple words.TextGenerator is an LMSearch (language model search) which contains multiple
 autoregressive search methods.TextProcessor allows applying pre-processing to input tokens for natural language
 applications.The input container for NLP text prompt.
A 
TextProcessor that adds a beginning of string and end of string token.TextProcessor that truncates text to a maximum size.TrainingListener that outputs the training time metrics after training is done.Tokenizer interface provides the ability to break-down sentences into embeddable tokens.TopKAccuracy is an Evaluator that computes the accuracy of the top k predictions.A 
Tracker represents a hyperparameter that changes gradually through the training
 process.TrainableWordEmbedding is an implementation of WordEmbedding and Embedding based on a DefaultVocabulary.A builder for a 
TrainableWordEmbedding.The 
Trainer interface provides a session for model training.An interface that is responsible for holding the configuration required by 
Trainer.Thrown to indicate when there is a divergence during Training.
TrainingListener offers an interface that performs some actions when certain events have
 occurred in the Trainer.A class to pass data from the batch into the training listeners.
Contains default 
TrainingListener sets.Base implementation of the training listener that does nothing.
A class that is responsible for holding the training result produced by 
Trainer.An interface to apply various transforms to the input.
Self-Attention based transformer encoder block.
Thrown to indicate that an error is raised during processing of the input or output.
The 
Translator interface provides model pre-processing and postprocessing functionality.The 
TranslatorContext interface provides a toolkit for pre-processing and postprocessing
 functionality.A utility class creates 
Translator instances.A set of possible options for 
Translators with different input and output types.Naive implementation of a truncated normal initializer.
Applies unicode normalization to input strings.
UniformInitializer initializes weights with random values uniformly sampled from a given
 range.Thrown to indicate that a 
Parameter was not initialized.An interface holds metric unit constants.
Built-in 
PreProcessor that provides image pre-processing from URL.Vocabulary is a collection of tokens.A 
WarmUpTracker applies a simple warm-up before executing a main Tracker.The Builder to construct a 
WarmUpTracker.An enum that enumerates the types of warm-up modes for a 
WarmUpTracker.A class to manage 1-D 
NDArray representations of words.WordpieceTokenizer tokenizes a piece of text into its word pieces.
XavierInitializer is an Initializer that performs "Xavier" initialization for
 parameters.Enum for different types of factor type.
Enum for different types of random distributions.
A translator for Yolov8 pose estimation models.
The builder for Pose Estimation translator.
An 
TranslatorFactory that creates a YoloPoseTranslator instance.A translator for Yolov8 instance segmentation models.
The builder for instance segmentation translator.
A translatorFactory that creates a 
YoloSegmentationTranslator instance.A translator for yolo models.
The builder for 
YoloTranslator.An 
TranslatorFactory that creates a YoloTranslator instance.YOLOv3Loss is an implementation of Loss.The Builder to construct a 
YOLOv3Loss object.A translator for YoloV5 models.
The builder for 
YoloV5Translator.A enum represents the Yolo output type.
An 
TranslatorFactory that creates a YoloV5Translator instance.A translator for YoloV8 models.
The builder for 
YoloV8Translator.A translatorFactory that creates a 
YoloV8Translator instance.The 
ZooProvider is a service provider that enables ServiceLoader to locate
 and load at the run time.Runtime exception thrown when a provider of the required type cannot be found.