- backedIterator - Variable in class org.deeplearning4j.text.documentiterator.AsyncLabelAwareIterator
-
- backendIterator - Variable in class org.deeplearning4j.text.documentiterator.BasicLabelAwareIterator
-
- backendIterator - Variable in class org.deeplearning4j.text.documentiterator.interoperability.DocumentIteratorConverter
-
- backgroundColor - Variable in class org.deeplearning4j.ui.api.Style
-
- backgroundColor - Variable in class org.deeplearning4j.ui.api.Style.Builder
-
- backgroundColor(Color) - Method in class org.deeplearning4j.ui.api.Style.Builder
-
- backgroundColor(String) - Method in class org.deeplearning4j.ui.api.Style.Builder
-
- backgroundColor(Color) - Method in class org.deeplearning4j.ui.components.table.style.StyleTable.Builder
-
- backgroundColor(String) - Method in class org.deeplearning4j.ui.components.table.style.StyleTable.Builder
-
- backingQueues - Variable in class org.deeplearning4j.parallelism.MagicQueue
-
- backprop - Variable in class org.deeplearning4j.nn.conf.ComputationGraphConfiguration
-
- backprop - Variable in class org.deeplearning4j.nn.conf.ComputationGraphConfiguration.GraphBuilder
-
- backprop(boolean) - Method in class org.deeplearning4j.nn.conf.ComputationGraphConfiguration.GraphBuilder
-
Whether to do back prop (standard supervised learning) or not
- backprop(INDArray, int) - Method in interface org.deeplearning4j.nn.conf.InputPreProcessor
-
Reverse the preProcess during backprop.
- backprop - Variable in class org.deeplearning4j.nn.conf.MultiLayerConfiguration
-
- backprop - Variable in class org.deeplearning4j.nn.conf.MultiLayerConfiguration.Builder
-
- backprop(boolean) - Method in class org.deeplearning4j.nn.conf.MultiLayerConfiguration.Builder
-
Whether to do back prop or not
- backprop(boolean) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.ListBuilder
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.BinomialSamplingPreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.CnnToFeedForwardPreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.CnnToRnnPreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.ComposableInputPreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.custom.MyCustomPreprocessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.FeedForwardToCnnPreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.FeedForwardToRnnPreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.RnnToCnnPreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.RnnToFeedForwardPreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.UnitVarianceProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.ZeroMeanAndUnitVariancePreProcessor
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.conf.preprocessor.ZeroMeanPrePreProcessor
-
- backprop(INDArray, INDArray) - Method in class org.deeplearning4j.nn.layers.custom.testclasses.CustomActivation
-
- backprop(INDArray, int) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessors.TensorFlowCnnToFeedForwardPreProcessor
-
- backprop() - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
Calculate and set gradients for MultiLayerNetwork, based on OutputLayer and labels
- backprop - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- backpropGradient(INDArray) - Method in interface org.deeplearning4j.nn.api.Layer
-
Calculate the gradient relative to the error in the next layer
- backpropGradient(INDArray...) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Calculate the gradient of the network with respect to some external errors.
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.ActivationLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.BaseLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.BaseOutputLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.BasePretrainNetwork
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.convolution.Convolution1DLayer
-
- backpropGradient(INDArray, INDArray, INDArray, int[], int[], int[], INDArray, INDArray, IActivation, ConvolutionLayer.AlgoMode, ConvolutionMode) - Method in interface org.deeplearning4j.nn.layers.convolution.ConvolutionHelper
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.convolution.ConvolutionLayer
-
- backpropGradient(INDArray, INDArray, INDArray, int[], int[], int[], INDArray, INDArray, IActivation, ConvolutionLayer.AlgoMode, ConvolutionMode) - Method in class org.deeplearning4j.nn.layers.convolution.CudnnConvolutionHelper
-
- backpropGradient(INDArray, INDArray, int[], int[], int[], PoolingType, ConvolutionMode) - Method in class org.deeplearning4j.nn.layers.convolution.subsampling.CudnnSubsamplingHelper
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.convolution.subsampling.Subsampling1DLayer
-
- backpropGradient(INDArray, INDArray, int[], int[], int[], PoolingType, ConvolutionMode) - Method in interface org.deeplearning4j.nn.layers.convolution.subsampling.SubsamplingHelper
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.convolution.subsampling.SubsamplingLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.convolution.ZeroPaddingLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.DropoutLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.feedforward.embedding.EmbeddingLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.feedforward.rbm.RBM
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.FrozenLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.LossLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.normalization.BatchNormalization
-
- backpropGradient(INDArray, INDArray, int[], INDArray, INDArray, INDArray, double) - Method in interface org.deeplearning4j.nn.layers.normalization.BatchNormalizationHelper
-
- backpropGradient(INDArray, INDArray, int[], INDArray, INDArray, INDArray, double) - Method in class org.deeplearning4j.nn.layers.normalization.CudnnBatchNormalizationHelper
-
- backpropGradient(INDArray, INDArray, double, double, double, double) - Method in class org.deeplearning4j.nn.layers.normalization.CudnnLocalResponseNormalizationHelper
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.normalization.LocalResponseNormalization
-
- backpropGradient(INDArray, INDArray, double, double, double, double) - Method in interface org.deeplearning4j.nn.layers.normalization.LocalResponseNormalizationHelper
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.pooling.GlobalPoolingLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.recurrent.GravesBidirectionalLSTM
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.recurrent.GravesLSTM
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.recurrent.RnnOutputLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.training.CenterLossOutputLayer
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.layers.variational.VariationalAutoencoder
-
- backpropGradient(INDArray) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- backpropGradientHelper(NeuralNetConfiguration, IActivation, INDArray, INDArray, INDArray, INDArray, boolean, int, FwdPassReturn, boolean, String, String, String, Map<String, INDArray>, INDArray) - Static method in class org.deeplearning4j.nn.layers.recurrent.LSTMHelpers
-
- BackPropMLPTest - Class in org.deeplearning4j.nn.multilayer
-
- BackPropMLPTest() - Constructor for class org.deeplearning4j.nn.multilayer.BackPropMLPTest
-
- BackpropType - Enum in org.deeplearning4j.nn.conf
-
Defines the type of backpropagation.
- backpropType - Variable in class org.deeplearning4j.nn.conf.ComputationGraphConfiguration
-
- backpropType - Variable in class org.deeplearning4j.nn.conf.ComputationGraphConfiguration.GraphBuilder
-
- backpropType(BackpropType) - Method in class org.deeplearning4j.nn.conf.ComputationGraphConfiguration.GraphBuilder
-
The type of backprop.
- backpropType - Variable in class org.deeplearning4j.nn.conf.MultiLayerConfiguration
-
- backpropType - Variable in class org.deeplearning4j.nn.conf.MultiLayerConfiguration.Builder
-
- backpropType(BackpropType) - Method in class org.deeplearning4j.nn.conf.MultiLayerConfiguration.Builder
-
The type of backprop.
- backpropType - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- BackTrackLineSearch - Class in org.deeplearning4j.optimize.solvers
-
- BackTrackLineSearch(Model, StepFunction, ConvexOptimizer) - Constructor for class org.deeplearning4j.optimize.solvers.BackTrackLineSearch
-
- BackTrackLineSearch(Model, ConvexOptimizer) - Constructor for class org.deeplearning4j.optimize.solvers.BackTrackLineSearch
-
- BackTrackLineSearchTest - Class in org.deeplearning4j.optimize.solver
-
- BackTrackLineSearchTest() - Constructor for class org.deeplearning4j.optimize.solver.BackTrackLineSearchTest
-
- BagOfWordsVectorizer - Class in org.deeplearning4j.bagofwords.vectorizer
-
- BagOfWordsVectorizer() - Constructor for class org.deeplearning4j.bagofwords.vectorizer.BagOfWordsVectorizer
-
- BagOfWordsVectorizer.Builder - Class in org.deeplearning4j.bagofwords.vectorizer
-
- BagOfWordsVectorizerTest - Class in org.deeplearning4j.bagofwords.vectorizer
-
- BagOfWordsVectorizerTest() - Constructor for class org.deeplearning4j.bagofwords.vectorizer.BagOfWordsVectorizerTest
-
- BalancedPartitioner - Class in org.deeplearning4j.spark.impl.common.repartition
-
This is a custom partitioner (used in conjunction with
AssignIndexFunction
to repartition a RDD.
- BalancedPartitioner(int, int, int) - Constructor for class org.deeplearning4j.spark.impl.common.repartition.BalancedPartitioner
-
- balancedRandomSplit(int, int, JavaRDD<T>) - Static method in class org.deeplearning4j.spark.util.SparkUtils
-
Random split the specified RDD into a number of RDDs, where each has numObjectsPerSplit
in them.
- balancedRandomSplit(int, int, JavaRDD<T>, long) - Static method in class org.deeplearning4j.spark.util.SparkUtils
-
- balancedRandomSplit(int, int, JavaPairRDD<T, U>) - Static method in class org.deeplearning4j.spark.util.SparkUtils
-
- balancedRandomSplit(int, int, JavaPairRDD<T, U>, long) - Static method in class org.deeplearning4j.spark.util.SparkUtils
-
- BarnesHutTsne - Class in org.deeplearning4j.plot
-
Barnes hut algorithm for TSNE, uses a dual tree approximation approach.
- BarnesHutTsne(int, String, double, boolean, int, double, double, double, double, int, boolean, int, double, double, boolean, double, IterationListener, double) - Constructor for class org.deeplearning4j.plot.BarnesHutTsne
-
- BarnesHutTsne.Builder - Class in org.deeplearning4j.plot
-
- BarnesHutTsneTest - Class in org.deeplearning4j.plot
-
Created by agibsonccc on 10/1/14.
- BarnesHutTsneTest() - Constructor for class org.deeplearning4j.plot.BarnesHutTsneTest
-
- BASE_DIR - Variable in class org.deeplearning4j.base.MnistFetcher
-
- BASE_FORM - Static variable in class com.atilika.kuromoji.ipadic.compile.DictionaryEntry
-
- BaseClusteringAlgorithm - Class in org.deeplearning4j.clustering.algorithm
-
adapted to ndarray matrices
- BaseClusteringAlgorithm() - Constructor for class org.deeplearning4j.clustering.algorithm.BaseClusteringAlgorithm
-
- BaseClusteringAlgorithm(ClusteringStrategy) - Constructor for class org.deeplearning4j.clustering.algorithm.BaseClusteringAlgorithm
-
- BaseClusteringStrategy - Class in org.deeplearning4j.clustering.algorithm.strategy
-
- BaseClusteringStrategy() - Constructor for class org.deeplearning4j.clustering.algorithm.strategy.BaseClusteringStrategy
-
- BaseClusteringStrategy(ClusteringStrategyType, Integer, String, boolean) - Constructor for class org.deeplearning4j.clustering.algorithm.strategy.BaseClusteringStrategy
-
- BaseCollectionStatsStorage - Class in org.deeplearning4j.ui.storage
-
An implementation of the
StatsStorage
interface, backed by MapDB
- BaseCollectionStatsStorage() - Constructor for class org.deeplearning4j.ui.storage.BaseCollectionStatsStorage
-
- BaseCollectionStatsStorage.SessionTypeId - Class in org.deeplearning4j.ui.storage
-
- BaseCollectionStatsStorage.SessionTypeWorkerId - Class in org.deeplearning4j.ui.storage
-
- BaseConvBuilder(int[], int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.BaseConvBuilder
-
- BaseConvBuilder(int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.BaseConvBuilder
-
- BaseConvBuilder(int...) - Constructor for class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.BaseConvBuilder
-
- BaseConvBuilder() - Constructor for class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.BaseConvBuilder
-
- BaseDataFetcher - Class in org.deeplearning4j.datasets.fetchers
-
A base class for assisting with creation of matrices
with the data applyTransformToDestination fetcher
- BaseDataFetcher() - Constructor for class org.deeplearning4j.datasets.fetchers.BaseDataFetcher
-
- BaseDatasetIterator - Class in org.deeplearning4j.datasets.iterator
-
Baseline implementation includes
control over the data fetcher and some basic
getters for metadata
- BaseDatasetIterator(int, int, BaseDataFetcher) - Constructor for class org.deeplearning4j.datasets.iterator.BaseDatasetIterator
-
- BaseDataSetIterator<T> - Class in org.deeplearning4j.spark.iterator
-
Created by huitseeker on 2/15/17.
- BaseDataSetIterator() - Constructor for class org.deeplearning4j.spark.iterator.BaseDataSetIterator
-
- BaseDoubleFlatMapFunctionAdaptee<T> - Class in org.deeplearning4j.spark.util
-
DoubleFlatMapFunction adapter to hide incompatibilities between Spark 1.x and Spark 2.x
This class should be used instead of direct referral to DoubleFlatMapFunction
- BaseDoubleFlatMapFunctionAdaptee(FlatMapFunctionAdapter<T, Double>) - Constructor for class org.deeplearning4j.spark.util.BaseDoubleFlatMapFunctionAdaptee
-
- BaseEarlyStoppingTrainer<T extends Model> - Class in org.deeplearning4j.earlystopping.trainer
-
Base/abstract class for conducting early stopping training locally (single machine).
Can be used to train a
MultiLayerNetwork
or a
ComputationGraph
via early stopping
- BaseEarlyStoppingTrainer(EarlyStoppingConfiguration<T>, T, DataSetIterator, MultiDataSetIterator, EarlyStoppingListener<T>) - Constructor for class org.deeplearning4j.earlystopping.trainer.BaseEarlyStoppingTrainer
-
- BaseEvaluation<T extends BaseEvaluation> - Class in org.deeplearning4j.eval
-
- BaseEvaluation() - Constructor for class org.deeplearning4j.eval.BaseEvaluation
-
- BaseEventStats - Class in org.deeplearning4j.spark.stats
-
Created by Alex on 26/06/2016.
- BaseEventStats(long, long) - Constructor for class org.deeplearning4j.spark.stats.BaseEventStats
-
- BaseEventStats(String, String, long, long, long) - Constructor for class org.deeplearning4j.spark.stats.BaseEventStats
-
- BaseGraph<V,E> - Class in org.deeplearning4j.graph.api
-
- BaseGraph() - Constructor for class org.deeplearning4j.graph.api.BaseGraph
-
- BaseGraphVertex - Class in org.deeplearning4j.nn.graph.vertex
-
BaseGraphVertex defines a set of common functionality for GraphVertex instances.
- BaseGraphVertex(ComputationGraph, String, int, VertexIndices[], VertexIndices[]) - Constructor for class org.deeplearning4j.nn.graph.vertex.BaseGraphVertex
-
- BaseInputPreProcessor - Class in org.deeplearning4j.nn.conf.preprocessor
-
- BaseInputPreProcessor() - Constructor for class org.deeplearning4j.nn.conf.preprocessor.BaseInputPreProcessor
-
- BaseLayer<LayerConfT extends Layer> - Class in org.deeplearning4j.nn.layers
-
A layer with a bias
and activation function
- BaseLayer(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.layers.BaseLayer
-
- BaseLayer(NeuralNetConfiguration, INDArray) - Constructor for class org.deeplearning4j.nn.layers.BaseLayer
-
- BaseLayerTest - Class in org.deeplearning4j.nn.layers
-
Created by nyghtowl on 11/15/15.
- BaseLayerTest() - Constructor for class org.deeplearning4j.nn.layers.BaseLayerTest
-
- BaseOptimizer - Class in org.deeplearning4j.optimize.solvers
-
Base optimizer
- BaseOptimizer(NeuralNetConfiguration, StepFunction, Collection<IterationListener>, Model) - Constructor for class org.deeplearning4j.optimize.solvers.BaseOptimizer
-
- BaseOptimizer(NeuralNetConfiguration, StepFunction, Collection<IterationListener>, Collection<TerminationCondition>, Model) - Constructor for class org.deeplearning4j.optimize.solvers.BaseOptimizer
-
- BaseOutputLayer - Class in org.deeplearning4j.nn.conf.layers
-
- BaseOutputLayer(BaseOutputLayer.Builder) - Constructor for class org.deeplearning4j.nn.conf.layers.BaseOutputLayer
-
- BaseOutputLayer<LayerConfT extends BaseOutputLayer> - Class in org.deeplearning4j.nn.layers
-
Output layer with different objective
in co-occurrences for different objectives.
- BaseOutputLayer(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.layers.BaseOutputLayer
-
- BaseOutputLayer(NeuralNetConfiguration, INDArray) - Constructor for class org.deeplearning4j.nn.layers.BaseOutputLayer
-
- BaseOutputLayer.Builder<T extends BaseOutputLayer.Builder<T>> - Class in org.deeplearning4j.nn.conf.layers
-
- BasePairFlatMapFunctionAdaptee<T,K,V> - Class in org.deeplearning4j.spark.util
-
PairFlatMapFunction adapter to hide incompatibilities between Spark 1.x and Spark 2.x
This class should be used instead of direct referral to PairFlatMapFunction
- BasePairFlatMapFunctionAdaptee(FlatMapFunctionAdapter<T, Tuple2<K, V>>) - Constructor for class org.deeplearning4j.spark.util.BasePairFlatMapFunctionAdaptee
-
- BasePipeline - Class in org.deeplearning4j
-
Base pipeline class
- BasePipeline() - Constructor for class org.deeplearning4j.BasePipeline
-
- BasePipeline.Builder - Class in org.deeplearning4j
-
- BasePretrainNetwork - Class in org.deeplearning4j.nn.conf.layers
-
- BasePretrainNetwork(BasePretrainNetwork.Builder) - Constructor for class org.deeplearning4j.nn.conf.layers.BasePretrainNetwork
-
- BasePretrainNetwork<LayerConfT extends BasePretrainNetwork> - Class in org.deeplearning4j.nn.layers
-
Baseline class for any Neural Network used
as a layer in a deep network *
- BasePretrainNetwork(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.layers.BasePretrainNetwork
-
- BasePretrainNetwork(NeuralNetConfiguration, INDArray) - Constructor for class org.deeplearning4j.nn.layers.BasePretrainNetwork
-
- BasePretrainNetwork.Builder<T extends BasePretrainNetwork.Builder<T>> - Class in org.deeplearning4j.nn.conf.layers
-
- BaseRecurrentLayer - Class in org.deeplearning4j.nn.conf.layers
-
- BaseRecurrentLayer(BaseRecurrentLayer.Builder) - Constructor for class org.deeplearning4j.nn.conf.layers.BaseRecurrentLayer
-
- BaseRecurrentLayer<LayerConfT extends Layer> - Class in org.deeplearning4j.nn.layers.recurrent
-
- BaseRecurrentLayer(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.layers.recurrent.BaseRecurrentLayer
-
- BaseRecurrentLayer(NeuralNetConfiguration, INDArray) - Constructor for class org.deeplearning4j.nn.layers.recurrent.BaseRecurrentLayer
-
- BaseRecurrentLayer.Builder<T extends BaseRecurrentLayer.Builder<T>> - Class in org.deeplearning4j.nn.conf.layers
-
- BaseS3 - Class in org.deeplearning4j.aws.s3
-
The S3 Credentials works via discovering the credentials
from the system properties (passed in via -D or System wide)
If you invoke the JVM with -Dorg.deeplearning4j.aws.accessKey=YOUR_ACCESS_KEY
and -Dorg.deeplearning4j.aws.accessSecret=YOUR_SECRET_KEY
this will pick up the credentials from there, otherwise it will also attempt to look in
the system environment for the following variables:
AWS_ACCESS_KEY_ID
AWS_SECRET_ACCESS_KEY
- BaseS3() - Constructor for class org.deeplearning4j.aws.s3.BaseS3
-
- BaseS3(File) - Constructor for class org.deeplearning4j.aws.s3.BaseS3
-
- BaseS3(InputStream) - Constructor for class org.deeplearning4j.aws.s3.BaseS3
-
- BaseS3DataSetIterator - Class in org.deeplearning4j.aws.s3.reader
-
baseline data applyTransformToDestination iterator for
- BaseS3DataSetIterator() - Constructor for class org.deeplearning4j.aws.s3.reader.BaseS3DataSetIterator
-
- BaseSentenceIterator - Class in org.deeplearning4j.text.sentenceiterator
-
Creates a baseline default.
- BaseSentenceIterator(SentencePreProcessor) - Constructor for class org.deeplearning4j.text.sentenceiterator.BaseSentenceIterator
-
- BaseSentenceIterator() - Constructor for class org.deeplearning4j.text.sentenceiterator.BaseSentenceIterator
-
- BaseSparkEarlyStoppingTrainer<T extends Model> - Class in org.deeplearning4j.spark.earlystopping
-
- BaseSparkEarlyStoppingTrainer(JavaSparkContext, EarlyStoppingConfiguration<T>, T, JavaRDD<DataSet>, JavaRDD<MultiDataSet>, EarlyStoppingListener<T>) - Constructor for class org.deeplearning4j.spark.earlystopping.BaseSparkEarlyStoppingTrainer
-
- BaseSparkLearningAlgorithm - Class in org.deeplearning4j.spark.models.sequencevectors.learning.elements
-
- BaseSparkLearningAlgorithm() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.learning.elements.BaseSparkLearningAlgorithm
-
- BaseSparkSequenceLearningAlgorithm - Class in org.deeplearning4j.spark.models.sequencevectors.learning.sequence
-
- BaseSparkSequenceLearningAlgorithm() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.learning.sequence.BaseSparkSequenceLearningAlgorithm
-
- BaseSparkTest - Class in org.deeplearning4j.spark
-
Created by agibsonccc on 1/23/15.
- BaseSparkTest() - Constructor for class org.deeplearning4j.spark.BaseSparkTest
-
- BaseSparkTest - Class in org.deeplearning4j.spark.text
-
Created by agibsonccc on 1/23/15.
- BaseSparkTest() - Constructor for class org.deeplearning4j.spark.text.BaseSparkTest
-
- BaseStatsListener - Class in org.deeplearning4j.ui.stats
-
BaseStatsListener: a general purpose listener for collecting and reporting system and model information.
- BaseStatsListener(StatsStorageRouter) - Constructor for class org.deeplearning4j.ui.stats.BaseStatsListener
-
Create a StatsListener with network information collected at every iteration.
- BaseStatsListener(StatsStorageRouter, int) - Constructor for class org.deeplearning4j.ui.stats.BaseStatsListener
-
Create a StatsListener with network information collected every n >= 1 time steps
- BaseStatsListener(StatsStorageRouter, StatsInitializationConfiguration, StatsUpdateConfiguration, String, String) - Constructor for class org.deeplearning4j.ui.stats.BaseStatsListener
-
- BaseSubsamplingBuilder(SubsamplingLayer.PoolingType, int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(SubsamplingLayer.PoolingType, int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(SubsamplingLayer.PoolingType, int[], int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(PoolingType, int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(PoolingType, int[], int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(int[], int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(int...) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(SubsamplingLayer.PoolingType) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseSubsamplingBuilder(PoolingType) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- BaseTextVectorizer - Class in org.deeplearning4j.bagofwords.vectorizer
-
- BaseTextVectorizer() - Constructor for class org.deeplearning4j.bagofwords.vectorizer.BaseTextVectorizer
-
- BaseTokenizerFunction - Class in org.deeplearning4j.spark.models.sequencevectors.functions
-
- BaseTokenizerFunction(Broadcast<VectorsConfiguration>) - Constructor for class org.deeplearning4j.spark.models.sequencevectors.functions.BaseTokenizerFunction
-
- BaseUiServerTest - Class in org.deeplearning4j.ui
-
- BaseUiServerTest() - Constructor for class org.deeplearning4j.ui.BaseUiServerTest
-
- BaseVaeReconstructionProbWithKeyFunctionAdapter<K> - Class in org.deeplearning4j.spark.impl.common.score
-
Function to calculate the scores (reconstruction probability or log probability) for a variational autoencoder.
Note that scoring is batched for computational efficiency.
- BaseVaeReconstructionProbWithKeyFunctionAdapter(Broadcast<INDArray>, Broadcast<String>, boolean, int, int) - Constructor for class org.deeplearning4j.spark.impl.common.score.BaseVaeReconstructionProbWithKeyFunctionAdapter
-
- BaseVaeScoreWithKeyFunctionAdapter<K> - Class in org.deeplearning4j.spark.impl.common.score
-
Function to calculate the scores (reconstruction probability, reconstruction error) for a variational autoencoder.
Note that scoring is batched for computational efficiency.
- BaseVaeScoreWithKeyFunctionAdapter(Broadcast<INDArray>, Broadcast<String>, int) - Constructor for class org.deeplearning4j.spark.impl.common.score.BaseVaeScoreWithKeyFunctionAdapter
-
- BasicLabelAwareIterator - Class in org.deeplearning4j.text.documentiterator
-
This is simple class, for building Sentence-Label pairs for ParagraphVectors/Doc2Vec.
- BasicLabelAwareIterator.Builder - Class in org.deeplearning4j.text.documentiterator
-
- BasicLabelAwareIteratorTest - Class in org.deeplearning4j.text.documentiterator
-
- BasicLabelAwareIteratorTest() - Constructor for class org.deeplearning4j.text.documentiterator.BasicLabelAwareIteratorTest
-
- BasicLineIterator - Class in org.deeplearning4j.text.sentenceiterator
-
Primitive single-line iterator, without any options involved.
- BasicLineIterator(File) - Constructor for class org.deeplearning4j.text.sentenceiterator.BasicLineIterator
-
- BasicLineIterator(InputStream) - Constructor for class org.deeplearning4j.text.sentenceiterator.BasicLineIterator
-
- BasicLineIterator(String) - Constructor for class org.deeplearning4j.text.sentenceiterator.BasicLineIterator
-
- BasicLineIteratorTest - Class in org.deeplearning4j.text.sentenceiterator
-
- BasicLineIteratorTest() - Constructor for class org.deeplearning4j.text.sentenceiterator.BasicLineIteratorTest
-
- BasicModelUtils<T extends SequenceElement> - Class in org.deeplearning4j.models.embeddings.reader.impl
-
Basic implementation for ModelUtils interface, suited for standalone use.
- BasicModelUtils() - Constructor for class org.deeplearning4j.models.embeddings.reader.impl.BasicModelUtils
-
- BasicModelUtils.ArrayComparator - Class in org.deeplearning4j.models.embeddings.reader.impl
-
- BasicModelUtils.SimilarityComparator - Class in org.deeplearning4j.models.embeddings.reader.impl
-
- BasicModelUtils.WordSimilarity - Class in org.deeplearning4j.models.embeddings.reader.impl
-
- BasicResultSetIterator - Class in org.deeplearning4j.text.sentenceiterator
-
Primitive iterator over a SQL ResultSet
Please note: for reset functionality, the underlying JDBC ResultSet must not be of TYPE_FORWARD_ONLY
To achieve this using postgres you can make your query using: connection.prepareStatement(sql,ResultSet.TYPE_SCROLL_INSENSITIVE,ResultSet.CONCUR_READ_ONLY);
This class is designed in a similar fashion to org.deeplearning4j.text.sentenceiterator.BasicLineIterator
- BasicResultSetIterator(ResultSet, String) - Constructor for class org.deeplearning4j.text.sentenceiterator.BasicResultSetIterator
-
- BasicResultSetIteratorTest - Class in org.deeplearning4j.text.sentenceiterator
-
- BasicResultSetIteratorTest() - Constructor for class org.deeplearning4j.text.sentenceiterator.BasicResultSetIteratorTest
-
- BasicTransformerIterator - Class in org.deeplearning4j.models.sequencevectors.transformers.impl.iterables
-
- BasicTransformerIterator(LabelAwareIterator, SentenceTransformer) - Constructor for class org.deeplearning4j.models.sequencevectors.transformers.impl.iterables.BasicTransformerIterator
-
- batch() - Method in class org.deeplearning4j.datasets.datavec.RecordReaderDataSetIterator
-
- batch() - Method in class org.deeplearning4j.datasets.datavec.SequenceRecordReaderDataSetIterator
-
- batch() - Method in class org.deeplearning4j.datasets.iterator.AbstractDataSetIterator
-
Batch size
- batch() - Method in class org.deeplearning4j.datasets.iterator.AsyncDataSetIterator
-
- batch - Variable in class org.deeplearning4j.datasets.iterator.BaseDatasetIterator
-
- batch() - Method in class org.deeplearning4j.datasets.iterator.BaseDatasetIterator
-
- batch() - Method in class org.deeplearning4j.datasets.iterator.ExistingDataSetIterator
-
- batch() - Method in class org.deeplearning4j.datasets.iterator.impl.ListDataSetIterator
-
- batch() - Method in class org.deeplearning4j.datasets.iterator.IteratorDataSetIterator
-
- batch - Variable in class org.deeplearning4j.datasets.iterator.MultipleEpochsIterator
-
- batch() - Method in class org.deeplearning4j.datasets.iterator.MultipleEpochsIterator
-
Batch size
- batch() - Method in class org.deeplearning4j.datasets.iterator.ReconstructionDataSetIterator
-
Batch size
- batch() - Method in class org.deeplearning4j.datasets.iterator.SamplingDataSetIterator
-
- batch() - Method in class org.deeplearning4j.datasets.test.TestDataSetIterator
-
- batch() - Method in class org.deeplearning4j.iterator.CnnSentenceDataSetIterator
-
- batch() - Method in class org.deeplearning4j.keras.HDF5MiniBatchDataSetIterator
-
- batch() - Method in class org.deeplearning4j.models.word2vec.iterator.Word2VecDataSetIterator
-
- batch - Variable in class org.deeplearning4j.spark.iterator.BaseDataSetIterator
-
- batch() - Method in class org.deeplearning4j.spark.iterator.BaseDataSetIterator
-
- BATCH_NORMALIZATION - Static variable in class org.deeplearning4j.nn.conf.layers.setup.ConvolutionLayerSetup
-
Deprecated.
- BatchAndExportDataSetsFunction - Class in org.deeplearning4j.spark.data
-
Function used with RDD<DataSet>.mapPartitionsWithIndex
.
- BatchAndExportDataSetsFunction(int, String) - Constructor for class org.deeplearning4j.spark.data.BatchAndExportDataSetsFunction
-
- BatchAndExportMultiDataSetsFunction - Class in org.deeplearning4j.spark.data
-
Function used with RDD<MultiDataSet>.mapPartitionsWithIndex
.
- BatchAndExportMultiDataSetsFunction(int, String) - Constructor for class org.deeplearning4j.spark.data.BatchAndExportMultiDataSetsFunction
-
- BatchDataSetsFunction - Class in org.deeplearning4j.spark.data
-
Function used to batch DataSet objects together.
- BatchDataSetsFunction(int) - Constructor for class org.deeplearning4j.spark.data.BatchDataSetsFunction
-
- batchedDS - Variable in class org.deeplearning4j.datasets.iterator.MultipleEpochsIterator
-
- batches - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.CBOW
-
- batches - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.SkipGram
-
- batchIter(int) - Method in interface org.deeplearning4j.text.invertedindex.InvertedIndex
-
Iterate over batches
- BatchNormalization - Class in org.deeplearning4j.nn.conf.layers
-
Batch normalization configuration
- BatchNormalization - Class in org.deeplearning4j.nn.layers.normalization
-
Batch normalization layer.
- BatchNormalization(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.layers.normalization.BatchNormalization
-
- BatchNormalization.Builder - Class in org.deeplearning4j.nn.conf.layers
-
- BatchNormalizationHelper - Interface in org.deeplearning4j.nn.layers.normalization
-
Helper for the batch normalization layer.
- BatchNormalizationParamInitializer - Class in org.deeplearning4j.nn.params
-
Batch normalization variable init
- BatchNormalizationParamInitializer() - Constructor for class org.deeplearning4j.nn.params.BatchNormalizationParamInitializer
-
- BatchNormalizationTest - Class in org.deeplearning4j.nn.layers.normalization
-
- BatchNormalizationTest() - Constructor for class org.deeplearning4j.nn.layers.normalization.BatchNormalizationTest
-
- batchNum - Variable in class org.deeplearning4j.datasets.datavec.RecordReaderDataSetIterator
-
- batchSize - Variable in class org.deeplearning4j.bagofwords.vectorizer.Builder
-
Deprecated.
- batchSize(int) - Method in class org.deeplearning4j.bagofwords.vectorizer.Builder
-
Deprecated.
- batchSize - Variable in class org.deeplearning4j.datasets.datavec.RecordReaderDataSetIterator
-
- batchSize - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe
-
- batchSize - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe.Builder
-
- batchSize(int) - Method in class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe.Builder
-
This parameter specifies batch size for each thread.
- batchSize - Variable in class org.deeplearning4j.models.embeddings.wordvectors.WordVectorsImpl
-
- batchSize(int) - Method in class org.deeplearning4j.models.glove.Glove.Builder
-
Specifies minibatch size for training process.
- batchSize(int) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
This method defines mini-batch size
- batchSize - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- batchSize(int) - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
This method defines batchSize option, viable only if iterations > 1
- batchSize(int) - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
This method defines mini-batch size
- batchSize() - Method in interface org.deeplearning4j.nn.api.Model
-
The current inputs batch size
- batchSize() - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
- batchSize() - Method in class org.deeplearning4j.nn.layers.BaseLayer
-
- batchSize() - Method in class org.deeplearning4j.nn.layers.FrozenLayer
-
- batchSize() - Method in class org.deeplearning4j.nn.layers.variational.VariationalAutoencoder
-
- batchSize() - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- batchSize() - Method in interface org.deeplearning4j.optimize.api.ConvexOptimizer
-
The batch size for the optimizer
- batchSize() - Method in class org.deeplearning4j.optimize.solvers.BaseOptimizer
-
- batchSize() - Method in class org.deeplearning4j.plot.BarnesHutTsne
-
- batchSize - Variable in class org.deeplearning4j.spark.datavec.DataVecDataSetFunction
-
- batchSize - Variable in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
- batchSize(int) - Method in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
Specifies the size of mini-batch, used in single iteration during training
- batchSize() - Method in interface org.deeplearning4j.text.invertedindex.InvertedIndex
-
For word vectors, this is the batch size for which to train on
- batchSizePerWorker - Variable in class org.deeplearning4j.spark.api.WorkerConfiguration
-
- batchSizePerWorker(int) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster.Builder
-
Batch size (in number of examples) per worker, for each fit(DataSet) call.
- before() - Method in class org.deeplearning4j.graph.models.deepwalk.DeepWalkGradientCheck
-
- before() - Method in class org.deeplearning4j.models.glove.GloveTest
-
- before() - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectorsTest
-
- before() - Method in class org.deeplearning4j.models.word2vec.iterator.Word2VecIteratorTest
-
- before() - Method in class org.deeplearning4j.models.word2vec.Word2VecTests
-
- before() - Method in class org.deeplearning4j.models.WordVectorSerializerTest
-
- before() - Method in class org.deeplearning4j.nn.layers.convolution.ConvolutionLayerTest
-
- before() - Method in class org.deeplearning4j.optimize.solver.BackTrackLineSearchTest
-
- before() - Method in class org.deeplearning4j.spark.BaseSparkTest
-
- before() - Method in class org.deeplearning4j.spark.text.BaseSparkTest
-
- before() - Method in class org.deeplearning4j.spark.text.TextPipelineTest
-
- before() - Method in class org.deeplearning4j.text.sentenceiterator.SentenceIteratorTest
-
- before() - Static method in class org.deeplearning4j.ui.BaseUiServerTest
-
- beforeClass() - Static method in class com.atilika.kuromoji.ipadic.SearchTokenizerTest
-
- beforeDo() - Method in class org.deeplearning4j.nn.graph.TestCompGraphCNN
-
- beforeDo() - Method in class org.deeplearning4j.nn.updater.TestDecayPolicies
-
- beforeDo() - Method in class org.deeplearning4j.nn.updater.TestUpdaters
-
- beforeProcessor - Variable in class org.deeplearning4j.streaming.routes.DL4jServeRouteBuilder
-
- begin(String) - Static method in class com.atilika.kuromoji.compile.ProgressLog
-
- BernoulliReconstructionDistribution - Class in org.deeplearning4j.nn.conf.layers.variational
-
Bernoulli reconstruction distribution for variational autoencoder.
Outputs are modelled by a Bernoulli distribution - i.e., the Bernoulli distribution should be used for binary data (all
values 0 or 1); the VAE models the probability of the output being 0 or 1.
Consequently, the sigmoid activation function should be used to bound activations to the range of 0 to 1.
- BernoulliReconstructionDistribution() - Constructor for class org.deeplearning4j.nn.conf.layers.variational.BernoulliReconstructionDistribution
-
Create a BernoulliReconstructionDistribution with the default Sigmoid activation function
- BernoulliReconstructionDistribution(String) - Constructor for class org.deeplearning4j.nn.conf.layers.variational.BernoulliReconstructionDistribution
-
- BernoulliReconstructionDistribution(Activation) - Constructor for class org.deeplearning4j.nn.conf.layers.variational.BernoulliReconstructionDistribution
-
- BernoulliReconstructionDistribution(IActivation) - Constructor for class org.deeplearning4j.nn.conf.layers.variational.BernoulliReconstructionDistribution
-
- bernoullis(double, double, double) - Static method in class org.deeplearning4j.util.MathUtils
-
This will return the bernoulli trial for the given event.
- BestScoreEpochTerminationCondition - Class in org.deeplearning4j.earlystopping.termination
-
Created by Sadat Anwar on 3/26/16.
- BestScoreEpochTerminationCondition(double) - Constructor for class org.deeplearning4j.earlystopping.termination.BestScoreEpochTerminationCondition
-
- BestScoreEpochTerminationCondition(double, boolean) - Constructor for class org.deeplearning4j.earlystopping.termination.BestScoreEpochTerminationCondition
-
- beta - Variable in class org.deeplearning4j.nn.conf.layers.BatchNormalization
-
- beta - Variable in class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- beta(double) - Method in class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- beta - Variable in class org.deeplearning4j.nn.conf.layers.LocalResponseNormalization
-
- beta(double) - Method in class org.deeplearning4j.nn.conf.layers.LocalResponseNormalization.Builder
-
Scaling constant beta.
- BETA - Static variable in class org.deeplearning4j.nn.params.BatchNormalizationParamInitializer
-
- bias - Variable in class org.deeplearning4j.nn.layers.BaseLayerTest
-
- BIAS_KEY - Static variable in class org.deeplearning4j.nn.params.CenterLossParamInitializer
-
- BIAS_KEY - Static variable in class org.deeplearning4j.nn.params.ConvolutionParamInitializer
-
- BIAS_KEY - Static variable in class org.deeplearning4j.nn.params.DefaultParamInitializer
-
- BIAS_KEY - Static variable in class org.deeplearning4j.nn.params.GravesLSTMParamInitializer
-
- BIAS_KEY_BACKWARDS - Static variable in class org.deeplearning4j.nn.params.GravesBidirectionalLSTMParamInitializer
-
- BIAS_KEY_FORWARDS - Static variable in class org.deeplearning4j.nn.params.GravesBidirectionalLSTMParamInitializer
-
- BIAS_KEY_SUFFIX - Static variable in class org.deeplearning4j.nn.params.VariationalAutoencoderParamInitializer
-
- biasGradient - Variable in class org.deeplearning4j.nn.updater.TestUpdaters
-
- biasInit(double) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
- biasInit - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- biasInit - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- biasInit(double) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- biasInit - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- biasInit(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Constant for bias initialization.
- biasInit - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- biasLearningRate(double) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
Bias learning rate.
- biasLearningRate - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- biasLearningRate - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- biasLearningRate(double) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
Bias learning rate.
- biasLearningRate - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- biasLearningRate(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Bias learning rate.
- biasLearningRate - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- binarize - Variable in class org.deeplearning4j.datasets.fetchers.MnistDataFetcher
-
- BinarizeTreeTransformer - Class in org.deeplearning4j.text.corpora.treeparser
-
Binarizes trees.
- BinarizeTreeTransformer() - Constructor for class org.deeplearning4j.text.corpora.treeparser.BinarizeTreeTransformer
-
- BinaryCoOccurrenceReader<T extends SequenceElement> - Class in org.deeplearning4j.models.glove.count
-
Binary implementation of CoOccurenceReader interface, used to provide off-memory storage for cooccurrence maps generated for GloVe
- BinaryCoOccurrenceReader(File, VocabCache<T>, CountMap<T>) - Constructor for class org.deeplearning4j.models.glove.count.BinaryCoOccurrenceReader
-
- BinaryCoOccurrenceReaderTest - Class in org.deeplearning4j.models.glove.count
-
Created by fartovii on 25.12.15.
- BinaryCoOccurrenceReaderTest() - Constructor for class org.deeplearning4j.models.glove.count.BinaryCoOccurrenceReaderTest
-
- BinaryCoOccurrenceWriter<T extends SequenceElement> - Class in org.deeplearning4j.models.glove.count
-
- BinaryCoOccurrenceWriter(File) - Constructor for class org.deeplearning4j.models.glove.count.BinaryCoOccurrenceWriter
-
- BinaryReader(File) - Constructor for class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer.BinaryReader
-
- BinaryTree - Interface in org.deeplearning4j.graph.models
-
Binary tree interface, used in DeepWalk
- BinaryTree - Interface in org.deeplearning4j.models.sequencevectors.graph.huffman
-
Binary tree interface, used in DeepWalk
- binCount() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder.HistogramsDecoder.HistogramCountsDecoder
-
- binCount(long) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerParameterStatsEncoder.HistogramsEncoder.HistogramCountsEncoder
-
- binCountId() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder.HistogramsDecoder.HistogramCountsDecoder
-
- binCountMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder.HistogramsDecoder.HistogramCountsDecoder
-
- binCountMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerParameterStatsEncoder.HistogramsEncoder.HistogramCountsEncoder
-
- binCountMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder.HistogramsDecoder.HistogramCountsDecoder
-
- binCountMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder.HistogramsDecoder.HistogramCountsDecoder
-
- binCountMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerParameterStatsEncoder.HistogramsEncoder.HistogramCountsEncoder
-
- binCountNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder.HistogramsDecoder.HistogramCountsDecoder
-
- binCountNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerParameterStatsEncoder.HistogramsEncoder.HistogramCountsEncoder
-
- binomial(RandomGenerator, int, double) - Static method in class org.deeplearning4j.util.MathUtils
-
Generates a binomial distributed number using
the given rng
- BinomialDistribution - Class in org.deeplearning4j.nn.conf.distribution
-
A binomial distribution.
- BinomialDistribution(int, double) - Constructor for class org.deeplearning4j.nn.conf.distribution.BinomialDistribution
-
Create a distribution
- BinomialSamplingPreProcessor - Class in org.deeplearning4j.nn.conf.preprocessor
-
Binomial sampling pre processor
- BinomialSamplingPreProcessor() - Constructor for class org.deeplearning4j.nn.conf.preprocessor.BinomialSamplingPreProcessor
-
- BlindInferenceCallable(VocabCache<VocabWord>, TokenizerFactory, String) - Constructor for class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.BlindInferenceCallable
-
- BlindInferenceCallable(VocabCache<VocabWord>, TokenizerFactory, String, AtomicLong) - Constructor for class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.BlindInferenceCallable
-
- BLOCK_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder
-
- BLOCK_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder
-
- BLOCK_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder
-
- BLOCK_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder
-
- BLOCK_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder
-
- BLOCK_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder
-
- blockLength() - Method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingDecoder
-
- blockLength(int) - Method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingEncoder
-
- blockLength() - Method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderDecoder
-
- blockLength(int) - Method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderEncoder
-
- blockLengthMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingDecoder
-
- blockLengthMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingEncoder
-
- blockLengthMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderDecoder
-
- blockLengthMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderEncoder
-
- blockLengthMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingDecoder
-
- blockLengthMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingEncoder
-
- blockLengthMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderDecoder
-
- blockLengthMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderEncoder
-
- blockLengthNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingDecoder
-
- blockLengthNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingEncoder
-
- blockLengthNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderDecoder
-
- blockLengthNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderEncoder
-
- blockTillAllRunning() - Method in class org.deeplearning4j.aws.ec2.Ec2BoxCreator
-
- blowupBoxes() - Method in class org.deeplearning4j.aws.ec2.Ec2BoxCreator
-
- BNGradientCheckTest - Class in org.deeplearning4j.gradientcheck
-
- BNGradientCheckTest() - Constructor for class org.deeplearning4j.gradientcheck.BNGradientCheckTest
-
- BORDER_MODE_VALID - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- borderWidth(int) - Method in class org.deeplearning4j.ui.components.table.style.StyleTable.Builder
-
- broadcastEnvironment(JavaSparkContext) - Method in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors
-
- BucketIterator - Class in org.deeplearning4j.aws.s3.reader
-
Iterator over individual S3 bucket
- BucketIterator(String) - Constructor for class org.deeplearning4j.aws.s3.reader.BucketIterator
-
- BucketIterator(String, S3Downloader) - Constructor for class org.deeplearning4j.aws.s3.reader.BucketIterator
-
- BucketKeyListener - Interface in org.deeplearning4j.aws.s3.reader
-
When paginating through a result applyTransformToDestination,
allows the user to react to a bucket result being found
- buckets() - Method in class org.deeplearning4j.aws.s3.reader.S3Downloader
-
Returns the list of buckets in s3
- buffer - Variable in class org.deeplearning4j.models.sequencevectors.transformers.impl.iterables.ParallelTransformerIterator
-
- buffer - Variable in class org.deeplearning4j.parallelism.AsyncIterator
-
- BUFFER_SIZE - Static variable in class org.deeplearning4j.spark.data.PathToDataSetFunction
-
- BUFFER_SIZE - Static variable in class org.deeplearning4j.spark.data.PathToMultiDataSetFunction
-
- BUFFER_SIZE - Static variable in class org.deeplearning4j.spark.iterator.PathSparkDataSetIterator
-
- BUFFER_SIZE - Static variable in class org.deeplearning4j.spark.iterator.PathSparkMultiDataSetIterator
-
- bufferEntries - Variable in class com.atilika.kuromoji.compile.TokenInfoDictionaryCompilerBase
-
- BufferEntry - Class in com.atilika.kuromoji.buffer
-
- BufferEntry() - Constructor for class com.atilika.kuromoji.buffer.BufferEntry
-
- bufferSize - Variable in class org.deeplearning4j.text.documentiterator.AsyncLabelAwareIterator
-
- build(String, String, String, boolean) - Method in class com.atilika.kuromoji.compile.DictionaryCompilerBase
-
- build(String[]) - Method in class com.atilika.kuromoji.compile.DictionaryCompilerBase
-
- build(List<String>, boolean) - Static method in class com.atilika.kuromoji.compile.DoubleArrayTrieCompiler
-
- build() - Method in class com.atilika.kuromoji.dict.GenericDictionaryEntry.Builder
-
- build() - Method in class com.atilika.kuromoji.ipadic.Tokenizer.Builder
-
Creates the custom tokenizer instance
- build() - Method in class com.atilika.kuromoji.TokenizerBase.Builder
-
Creates a Tokenizer instance defined by this Builder
- build(Trie) - Method in class com.atilika.kuromoji.trie.DoubleArrayTrie
-
Construct double array trie which is equivalent to input trie
- build(String) - Method in class com.atilika.kuromoji.viterbi.ViterbiBuilder
-
Build lattice from input text
- build() - Method in class org.deeplearning4j.bagofwords.vectorizer.BagOfWordsVectorizer.Builder
-
- build() - Method in class org.deeplearning4j.bagofwords.vectorizer.Builder
-
Deprecated.
- build() - Method in class org.deeplearning4j.bagofwords.vectorizer.TfidfVectorizer.Builder
-
- build() - Method in class org.deeplearning4j.datasets.datavec.RecordReaderMultiDataSetIterator.Builder
-
Create the RecordReaderMultiDataSetIterator
- build() - Method in class org.deeplearning4j.datasets.iterator.CombinedPreProcessor.Builder
-
- build() - Method in class org.deeplearning4j.earlystopping.EarlyStoppingConfiguration.Builder
-
Create the early stopping configuration
- build() - Method in class org.deeplearning4j.graph.models.deepwalk.DeepWalk.Builder
-
- build() - Method in class org.deeplearning4j.iterator.CnnSentenceDataSetIterator.Builder
-
- build() - Method in class org.deeplearning4j.models.embeddings.inmemory.InMemoryLookupTable.Builder
-
- build() - Method in class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe.Builder
-
- build() - Method in class org.deeplearning4j.models.glove.AbstractCoOccurrences.Builder
-
- build() - Method in class org.deeplearning4j.models.glove.Glove.Builder
-
- build() - Method in class org.deeplearning4j.models.glove.GloveWeightLookupTable.Builder
-
Deprecated.
- build() - Method in class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- build() - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
- build() - Method in class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.NearestVertexWalker.Builder
-
This method returns you new GraphWalker instance
- build() - Method in class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.PopularityWalker.Builder
-
This method builds PopularityWalker object with previously specified params
- build() - Method in class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.RandomWalker.Builder
-
This method builds RandomWalker instance
- build() - Method in class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.WeightedWalker.Builder
-
- build() - Method in class org.deeplearning4j.models.sequencevectors.iterators.AbstractSequenceIterator.Builder
-
Builds SequenceIterator
- build() - Method in class org.deeplearning4j.models.sequencevectors.listeners.SerializingListener.Builder
-
This method returns new SerializingListener instance
- build() - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
Build SequenceVectors instance with defined settings/options
- build() - Method in class org.deeplearning4j.models.sequencevectors.transformers.impl.GraphTransformer.Builder
-
- build() - Method in class org.deeplearning4j.models.sequencevectors.transformers.impl.SentenceTransformer.Builder
-
- build() - Method in class org.deeplearning4j.models.word2vec.Huffman
-
- build() - Method in class org.deeplearning4j.models.word2vec.StaticWord2Vec.Builder
-
This method returns Static Word2Vec implementation, which is suitable for tasks like neural nets feeding.
- build() - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
- build() - Method in class org.deeplearning4j.models.word2vec.wordstore.inmemory.AbstractCache.Builder
-
- build() - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor.Builder
-
- build() - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabularyHolder.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.ComputationGraphConfiguration.GraphBuilder
-
Create the ComputationGraphConfiguration from the Builder pattern
- build() - Method in class org.deeplearning4j.nn.conf.layers.ActivationLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.AutoEncoder.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.CenterLossOutputLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.Convolution1DLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.DenseLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.DropoutLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.EmbeddingLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.GlobalPoolingLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.GravesBidirectionalLSTM.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.GravesLSTM.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.LocalResponseNormalization.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.LossLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.OutputLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.RBM.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.RnnOutputLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.variational.CompositeReconstructionDistribution.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.variational.VariationalAutoencoder.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.layers.ZeroPaddingLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.MultiLayerConfiguration.Builder
-
- build() - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Return a configuration based on this builder
- build() - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.ListBuilder
-
Build the multi layer network
based on this neural network and
overr ridden parameters
- build() - Method in class org.deeplearning4j.nn.layers.custom.testclasses.CustomOutputLayer.Builder
-
- build() - Method in class org.deeplearning4j.nn.transferlearning.TransferLearning.Builder
-
Returns a model with the fine tune configuration and specified architecture changes.
- build() - Method in class org.deeplearning4j.nn.transferlearning.TransferLearning.GraphBuilder
-
Returns a computation graph build to specifications.
- build() - Method in class org.deeplearning4j.optimize.listeners.PerformanceListener.Builder
-
This method returns configured PerformanceListener instance
- build() - Method in class org.deeplearning4j.optimize.Solver.Builder
-
- build() - Method in class org.deeplearning4j.parallelism.MagicQueue.Builder
-
- build() - Method in class org.deeplearning4j.parallelism.ParallelWrapper.Builder
-
This method returns ParallelWrapper instance
- build() - Method in class org.deeplearning4j.plot.BarnesHutTsne.Builder
-
- build() - Method in class org.deeplearning4j.plot.Tsne.Builder
-
- build() - Method in class org.deeplearning4j.spark.api.stats.CommonSparkTrainingStats.Builder
-
- build(SparkTrainingStats) - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- build() - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster.Builder
-
- build() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- build() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingWorkerStats.ParameterAveragingTrainingWorkerStatsHelper
-
- build() - Method in class org.deeplearning4j.spark.models.embeddings.glove.GloveParam.Builder
-
- build() - Method in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
- build() - Method in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2VecParam.Builder
-
Deprecated.
- build() - Method in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors.Builder
-
- build() - Method in class org.deeplearning4j.spark.models.word2vec.SparkWord2Vec.Builder
-
This method returns you SparkWord2Vec instance ready for training
- build() - Method in class org.deeplearning4j.streaming.routes.CamelKafkaRouteBuilder.Builder
-
- build() - Method in class org.deeplearning4j.text.documentiterator.BasicLabelAwareIterator.Builder
-
- build() - Method in class org.deeplearning4j.text.documentiterator.FileLabelAwareIterator.Builder
-
- build() - Method in class org.deeplearning4j.text.documentiterator.FilenamesLabelAwareIterator.Builder
-
- build() - Method in class org.deeplearning4j.text.sentenceiterator.AggregatingSentenceIterator.Builder
-
- build() - Method in class org.deeplearning4j.text.sentenceiterator.PrefetchingSentenceIterator.Builder
-
Deprecated.
- build() - Method in class org.deeplearning4j.text.sentenceiterator.StreamLineIterator.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.chart.ChartHistogram.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.chart.ChartHorizontalBar.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.chart.ChartLine.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.chart.ChartScatter.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.chart.ChartStackedArea.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.chart.ChartTimeline.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.chart.style.StyleChart.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.component.style.StyleDiv.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.decorator.DecoratorAccordion.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.decorator.style.StyleAccordion.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.table.ComponentTable.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.table.style.StyleTable.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.text.ComponentText.Builder
-
- build() - Method in class org.deeplearning4j.ui.components.text.style.StyleText.Builder
-
- build() - Method in class org.deeplearning4j.ui.stats.impl.DefaultStatsUpdateConfiguration.Builder
-
- build() - Method in class org.deeplearning4j.ui.storage.mapdb.MapDBStatsStorage.Builder
-
- build() - Method in class org.deeplearning4j.ui.UiConnectionInfo.Builder
-
- build() - Method in class org.deeplearning4j.ui.weights.HistogramBin.Builder
-
Returns ready-to-use Histogram instance
- buildCounter(MapFactory<V, Double>) - Method in class org.deeplearning4j.berkeley.CounterMap
-
- buildCumSum() - Method in class org.deeplearning4j.spark.text.functions.CountCumSum
-
- Builder() - Constructor for class com.atilika.kuromoji.dict.GenericDictionaryEntry.Builder
-
- Builder() - Constructor for class com.atilika.kuromoji.ipadic.Tokenizer.Builder
-
Creates a default builder
- Builder() - Constructor for class com.atilika.kuromoji.TokenizerBase.Builder
-
- Builder() - Constructor for class org.deeplearning4j.bagofwords.vectorizer.BagOfWordsVectorizer.Builder
-
- Builder - Class in org.deeplearning4j.bagofwords.vectorizer
-
Deprecated.
- Builder() - Constructor for class org.deeplearning4j.bagofwords.vectorizer.Builder
-
Deprecated.
- Builder() - Constructor for class org.deeplearning4j.bagofwords.vectorizer.TfidfVectorizer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.BasePipeline.Builder
-
- Builder(int) - Constructor for class org.deeplearning4j.datasets.datavec.RecordReaderMultiDataSetIterator.Builder
-
- Builder() - Constructor for class org.deeplearning4j.datasets.iterator.CombinedPreProcessor.Builder
-
- Builder() - Constructor for class org.deeplearning4j.earlystopping.EarlyStoppingConfiguration.Builder
-
- Builder() - Constructor for class org.deeplearning4j.graph.models.deepwalk.DeepWalk.Builder
-
- Builder() - Constructor for class org.deeplearning4j.iterator.CnnSentenceDataSetIterator.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.embeddings.inmemory.InMemoryLookupTable.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.glove.AbstractCoOccurrences.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.glove.Glove.Builder
-
- Builder(VectorsConfiguration) - Constructor for class org.deeplearning4j.models.glove.Glove.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.glove.GloveWeightLookupTable.Builder
-
Deprecated.
- Builder(GraphWalker<V>, VectorsConfiguration) - Constructor for class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- Builder() - Constructor for class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
- Builder(VectorsConfiguration) - Constructor for class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
- Builder(IGraph<V, ?>) - Constructor for class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.NearestVertexWalker.Builder
-
- Builder(IGraph<T, ?>) - Constructor for class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.PopularityWalker.Builder
-
- Builder(IGraph<T, ?>) - Constructor for class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.RandomWalker.Builder
-
Builder constructor for RandomWalker
- Builder(IGraph<T, ? extends Number>) - Constructor for class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.WeightedWalker.Builder
-
- Builder(Iterable<Sequence<T>>) - Constructor for class org.deeplearning4j.models.sequencevectors.iterators.AbstractSequenceIterator.Builder
-
Builds AbstractSequenceIterator on top of Iterable object
- Builder(ListenerEvent, int) - Constructor for class org.deeplearning4j.models.sequencevectors.listeners.SerializingListener.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- Builder(VectorsConfiguration) - Constructor for class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.sequencevectors.transformers.impl.GraphTransformer.Builder
-
- Builder(GraphWalker<T>) - Constructor for class org.deeplearning4j.models.sequencevectors.transformers.impl.GraphTransformer.Builder
-
- Builder(IGraph<T, ?>) - Constructor for class org.deeplearning4j.models.sequencevectors.transformers.impl.GraphTransformer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.sequencevectors.transformers.impl.SentenceTransformer.Builder
-
- Builder(AbstractStorage<Integer>, VocabCache<VocabWord>) - Constructor for class org.deeplearning4j.models.word2vec.StaticWord2Vec.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
- Builder(VectorsConfiguration) - Constructor for class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.word2vec.wordstore.inmemory.AbstractCache.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor.Builder
-
- Builder() - Constructor for class org.deeplearning4j.models.word2vec.wordstore.VocabularyHolder.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.ActivationLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.AutoEncoder.Builder
-
- Builder(double) - Constructor for class org.deeplearning4j.nn.conf.layers.AutoEncoder.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.BaseOutputLayer.Builder
-
- Builder(LossFunctions.LossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.BaseOutputLayer.Builder
-
- Builder(ILossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.BaseOutputLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.BasePretrainNetwork.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.BaseRecurrentLayer.Builder
-
- Builder(double, boolean) - Constructor for class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- Builder(double, double) - Constructor for class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- Builder(double, double, boolean) - Constructor for class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- Builder(boolean) - Constructor for class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- Builder(LossFunctions.LossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.CenterLossOutputLayer.Builder
-
- Builder(ILossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.CenterLossOutputLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.Convolution1DLayer.Builder
-
- Builder(int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Convolution1DLayer.Builder
-
- Builder(int) - Constructor for class org.deeplearning4j.nn.conf.layers.Convolution1DLayer.Builder
-
- Builder(int, int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Convolution1DLayer.Builder
-
- Builder(int[], int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
- Builder(int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
- Builder(int...) - Constructor for class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.DenseLayer.Builder
-
- Builder(double) - Constructor for class org.deeplearning4j.nn.conf.layers.DropoutLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.EmbeddingLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.FeedForwardLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.GlobalPoolingLayer.Builder
-
- Builder(PoolingType) - Constructor for class org.deeplearning4j.nn.conf.layers.GlobalPoolingLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.GravesBidirectionalLSTM.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.GravesLSTM.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- Builder(double, double, double) - Constructor for class org.deeplearning4j.nn.conf.layers.LocalResponseNormalization.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.LocalResponseNormalization.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.LossLayer.Builder
-
- Builder(LossFunctions.LossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.LossLayer.Builder
-
- Builder(ILossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.LossLayer.Builder
-
- Builder(LossFunctions.LossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.OutputLayer.Builder
-
- Builder(ILossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.OutputLayer.Builder
-
- Builder(RBM.HiddenUnit, RBM.VisibleUnit) - Constructor for class org.deeplearning4j.nn.conf.layers.RBM.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.RBM.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.RnnOutputLayer.Builder
-
- Builder(LossFunctions.LossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.RnnOutputLayer.Builder
-
- Builder(ILossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.RnnOutputLayer.Builder
-
- Builder(SubsamplingLayer.PoolingType, int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(SubsamplingLayer.PoolingType, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(PoolingType, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(int, int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(int) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(SubsamplingLayer.PoolingType) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(PoolingType) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(PoolingType, int, int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(SubsamplingLayer.PoolingType, int, int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer.Builder
-
- Builder(SubsamplingLayer.PoolingType, int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(SubsamplingLayer.PoolingType, int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(SubsamplingLayer.PoolingType, int[], int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(PoolingType, int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(PoolingType, int[], int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(int[], int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(int[], int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(int...) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(SubsamplingLayer.PoolingType) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder(PoolingType) - Constructor for class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.variational.CompositeReconstructionDistribution.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.layers.variational.VariationalAutoencoder.Builder
-
- Builder(int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.ZeroPaddingLayer.Builder
-
- Builder(int, int, int, int) - Constructor for class org.deeplearning4j.nn.conf.layers.ZeroPaddingLayer.Builder
-
- Builder(int[]) - Constructor for class org.deeplearning4j.nn.conf.layers.ZeroPaddingLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.MultiLayerConfiguration.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- Builder(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- Builder(LossFunctions.LossFunction) - Constructor for class org.deeplearning4j.nn.layers.custom.testclasses.CustomOutputLayer.Builder
-
- Builder() - Constructor for class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration.Builder
-
- Builder(MultiLayerNetwork) - Constructor for class org.deeplearning4j.nn.transferlearning.TransferLearning.Builder
-
Multilayer Network to tweak for transfer learning
- Builder() - Constructor for class org.deeplearning4j.optimize.listeners.PerformanceListener.Builder
-
- Builder() - Constructor for class org.deeplearning4j.optimize.Solver.Builder
-
- Builder() - Constructor for class org.deeplearning4j.parallelism.MagicQueue.Builder
-
- Builder(T) - Constructor for class org.deeplearning4j.parallelism.ParallelWrapper.Builder
-
Build ParallelWrapper for MultiLayerNetwork
- Builder() - Constructor for class org.deeplearning4j.plot.BarnesHutTsne.Builder
-
- Builder() - Constructor for class org.deeplearning4j.plot.Tsne.Builder
-
- Builder() - Constructor for class org.deeplearning4j.spark.api.stats.CommonSparkTrainingStats.Builder
-
- Builder(int) - Constructor for class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster.Builder
-
Same as #Builder(Integer, int)
but automatically set number of workers based on JavaSparkContext.defaultParallelism()
- Builder(Integer, int) - Constructor for class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster.Builder
-
Create a builder, where the following number of workers (Spark executors * number of threads per executor) are
being used.
Note: this should match the configuration of the cluster.
- Builder() - Constructor for class org.deeplearning4j.spark.models.embeddings.glove.GloveParam.Builder
-
- Builder() - Constructor for class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
Creates Builder instance with default parameters set.
- Builder(VectorsConfiguration) - Constructor for class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
Uses VectorsConfiguration bean to initialize Word2Vec model parameters
- Builder() - Constructor for class org.deeplearning4j.spark.models.embeddings.word2vec.Word2VecParam.Builder
-
Deprecated.
- Builder() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors.Builder
-
Deprecated.
- Builder(VoidConfiguration) - Constructor for class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors.Builder
-
- Builder(VoidConfiguration, VectorsConfiguration) - Constructor for class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors.Builder
-
- Builder() - Constructor for class org.deeplearning4j.spark.models.word2vec.SparkWord2Vec.Builder
-
Deprecated.
- Builder(VoidConfiguration) - Constructor for class org.deeplearning4j.spark.models.word2vec.SparkWord2Vec.Builder
-
- Builder(VoidConfiguration, VectorsConfiguration) - Constructor for class org.deeplearning4j.spark.models.word2vec.SparkWord2Vec.Builder
-
- Builder() - Constructor for class org.deeplearning4j.streaming.routes.CamelKafkaRouteBuilder.Builder
-
- Builder() - Constructor for class org.deeplearning4j.text.documentiterator.BasicLabelAwareIterator.Builder
-
This method should stay protected, since it's only viable for testing purposes
- Builder(SentenceIterator) - Constructor for class org.deeplearning4j.text.documentiterator.BasicLabelAwareIterator.Builder
-
We assume that each sentence in this iterator is separate document/paragraph
- Builder(DocumentIterator) - Constructor for class org.deeplearning4j.text.documentiterator.BasicLabelAwareIterator.Builder
-
We assume that each inputStream in this iterator is separate document/paragraph
- Builder(LabelAwareSentenceIterator) - Constructor for class org.deeplearning4j.text.documentiterator.BasicLabelAwareIterator.Builder
-
We assume that each sentence in this iterator is separate document/paragraph.
- Builder(LabelAwareDocumentIterator) - Constructor for class org.deeplearning4j.text.documentiterator.BasicLabelAwareIterator.Builder
-
We assume that each inputStream in this iterator is separate document/paragraph
Labels will be converted into LabelledDocument format
- Builder(LabelAwareIterator) - Constructor for class org.deeplearning4j.text.documentiterator.BasicLabelAwareIterator.Builder
-
- Builder() - Constructor for class org.deeplearning4j.text.documentiterator.FileLabelAwareIterator.Builder
-
- Builder() - Constructor for class org.deeplearning4j.text.documentiterator.FilenamesLabelAwareIterator.Builder
-
- Builder() - Constructor for class org.deeplearning4j.text.sentenceiterator.AggregatingSentenceIterator.Builder
-
- Builder(SentenceIterator) - Constructor for class org.deeplearning4j.text.sentenceiterator.PrefetchingSentenceIterator.Builder
-
Deprecated.
- Builder(InputStream) - Constructor for class org.deeplearning4j.text.sentenceiterator.StreamLineIterator.Builder
-
- Builder(DocumentIterator) - Constructor for class org.deeplearning4j.text.sentenceiterator.StreamLineIterator.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.api.Style.Builder
-
- Builder(String, StyleChart) - Constructor for class org.deeplearning4j.ui.components.chart.Chart.Builder
-
- Builder(String, StyleChart) - Constructor for class org.deeplearning4j.ui.components.chart.ChartHistogram.Builder
-
- Builder(String, StyleChart) - Constructor for class org.deeplearning4j.ui.components.chart.ChartHorizontalBar.Builder
-
- Builder(String, StyleChart) - Constructor for class org.deeplearning4j.ui.components.chart.ChartLine.Builder
-
- Builder(String, StyleChart) - Constructor for class org.deeplearning4j.ui.components.chart.ChartScatter.Builder
-
- Builder(String, StyleChart) - Constructor for class org.deeplearning4j.ui.components.chart.ChartStackedArea.Builder
-
- Builder(String, StyleChart) - Constructor for class org.deeplearning4j.ui.components.chart.ChartTimeline.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.components.chart.style.StyleChart.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.components.component.style.StyleDiv.Builder
-
- Builder(StyleAccordion) - Constructor for class org.deeplearning4j.ui.components.decorator.DecoratorAccordion.Builder
-
- Builder(String, StyleAccordion) - Constructor for class org.deeplearning4j.ui.components.decorator.DecoratorAccordion.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.components.decorator.style.StyleAccordion.Builder
-
- Builder(StyleTable) - Constructor for class org.deeplearning4j.ui.components.table.ComponentTable.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.components.table.style.StyleTable.Builder
-
- Builder(String, StyleText) - Constructor for class org.deeplearning4j.ui.components.text.ComponentText.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.components.text.style.StyleText.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.stats.impl.DefaultStatsUpdateConfiguration.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.storage.mapdb.MapDBStatsStorage.Builder
-
- Builder(File) - Constructor for class org.deeplearning4j.ui.storage.mapdb.MapDBStatsStorage.Builder
-
- Builder() - Constructor for class org.deeplearning4j.ui.UiConnectionInfo.Builder
-
- Builder(INDArray) - Constructor for class org.deeplearning4j.ui.weights.HistogramBin.Builder
-
Build Histogram Builder instance for specified array
- buildExtendedLookupTable() - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor
-
Placeholder for future implementation
- buildExtendedVocabulary() - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor
-
Placeholder for future implementation
- buildFromData(List<DataPoint>) - Static method in class org.deeplearning4j.clustering.vptree.VPTree
-
- buildGraphInfo(MultiLayerConfiguration) - Static method in class org.deeplearning4j.ui.module.train.TrainModuleUtils
-
- buildGraphInfo(ComputationGraphConfiguration) - Static method in class org.deeplearning4j.ui.module.train.TrainModuleUtils
-
- buildGraphInfo(NeuralNetConfiguration) - Static method in class org.deeplearning4j.ui.module.train.TrainModuleUtils
-
- buildJointVocabulary(boolean, boolean) - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor
-
This method scans all sources passed through builder, and returns all words as vocab.
- buildMap() - Method in class org.deeplearning4j.berkeley.MapFactory
-
- buildMap() - Method in class org.deeplearning4j.berkeley.MapFactory.HashMapFactory
-
- buildMap() - Method in class org.deeplearning4j.berkeley.MapFactory.IdentityHashMapFactory
-
- buildMap() - Method in class org.deeplearning4j.berkeley.MapFactory.TreeMapFactory
-
- buildMap() - Method in class org.deeplearning4j.berkeley.MapFactory.WeakHashMapFactory
-
- buildMergedVocabulary(WordVectors, boolean) - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor
-
This method transfers existing WordVectors model into current one
- buildMergedVocabulary(VocabCache<T>, boolean) - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor
-
This method transfers existing vocabulary into current one
Please note: this method expects source vocabulary has Huffman tree indexes applied
- buildModelInfo(Model) - Method in class org.deeplearning4j.ui.flow.FlowIterationListener
-
Deprecated.
- buildModelInfo(Model) - Method in class org.deeplearning4j.ui.flow.RemoteFlowIterationListener
-
- buildModelState(Model) - Method in class org.deeplearning4j.ui.flow.FlowIterationListener
-
Deprecated.
- buildModelState(Model) - Method in class org.deeplearning4j.ui.flow.RemoteFlowIterationListener
-
- buildNetworkSnapshot() - Method in class org.deeplearning4j.spark.models.sequencevectors.primitives.ExtraCounter
-
- buildNode(List<Byte>, List<Integer>, int, int) - Static method in class org.deeplearning4j.models.word2vec.wordstore.VocabularyHolder
-
- buildShallowVocabCache(Counter<Long>) - Method in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors
-
This method builds shadow vocabulary and huffman tree
- buildTree(int[]) - Method in class org.deeplearning4j.graph.models.deepwalk.GraphHuffman
-
Build the Huffman tree given an array of vertex degrees
- buildTree(int[]) - Method in class org.deeplearning4j.models.sequencevectors.graph.huffman.GraphHuffman
-
Build the Huffman tree given an array of vertex degrees
- buildTree(TreebankNode, Pair<String, MultiDimensionalMap<Integer, Integer, String>>, List<String>) - Static method in class org.deeplearning4j.text.corpora.treeparser.TreeFactory
-
Builds a tree recursively
adding the children as necessary
- buildTree(TreebankNode) - Static method in class org.deeplearning4j.text.corpora.treeparser.TreeFactory
-
Builds a tree recursively
adding the children as necessary
- buildUnknownWordDictionary(String, String, String) - Method in class com.atilika.kuromoji.compile.DictionaryCompilerBase
-
- buildVocab() - Method in class org.deeplearning4j.bagofwords.vectorizer.BaseTextVectorizer
-
- buildVocab() - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors
-
Builds vocabulary from provided SequenceIterator instance
- buildVocabCache() - Method in class org.deeplearning4j.spark.text.functions.TextPipeline
-
- buildVocabWordListRDD() - Method in class org.deeplearning4j.spark.text.functions.TextPipeline
-
- ByteBufferIO - Class in com.atilika.kuromoji.io
-
- ByteBufferIO() - Constructor for class com.atilika.kuromoji.io.ByteBufferIO
-
- byteDesc(long) - Static method in class org.deeplearning4j.util.StringUtils
-
Return an abbreviated English-language desc of the byte length
- bytes() - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder.ExtraMetaDataBytesDecoder
-
- bytes(byte) - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder.ExtraMetaDataBytesEncoder
-
- bytes() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.DataSetMetaDataBytesDecoder.MetaDataBytesDecoder
-
- bytes(byte) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.DataSetMetaDataBytesEncoder.MetaDataBytesEncoder
-
- bytesId() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder.ExtraMetaDataBytesDecoder
-
- bytesId() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.DataSetMetaDataBytesDecoder.MetaDataBytesDecoder
-
- bytesMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder.ExtraMetaDataBytesDecoder
-
- bytesMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder.ExtraMetaDataBytesEncoder
-
- bytesMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.DataSetMetaDataBytesDecoder.MetaDataBytesDecoder
-
- bytesMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.DataSetMetaDataBytesEncoder.MetaDataBytesEncoder
-
- bytesMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder.ExtraMetaDataBytesDecoder
-
- bytesMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.DataSetMetaDataBytesDecoder.MetaDataBytesDecoder
-
- bytesMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder.ExtraMetaDataBytesDecoder
-
- bytesMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder.ExtraMetaDataBytesEncoder
-
- bytesMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.DataSetMetaDataBytesDecoder.MetaDataBytesDecoder
-
- bytesMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.DataSetMetaDataBytesEncoder.MetaDataBytesEncoder
-
- bytesNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder.ExtraMetaDataBytesDecoder
-
- bytesNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder.ExtraMetaDataBytesEncoder
-
- bytesNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.DataSetMetaDataBytesDecoder.MetaDataBytesDecoder
-
- bytesNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.DataSetMetaDataBytesEncoder.MetaDataBytesEncoder
-
- byteToHexString(byte[], int, int) - Static method in class org.deeplearning4j.util.StringUtils
-
Given an array of bytes it will convert the bytes to a hex string
representation of the bytes
- byteToHexString(byte[]) - Static method in class org.deeplearning4j.util.StringUtils
-
Same as byteToHexString(bytes, 0, bytes.length).
- ByteUtil - Class in org.deeplearning4j.util
-