- l1(double) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
L1 regularization coefficient (weights only).
- l1 - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- l1(double) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
L1 regularization coefficient (weights only).
- l1 - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- l1 - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- l1(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
L1 regularization coefficient for the weights.
- l1 - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- L1_REGULARIZATION - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- l1Bias(double) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
L1 regularization coefficient for the bias.
- l1Bias - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- l1Bias(double) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
L1 regularization coefficient for the bias.
- l1Bias - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- l1Bias - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- l1Bias(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
L1 regularization coefficient for the bias.
- l1Bias - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- l1ByParam - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
- l2(double) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
L2 regularization coefficient (weights only).
- l2 - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- l2(double) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
L2 regularization coefficient (weights only).
- l2 - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- l2 - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- l2(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
L2 regularization coefficient for the weights.
- l2 - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- L2_REGULARIZATION - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- l2Bias(double) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
L2 regularization coefficient for the bias.
- l2Bias - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- l2Bias(double) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
L2 regularization coefficient for the bias.
- l2Bias - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- l2Bias - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- l2Bias(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
L2 regularization coefficient for the bias.
- l2Bias - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- l2ByParam - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
- L2NormalizeVertex - Class in org.deeplearning4j.nn.conf.graph
-
L2NormalizeVertex performs L2 normalization on a single input.
- L2NormalizeVertex() - Constructor for class org.deeplearning4j.nn.conf.graph.L2NormalizeVertex
-
- L2NormalizeVertex(int[], double) - Constructor for class org.deeplearning4j.nn.conf.graph.L2NormalizeVertex
-
- L2NormalizeVertex - Class in org.deeplearning4j.nn.graph.vertex.impl
-
L2NormalizeVertex performs L2 normalization on a single input.
- L2NormalizeVertex(ComputationGraph, String, int, int[], double) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.L2NormalizeVertex
-
- L2NormalizeVertex(ComputationGraph, String, int, VertexIndices[], VertexIndices[], int[], double) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.L2NormalizeVertex
-
- L2Vertex - Class in org.deeplearning4j.nn.conf.graph
-
L2Vertex calculates the L2 least squares error of two inputs.
- L2Vertex() - Constructor for class org.deeplearning4j.nn.conf.graph.L2Vertex
-
- L2Vertex(double) - Constructor for class org.deeplearning4j.nn.conf.graph.L2Vertex
-
- L2Vertex - Class in org.deeplearning4j.nn.graph.vertex.impl
-
L2Vertex calculates the L2 least squares error of two inputs.
- L2Vertex(ComputationGraph, String, int, double) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.L2Vertex
-
- L2Vertex(ComputationGraph, String, int, VertexIndices[], VertexIndices[], double) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.L2Vertex
-
- label - Variable in class org.deeplearning4j.models.sequencevectors.sequence.Sequence
-
- label() - Method in class org.deeplearning4j.nn.layers.feedforward.autoencoder.recursive.Tree
-
- LabelAwareConverter - Class in org.deeplearning4j.iterator.provider
-
Simple class for conversion between LabelAwareIterator -> LabeledSentenceProvider for neural nets.
- LabelAwareConverter(LabelAwareIterator, List<String>) - Constructor for class org.deeplearning4j.iterator.provider.LabelAwareConverter
-
- LabelAwareDocumentIterator - Interface in org.deeplearning4j.text.documentiterator
-
Created by agibsonccc on 10/18/14.
- LabelAwareFileSentenceIterator - Class in org.deeplearning4j.text.sentenceiterator.labelaware
-
Label aware sentence iterator
- LabelAwareFileSentenceIterator(SentencePreProcessor, File) - Constructor for class org.deeplearning4j.text.sentenceiterator.labelaware.LabelAwareFileSentenceIterator
-
Takes a single file or directory
- LabelAwareFileSentenceIterator(File) - Constructor for class org.deeplearning4j.text.sentenceiterator.labelaware.LabelAwareFileSentenceIterator
-
- labelAwareIterator - Variable in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
- labelAwareIterator - Variable in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors
-
- labelAwareIterator - Variable in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
- LabelAwareIterator - Interface in org.deeplearning4j.text.documentiterator
-
This simple iterator interface assumes, that all documents are packed into strings OR into references to VocabWords.
- LabelAwareListSentenceIterator - Class in org.deeplearning4j.text.sentenceiterator.labelaware
-
Iterates over an input stream with the textual format:
label delimiter text
- LabelAwareListSentenceIterator(InputStream, String, int, int) - Constructor for class org.deeplearning4j.text.sentenceiterator.labelaware.LabelAwareListSentenceIterator
-
Initializes the sentence iterator with the given args, note that this will close the input stream for you
- LabelAwareListSentenceIterator(InputStream) - Constructor for class org.deeplearning4j.text.sentenceiterator.labelaware.LabelAwareListSentenceIterator
-
Same as calling (is,\t,0,1)
- LabelAwareListSentenceIterator(InputStream, String) - Constructor for class org.deeplearning4j.text.sentenceiterator.labelaware.LabelAwareListSentenceIterator
-
Same as calling (is,\t,0,1)
- LabelAwareSentenceIterator - Interface in org.deeplearning4j.text.sentenceiterator.labelaware
-
SentenceIterator that is aware of its label.
- LabelAwareUimaSentenceIterator - Class in org.deeplearning4j.text.sentenceiterator.labelaware
-
Uima sentence iterator that is aware of the current file
- LabelAwareUimaSentenceIterator(SentencePreProcessor, String, UimaResource) - Constructor for class org.deeplearning4j.text.sentenceiterator.labelaware.LabelAwareUimaSentenceIterator
-
- LabelAwareUimaSentenceIterator(String, AnalysisEngine) - Constructor for class org.deeplearning4j.text.sentenceiterator.labelaware.LabelAwareUimaSentenceIterator
-
- LabeledSentenceProvider - Interface in org.deeplearning4j.iterator
-
LabeledSentenceProvider: a simple iterator interface over sentences/documents that have a label.
This is intended for use with
CnnSentenceDataSetIterator
- labelIndex - Variable in class org.deeplearning4j.datasets.datavec.RecordReaderDataSetIterator
-
- labelIndexTo - Variable in class org.deeplearning4j.datasets.datavec.RecordReaderDataSetIterator
-
- LabelledDocument - Class in org.deeplearning4j.text.documentiterator
-
This is primitive holder of document, and it's label.
- LabelledDocument() - Constructor for class org.deeplearning4j.text.documentiterator.LabelledDocument
-
- labelProbabilities(INDArray) - Method in interface org.deeplearning4j.nn.api.Classifier
-
Returns the probabilities for each label
for each example row wise
- labelProbabilities(INDArray) - Method in class org.deeplearning4j.nn.layers.BaseOutputLayer
-
Returns the probabilities for each label
for each example row wise
- labelProbabilities(INDArray) - Method in class org.deeplearning4j.nn.layers.LossLayer
-
Returns the probabilities for each label
for each example row wise
- labelProbabilities(INDArray) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
Returns the probabilities for each label
for each example row wise
- labels - Variable in class org.deeplearning4j.bagofwords.vectorizer.Builder
-
Deprecated.
- labels(List<String>) - Method in class org.deeplearning4j.bagofwords.vectorizer.Builder
-
Deprecated.
- labels(List<String>) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
Deprecated.
- labels - Variable in class org.deeplearning4j.models.sequencevectors.sequence.Sequence
-
- labels - Variable in class org.deeplearning4j.nn.layers.BaseOutputLayer
-
- labels - Variable in class org.deeplearning4j.nn.layers.LossLayer
-
- labels - Variable in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- labels - Variable in class org.deeplearning4j.spark.BaseSparkTest
-
- labels - Variable in class org.deeplearning4j.text.documentiterator.SimpleLabelAwareIterator
-
- labelsList - Variable in class org.deeplearning4j.eval.Evaluation
-
- labelsList - Variable in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors
-
- labelsMatrix - Variable in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors
-
- labelsProvider - Variable in class org.deeplearning4j.models.sequencevectors.transformers.impl.GraphTransformer.Builder
-
- labelsProvider - Variable in class org.deeplearning4j.models.sequencevectors.transformers.impl.GraphTransformer
-
- LabelsProvider<T extends SequenceElement> - Interface in org.deeplearning4j.text.labels
-
- labelsSource - Variable in class org.deeplearning4j.bagofwords.vectorizer.BagOfWordsVectorizer.Builder
-
- labelsSource - Variable in class org.deeplearning4j.bagofwords.vectorizer.BaseTextVectorizer
-
- labelsSource - Variable in class org.deeplearning4j.bagofwords.vectorizer.TfidfVectorizer.Builder
-
- labelsSource - Variable in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
- labelsSource(LabelsSource) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
This method attaches pre-defined labels source to ParagraphVectors
- labelsSource - Variable in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors
-
- labelsSource - Variable in class org.deeplearning4j.text.documentiterator.FileLabelAwareIterator
-
- labelsSource - Variable in class org.deeplearning4j.text.documentiterator.FilenamesLabelAwareIterator
-
- LabelsSource - Class in org.deeplearning4j.text.documentiterator
-
This class is used to manage labels/documents syncronization over iterators
- LabelsSource() - Constructor for class org.deeplearning4j.text.documentiterator.LabelsSource
-
- LabelsSource(String) - Constructor for class org.deeplearning4j.text.documentiterator.LabelsSource
-
Build LabelsSource using string template.
- LabelsSource(List<String>) - Constructor for class org.deeplearning4j.text.documentiterator.LabelsSource
-
Build LabelsSource using externally defined list of string labels.
- LabelsSourceTest - Class in org.deeplearning4j.text.documentiterator
-
Created by raver on 26.11.2015.
- LabelsSourceTest() - Constructor for class org.deeplearning4j.text.documentiterator.LabelsSourceTest
-
- lambda - Variable in class org.deeplearning4j.nn.conf.layers.CenterLossOutputLayer.Builder
-
- lambda(double) - Method in class org.deeplearning4j.nn.conf.layers.CenterLossOutputLayer.Builder
-
- lambda - Variable in class org.deeplearning4j.nn.conf.layers.CenterLossOutputLayer
-
- lambert(double, double) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- last - Variable in class org.deeplearning4j.datasets.datavec.RecordReaderDataSetIterator
-
- lastAct - Variable in class org.deeplearning4j.nn.layers.recurrent.FwdPassReturn
-
- lastBatch - Variable in class org.deeplearning4j.datasets.iterator.MultipleEpochsIterator
-
- lastChecked(int) - Method in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2VecParam.Builder
-
Deprecated.
- lastChild() - Method in class org.deeplearning4j.nn.layers.feedforward.autoencoder.recursive.Tree
-
- lastHeight - Variable in class org.deeplearning4j.nn.conf.layers.setup.ConvolutionLayerSetup
-
Deprecated.
- lastMemCell - Variable in class org.deeplearning4j.nn.layers.recurrent.FwdPassReturn
-
- lastnOut - Variable in class org.deeplearning4j.nn.conf.layers.setup.ConvolutionLayerSetup
-
Deprecated.
- lastOutChannels - Variable in class org.deeplearning4j.nn.conf.layers.setup.ConvolutionLayerSetup
-
Deprecated.
- LastTimeStepVertex - Class in org.deeplearning4j.nn.conf.graph.rnn
-
LastTimeStepVertex is used in the context of recurrent neural network activations, to go from 3d (time series)
activations to 2d activations, by extracting out the last time step of activations for each example.
This can be used for example in sequence to sequence architectures, and potentially for sequence classification.
- LastTimeStepVertex(String) - Constructor for class org.deeplearning4j.nn.conf.graph.rnn.LastTimeStepVertex
-
- LastTimeStepVertex - Class in org.deeplearning4j.nn.graph.vertex.impl.rnn
-
LastTimeStepVertex is used in the context of recurrent neural network activations, to go from 3d (time series)
activations to 2d activations, by extracting out the last time step of activations for each example.
This can be used for example in sequence to sequence architectures, and potentially for sequence classification.
- LastTimeStepVertex(ComputationGraph, String, int, String) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.rnn.LastTimeStepVertex
-
- LastTimeStepVertex(ComputationGraph, String, int, VertexIndices[], VertexIndices[], String) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.rnn.LastTimeStepVertex
-
- lastWidth - Variable in class org.deeplearning4j.nn.conf.layers.setup.ConvolutionLayerSetup
-
Deprecated.
- Layer - Interface in org.deeplearning4j.nn.api
-
Interface for a layer of a neural network.
- Layer - Class in org.deeplearning4j.nn.conf.layers
-
A neural network layer.
- Layer(Layer.Builder) - Constructor for class org.deeplearning4j.nn.conf.layers.Layer
-
- layer - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- layer(Layer) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Layer class.
- layer - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
- layer(int, Layer) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.ListBuilder
-
- layer - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- Layer.Builder<T extends Layer.Builder<T>> - Class in org.deeplearning4j.nn.conf.layers
-
- Layer.TrainingMode - Enum in org.deeplearning4j.nn.api
-
- Layer.Type - Enum in org.deeplearning4j.nn.api
-
- LAYER_BATCHNORM_MODE_1 - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasBatchNormalization
-
- LAYER_BATCHNORM_MODE_2 - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasBatchNormalization
-
- LAYER_BORDER_MODE_FULL - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_BORDER_MODE_SAME - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_BORDER_MODE_VALID - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_ACTIVATION - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_AVERAGE_POOLING_1D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_AVERAGE_POOLING_2D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_BATCHNORMALIZATION - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_BATCHNORMALIZATION - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- LAYER_CLASS_NAME_CONVOLUTION_1D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_CONVOLUTION_2D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_DENSE - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_DROPOUT - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_EMBEDDING - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_FLATTEN - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_GLOBAL_AVERAGE_POOLING_1D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_GLOBAL_AVERAGE_POOLING_2D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_GLOBAL_MAX_POOLING_1D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_GLOBAL_MAX_POOLING_2D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_INPUT - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_LSTM - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_MAX_POOLING_1D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_MAX_POOLING_2D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_MERGE - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_TIME_DISTRIBUTED - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_TIME_DISTRIBUTED_DENSE - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_ZERO_PADDING_1D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_CLASS_NAME_ZERO_PADDING_2D - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_ACTIVATION - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_AXIS - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasBatchNormalization
-
- LAYER_FIELD_B_REGULARIZER - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_BATCH_INPUT_SHAPE - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_BETA_REGULARIZER - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasBatchNormalization
-
- LAYER_FIELD_BORDER_MODE - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_CLASS_NAME - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_CONFIG - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_DIM_ORDERING - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_DROPOUT - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_DROPOUT_U - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLstm
-
- LAYER_FIELD_DROPOUT_W - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_EPSILON - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasBatchNormalization
-
- LAYER_FIELD_FORGET_BIAS_INIT - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLstm
-
- LAYER_FIELD_GAMMA_REGULARIZER - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasBatchNormalization
-
- LAYER_FIELD_INBOUND_NODES - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_INIT - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_INNER_ACTIVATION - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLstm
-
- LAYER_FIELD_INNER_INIT - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLstm
-
- LAYER_FIELD_INPUT_DIM - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasEmbedding
-
- LAYER_FIELD_LAYER - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_MODE - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasBatchNormalization
-
- LAYER_FIELD_MODE - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasMerge
-
- LAYER_FIELD_MOMENTUM - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasBatchNormalization
-
- LAYER_FIELD_NAME - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_NB_COL - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_NB_FILTER - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_NB_ROW - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_OUTPUT_DIM - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_PADDING - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasZeroPadding
-
- LAYER_FIELD_POOL_SIZE - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_STRIDES - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_SUBSAMPLE - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_FIELD_UNROLL - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLstm
-
- LAYER_FIELD_W_REGULARIZER - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- LAYER_MERGE_MODE_AVE - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasMerge
-
- LAYER_MERGE_MODE_CONCAT - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasMerge
-
- LAYER_MERGE_MODE_COS - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasMerge
-
- LAYER_MERGE_MODE_DOT - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasMerge
-
- LAYER_MERGE_MODE_MAX - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasMerge
-
- LAYER_MERGE_MODE_MUL - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasMerge
-
- LAYER_MERGE_MODE_SUM - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasMerge
-
- LAYER_NAME - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- LayerBuilderTest - Class in org.deeplearning4j.nn.conf.layers
-
- LayerBuilderTest() - Constructor for class org.deeplearning4j.nn.conf.layers.LayerBuilderTest
-
- layerConf() - Method in class org.deeplearning4j.nn.layers.BaseLayer
-
- LayerConfigTest - Class in org.deeplearning4j.nn.conf.layers
-
- LayerConfigTest() - Constructor for class org.deeplearning4j.nn.conf.layers.LayerConfigTest
-
- LayerConfigValidationTest - Class in org.deeplearning4j.nn.conf.layers
-
- LayerConfigValidationTest() - Constructor for class org.deeplearning4j.nn.conf.layers.LayerConfigValidationTest
-
- layerIndex - Variable in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- LayerInfo - Class in org.deeplearning4j.ui.flow.beans
-
This bean describes abstract layer and it's connections
- LayerInfo() - Constructor for class org.deeplearning4j.ui.flow.beans.LayerInfo
-
- layerMap - Variable in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- layerName - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- layerName - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- layerName - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
- layerName() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.LayerNamesDecoder
-
- layerName(String) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.LayerNamesEncoder
-
- layerNameAndIndex() - Method in class org.deeplearning4j.nn.layers.BaseLayer
-
- layerNameCharacterEncoding() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.LayerNamesDecoder
-
- layerNameCharacterEncoding() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.LayerNamesEncoder
-
- layerNameHeaderLength() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.LayerNamesDecoder
-
- layerNameHeaderLength() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.LayerNamesEncoder
-
- layerNameId() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.LayerNamesDecoder
-
- layerNameId() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.LayerNamesEncoder
-
- layerNameLength() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.LayerNamesDecoder
-
- layerNameMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.LayerNamesDecoder
-
- layerNameMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.LayerNamesEncoder
-
- layerNames() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder
-
- layerNamesCount(int) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder
-
- LayerNamesDecoder() - Constructor for class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.LayerNamesDecoder
-
- layerNamesDecoderId() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder
-
- LayerNamesEncoder() - Constructor for class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.LayerNamesEncoder
-
- layerNamesId() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder
-
- LayerParams - Class in org.deeplearning4j.ui.flow.beans
-
- LayerParams() - Constructor for class org.deeplearning4j.ui.flow.beans.LayerParams
-
- layers - Variable in class org.deeplearning4j.nn.graph.ComputationGraph
-
A list of layers.
- layers - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
-
- layers - Variable in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- layerSize() - Method in class org.deeplearning4j.models.embeddings.inmemory.InMemoryLookupTable
-
- layerSize() - Method in interface org.deeplearning4j.models.embeddings.WeightLookupTable
-
The layer size for the lookup table
- layerSize - Variable in class org.deeplearning4j.models.embeddings.wordvectors.WordVectorsImpl
-
- layerSize(int) - Method in class org.deeplearning4j.models.glove.Glove.Builder
-
- layerSize(int) - Method in class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- layerSize(int) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
This method defines number of dimensions for output vectors
- layerSize - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- layerSize(int) - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
This method defines number of dimensions for outcome vectors.
- layerSize(int) - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
This method defines number of dimensions for output vectors
- layerSize - Variable in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
- layerSize(int) - Method in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
Specifies output vector's dimensions
- layerSize(int) - Method in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors.Builder
-
- layerSize(int) - Method in class org.deeplearning4j.spark.models.word2vec.SparkWord2Vec.Builder
-
- layersOrdered - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
-
- LayerUpdater - Class in org.deeplearning4j.nn.updater
-
- LayerUpdater() - Constructor for class org.deeplearning4j.nn.updater.LayerUpdater
-
- LayerValidation - Class in org.deeplearning4j.nn.conf.layers
-
Created by Alex on 22/02/2017.
- LayerValidation() - Constructor for class org.deeplearning4j.nn.conf.layers.LayerValidation
-
- LayerValidation - Class in org.deeplearning4j.util
-
Created by Alex on 12/11/2016.
- LayerValidation() - Constructor for class org.deeplearning4j.util.LayerValidation
-
- LayerVertex - Class in org.deeplearning4j.nn.conf.graph
-
LayerVertex is a GraphVertex with a neural network Layer (and, optionally an
InputPreProcessor
) in it
- LayerVertex(NeuralNetConfiguration, InputPreProcessor) - Constructor for class org.deeplearning4j.nn.conf.graph.LayerVertex
-
- LayerVertex - Class in org.deeplearning4j.nn.graph.vertex.impl
-
LayerVertex is a GraphVertex with a neural network Layer (and, optionally an
InputPreProcessor
) in it
- LayerVertex(ComputationGraph, String, int, Layer, InputPreProcessor, boolean) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.LayerVertex
-
Create a network input vertex:
- LayerVertex(ComputationGraph, String, int, VertexIndices[], VertexIndices[], Layer, InputPreProcessor, boolean) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.LayerVertex
-
- layerWiseConfigurations - Variable in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- LBFGS - Class in org.deeplearning4j.optimize.solvers
-
LBFGS
- LBFGS(NeuralNetConfiguration, StepFunction, Collection<IterationListener>, Model) - Constructor for class org.deeplearning4j.optimize.solvers.LBFGS
-
- LBFGS(NeuralNetConfiguration, StepFunction, Collection<IterationListener>, Collection<TerminationCondition>, Model) - Constructor for class org.deeplearning4j.optimize.solvers.LBFGS
-
- leakyreluAlpha - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Deprecated.
- leakyreluAlpha(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- leakyreluAlpha - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
Deprecated.
- learningRate(double) - Method in class org.deeplearning4j.graph.models.deepwalk.DeepWalk.Builder
-
Set the learning rate
- learningRate - Variable in class org.deeplearning4j.graph.models.embeddings.InMemoryGraphLookupTable
-
- learningRate - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe.Builder
-
- learningRate(double) - Method in class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe.Builder
-
Initial learning rate; default 0.05
- learningRate - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe
-
- learningRate - Variable in class org.deeplearning4j.models.embeddings.wordvectors.WordVectorsImpl
-
- learningRate(double) - Method in class org.deeplearning4j.models.glove.Glove.Builder
-
- learningRate(double) - Method in class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- learningRate(double) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
This method defines initial learning rate for model training
- learningRate - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- learningRate(double) - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
This method defines initial learning rate.
- learningRate(double) - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
This method defines initial learning rate for model training
- learningRate(double) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
Learning rate.
- learningRate - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- learningRate(double) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
Learning rate.
- learningRate - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- learningRate - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- learningRate(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Learning rate.
- learningRate - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- learningRate(double) - Method in class org.deeplearning4j.plot.BarnesHutTsne.Builder
-
- learningRate - Variable in class org.deeplearning4j.plot.BarnesHutTsne
-
- learningRate - Variable in class org.deeplearning4j.plot.Tsne.Builder
-
- learningRate(double) - Method in class org.deeplearning4j.plot.Tsne.Builder
-
- learningRate - Variable in class org.deeplearning4j.plot.Tsne
-
- learningRate - Variable in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
- learningRate(double) - Method in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
This method specifies initial learning rate for model
- learningRate() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder
-
- learningRate(float) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerParameterStatsEncoder
-
- learningRateByParam - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
- learningRateDecayPolicy(LearningRatePolicy) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
Learning rate decay policy.
- learningRateDecayPolicy(LearningRatePolicy) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
Learning rate decay policy.
- learningRateDecayPolicy(LearningRatePolicy) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Learning rate decay policy.
- learningRateDecayWords - Variable in class org.deeplearning4j.models.embeddings.wordvectors.WordVectorsImpl
-
- learningRateDecayWords - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- learningRateId() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder
-
- learningRateMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder
-
- learningRateMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerParameterStatsEncoder
-
- learningRateMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder
-
- learningRateMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder
-
- learningRateMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerParameterStatsEncoder
-
- learningRateNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerParameterStatsDecoder
-
- learningRateNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerParameterStatsEncoder
-
- learningRatePolicy - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- LearningRatePolicy - Enum in org.deeplearning4j.nn.conf
-
Learning Rate Policy
How to decay learning rate during training.
- learningRatePolicy - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- learningRatePolicy - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
- learningRatePolicy - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- learningRateSchedule(Map<Integer, Double>) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
Learning rate schedule.
- learningRateSchedule - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- learningRateSchedule(Map<Integer, Double>) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
Learning rate schedule.
- learningRateSchedule - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- learningRateSchedule - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- learningRateSchedule(Map<Integer, Double>) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Learning rate schedule.
- learningRateSchedule - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- learningRateScoreBasedDecayRate(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Rate to decrease learningRate by when the score stops improving.
- learningRatesPresent() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateFieldsPresentDecoder
-
- learningRatesPresent(boolean) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateFieldsPresentEncoder
-
- learnSequence(Sequence<T>, AtomicLong, double) - Method in interface org.deeplearning4j.models.embeddings.learning.ElementsLearningAlgorithm
-
This method does training over the sequence of elements passed into it
- learnSequence(Sequence<T>, AtomicLong, double) - Method in class org.deeplearning4j.models.embeddings.learning.impl.elements.CBOW
-
- learnSequence(Sequence<T>, AtomicLong, double) - Method in class org.deeplearning4j.models.embeddings.learning.impl.elements.GloVe
-
Learns sequence using GloVe algorithm
- learnSequence(Sequence<T>, AtomicLong, double) - Method in class org.deeplearning4j.models.embeddings.learning.impl.elements.SkipGram
-
Learns sequence using SkipGram algorithm
- learnSequence(Sequence<T>, AtomicLong, double) - Method in class org.deeplearning4j.models.embeddings.learning.impl.sequence.DBOW
-
- learnSequence(Sequence<T>, AtomicLong, double) - Method in class org.deeplearning4j.models.embeddings.learning.impl.sequence.DM
-
- learnSequence(Sequence<T>, AtomicLong, double) - Method in interface org.deeplearning4j.models.embeddings.learning.SequenceLearningAlgorithm
-
This method does training over the sequence of elements passed into it
- learnSequence(Sequence<ShallowSequenceElement>, AtomicLong, double) - Method in class org.deeplearning4j.spark.models.sequencevectors.learning.elements.BaseSparkLearningAlgorithm
-
- LEFT_ID - Static variable in class com.atilika.kuromoji.dict.DictionaryField
-
- leftChild(int) - Method in class org.deeplearning4j.berkeley.PriorityQueue
-
- leftId - Variable in class com.atilika.kuromoji.dict.DictionaryEntryBase
-
- leftId(short) - Method in class com.atilika.kuromoji.dict.GenericDictionaryEntry.Builder
-
- legacyAveraging - Variable in class org.deeplearning4j.parallelism.ParallelWrapper.Builder
-
- legacyAveraging - Variable in class org.deeplearning4j.parallelism.ParallelWrapper
-
- length(byte[]) - Static method in class org.deeplearning4j.ui.stats.impl.SbeUtil
-
- length(byte[][]) - Static method in class org.deeplearning4j.ui.stats.impl.SbeUtil
-
- length(byte[][][]) - Static method in class org.deeplearning4j.ui.stats.impl.SbeUtil
-
- length(String) - Static method in class org.deeplearning4j.ui.stats.impl.SbeUtil
-
- length(String[]) - Static method in class org.deeplearning4j.ui.stats.impl.SbeUtil
-
- length() - Method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Decoder
-
- length(long) - Method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Encoder
-
- lengthMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Decoder
-
- lengthMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Encoder
-
- lengthMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Decoder
-
- lengthMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Encoder
-
- lengthNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Decoder
-
- lengthNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Encoder
-
- LengthUnit - Enum in org.deeplearning4j.ui.api
-
LengthUnit: an enum for specifying units for things such as width and height
- LESS - Static variable in class org.deeplearning4j.clustering.kdtree.KDTree
-
- LexicographicPairComparator(Comparator<F>, Comparator<S>) - Constructor for class org.deeplearning4j.berkeley.Pair.LexicographicPairComparator
-
- LFWDataSetIterator - Class in org.deeplearning4j.datasets.iterator.impl
-
- LFWDataSetIterator(int[]) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Loads subset of images with given imgDim returned by the generator.
- LFWDataSetIterator(int, int) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Loads images with given batchSize, numExamples returned by the generator.
- LFWDataSetIterator(int, int, int[]) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Loads images with given batchSize, numExamples, imgDim returned by the generator.
- LFWDataSetIterator(int, int[], boolean) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Loads images with given batchSize, imgDim, useSubset, returned by the generator.
- LFWDataSetIterator(int, int, int[], boolean, double) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Loads images with given batchSize, numExamples, imgDim, train, & splitTrainTest returned by the generator.
- LFWDataSetIterator(int, int, int, boolean, double) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Loads images with given batchSize, numExamples, numLabels, train, & splitTrainTest returned by the generator.
- LFWDataSetIterator(int, int, int[], int, boolean, boolean, double, Random) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Loads images with given batchSize, numExamples, imgDim, numLabels, useSubset, train, splitTrainTest & Random returned by the generator.
- LFWDataSetIterator(int, int, int[], int, boolean, PathLabelGenerator, boolean, double, Random) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Loads images with given batchSize, numExamples, imgDim, numLabels, useSubset, train, splitTrainTest & Random returned by the generator.
- LFWDataSetIterator(int, int, int[], int, boolean, PathLabelGenerator, boolean, double, ImageTransform, Random) - Constructor for class org.deeplearning4j.datasets.iterator.impl.LFWDataSetIterator
-
Create LFW data specific iterator
- limit - Variable in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder
-
- limit() - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder
-
- limit(int) - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder
-
- limit - Variable in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder
-
- limit() - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder
-
- limit(int) - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder
-
- limit - Variable in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder
-
- limit() - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder
-
- limit(int) - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder
-
- limit - Variable in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder
-
- limit() - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder
-
- limit(int) - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder
-
- limit - Variable in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder
-
- limit() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder
-
- limit(int) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder
-
- limit - Variable in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder
-
- limit() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder
-
- limit(int) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder
-
- limitDecimalTo2(double) - Static method in class org.deeplearning4j.util.StringUtils
-
- LineGradientDescent - Class in org.deeplearning4j.optimize.solvers
-
Stochastic Gradient Descent with Line Search
- LineGradientDescent(NeuralNetConfiguration, StepFunction, Collection<IterationListener>, Model) - Constructor for class org.deeplearning4j.optimize.solvers.LineGradientDescent
-
- LineGradientDescent(NeuralNetConfiguration, StepFunction, Collection<IterationListener>, Collection<TerminationCondition>, Model) - Constructor for class org.deeplearning4j.optimize.solvers.LineGradientDescent
-
- lineMaximizer - Variable in class org.deeplearning4j.optimize.solvers.BaseOptimizer
-
- LineOptimizer - Interface in org.deeplearning4j.optimize.api
-
Line optimizer interface adapted from mallet
- LineSentenceIterator - Class in org.deeplearning4j.text.sentenceiterator
-
Each line is a sentence
- LineSentenceIterator(File) - Constructor for class org.deeplearning4j.text.sentenceiterator.LineSentenceIterator
-
- list() - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Create a ListBuilder (for creating a MultiLayerConfiguration)
Usage:
- list(Layer...) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Create a ListBuilder (for creating a MultiLayerConfiguration) with the specified layers
Usage:
- ListBuilder(NeuralNetConfiguration.Builder, Map<Integer, NeuralNetConfiguration.Builder>) - Constructor for class org.deeplearning4j.nn.conf.NeuralNetConfiguration.ListBuilder
-
- ListBuilder(NeuralNetConfiguration.Builder) - Constructor for class org.deeplearning4j.nn.conf.NeuralNetConfiguration.ListBuilder
-
- ListDataSetIterator - Class in org.deeplearning4j.datasets.iterator.impl
-
Wraps a data applyTransformToDestination collection
- ListDataSetIterator(Collection<DataSet>, int) - Constructor for class org.deeplearning4j.datasets.iterator.impl.ListDataSetIterator
-
- ListDataSetIterator(Collection<DataSet>) - Constructor for class org.deeplearning4j.datasets.iterator.impl.ListDataSetIterator
-
Initializes with a batch of 5
- listener(IterationListener...) - Method in class org.deeplearning4j.optimize.Solver.Builder
-
- ListenerEvent - Enum in org.deeplearning4j.models.sequencevectors.enums
-
This enum defines possible events, when specific VectorsListener will be fired
- listeners - Variable in class org.deeplearning4j.nn.layers.normalization.BatchNormalization
-
- listeners(Collection<IterationListener>) - Method in class org.deeplearning4j.optimize.Solver.Builder
-
- listeners - Variable in class org.deeplearning4j.parallelism.ParallelWrapper
-
- listeners - Variable in class org.deeplearning4j.ui.storage.BaseCollectionStatsStorage
-
- listObjects(String) - Method in class org.deeplearning4j.aws.s3.reader.S3Downloader
-
Simple way of retrieving the listings for a bucket
- listPaths(JavaSparkContext, String) - Static method in class org.deeplearning4j.spark.util.SparkUtils
-
List of the files in the given directory (path), as a JavaRDD<String>
- ListSequenceConvertFunction<T extends SequenceElement> - Class in org.deeplearning4j.spark.models.sequencevectors.functions
-
Simple function to convert List to Sequence
- ListSequenceConvertFunction() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.functions.ListSequenceConvertFunction
-
- listSessionIDs() - Method in interface org.deeplearning4j.api.storage.StatsStorage
-
Get a list of all sessions stored by this storage backend
- listSessionIDs() - Method in class org.deeplearning4j.ui.storage.BaseCollectionStatsStorage
-
- listSessionIDs() - Method in class org.deeplearning4j.ui.storage.sqlite.J7FileStatsStorage
-
- listToArray(List<Byte>) - Static method in class org.deeplearning4j.models.word2vec.wordstore.VocabularyHolder
-
- listToArray(List<Integer>, int) - Static method in class org.deeplearning4j.models.word2vec.wordstore.VocabularyHolder
-
- listTypeIDsForSession(String) - Method in interface org.deeplearning4j.api.storage.StatsStorage
-
Get the list of type IDs for the given session ID
- listTypeIDsForSession(String) - Method in class org.deeplearning4j.ui.storage.BaseCollectionStatsStorage
-
- listTypeIDsForSession(String) - Method in class org.deeplearning4j.ui.storage.sqlite.J7FileStatsStorage
-
- listWorkerIDsForSession(String) - Method in interface org.deeplearning4j.api.storage.StatsStorage
-
For a given session ID, list all of the known worker IDs
- listWorkerIDsForSession(String) - Method in class org.deeplearning4j.ui.storage.BaseCollectionStatsStorage
-
- listWorkerIDsForSession(String) - Method in class org.deeplearning4j.ui.storage.sqlite.J7FileStatsStorage
-
- listWorkerIDsForSessionAndType(String, String) - Method in interface org.deeplearning4j.api.storage.StatsStorage
-
For a given session ID and type ID, list all of the known worker IDs
- listWorkerIDsForSessionAndType(String, String) - Method in class org.deeplearning4j.ui.storage.BaseCollectionStatsStorage
-
- listWorkerIDsForSessionAndType(String, String) - Method in class org.deeplearning4j.ui.storage.sqlite.J7FileStatsStorage
-
- load(InputStream, VocabCache<? extends SequenceElement>) - Static method in class org.deeplearning4j.models.glove.GloveWeightLookupTable
-
Deprecated.
Load a glove model from an input stream.
- load(InputStream) - Static method in class org.deeplearning4j.models.word2vec.wordstore.inmemory.InMemoryLookupCache
-
Deprecated.
Load a look up cache from an input stream
delimited by \n
- load(T) - Method in class org.deeplearning4j.spark.iterator.BaseDataSetIterator
-
- load(String) - Method in class org.deeplearning4j.spark.iterator.PathSparkDataSetIterator
-
- load(PortableDataStream) - Method in class org.deeplearning4j.spark.iterator.PortableDataStreamDataSetIterator
-
- LoadAndDraw - Class in org.deeplearning4j.datasets.mnist.draw
-
- loadCodes(int[]) - Method in class org.deeplearning4j.models.embeddings.inmemory.InMemoryLookupTable
-
Loads the co-occurrences for the given codes
- loadCodes(int[]) - Method in interface org.deeplearning4j.models.embeddings.WeightLookupTable
-
Loads the co-occurrences for the given codes
- loadConfigGuess(String) - Static method in class org.deeplearning4j.util.ModelGuesser
-
Load the model from the given file path
- loadConfigGuess(InputStream) - Static method in class org.deeplearning4j.util.ModelGuesser
-
Load the model from the given input stream
- loadDictionaries() - Method in class com.atilika.kuromoji.ipadic.Tokenizer.Builder
-
- loadDictionaries() - Method in class com.atilika.kuromoji.TokenizerBase.Builder
-
- loader - Static variable in class org.deeplearning4j.datasets.iterator.impl.CifarDataSetIterator
-
- loadFromMetaData(RecordMetaData) - Method in class org.deeplearning4j.datasets.datavec.RecordReaderDataSetIterator
-
Load a single example to a DataSet, using the provided RecordMetaData.
- loadFromMetaData(List<RecordMetaData>) - Method in class org.deeplearning4j.datasets.datavec.RecordReaderDataSetIterator
-
Load a multiple examples to a DataSet, using the provided RecordMetaData instances.
- loadFromMetaData(RecordMetaData) - Method in class org.deeplearning4j.datasets.datavec.RecordReaderMultiDataSetIterator
-
Load a single example to a DataSet, using the provided RecordMetaData.
- loadFromMetaData(List<RecordMetaData>) - Method in class org.deeplearning4j.datasets.datavec.RecordReaderMultiDataSetIterator
-
Load a multiple sequence examples to a DataSet, using the provided RecordMetaData instances.
- loadFromMetaData(RecordMetaData) - Method in class org.deeplearning4j.datasets.datavec.SequenceRecordReaderDataSetIterator
-
Load a single sequence example to a DataSet, using the provided RecordMetaData.
- loadFromMetaData(List<RecordMetaData>) - Method in class org.deeplearning4j.datasets.datavec.SequenceRecordReaderDataSetIterator
-
Load a multiple sequence examples to a DataSet, using the provided RecordMetaData instances.
- loadFullModel(String) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
Deprecated.
- loadGoogleModel(File, boolean) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
Deprecated.
- loadGoogleModel(File, boolean, boolean) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
Deprecated.
- loadGoogleModelNonNormalized(File, boolean, boolean) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
Deprecated.
- loadGraph(String, EdgeLineProcessor<E>, VertexFactory<V>, int, boolean) - Static method in class org.deeplearning4j.graph.data.GraphLoader
-
Load a graph into memory, using a given EdgeLineProcessor.
- loadGraph(String, String, VertexLoader<V>, EdgeLineProcessor<E>, boolean) - Static method in class org.deeplearning4j.graph.data.GraphLoader
-
Load graph, assuming vertices are in one file and edges are in another file.
- loadIris(int, int) - Static method in class org.deeplearning4j.base.IrisUtils
-
- loadModel() - Method in class org.deeplearning4j.nn.modelimport.keras.trainedmodels.TrainedModelHelper
-
- loadModelGuess(String) - Static method in class org.deeplearning4j.util.ModelGuesser
-
Load the model from the given file path
- loadModelGuess(InputStream) - Static method in class org.deeplearning4j.util.ModelGuesser
-
Load the model from the given input stream
- LoadSerializedDataSetFunction - Class in org.deeplearning4j.spark.impl.common
-
This is a function that is used to load a DataSet
object using DataSet.load(InputStream)
.
- LoadSerializedDataSetFunction() - Constructor for class org.deeplearning4j.spark.impl.common.LoadSerializedDataSetFunction
-
- loadSingleSentence(String) - Method in class org.deeplearning4j.iterator.CnnSentenceDataSetIterator
-
Generally used post training time to load a single sentence for predictions
- loadStaticModel(File) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
This method restores previously saved w2v model.
- loadTxt(File) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
Loads an in memory cache from the given path (sets syn0 and the vocab)
- loadTxtVectors(File) - Static method in class org.deeplearning4j.graph.models.loader.GraphVectorSerializer
-
- loadTxtVectors(File) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
Deprecated.
- loadTxtVectors(InputStream, boolean) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
Deprecated.
- loadUndirectedGraphEdgeListFile(String, int, String) - Static method in class org.deeplearning4j.graph.data.GraphLoader
-
Simple method for loading an undirected graph, where the graph is represented by a edge list with one edge
per line with a delimiter in between
This method assumes that all lines in the file are of the form
i<delim>j
where i and j are integers
in range 0 to numVertices inclusive, and "
" is the user-provided delimiter
Note: this method calls GraphLoader.loadUndirectedGraphEdgeListFile(String, int, String, boolean)
with allowMultipleEdges = true.
- loadUndirectedGraphEdgeListFile(String, int, String, boolean) - Static method in class org.deeplearning4j.graph.data.GraphLoader
-
Simple method for loading an undirected graph, where the graph is represented by a edge list with one edge
per line with a delimiter in between
This method assumes that all lines in the file are of the form i<delim>j
where i and j are integers
in range 0 to numVertices inclusive, and "" is the user-provided delimiter
- loadVertices(String) - Method in class org.deeplearning4j.graph.data.impl.DelimitedVertexLoader
-
- loadVertices(String) - Method in interface org.deeplearning4j.graph.data.VertexLoader
-
- loadVocab() - Method in class org.deeplearning4j.models.word2vec.wordstore.inmemory.AbstractCache
-
Deserialize vocabulary from specified path
- loadVocab() - Method in class org.deeplearning4j.models.word2vec.wordstore.inmemory.InMemoryLookupCache
-
Deprecated.
- loadVocab() - Method in interface org.deeplearning4j.models.word2vec.wordstore.VocabCache
-
Load vocab
- loadWeightedEdgeListFile(String, int, String, boolean, String...) - Static method in class org.deeplearning4j.graph.data.GraphLoader
-
Method for loading a weighted graph from an edge list file, where each edge (inc.
- loadWeightedEdgeListFile(String, int, String, boolean, boolean, String...) - Static method in class org.deeplearning4j.graph.data.GraphLoader
-
Method for loading a weighted graph from an edge list file, where each edge (inc.
- LOCAL_DIR_NAME - Static variable in class org.deeplearning4j.base.MnistFetcher
-
- LOCAL_DIR_NAME - Static variable in class org.deeplearning4j.datasets.fetchers.CurvesDataFetcher
-
- LOCAL_RESPONSE_NORMALIZATION - Static variable in class org.deeplearning4j.nn.conf.layers.setup.ConvolutionLayerSetup
-
Deprecated.
- LocalFileGraphSaver - Class in org.deeplearning4j.earlystopping.saver
-
Save the best (and latest/most recent)
ComputationGraph
s learned during early stopping training to the local file system.
Instances of this class will save 3 files for best (and optionally, latest) models:
(a) The network configuration: bestGraphConf.json
(b) The network parameters: bestGraphParams.bin
(c) The network updater: bestGraphUpdater.bin
NOTE: The model updater is an object that contains the internal state for training features such as AdaGrad, Momentum
and RMSProp.
The updater is
not required to use the network at test time; it is saved in case further training is required.
- LocalFileGraphSaver(String) - Constructor for class org.deeplearning4j.earlystopping.saver.LocalFileGraphSaver
-
Constructor that uses default character set for configuration (json) encoding
- LocalFileGraphSaver(String, Charset) - Constructor for class org.deeplearning4j.earlystopping.saver.LocalFileGraphSaver
-
- LocalFileModelSaver - Class in org.deeplearning4j.earlystopping.saver
-
Save the best (and latest/most recent) models learned during early stopping training to the local file system.
Instances of this class will save 3 files for best (and optionally, latest) models:
(a) The network configuration: bestModelConf.json
(b) The network parameters: bestModelParams.bin
(c) The network updater: bestModelUpdater.bin
NOTE: The model updater is an object that contains the internal state for training features such as AdaGrad, Momentum
and RMSProp.
The updater is not required to use the network at test time; it is saved in case further training is required.
- LocalFileModelSaver(String) - Constructor for class org.deeplearning4j.earlystopping.saver.LocalFileModelSaver
-
Constructor that uses default character set for configuration (json) encoding
- LocalFileModelSaver(String, Charset) - Constructor for class org.deeplearning4j.earlystopping.saver.LocalFileModelSaver
-
- LOCALHOST - Static variable in class org.deeplearning4j.streaming.routes.Dl4jServingRouteTest
-
- LOCALHOST - Static variable in class org.deeplearning4j.ui.flow.RemoteFlowIterationListener
-
- LocalResponseNormalization - Class in org.deeplearning4j.nn.conf.layers
-
Created by nyghtowl on 10/29/15.
- LocalResponseNormalization - Class in org.deeplearning4j.nn.layers.normalization
-
Deep neural net normalization approach normalizes activations between layers
"brightness normalization"
Used for nets like AlexNet
- LocalResponseNormalization(NeuralNetConfiguration, INDArray) - Constructor for class org.deeplearning4j.nn.layers.normalization.LocalResponseNormalization
-
- LocalResponseNormalization(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.layers.normalization.LocalResponseNormalization
-
- LocalResponseNormalization.Builder - Class in org.deeplearning4j.nn.conf.layers
-
- LocalResponseNormalizationHelper - Interface in org.deeplearning4j.nn.layers.normalization
-
Helper for the local response normalization layer.
- LocalResponseTest - Class in org.deeplearning4j.nn.layers.normalization
-
- LocalResponseTest() - Constructor for class org.deeplearning4j.nn.layers.normalization.LocalResponseTest
-
- LocalUnstructuredDataFormatter - Class in org.deeplearning4j.datasets.rearrange
-
Rearrange an unstructured dataset
in to split test/train
on the file system
- LocalUnstructuredDataFormatter(File, File, LocalUnstructuredDataFormatter.LabelingType, double) - Constructor for class org.deeplearning4j.datasets.rearrange.LocalUnstructuredDataFormatter
-
- LocalUnstructuredDataFormatter.LabelingType - Enum in org.deeplearning4j.datasets.rearrange
-
- LocalUnstructuredDataFormatterTest - Class in org.deeplearning4j.datasets.rearrange
-
Created by agibsonccc on 9/11/15.
- LocalUnstructuredDataFormatterTest() - Constructor for class org.deeplearning4j.datasets.rearrange.LocalUnstructuredDataFormatterTest
-
- lock - Variable in class org.deeplearning4j.models.glove.AbstractCoOccurrences
-
- lockGammaBeta - Variable in class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- lockGammaBeta(boolean) - Method in class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- lockGammaBeta - Variable in class org.deeplearning4j.nn.conf.layers.BatchNormalization
-
- log - Static variable in class com.atilika.kuromoji.util.FileResourceResolver
-
- log - Static variable in class com.atilika.kuromoji.util.KuromojiBinFilesFetcher
-
- log - Static variable in class org.deeplearning4j.base.MnistFetcher
-
- log - Static variable in class org.deeplearning4j.datasets.fetchers.BaseDataFetcher
-
- log - Static variable in class org.deeplearning4j.datasets.iterator.MultipleEpochsIterator
-
- log - Static variable in class org.deeplearning4j.models.embeddings.loader.VectorsConfigurationTest
-
- log - Static variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors
-
- log - Static variable in class org.deeplearning4j.models.sequencevectors.serialization.AbstractElementFactory
-
- log - Static variable in class org.deeplearning4j.models.sequencevectors.transformers.impl.GraphTransformer
-
- log - Static variable in class org.deeplearning4j.models.sequencevectors.transformers.impl.SentenceTransformer
-
- log - Static variable in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor
-
- log - Static variable in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructorTest
-
- log - Static variable in class org.deeplearning4j.nn.layers.convolution.ConvolutionLayer
-
- log - Static variable in class org.deeplearning4j.nn.layers.convolution.CudnnConvolutionHelper
-
- log - Static variable in class org.deeplearning4j.nn.layers.normalization.BatchNormalization
-
- log - Static variable in class org.deeplearning4j.nn.layers.normalization.CudnnBatchNormalizationHelper
-
- log - Static variable in class org.deeplearning4j.nn.layers.normalization.LocalResponseNormalization
-
- log - Static variable in class org.deeplearning4j.optimize.solvers.BaseOptimizer
-
- log - Static variable in class org.deeplearning4j.text.sentenceiterator.interoperability.SentenceIteratorConverter
-
- log - Static variable in class org.deeplearning4j.text.sentenceiterator.PrefetchingSentenceIterator
-
Deprecated.
- log - Static variable in class org.deeplearning4j.text.sentenceiterator.PrefetchingSentenceIteratorTest
-
- log - Static variable in class org.deeplearning4j.text.tokenization.tokenizer.DefaulTokenizerTests
-
- log - Static variable in class org.deeplearning4j.text.tokenization.tokenizer.DefaultStreamTokenizer
-
- log2 - Static variable in class org.deeplearning4j.util.MathUtils
-
The natural logarithm of 2.
- log2(double) - Static method in class org.deeplearning4j.util.MathUtils
-
Returns the logarithm of a for base 2.
- logAdd(float, float) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
Returns the log of the sum of two numbers, which are themselves input in
log form.
- logAdd(double, double) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
Returns the log of the sum of two numbers, which are themselves input in
log form.
- logAdd(float[]) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logAdd(double[]) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logAdd(List<Double>) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logAdd(float[], int) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logAdd(double[], int) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logAdd(Counter<T>) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logAdd_Old(float[]) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logAggregateStartTime() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logAggregationEndTime() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logBroadcastEnd() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logBroadcastGetValueEnd() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingWorkerStats.ParameterAveragingTrainingWorkerStatsHelper
-
- logBroadcastGetValueStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingWorkerStats.ParameterAveragingTrainingWorkerStatsHelper
-
- logBroadcastStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logCountEnd() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logCountStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logExportEnd() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logExportStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logFitEnd(int) - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logFitEnd(int) - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingWorkerStats.ParameterAveragingTrainingWorkerStatsHelper
-
- logFitStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logFitStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingWorkerStats.ParameterAveragingTrainingWorkerStatsHelper
-
- logger - Static variable in class org.deeplearning4j.datasets.iterator.AsyncDataSetIterator
-
- logger - Static variable in class org.deeplearning4j.models.glove.AbstractCoOccurrences
-
- logger - Static variable in class org.deeplearning4j.models.glove.count.BinaryCoOccurrenceReader
-
- logger - Static variable in class org.deeplearning4j.models.sequencevectors.graph.walkers.impl.RandomWalkerTest
-
- logger - Static variable in class org.deeplearning4j.models.sequencevectors.listeners.ScoreListener
-
Deprecated.
- logger - Static variable in class org.deeplearning4j.models.sequencevectors.listeners.SimilarityListener
-
- logger - Static variable in class org.deeplearning4j.models.sequencevectors.SequenceVectorsTest
-
- logger - Static variable in class org.deeplearning4j.nn.modelimport.keras.trainedmodels.TrainedModelHelper
-
- logger - Static variable in class org.deeplearning4j.plot.Tsne
-
- logger - Variable in class org.deeplearning4j.text.sentenceiterator.StreamLineIterator
-
- logger - Variable in class org.deeplearning4j.text.sentenceiterator.StreamLineIteratorTest
-
- logger - Static variable in class org.deeplearning4j.util.TestDataSetConsumer
-
- logInitEnd() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingWorkerStats.ParameterAveragingTrainingWorkerStatsHelper
-
- logInitialModelAfter() - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- logInitialModelBefore() - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- logMapPartitionsEnd(int) - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logMapPartitionsStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logMethodStartTime() - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- logNextDataSetAfter(int) - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- logNextDataSetBefore() - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- logNormalize(double[]) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logProcessMinibatchAfter() - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- logProcessMinibatchBefore() - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- logProcessParamsUpdaterEnd() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logProcessParamsUpdaterStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logRepartitionEnd() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logRepartitionStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logReturnTime() - Method in class org.deeplearning4j.spark.api.stats.StatsCalculationHelper
-
- logs2probs(double[]) - Static method in class org.deeplearning4j.util.MathUtils
-
Converts an array containing the natural logarithms of
probabilities stored in a vector back into probabilities.
- logSplitEnd() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logSplitStart() - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats.ParameterAveragingTrainingMasterStatsHelper
-
- logSubtract(double, double) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- logTestMode(boolean) - Method in class org.deeplearning4j.nn.layers.FrozenLayer
-
- logTestMode(Layer.TrainingMode) - Method in class org.deeplearning4j.nn.layers.FrozenLayer
-
- LOGTOLERANCE - Static variable in class org.deeplearning4j.berkeley.SloppyMath
-
If a difference is bigger than this in log terms, then the sum or
difference of them will just be the larger (to 12 or so decimal places
for double, and 7 or 8 for float).
- longestCommonSubstring(String, String) - Static method in class org.deeplearning4j.berkeley.StringUtils
-
Computes the longest common substring of s and t.
- lookingAt(String, String) - Static method in class org.deeplearning4j.berkeley.StringUtils
-
Say whether this regular expression can be found at the beginning of
this String.
- lookUp(int) - Method in class com.atilika.kuromoji.buffer.WordIdMap
-
- lookup(String) - Method in class com.atilika.kuromoji.trie.DoubleArrayTrie
-
Match input keyword.
- lookup(String, int, int) - Method in class com.atilika.kuromoji.trie.DoubleArrayTrie
-
- lookupCategories(char) - Method in class com.atilika.kuromoji.dict.CharacterDefinitions
-
- lookupDefinition(int) - Method in class com.atilika.kuromoji.dict.CharacterDefinitions
-
- lookupEntry(int) - Method in class com.atilika.kuromoji.buffer.TokenInfoBuffer
-
- lookupFeature(int, int) - Method in class com.atilika.kuromoji.buffer.TokenInfoBuffer
-
- lookupPartOfSpeechFeature(int, int) - Method in class com.atilika.kuromoji.buffer.TokenInfoBuffer
-
- lookupTable() - Method in class org.deeplearning4j.graph.models.deepwalk.DeepWalk
-
- lookupTable - Variable in class org.deeplearning4j.graph.models.embeddings.GraphVectorsImpl
-
- lookupTable - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.SkipGram
-
- lookupTable - Variable in class org.deeplearning4j.models.embeddings.learning.impl.sequence.DBOW
-
- lookupTable - Variable in class org.deeplearning4j.models.embeddings.reader.impl.BasicModelUtils
-
- lookupTable() - Method in interface org.deeplearning4j.models.embeddings.wordvectors.WordVectors
-
Lookup table for the vectors
- lookupTable - Variable in class org.deeplearning4j.models.embeddings.wordvectors.WordVectorsImpl
-
- lookupTable() - Method in class org.deeplearning4j.models.embeddings.wordvectors.WordVectorsImpl
-
- lookupTable(WeightLookupTable<VocabWord>) - Method in class org.deeplearning4j.models.glove.Glove.Builder
-
- lookupTable(WeightLookupTable<V>) - Method in class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- lookupTable(WeightLookupTable<VocabWord>) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
This method allows to define external WeightLookupTable to be used
- lookupTable - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- lookupTable(WeightLookupTable<T>) - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
You can pass externally built WeightLookupTable, containing model weights and vocabulary.
- lookupTable() - Method in class org.deeplearning4j.models.word2vec.StaticWord2Vec
-
Lookup table for the vectors
PLEASE NOTE: This method is not available in this implementation.
- lookupTable(WeightLookupTable<VocabWord>) - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
This method allows to define external WeightLookupTable to be used
- lookupTable - Variable in class org.deeplearning4j.spark.models.sequencevectors.export.impl.VocabCacheExporter
-
- lookupTokenInfo(int, int) - Method in class com.atilika.kuromoji.buffer.TokenInfoBuffer
-
- lookupWordIds(int) - Method in class com.atilika.kuromoji.dict.TokenInfoDictionary
-
- lookupWordIds(int) - Method in class com.atilika.kuromoji.dict.UnknownDictionary
-
- lossFn - Variable in class org.deeplearning4j.nn.conf.layers.BaseOutputLayer.Builder
-
- lossFn - Variable in class org.deeplearning4j.nn.conf.layers.BaseOutputLayer
-
- lossFn - Variable in class org.deeplearning4j.nn.conf.layers.LossLayer
-
- lossFunction(LossFunctions.LossFunction) - Method in class org.deeplearning4j.nn.conf.layers.BaseOutputLayer.Builder
-
- lossFunction(ILossFunction) - Method in class org.deeplearning4j.nn.conf.layers.BaseOutputLayer.Builder
-
- lossFunction - Variable in class org.deeplearning4j.nn.conf.layers.BasePretrainNetwork.Builder
-
- lossFunction(LossFunctions.LossFunction) - Method in class org.deeplearning4j.nn.conf.layers.BasePretrainNetwork.Builder
-
- lossFunction - Variable in class org.deeplearning4j.nn.conf.layers.BasePretrainNetwork
-
- lossFunction(IActivation, LossFunctions.LossFunction) - Method in class org.deeplearning4j.nn.conf.layers.variational.VariationalAutoencoder.Builder
-
Configure the VAE to use the specified loss function for the reconstruction, instead of a ReconstructionDistribution.
- lossFunction(Activation, LossFunctions.LossFunction) - Method in class org.deeplearning4j.nn.conf.layers.variational.VariationalAutoencoder.Builder
-
Configure the VAE to use the specified loss function for the reconstruction, instead of a ReconstructionDistribution.
- lossFunction(IActivation, ILossFunction) - Method in class org.deeplearning4j.nn.conf.layers.variational.VariationalAutoencoder.Builder
-
Configure the VAE to use the specified loss function for the reconstruction, instead of a ReconstructionDistribution.
- LossFunctionGradientCheck - Class in org.deeplearning4j.gradientcheck
-
Created by Alex on 12/09/2016.
- LossFunctionGradientCheck() - Constructor for class org.deeplearning4j.gradientcheck.LossFunctionGradientCheck
-
- lossFunctionGradientCheck() - Method in class org.deeplearning4j.gradientcheck.LossFunctionGradientCheck
-
- lossFunctionGradientCheckLossLayer() - Method in class org.deeplearning4j.gradientcheck.LossFunctionGradientCheck
-
- lossFunctionWeightedGradientCheck() - Method in class org.deeplearning4j.gradientcheck.LossFunctionGradientCheck
-
- LossFunctionWrapper - Class in org.deeplearning4j.nn.conf.layers.variational
-
LossFunctionWrapper allows training of a VAE model with a standard (possibly deterministic) neural network loss function
for the reconstruction, instead of using a
ReconstructionDistribution
as would normally be done with a VAE model.
- LossFunctionWrapper(IActivation, ILossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.variational.LossFunctionWrapper
-
- LossFunctionWrapper(Activation, ILossFunction) - Constructor for class org.deeplearning4j.nn.conf.layers.variational.LossFunctionWrapper
-
- LossLayer - Class in org.deeplearning4j.nn.conf.layers
-
LossLayer is a flexible output "layer" that performs a loss function on
an input without MLP logic.
- LossLayer(LossLayer.Builder) - Constructor for class org.deeplearning4j.nn.conf.layers.LossLayer
-
- LossLayer - Class in org.deeplearning4j.nn.layers
-
LossLayer is a flexible output "layer" that performs a loss function on
an input without MLP logic.
- LossLayer(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.layers.LossLayer
-
- LossLayer(NeuralNetConfiguration, INDArray) - Constructor for class org.deeplearning4j.nn.layers.LossLayer
-
- LossLayer.Builder - Class in org.deeplearning4j.nn.conf.layers
-
- LowCasePreProcessor - Class in org.deeplearning4j.text.tokenization.tokenizer.preprocessor
-
- LowCasePreProcessor() - Constructor for class org.deeplearning4j.text.tokenization.tokenizer.preprocessor.LowCasePreProcessor
-
- lr - Variable in class org.deeplearning4j.models.embeddings.inmemory.InMemoryLookupTable.Builder
-
- lr(double) - Method in class org.deeplearning4j.models.embeddings.inmemory.InMemoryLookupTable.Builder
-
Deprecated.
- lr - Variable in class org.deeplearning4j.models.embeddings.inmemory.InMemoryLookupTable
-
- lr(double) - Method in class org.deeplearning4j.models.glove.GloveWeightLookupTable.Builder
-
Deprecated.
- lr(double) - Method in class org.deeplearning4j.spark.models.embeddings.glove.GloveParam.Builder
-
- LRNGradientCheckTests - Class in org.deeplearning4j.gradientcheck
-
Created by Alex on 08/09/2016.
- LRNGradientCheckTests() - Constructor for class org.deeplearning4j.gradientcheck.LRNGradientCheckTests
-
- lrPolicyDecayRate - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- lrPolicyDecayRate(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Set the decay rate for the learning rate decay policy.
- lrPolicyDecayRate - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
- lrPolicyDecayRate - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- lrPolicyPower - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- lrPolicyPower(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Set the power used for learning rate inverse policy.
- lrPolicyPower - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
- lrPolicyPower - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- lrPolicySteps - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- lrPolicySteps(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Set the number of steps used for learning decay rate steps policy.
- lrPolicySteps - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration
-
- lrPolicySteps - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- lrScoreBasedDecay - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- lrScoreBasedDecay - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- LSTM_FORGET_BIAS_DOUBLE - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- LSTM_FORGET_BIAS_INIT_ONE - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLstm
-
- LSTM_FORGET_BIAS_INIT_ZERO - Static variable in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLstm
-
- LSTM_FORGET_BIAS_STR - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- LSTM_UNROLL - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- LSTMHelpers - Class in org.deeplearning4j.nn.layers.recurrent
-
RNN tutorial: http://deeplearning4j.org/usingrnns.html
READ THIS FIRST if you want to understand what the heck is happening here.
- lt(DataSet, DataSet) - Method in class org.deeplearning4j.spark.ordering.DataSetOrdering
-
- lteq(DataSet, DataSet) - Method in class org.deeplearning4j.spark.ordering.DataSetOrdering
-