- eachDoc(Function<List<T>, Void>, ExecutorService) - Method in interface org.deeplearning4j.text.invertedindex.InvertedIndex
-
Iterate over each document
- eachDocWithLabel(Function<Pair<List<T>, String>, Void>, ExecutorService) - Method in interface org.deeplearning4j.text.invertedindex.InvertedIndex
-
Iterate over each document with a label
- eachDocWithLabels(Function<Pair<List<T>, Collection<String>>, Void>, ExecutorService) - Method in interface org.deeplearning4j.text.invertedindex.InvertedIndex
-
Iterate over each document with a label
- EarlyStoppingConfiguration<T extends Model> - Class in org.deeplearning4j.earlystopping
-
Early stopping configuration: Specifies the various configuration options for running training with early stopping.
Users need to specify the following:
(a) EarlyStoppingModelSaver: How models will be saved (to disk, to memory, etc) (Default: in memory)
(b) Termination conditions: at least one termination condition must be specified
(i) Iteration termination conditions: calculated once for each minibatch.
- EarlyStoppingConfiguration.Builder<T extends Model> - Class in org.deeplearning4j.earlystopping
-
- EarlyStoppingGraphTrainer - Class in org.deeplearning4j.earlystopping.trainer
-
Class for conducting early stopping training locally (single machine).
Can be used to train a
ComputationGraph
- EarlyStoppingGraphTrainer(EarlyStoppingConfiguration<ComputationGraph>, ComputationGraph, DataSetIterator) - Constructor for class org.deeplearning4j.earlystopping.trainer.EarlyStoppingGraphTrainer
-
- EarlyStoppingGraphTrainer(EarlyStoppingConfiguration<ComputationGraph>, ComputationGraph, DataSetIterator, EarlyStoppingListener<ComputationGraph>) - Constructor for class org.deeplearning4j.earlystopping.trainer.EarlyStoppingGraphTrainer
-
Constructor for training using a DataSetIterator
- EarlyStoppingGraphTrainer(EarlyStoppingConfiguration<ComputationGraph>, ComputationGraph, MultiDataSetIterator, EarlyStoppingListener<ComputationGraph>) - Constructor for class org.deeplearning4j.earlystopping.trainer.EarlyStoppingGraphTrainer
-
Constructor for training using a MultiDataSetIterator
- EarlyStoppingListener<T extends Model> - Interface in org.deeplearning4j.earlystopping.listener
-
EarlyStoppingListener is a listener interface for conducting early stopping training.
- EarlyStoppingModelSaver<T extends Model> - Interface in org.deeplearning4j.earlystopping
-
Interface for saving MultiLayerNetworks learned during early stopping, and retrieving them again later
- EarlyStoppingParallelTrainer<T extends Model> - Class in org.deeplearning4j.parallelism
-
- EarlyStoppingParallelTrainer(EarlyStoppingConfiguration<T>, T, DataSetIterator, MultiDataSetIterator, int, int, int) - Constructor for class org.deeplearning4j.parallelism.EarlyStoppingParallelTrainer
-
- EarlyStoppingParallelTrainer(EarlyStoppingConfiguration<T>, T, DataSetIterator, MultiDataSetIterator, EarlyStoppingListener<T>, int, int, int) - Constructor for class org.deeplearning4j.parallelism.EarlyStoppingParallelTrainer
-
- EarlyStoppingParallelTrainer(EarlyStoppingConfiguration<T>, T, DataSetIterator, MultiDataSetIterator, EarlyStoppingListener<T>, int, int, int, boolean, boolean) - Constructor for class org.deeplearning4j.parallelism.EarlyStoppingParallelTrainer
-
- EarlyStoppingResult<T extends Model> - Class in org.deeplearning4j.earlystopping
-
EarlyStoppingResult: contains the results of the early stopping training, such as:
- Why the training was terminated
- Score vs.
- EarlyStoppingResult(EarlyStoppingResult.TerminationReason, String, Map<Integer, Double>, int, double, int, T) - Constructor for class org.deeplearning4j.earlystopping.EarlyStoppingResult
-
- EarlyStoppingResult.TerminationReason - Enum in org.deeplearning4j.earlystopping
-
- EarlyStoppingTrainer - Class in org.deeplearning4j.earlystopping.trainer
-
Class for conducting early stopping training locally (single machine), for training a
MultiLayerNetwork
.
- EarlyStoppingTrainer(EarlyStoppingConfiguration<MultiLayerNetwork>, MultiLayerConfiguration, DataSetIterator) - Constructor for class org.deeplearning4j.earlystopping.trainer.EarlyStoppingTrainer
-
- EarlyStoppingTrainer(EarlyStoppingConfiguration<MultiLayerNetwork>, MultiLayerNetwork, DataSetIterator) - Constructor for class org.deeplearning4j.earlystopping.trainer.EarlyStoppingTrainer
-
- EarlyStoppingTrainer(EarlyStoppingConfiguration<MultiLayerNetwork>, MultiLayerNetwork, DataSetIterator, EarlyStoppingListener<MultiLayerNetwork>) - Constructor for class org.deeplearning4j.earlystopping.trainer.EarlyStoppingTrainer
-
- Ec2BoxCreator - Class in org.deeplearning4j.aws.ec2
-
Creates Ec2Boxes
- Ec2BoxCreator(int, String, String, String) - Constructor for class org.deeplearning4j.aws.ec2.Ec2BoxCreator
-
- Ec2BoxCreator(String, int, String, String, String) - Constructor for class org.deeplearning4j.aws.ec2.Ec2BoxCreator
-
- Edge<T> - Class in org.deeplearning4j.graph.api
-
Edge in a graph.
- Edge(int, int, T, boolean) - Constructor for class org.deeplearning4j.graph.api.Edge
-
- Edge<T extends java.lang.Number> - Class in org.deeplearning4j.models.sequencevectors.graph.primitives
-
Edge in a graph.
- Edge(int, int, T, boolean) - Constructor for class org.deeplearning4j.models.sequencevectors.graph.primitives.Edge
-
- EdgeLineProcessor<E> - Interface in org.deeplearning4j.graph.data
-
EdgeLineProcessor is used during data loading from a file, where each edge is on a separate line
Provides flexibility in loading graphs with arbitrary objects/properties that can be represented in a text format
Can also be used handle conversion of edges between non-numeric vertices to an appropriate numbered format
- editDistance(String, String) - Static method in class org.deeplearning4j.berkeley.StringUtils
-
Computes the Levenshtein (edit) distance of the two given Strings.
- ela - Variable in class org.deeplearning4j.spark.models.sequencevectors.functions.CountFunction
-
- ela - Variable in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors
-
- element() - Method in class org.deeplearning4j.parallelism.MagicQueue
-
- element() - Method in class org.deeplearning4j.util.DiskBasedQueue
-
- elementAtIndex(int) - Method in class org.deeplearning4j.models.word2vec.wordstore.inmemory.AbstractCache
-
Returns SequenceElement at specified index
- elementAtIndex(int) - Method in class org.deeplearning4j.models.word2vec.wordstore.inmemory.InMemoryLookupCache
-
Deprecated.
- elementAtIndex(int) - Method in interface org.deeplearning4j.models.word2vec.wordstore.VocabCache
-
Returns SequenceElement at the given index or null
- elementFrequency - Variable in class org.deeplearning4j.models.sequencevectors.sequence.SequenceElement
-
- elements - Variable in class org.deeplearning4j.models.sequencevectors.sequence.Sequence
-
- elementsFreqAccum - Variable in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors
-
- elementsFreqAccumExtra - Variable in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors
-
- ElementsFrequenciesAccumulator - Class in org.deeplearning4j.spark.models.sequencevectors.functions
-
Accumulator for elements count
- ElementsFrequenciesAccumulator() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.functions.ElementsFrequenciesAccumulator
-
- ElementsLearningAlgorithm<T extends SequenceElement> - Interface in org.deeplearning4j.models.embeddings.learning
-
Implementations of this interface should contain element-related learning algorithms.
- elementsLearningAlgorithm(String) - Method in class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- elementsLearningAlgorithm(ElementsLearningAlgorithm<V>) - Method in class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- elementsLearningAlgorithm(ElementsLearningAlgorithm<VocabWord>) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
- elementsLearningAlgorithm(String) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
- elementsLearningAlgorithm - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- elementsLearningAlgorithm(String) - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
* Sets specific LearningAlgorithm as Elements Learning Algorithm
- elementsLearningAlgorithm(ElementsLearningAlgorithm<T>) - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
* Sets specific LearningAlgorithm as Elements Learning Algorithm
- elementsLearningAlgorithm - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors
-
- elementsLearningAlgorithm(String) - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
- elementsLearningAlgorithm(ElementsLearningAlgorithm<VocabWord>) - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
- elementsLearningAlgorithm - Variable in class org.deeplearning4j.spark.models.sequencevectors.functions.PartitionTrainingFunction
-
- elementsLearningAlgorithm - Variable in class org.deeplearning4j.spark.models.sequencevectors.functions.TrainingFunction
-
- elementsLearningAlgorithm - Variable in class org.deeplearning4j.spark.models.sequencevectors.learning.sequence.BaseSparkSequenceLearningAlgorithm
-
- elementsMap - Variable in class org.deeplearning4j.models.sequencevectors.sequence.Sequence
-
- ElementWiseVertex - Class in org.deeplearning4j.nn.conf.graph
-
An ElementWiseVertex is used to combine the activations of two or more layer in an element-wise manner
For example, the activations may be combined by addition, subtraction or multiplication.
- ElementWiseVertex(ElementWiseVertex.Op) - Constructor for class org.deeplearning4j.nn.conf.graph.ElementWiseVertex
-
- ElementWiseVertex - Class in org.deeplearning4j.nn.graph.vertex.impl
-
An ElementWiseVertex is used to combine the activations of two or more layer in an element-wise manner
For example, the activations may be combined by addition, subtraction or multiplication.
- ElementWiseVertex(ComputationGraph, String, int, ElementWiseVertex.Op) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.ElementWiseVertex
-
- ElementWiseVertex(ComputationGraph, String, int, VertexIndices[], VertexIndices[], ElementWiseVertex.Op) - Constructor for class org.deeplearning4j.nn.graph.vertex.impl.ElementWiseVertex
-
- ElementWiseVertex.Op - Enum in org.deeplearning4j.nn.conf.graph
-
- ElementWiseVertex.Op - Enum in org.deeplearning4j.nn.graph.vertex.impl
-
- EmbeddedKafkaCluster - Class in org.deeplearning4j.streaming.embedded
-
- EmbeddedKafkaCluster(String) - Constructor for class org.deeplearning4j.streaming.embedded.EmbeddedKafkaCluster
-
- EmbeddedKafkaCluster(String, Properties) - Constructor for class org.deeplearning4j.streaming.embedded.EmbeddedKafkaCluster
-
- EmbeddedKafkaCluster(String, Properties, List<Integer>) - Constructor for class org.deeplearning4j.streaming.embedded.EmbeddedKafkaCluster
-
- EmbeddedStemmingPreprocessor - Class in org.deeplearning4j.text.tokenization.tokenizer.preprocessor
-
This tokenizer preprocessor uses given preprocessor + does english Porter stemming on tokens on top of it
- EmbeddedStemmingPreprocessor(TokenPreProcess) - Constructor for class org.deeplearning4j.text.tokenization.tokenizer.preprocessor.EmbeddedStemmingPreprocessor
-
- EmbeddedZookeeper - Class in org.deeplearning4j.streaming.embedded
-
- EmbeddedZookeeper() - Constructor for class org.deeplearning4j.streaming.embedded.EmbeddedZookeeper
-
- EmbeddedZookeeper(int) - Constructor for class org.deeplearning4j.streaming.embedded.EmbeddedZookeeper
-
- EmbeddedZookeeper(int, int) - Constructor for class org.deeplearning4j.streaming.embedded.EmbeddedZookeeper
-
- EmbeddingLayer - Class in org.deeplearning4j.nn.conf.layers
-
Embedding layer: feed-forward layer that expects single integers per example as input (class numbers, in range 0 to numClass-1)
as input.
- EmbeddingLayer - Class in org.deeplearning4j.nn.layers.feedforward.embedding
-
Embedding layer: feed-forward layer that expects single integers per example as input (class numbers, in range 0 to numClass-1)
as input.
- EmbeddingLayer(NeuralNetConfiguration) - Constructor for class org.deeplearning4j.nn.layers.feedforward.embedding.EmbeddingLayer
-
- EmbeddingLayer.Builder - Class in org.deeplearning4j.nn.conf.layers
-
- EmbeddingLayerTest - Class in org.deeplearning4j.nn.layers.feedforward.embedding
-
- EmbeddingLayerTest() - Constructor for class org.deeplearning4j.nn.layers.feedforward.embedding.EmbeddingLayerTest
-
- EMPTY_BYTES - Static variable in class org.deeplearning4j.ui.stats.impl.SbeUtil
-
- emptyIterator() - Static method in class org.deeplearning4j.berkeley.Iterators
-
- EmptyParamInitializer - Class in org.deeplearning4j.nn.params
-
- EmptyParamInitializer() - Constructor for class org.deeplearning4j.nn.params.EmptyParamInitializer
-
- emptyStringArray - Static variable in class org.deeplearning4j.util.StringUtils
-
- enableHttps(boolean) - Method in class org.deeplearning4j.ui.UiConnectionInfo.Builder
-
- enableRemoteListener() - Method in class org.deeplearning4j.ui.api.UIServer
-
Enable the remote listener functionality, storing all data in memory, and attaching the instance to the UI.
- enableRemoteListener(StatsStorageRouter, boolean) - Method in class org.deeplearning4j.ui.api.UIServer
-
Enable the remote listener functionality, storing the received results in the specified StatsStorageRouter.
- enableRemoteListener() - Method in class org.deeplearning4j.ui.play.PlayUIServer
-
- enableRemoteListener(StatsStorageRouter, boolean) - Method in class org.deeplearning4j.ui.play.PlayUIServer
-
- enableScavenger(boolean) - Method in class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- enableScavenger(boolean) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
This method ebables/disables periodical vocab truncation during construction
Default value: disabled
- enableScavenger - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- enableScavenger(boolean) - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
This method ebables/disables periodical vocab truncation during construction
Default value: disabled
- enableScavenger - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors
-
- enableScavenger(boolean) - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
This method ebables/disables periodical vocab truncation during construction
Default value: disabled
- enableScavenger(boolean) - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabConstructor.Builder
-
- encode() - Method in interface org.deeplearning4j.api.storage.Persistable
-
- encode(ByteBuffer) - Method in interface org.deeplearning4j.api.storage.Persistable
-
Encode this persistable in to a ByteBuffer
- encode(OutputStream) - Method in interface org.deeplearning4j.api.storage.Persistable
-
Encode this persistable in to an output stream
- encode(INDArray, boolean) - Method in class org.deeplearning4j.nn.layers.feedforward.autoencoder.AutoEncoder
-
- encode() - Method in class org.deeplearning4j.ui.flow.data.FlowStaticPersistable
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.flow.data.FlowStaticPersistable
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.flow.data.FlowStaticPersistable
-
- encode() - Method in class org.deeplearning4j.ui.flow.data.FlowUpdatePersistable
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.flow.data.FlowUpdatePersistable
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.flow.data.FlowUpdatePersistable
-
- encode() - Method in class org.deeplearning4j.ui.stats.impl.java.JavaStatsInitializationReport
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.stats.impl.java.JavaStatsInitializationReport
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.stats.impl.java.JavaStatsInitializationReport
-
- encode() - Method in class org.deeplearning4j.ui.stats.impl.java.JavaStatsReport
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.stats.impl.java.JavaStatsReport
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.stats.impl.java.JavaStatsReport
-
- encode() - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsInitializationReport
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsInitializationReport
-
- encode(MutableDirectBuffer) - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsInitializationReport
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsInitializationReport
-
- encode() - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsReport
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsReport
-
- encode(MutableDirectBuffer) - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsReport
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsReport
-
- encode(MutableDirectBuffer) - Method in interface org.deeplearning4j.ui.storage.AgronaPersistable
-
- encode() - Method in class org.deeplearning4j.ui.storage.impl.JavaStorageMetaData
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.storage.impl.JavaStorageMetaData
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.storage.impl.JavaStorageMetaData
-
- encode() - Method in class org.deeplearning4j.ui.storage.impl.SbeStorageMetaData
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.storage.impl.SbeStorageMetaData
-
- encode(MutableDirectBuffer) - Method in class org.deeplearning4j.ui.storage.impl.SbeStorageMetaData
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.storage.impl.SbeStorageMetaData
-
- encode() - Method in class org.deeplearning4j.ui.weights.ConvolutionListenerPersistable
-
- encode(ByteBuffer) - Method in class org.deeplearning4j.ui.weights.ConvolutionListenerPersistable
-
- encode(OutputStream) - Method in class org.deeplearning4j.ui.weights.ConvolutionListenerPersistable
-
- encodeB64(String) - Static method in class org.deeplearning4j.models.embeddings.loader.WordVectorSerializer
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingDecoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingEncoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.InitFieldsPresentDecoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.InitFieldsPresentEncoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.MessageHeaderDecoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.MessageHeaderEncoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.UpdateFieldsPresentDecoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.UpdateFieldsPresentEncoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Decoder
-
- ENCODED_LENGTH - Static variable in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Encoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingDecoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.GroupSizeEncodingEncoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.InitFieldsPresentDecoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.InitFieldsPresentEncoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderDecoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.MessageHeaderEncoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateFieldsPresentDecoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateFieldsPresentEncoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Decoder
-
- encodedLength() - Method in class org.deeplearning4j.ui.stats.sbe.VarDataUTF8Encoder
-
- encoderLayerSizes(int...) - Method in class org.deeplearning4j.nn.conf.layers.variational.VariationalAutoencoder.Builder
-
Size of the encoder layers, in units.
- encoderLayerSizes - Variable in class org.deeplearning4j.nn.layers.variational.VariationalAutoencoder
-
- encodingLengthBytes() - Method in interface org.deeplearning4j.api.storage.Persistable
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.flow.data.FlowStaticPersistable
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.flow.data.FlowUpdatePersistable
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.stats.impl.java.JavaStatsInitializationReport
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.stats.impl.java.JavaStatsReport
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsInitializationReport
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.stats.impl.SbeStatsReport
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.storage.impl.JavaStorageMetaData
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.storage.impl.SbeStorageMetaData
-
- encodingLengthBytes() - Method in class org.deeplearning4j.ui.weights.ConvolutionListenerPersistable
-
- end() - Static method in class com.atilika.kuromoji.compile.ProgressLog
-
- EndingPreProcessor - Class in org.deeplearning4j.text.tokenization.tokenizer.preprocessor
-
Gets rid of endings:
ed,ing, ly, s, .
- EndingPreProcessor() - Constructor for class org.deeplearning4j.text.tokenization.tokenizer.preprocessor.EndingPreProcessor
-
- EndingPreProcessorTest - Class in org.deeplearning4j.text.tokenization.tokenizer.tokenprepreprocessor
-
Created by agibsonccc on 10/18/14.
- EndingPreProcessorTest() - Constructor for class org.deeplearning4j.text.tokenization.tokenizer.tokenprepreprocessor.EndingPreProcessorTest
-
- endsWith(String) - Static method in class org.deeplearning4j.keras.StringsEndsWithPredicate
-
- endWhenDistributionVariationRateLessThan(double) - Method in class org.deeplearning4j.clustering.algorithm.strategy.BaseClusteringStrategy
-
- endWhenDistributionVariationRateLessThan(double) - Method in interface org.deeplearning4j.clustering.algorithm.strategy.ClusteringStrategy
-
- endWhenIterationCountEquals(int) - Method in class org.deeplearning4j.clustering.algorithm.strategy.BaseClusteringStrategy
-
- endWhenIterationCountEquals(int) - Method in interface org.deeplearning4j.clustering.algorithm.strategy.ClusteringStrategy
-
- enforceTrainingConfig - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
-
- enlarge(double) - Method in class org.deeplearning4j.clustering.kdtree.HyperRect.Interval
-
- enlargeTo(INDArray) - Method in class org.deeplearning4j.clustering.kdtree.HyperRect
-
- ensureCounter(K) - Method in class org.deeplearning4j.berkeley.CounterMap
-
- entries - Variable in class com.atilika.kuromoji.trie.PatriciaTrie
-
Number of entries in the trie
- entropy(double[]) - Static method in class org.deeplearning4j.util.MathUtils
-
This returns the entropy (information gain, or uncertainty of a random variable).
- Entry(K, T, V) - Constructor for class org.deeplearning4j.util.MultiDimensionalMap.Entry
-
- EntryPointFitParameters - Class in org.deeplearning4j.keras
-
POJO with parameters of the `fit` method of available through the py4j Python-Java bridge
- EntryPointFitParameters() - Constructor for class org.deeplearning4j.keras.EntryPointFitParameters
-
- entrySet() - Method in class com.atilika.kuromoji.trie.PatriciaTrie
-
Returns a copy of the mappings contained in this trie as a Set
- entrySet() - Method in class org.deeplearning4j.berkeley.Counter
-
- entrySet() - Method in class org.deeplearning4j.util.MultiDimensionalMap
-
Returns a Set
view of the mappings contained in this map.
- EnumUtil - Class in org.deeplearning4j.util
-
Created by agibsonccc on 9/3/14.
- EnumUtilTest - Class in org.deeplearning4j.util
-
Created by agibsonccc on 9/3/14.
- EnumUtilTest() - Constructor for class org.deeplearning4j.util.EnumUtilTest
-
- envKey() - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envKey(String) - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envKeyCharacterEncoding() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envKeyCharacterEncoding() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envKeyHeaderLength() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envKeyHeaderLength() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envKeyId() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envKeyId() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envKeyLength() - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envKeyMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envKeyMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envValue() - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envValue(String) - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envValueCharacterEncoding() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envValueCharacterEncoding() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envValueHeaderLength() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envValueHeaderLength() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envValueId() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envValueId() - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- envValueLength() - Method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envValueMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoDecoder.SwEnvironmentInfoDecoder
-
- envValueMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.StaticInfoEncoder.SwEnvironmentInfoEncoder
-
- epochs - Variable in class org.deeplearning4j.datasets.iterator.MultipleEpochsIterator
-
- epochs(int) - Method in class org.deeplearning4j.models.glove.Glove.Builder
-
Sets the number of iteration over training corpus during training
- epochs(int) - Method in class org.deeplearning4j.models.node2vec.Node2Vec.Builder
-
Deprecated.
- epochs(int) - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors.Builder
-
This method defines number of epochs (iterations over whole training corpus) for training
- epochs(int) - Method in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
This method defines how much iterations should be done over whole training corpus during modelling
- epochs(int) - Method in class org.deeplearning4j.models.word2vec.Word2Vec.Builder
-
This method defines number of epochs (iterations over whole training corpus) for training
- epochs(int) - Method in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2Vec.Builder
-
This method specifies number of epochs done over whole corpus
PLEASE NOTE: NOT IMPLEMENTED
- epochs(int) - Method in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors.Builder
-
- epochs(int) - Method in class org.deeplearning4j.spark.models.word2vec.SparkWord2Vec.Builder
-
- EpochTerminationCondition - Interface in org.deeplearning4j.earlystopping.termination
-
Interface for termination conditions to be evaluated once per epoch (i.e., once per pass of the full data set),
based on a score and epoch number
- epochTerminationConditions(EpochTerminationCondition...) - Method in class org.deeplearning4j.earlystopping.EarlyStoppingConfiguration.Builder
-
Termination conditions to be evaluated every N epochs, with N set by evaluateEveryNEpochs option
- epochTerminationConditions(List<EpochTerminationCondition>) - Method in class org.deeplearning4j.earlystopping.EarlyStoppingConfiguration.Builder
-
Termination conditions to be evaluated every N epochs, with N set by evaluateEveryNEpochs option
- eps - Variable in class org.deeplearning4j.nn.conf.graph.L2NormalizeVertex
-
- eps - Variable in class org.deeplearning4j.nn.conf.graph.L2Vertex
-
- eps - Variable in class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
- eps(double) - Method in class org.deeplearning4j.nn.conf.layers.BatchNormalization.Builder
-
Epsilon value for batch normalization; small floating point value added to variance
(algorithm 1 in http://arxiv.org/pdf/1502.03167v3.pdf) to reduce/avoid underflow issues.
Default: 1e-5
- eps - Variable in class org.deeplearning4j.nn.conf.layers.BatchNormalization
-
- eps - Variable in class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- eps(double) - Method in class org.deeplearning4j.nn.conf.layers.SubsamplingLayer.BaseSubsamplingBuilder
-
- eps - Variable in class org.deeplearning4j.nn.conf.layers.SubsamplingLayer
-
- EPS - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasModelEndToEndTest
-
- epsilon - Static variable in class org.deeplearning4j.graph.models.deepwalk.DeepWalkGradientCheck
-
- epsilon(double) - Method in class org.deeplearning4j.nn.conf.layers.ConvolutionLayer.Builder
-
Epsilon value for updaters: Adagrad and Adadelta.
- epsilon - Variable in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
- epsilon(double) - Method in class org.deeplearning4j.nn.conf.layers.Layer.Builder
-
Epsilon value for updaters: Adagrad and Adadelta.
- epsilon - Variable in class org.deeplearning4j.nn.conf.layers.Layer
-
- epsilon - Variable in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
- epsilon(double) - Method in class org.deeplearning4j.nn.conf.NeuralNetConfiguration.Builder
-
Epsilon value for updaters: Adam, RMSProp, Adagrad, Adadelta
Default values: Adam.DEFAULT_ADAM_EPSILON
, RmsProp.DEFAULT_RMSPROP_EPSILON
, AdaGrad.DEFAULT_ADAGRAD_EPSILON
,
AdaDelta.DEFAULT_ADADELTA_EPSILON
- epsilon - Variable in class org.deeplearning4j.nn.graph.vertex.BaseGraphVertex
-
- EPSILON - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayerTest
-
- epsilon - Variable in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- epsilon() - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- epsilon - Variable in class org.deeplearning4j.nn.transferlearning.FineTuneConfiguration
-
- epsilon - Variable in class org.deeplearning4j.nn.updater.TestUpdaters
-
- EpsTermination - Class in org.deeplearning4j.optimize.terminations
-
Epsilon termination (absolute change based on tolerance)
- EpsTermination(double, double) - Constructor for class org.deeplearning4j.optimize.terminations.EpsTermination
-
- EpsTermination() - Constructor for class org.deeplearning4j.optimize.terminations.EpsTermination
-
- equals(Object) - Method in class org.deeplearning4j.berkeley.Counter
-
- equals(Object) - Method in class org.deeplearning4j.berkeley.Pair
-
- equals(Object) - Method in class org.deeplearning4j.berkeley.Triple
-
- equals(Object) - Method in class org.deeplearning4j.clustering.quadtree.Cell
-
- equals(Object) - Method in class org.deeplearning4j.clustering.sptree.DataPoint
-
- equals(Object) - Method in class org.deeplearning4j.clustering.sptree.HeapItem
-
- equals(Object) - Method in class org.deeplearning4j.clustering.vptree.VPTree.Node
-
- equals(Object) - Method in class org.deeplearning4j.eval.ConfusionMatrix
-
- equals(Object) - Method in class org.deeplearning4j.graph.api.Edge
-
- equals(Object) - Method in class org.deeplearning4j.graph.api.Vertex
-
- equals(Object) - Method in class org.deeplearning4j.graph.graph.Graph
-
- equals(Object) - Method in class org.deeplearning4j.models.glove.count.CoOccurrenceWeight
-
- equals(Object) - Method in class org.deeplearning4j.models.sequencevectors.graph.primitives.Edge
-
- equals(Object) - Method in class org.deeplearning4j.models.sequencevectors.graph.primitives.Graph
-
- equals(Object) - Method in class org.deeplearning4j.models.sequencevectors.graph.primitives.Vertex
-
- equals(Object) - Method in class org.deeplearning4j.models.sequencevectors.sequence.Sequence
-
- equals(Object) - Method in class org.deeplearning4j.models.sequencevectors.sequence.SequenceElement
-
Equals method override should be properly implemented for any extended class, otherwise it will be based on label equality
- equals(Object) - Method in class org.deeplearning4j.models.word2vec.VocabWord
-
- equals(Object) - Method in class org.deeplearning4j.models.word2vec.VocabWork
-
- equals(Object) - Method in class org.deeplearning4j.models.word2vec.wordstore.inmemory.InMemoryLookupCache
-
Deprecated.
- equals(Object) - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabularyWord
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.distribution.BinomialDistribution
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.distribution.NormalDistribution
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.distribution.UniformDistribution
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.ElementWiseVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.GraphVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.L2NormalizeVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.L2Vertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.LayerVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.MergeVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.PreprocessorVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.rnn.DuplicateToTimeSeriesVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.rnn.LastTimeStepVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.ScaleVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.StackVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.SubsetVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.graph.UnstackVertex
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.stepfunctions.DefaultStepFunction
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.stepfunctions.GradientStepFunction
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.stepfunctions.NegativeDefaultStepFunction
-
- equals(Object) - Method in class org.deeplearning4j.nn.conf.stepfunctions.NegativeGradientStepFunction
-
- equals(Object) - Method in class org.deeplearning4j.nn.layers.feedforward.autoencoder.recursive.Tree
-
- equals(Object) - Method in class org.deeplearning4j.nn.updater.graph.ComputationGraphUpdater
-
- equals(Object) - Method in class org.deeplearning4j.nn.updater.LayerUpdater
-
- equals(Object) - Method in class org.deeplearning4j.nn.updater.MultiLayerUpdater
-
- equals(Object) - Method in class org.deeplearning4j.spark.models.sequencevectors.primitives.NetworkInformation
-
- equals(Object) - Method in class org.deeplearning4j.streaming.embedded.StringOption
-
- equals(Object) - Method in class org.deeplearning4j.ui.nearestneighbors.word2vec.NearestNeighborsQuery
-
- equals(Object) - Method in class org.deeplearning4j.ui.weights.beans.CompactModelAndGradient
-
- equals(Object) - Method in class org.deeplearning4j.ui.weights.ModelAndGradient
-
- equals(Object) - Method in class org.deeplearning4j.util.Index
-
- equals(Object) - Method in class org.deeplearning4j.util.MultiDimensionalMap
-
- equiv(DataSet, DataSet) - Method in class org.deeplearning4j.spark.ordering.DataSetOrdering
-
- error(INDArray) - Method in interface org.deeplearning4j.nn.api.Layer
-
- error(INDArray) - Method in class org.deeplearning4j.nn.layers.BaseLayer
-
- error(INDArray) - Method in class org.deeplearning4j.nn.layers.convolution.subsampling.SubsamplingLayer
-
- error() - Method in class org.deeplearning4j.nn.layers.feedforward.autoencoder.recursive.Tree
-
Returns the prediction error for this node
- error(INDArray) - Method in class org.deeplearning4j.nn.layers.FrozenLayer
-
- error(INDArray) - Method in class org.deeplearning4j.nn.layers.normalization.BatchNormalization
-
- error(INDArray) - Method in class org.deeplearning4j.nn.layers.variational.VariationalAutoencoder
-
- error(INDArray) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
- errorFor(double, double) - Static method in class org.deeplearning4j.util.MathUtils
-
- errorIfGraphIfMLN() - Method in class org.deeplearning4j.nn.transferlearning.TransferLearningHelper
-
- errorSum() - Method in class org.deeplearning4j.nn.layers.feedforward.autoencoder.recursive.Tree
-
Returns the total prediction error for this
tree and its children
- escape(String) - Static method in class com.atilika.kuromoji.util.DictionaryEntryLineParser
-
Escape input for CSV
- ESCAPE_CHAR - Static variable in class org.deeplearning4j.util.StringUtils
-
- escapeHTML(String) - Static method in class org.deeplearning4j.util.StringUtils
-
Escapes HTML Special characters present in the string.
- escapeString(String, char[], char) - Static method in class org.deeplearning4j.berkeley.StringUtils
-
- escapeString(String) - Static method in class org.deeplearning4j.util.StringUtils
-
Escape commas in the string using the default escape char
- escapeString(String, char, char) - Static method in class org.deeplearning4j.util.StringUtils
-
Escape charToEscape
in the string
with the escape char escapeChar
- escapeString(String, char, char[]) - Static method in class org.deeplearning4j.util.StringUtils
-
- esConfig - Variable in class org.deeplearning4j.earlystopping.trainer.BaseEarlyStoppingTrainer
-
- esConfig - Variable in class org.deeplearning4j.parallelism.EarlyStoppingParallelTrainer
-
- EUCLIDEAN - Static variable in class org.deeplearning4j.clustering.vptree.VPTree
-
- euclideanDistance(double[], double[]) - Static method in class org.deeplearning4j.util.MathUtils
-
This returns the distance of two vectors
sum(i=1,n) (q_i - p_i)^2
- euclideanDistance(float[], float[]) - Static method in class org.deeplearning4j.util.MathUtils
-
This returns the distance of two vectors
sum(i=1,n) (q_i - p_i)^2
- eval(INDArray, INDArray, List<? extends Serializable>) - Method in class org.deeplearning4j.eval.BaseEvaluation
-
- eval(INDArray, INDArray, INDArray) - Method in class org.deeplearning4j.eval.BaseEvaluation
-
- eval(INDArray, INDArray, ComputationGraph) - Method in class org.deeplearning4j.eval.Evaluation
-
Evaluate the output
using the given true labels,
the input to the multi layer network
and the multi layer network to
use for evaluation
- eval(INDArray, INDArray, MultiLayerNetwork) - Method in class org.deeplearning4j.eval.Evaluation
-
Evaluate the output
using the given true labels,
the input to the multi layer network
and the multi layer network to
use for evaluation
- eval(INDArray, INDArray) - Method in class org.deeplearning4j.eval.Evaluation
-
Collects statistics on the real outcomes vs the
guesses.
- eval(INDArray, INDArray, List<? extends Serializable>) - Method in class org.deeplearning4j.eval.Evaluation
-
Evaluate the network, with optional metadata
- eval(int, int) - Method in class org.deeplearning4j.eval.Evaluation
-
Evaluate a single prediction (one prediction at a time)
- eval(INDArray, INDArray) - Method in class org.deeplearning4j.eval.EvaluationBinary
-
- eval(INDArray, INDArray, INDArray) - Method in class org.deeplearning4j.eval.EvaluationBinary
-
- eval(INDArray, INDArray) - Method in interface org.deeplearning4j.eval.IEvaluation
-
- eval(INDArray, INDArray, List<? extends Serializable>) - Method in interface org.deeplearning4j.eval.IEvaluation
-
- eval(INDArray, INDArray, INDArray) - Method in interface org.deeplearning4j.eval.IEvaluation
-
- eval(INDArray, INDArray) - Method in class org.deeplearning4j.eval.RegressionEvaluation
-
- eval(INDArray, INDArray) - Method in class org.deeplearning4j.eval.ROC
-
Evaluate (collect statistics for) the given minibatch of data.
- eval(INDArray, INDArray) - Method in class org.deeplearning4j.eval.ROCBinary
-
- eval(INDArray, INDArray, INDArray) - Method in class org.deeplearning4j.eval.ROCBinary
-
- eval(INDArray, INDArray) - Method in class org.deeplearning4j.eval.ROCMultiClass
-
Evaluate (collect statistics for) the given minibatch of data.
- EvalTest - Class in org.deeplearning4j.eval
-
Created by agibsonccc on 12/22/14.
- EvalTest() - Constructor for class org.deeplearning4j.eval.EvalTest
-
- evalTimeSeries(INDArray, INDArray) - Method in class org.deeplearning4j.eval.BaseEvaluation
-
- evalTimeSeries(INDArray, INDArray, INDArray) - Method in class org.deeplearning4j.eval.BaseEvaluation
-
- evalTimeSeries(INDArray, INDArray, INDArray) - Method in class org.deeplearning4j.eval.EvaluationBinary
-
- evalTimeSeries(INDArray, INDArray) - Method in interface org.deeplearning4j.eval.IEvaluation
-
- evalTimeSeries(INDArray, INDArray, INDArray) - Method in interface org.deeplearning4j.eval.IEvaluation
-
- evaluate(DataSetIterator) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network (classification performance - single output ComputationGraphs only)
- evaluate(MultiDataSetIterator) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network (classification performance - single output ComputationGraphs only)
- evaluate(DataSetIterator, List<String>) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network on the provided data set (single output ComputationGraphs only).
- evaluate(MultiDataSetIterator, List<String>) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network on the provided data set (single output ComputationGraphs only).
- evaluate(DataSetIterator, List<String>, int) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network (for classification) on the provided data set, with top N accuracy in addition to standard accuracy.
- evaluate(MultiDataSetIterator, List<String>, int) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network (for classification) on the provided data set, with top N accuracy in addition to standard accuracy.
- evaluate(DataSetIterator) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
Evaluate the network (classification performance)
- evaluate(DataSetIterator, List<String>) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
Evaluate the network on the provided data set.
- evaluate(DataSetIterator, List<String>, int) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
Evaluate the network (for classification) on the provided data set, with top N accuracy in addition to standard accuracy.
- evaluate(RDD<DataSet>) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
- evaluate(JavaRDD<DataSet>) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
Evaluate the network (classification performance) in a distributed manner on the provided data
- evaluate(RDD<DataSet>, List<String>) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
- evaluate(JavaRDD<DataSet>, List<String>) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
Evaluate the network (classification performance) in a distributed manner, using default batch size and a provided
list of labels
- evaluate(JavaRDD<DataSet>, List<String>, int) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
Evaluate the network (classification performance) in a distributed manner, using specified batch size and a provided
list of labels
- evaluateEveryNEpochs(int) - Method in class org.deeplearning4j.earlystopping.EarlyStoppingConfiguration.Builder
-
How frequently should evaluations be conducted (in terms of epochs)? Defaults to every (1) epochs.
- evaluateRegression(DataSetIterator) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the (single output layer only) network for regression performance
- evaluateRegression(MultiDataSetIterator) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the (single output layer only) network for regression performance
- evaluateRegression(DataSetIterator, List<String>) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the (single output layer only) network for regression performance
- evaluateRegression(MultiDataSetIterator, List<String>) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the (single output layer only) network for regression performance
- evaluateRegression(DataSetIterator) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
Evaluate the network for regression performance
- evaluateRegression(JavaRDD<DataSet>) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
Evaluate the network (regression performance) in a distributed manner on the provided data
- evaluateRegression(JavaRDD<DataSet>, int) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
Evaluate the network (regression performance) in a distributed manner on the provided data
- evaluateROC(DataSetIterator, int) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network (must be a binary classifier) on the specified data, using the
ROC
class
- evaluateROC(MultiDataSetIterator, int) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network (must be a binary classifier) on the specified data, using the
ROC
class
- evaluateROC(DataSetIterator, int) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
Evaluate the network (must be a binary classifier) on the specified data, using the
ROC
class
- evaluateROC(JavaRDD<DataSet>) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
- evaluateROC(JavaRDD<DataSet>, int, int) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
Perform ROC analysis/evaluation on the given DataSet in a distributed manner
- evaluateROCMultiClass(DataSetIterator, int) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network on the specified data, using the
ROCMultiClass
class
- evaluateROCMultiClass(MultiDataSetIterator, int) - Method in class org.deeplearning4j.nn.graph.ComputationGraph
-
Evaluate the network on the specified data, using the
ROCMultiClass
class
- evaluateROCMultiClass(DataSetIterator, int) - Method in class org.deeplearning4j.nn.multilayer.MultiLayerNetwork
-
Evaluate the network on the specified data, using the
ROCMultiClass
class
- evaluateROCMultiClass(JavaRDD<DataSet>) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
Perform ROC analysis/evaluation (for the multi-class case, using
ROCMultiClass
on the given DataSet in a distributed manner
- evaluateROCMultiClass(JavaRDD<DataSet>, int, int) - Method in class org.deeplearning4j.spark.impl.multilayer.SparkDl4jMultiLayer
-
Perform ROC analysis/evaluation (for the multi-class case, using
ROCMultiClass
on the given DataSet in a distributed manner
- Evaluation - Class in org.deeplearning4j.eval
-
Evaluation metrics:
precision, recall, f1
- Evaluation() - Constructor for class org.deeplearning4j.eval.Evaluation
-
- Evaluation(int) - Constructor for class org.deeplearning4j.eval.Evaluation
-
The number of classes to account
for in the evaluation
- Evaluation(List<String>) - Constructor for class org.deeplearning4j.eval.Evaluation
-
The labels to include with the evaluation.
- Evaluation(Map<Integer, String>) - Constructor for class org.deeplearning4j.eval.Evaluation
-
Use a map to generate labels
Pass in a label index with the actual label
you want to use for output
- Evaluation(List<String>, int) - Constructor for class org.deeplearning4j.eval.Evaluation
-
Constructor to use for top N accuracy
- EvaluationBinary - Class in org.deeplearning4j.eval
-
EvaluationBinary: used for evaluating networks with binary classification outputs.
- EvaluationBinary(int) - Constructor for class org.deeplearning4j.eval.EvaluationBinary
-
- EvaluationBinary(int, Integer) - Constructor for class org.deeplearning4j.eval.EvaluationBinary
-
This constructor allows for ROC to be calculated in addition to the standard evaluation metrics, when the
rocBinarySteps arg is non-null.
- EvaluationBinaryTest - Class in org.deeplearning4j.eval
-
Created by Alex on 20/03/2017.
- EvaluationBinaryTest() - Constructor for class org.deeplearning4j.eval.EvaluationBinaryTest
-
- EvaluationTools - Class in org.deeplearning4j.evaluation
-
- EvaluationToolsTests - Class in org.deeplearning4j.eval
-
Created by Alex on 07/01/2017.
- EvaluationToolsTests() - Constructor for class org.deeplearning4j.eval.EvaluationToolsTests
-
- EvaluationUtils - Class in org.deeplearning4j.eval
-
Utility methods for performing evaluation
- EvaluationUtils() - Constructor for class org.deeplearning4j.eval.EvaluationUtils
-
- eventListeners - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors
-
- EventStats - Interface in org.deeplearning4j.spark.stats
-
Created by Alex on 26/06/2016.
- exactBinomial(int, int, double) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
Find a one tailed exact binomial test probability.
- exampleCount - Variable in class org.deeplearning4j.datasets.iterator.impl.CifarDataSetIterator
-
- ExampleCountEventStats - Class in org.deeplearning4j.spark.stats
-
Event stats implementation with number of examples
- ExampleCountEventStats(long, long, int) - Constructor for class org.deeplearning4j.spark.stats.ExampleCountEventStats
-
- ExampleCountEventStats(String, String, long, long, long, int) - Constructor for class org.deeplearning4j.spark.stats.ExampleCountEventStats
-
- exampleNegLogProbability(INDArray, INDArray) - Method in class org.deeplearning4j.nn.conf.layers.variational.BernoulliReconstructionDistribution
-
- exampleNegLogProbability(INDArray, INDArray) - Method in class org.deeplearning4j.nn.conf.layers.variational.CompositeReconstructionDistribution
-
- exampleNegLogProbability(INDArray, INDArray) - Method in class org.deeplearning4j.nn.conf.layers.variational.ExponentialReconstructionDistribution
-
- exampleNegLogProbability(INDArray, INDArray) - Method in class org.deeplearning4j.nn.conf.layers.variational.GaussianReconstructionDistribution
-
- exampleNegLogProbability(INDArray, INDArray) - Method in class org.deeplearning4j.nn.conf.layers.variational.LossFunctionWrapper
-
- exampleNegLogProbability(INDArray, INDArray) - Method in interface org.deeplearning4j.nn.conf.layers.variational.ReconstructionDistribution
-
Calculate the negative log probability for each example individually
- examplesPerSecond() - Method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerformanceDecoder
-
- examplesPerSecond(float) - Method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerformanceEncoder
-
- examplesPerSecondId() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerformanceDecoder
-
- examplesPerSecondMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerformanceDecoder
-
- examplesPerSecondMaxValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerformanceEncoder
-
- examplesPerSecondMetaAttribute(MetaAttribute) - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerformanceDecoder
-
- examplesPerSecondMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerformanceDecoder
-
- examplesPerSecondMinValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerformanceEncoder
-
- examplesPerSecondNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateDecoder.PerformanceDecoder
-
- examplesPerSecondNullValue() - Static method in class org.deeplearning4j.ui.stats.sbe.UpdateEncoder.PerformanceEncoder
-
- exec() - Method in class org.deeplearning4j.aws.ec2.provision.ClusterSetup
-
- executeTraining(SparkDl4jMultiLayer, JavaRDD<DataSet>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
Train the SparkDl4jMultiLayer with the specified data set
- executeTraining(SparkDl4jMultiLayer, JavaPairRDD<String, PortableDataStream>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
- executeTraining(SparkComputationGraph, JavaRDD<DataSet>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
Train the SparkComputationGraph with the specified data set
- executeTraining(SparkComputationGraph, JavaPairRDD<String, PortableDataStream>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
- executeTraining(SparkDl4jMultiLayer, JavaRDD<DataSet>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- executeTraining(SparkDl4jMultiLayer, JavaPairRDD<String, PortableDataStream>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- executeTraining(SparkComputationGraph, JavaRDD<DataSet>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- executeTraining(SparkComputationGraph, JavaPairRDD<String, PortableDataStream>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- executeTrainingMDS(SparkComputationGraph, JavaRDD<MultiDataSet>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
Train the SparkComputationGraph with the specified data set
- executeTrainingMDS(SparkComputationGraph, JavaPairRDD<String, PortableDataStream>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
- executeTrainingMDS(SparkComputationGraph, JavaRDD<MultiDataSet>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- executeTrainingMDS(SparkComputationGraph, JavaPairRDD<String, PortableDataStream>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- executeTrainingPaths(SparkDl4jMultiLayer, JavaRDD<String>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
EXPERIMENTAL method, may be removed in a future release.
Fit the network using a list of paths for serialized DataSet objects.
- executeTrainingPaths(SparkComputationGraph, JavaRDD<String>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
EXPERIMENTAL method, may be removed in a future release.
Fit the network using a list of paths for serialized DataSet objects.
- executeTrainingPaths(SparkDl4jMultiLayer, JavaRDD<String>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- executeTrainingPaths(SparkComputationGraph, JavaRDD<String>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- executeTrainingPathsMDS(SparkComputationGraph, JavaRDD<String>) - Method in interface org.deeplearning4j.spark.api.TrainingMaster
-
EXPERIMENTAL method, may be removed in a future release.
Fit the network using a list of paths for serialized MultiDataSet objects.
- executeTrainingPathsMDS(SparkComputationGraph, JavaRDD<String>) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster
-
- ExecuteWorkerFlatMap<R extends TrainingResult> - Class in org.deeplearning4j.spark.api.worker
-
A FlatMapFunction for executing training on DataSets.
- ExecuteWorkerFlatMap(TrainingWorker<R>) - Constructor for class org.deeplearning4j.spark.api.worker.ExecuteWorkerFlatMap
-
- ExecuteWorkerMultiDataSetFlatMap<R extends TrainingResult> - Class in org.deeplearning4j.spark.api.worker
-
A FlatMapFunction for executing training on MultiDataSets.
- ExecuteWorkerMultiDataSetFlatMap(TrainingWorker<R>) - Constructor for class org.deeplearning4j.spark.api.worker.ExecuteWorkerMultiDataSetFlatMap
-
- ExecuteWorkerPathFlatMap<R extends TrainingResult> - Class in org.deeplearning4j.spark.api.worker
-
A FlatMapFunction for executing training on serialized DataSet objects, that can be loaded from a path (local or HDFS)
that is specified as a String
Used in both SparkDl4jMultiLayer and SparkComputationGraph implementations
- ExecuteWorkerPathFlatMap(TrainingWorker<R>) - Constructor for class org.deeplearning4j.spark.api.worker.ExecuteWorkerPathFlatMap
-
- ExecuteWorkerPathMDSFlatMap<R extends TrainingResult> - Class in org.deeplearning4j.spark.api.worker
-
A FlatMapFunction for executing training on serialized DataSet objects, that can be loaded from a path (local or HDFS)
that is specified as a String
Used in both SparkDl4jMultiLayer and SparkComputationGraph implementations
- ExecuteWorkerPathMDSFlatMap(TrainingWorker<R>) - Constructor for class org.deeplearning4j.spark.api.worker.ExecuteWorkerPathMDSFlatMap
-
- ExecuteWorkerPDSFlatMap<R extends TrainingResult> - Class in org.deeplearning4j.spark.api.worker
-
A FlatMapFunction for executing training on serialized DataSet objects, that can be loaded using a PortableDataStream
Used in both SparkDl4jMultiLayer and SparkComputationGraph implementations
- ExecuteWorkerPDSFlatMap(TrainingWorker<R>) - Constructor for class org.deeplearning4j.spark.api.worker.ExecuteWorkerPDSFlatMap
-
- ExecuteWorkerPDSMDSFlatMap<R extends TrainingResult> - Class in org.deeplearning4j.spark.api.worker
-
A FlatMapFunction for executing training on serialized MultiDataSet objects, that can be loaded using a PortableDataStream
Used for SparkComputationGraph implementations only
- ExecuteWorkerPDSMDSFlatMap(TrainingWorker<R>) - Constructor for class org.deeplearning4j.spark.api.worker.ExecuteWorkerPDSMDSFlatMap
-
- ExistingDataSetIterator - Class in org.deeplearning4j.datasets.iterator
-
This wrapper provides DataSetIterator interface to existing java Iterable and Iterator
- ExistingDataSetIterator(Iterator<DataSet>) - Constructor for class org.deeplearning4j.datasets.iterator.ExistingDataSetIterator
-
- ExistingDataSetIterator(Iterator<DataSet>, List<String>) - Constructor for class org.deeplearning4j.datasets.iterator.ExistingDataSetIterator
-
- ExistingDataSetIterator(Iterable<DataSet>) - Constructor for class org.deeplearning4j.datasets.iterator.ExistingDataSetIterator
-
- ExistingDataSetIterator(Iterable<DataSet>, List<String>) - Constructor for class org.deeplearning4j.datasets.iterator.ExistingDataSetIterator
-
- ExistingDataSetIterator(Iterable<DataSet>, int, int, int) - Constructor for class org.deeplearning4j.datasets.iterator.ExistingDataSetIterator
-
- existingModel - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors
-
- existingVectors - Variable in class org.deeplearning4j.models.sequencevectors.SequenceVectors.Builder
-
- EXISTS - Static variable in class org.deeplearning4j.models.embeddings.reader.impl.BasicModelUtils
-
- exp(double) - Static method in class org.deeplearning4j.berkeley.SloppyMath
-
- ExponentialReconstructionDistribution - Class in org.deeplearning4j.nn.conf.layers.variational
-
Exponential reconstruction distribution.
Supports data in range [0,infinity)
- ExponentialReconstructionDistribution() - Constructor for class org.deeplearning4j.nn.conf.layers.variational.ExponentialReconstructionDistribution
-
- ExponentialReconstructionDistribution(String) - Constructor for class org.deeplearning4j.nn.conf.layers.variational.ExponentialReconstructionDistribution
-
- ExponentialReconstructionDistribution(Activation) - Constructor for class org.deeplearning4j.nn.conf.layers.variational.ExponentialReconstructionDistribution
-
- ExponentialReconstructionDistribution(IActivation) - Constructor for class org.deeplearning4j.nn.conf.layers.variational.ExponentialReconstructionDistribution
-
- export(JavaRDD<ExportContainer<T>>) - Method in class org.deeplearning4j.spark.models.sequencevectors.export.impl.HdfsModelExporter
-
- export(JavaRDD<ExportContainer<VocabWord>>) - Method in class org.deeplearning4j.spark.models.sequencevectors.export.impl.VocabCacheExporter
-
- export(JavaRDD<ExportContainer<T>>) - Method in interface org.deeplearning4j.spark.models.sequencevectors.export.SparkModelExporter
-
This method will be called at final stage of SequenceVectors training, and JavaRDD being passed as argument will
- ExportContainer<T extends SequenceElement> - Class in org.deeplearning4j.spark.models.sequencevectors.export
-
- ExportContainer() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.export.ExportContainer
-
- ExportContainerTest - Class in org.deeplearning4j.spark.models.sequencevectors.export
-
- ExportContainerTest() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.export.ExportContainerTest
-
- exportDirectory(String) - Method in class org.deeplearning4j.spark.impl.paramavg.ParameterAveragingTrainingMaster.Builder
-
- exporter - Variable in class org.deeplearning4j.spark.models.sequencevectors.SparkSequenceVectors
-
- ExportFunction<T extends SequenceElement> - Class in org.deeplearning4j.spark.models.sequencevectors.functions
-
This function is used to
- ExportFunction(Broadcast<VocabCache<ShallowSequenceElement>>, String) - Constructor for class org.deeplearning4j.spark.models.sequencevectors.functions.ExportFunction
-
- exportRocChartsToHtmlFile(ROC, File) - Static method in class org.deeplearning4j.evaluation.EvaluationTools
-
Given a
ROC
chart, export the ROC chart and precision vs.
- exportRocChartsToHtmlFile(ROCMultiClass, File) - Static method in class org.deeplearning4j.evaluation.EvaluationTools
-
Given a
ROCMultiClass
chart, export the ROC chart and precision vs.
- exportScores(OutputStream) - Method in class org.deeplearning4j.optimize.listeners.CollectScoresIterationListener
-
Export the scores in tab-delimited (one per line) UTF-8 format.
- exportScores(OutputStream, String) - Method in class org.deeplearning4j.optimize.listeners.CollectScoresIterationListener
-
Export the scores in delimited (one per line) UTF-8 format with the specified delimiter
- exportScores(File) - Method in class org.deeplearning4j.optimize.listeners.CollectScoresIterationListener
-
Export the scores to the specified file in delimited (one per line) UTF-8 format, tab delimited
- exportScores(File, String) - Method in class org.deeplearning4j.optimize.listeners.CollectScoresIterationListener
-
Export the scores to the specified file in delimited (one per line) UTF-8 format, using the specified delimiter
- exportStatFiles(String, SparkContext) - Method in class org.deeplearning4j.spark.api.stats.CommonSparkTrainingStats
-
- exportStatFiles(String, SparkContext) - Method in interface org.deeplearning4j.spark.api.stats.SparkTrainingStats
-
Export the stats as a collection of files.
- exportStatFiles(String, SparkContext) - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingMasterStats
-
- exportStatFiles(String, SparkContext) - Method in class org.deeplearning4j.spark.impl.paramavg.stats.ParameterAveragingTrainingWorkerStats
-
- exportStats(List<EventStats>, String, String, String, SparkContext) - Static method in class org.deeplearning4j.spark.stats.StatsUtils
-
- exportStats(List<EventStats>, String, String, SparkContext) - Static method in class org.deeplearning4j.spark.stats.StatsUtils
-
- exportStatsAsHtml(SparkTrainingStats, String, JavaSparkContext) - Static method in class org.deeplearning4j.spark.stats.StatsUtils
-
- exportStatsAsHtml(SparkTrainingStats, String, SparkContext) - Static method in class org.deeplearning4j.spark.stats.StatsUtils
-
Generate and export a HTML representation (including charts, etc) of the Spark training statistics
Note: exporting is done via Spark, so the path here can be a local file, HDFS, etc.
- exportStatsAsHtml(SparkTrainingStats, long, String, SparkContext) - Static method in class org.deeplearning4j.spark.stats.StatsUtils
-
Generate and export a HTML representation (including charts, etc) of the Spark training statistics
Note: exporting is done via Spark, so the path here can be a local file, HDFS, etc.
- exportStatsAsHTML(SparkTrainingStats, OutputStream) - Static method in class org.deeplearning4j.spark.stats.StatsUtils
-
Generate and export a HTML representation (including charts, etc) of the Spark training statistics
This overload is for writing to an output stream
- exportStatsAsHTML(SparkTrainingStats, long, OutputStream) - Static method in class org.deeplearning4j.spark.stats.StatsUtils
-
Generate and export a HTML representation (including charts, etc) of the Spark training statistics
This overload is for writing to an output stream
- ExportSupport - Class in org.deeplearning4j.spark.impl.paramavg.util
-
Utility for checking if exporting data sets is supported
- ExportSupport() - Constructor for class org.deeplearning4j.spark.impl.paramavg.util.ExportSupport
-
- exportSupported(JavaSparkContext) - Static method in class org.deeplearning4j.spark.impl.paramavg.util.ExportSupport
-
Check if exporting data is supported in the current environment.
- exportSupported(String, FileSystem) - Static method in class org.deeplearning4j.spark.impl.paramavg.util.ExportSupport
-
Check if exporting data is supported in the current environment.
- ExportSupportTest - Class in org.deeplearning4j.spark.impl.paramavg.util
-
- ExportSupportTest() - Constructor for class org.deeplearning4j.spark.impl.paramavg.util.ExportSupportTest
-
- expTable - Variable in class org.deeplearning4j.graph.models.embeddings.InMemoryGraphLookupTable
-
- expTable - Variable in class org.deeplearning4j.models.embeddings.inmemory.InMemoryLookupTable
-
- expTable - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.CBOW
-
- expTable - Variable in class org.deeplearning4j.models.embeddings.learning.impl.elements.SkipGram
-
- expTable - Variable in class org.deeplearning4j.models.embeddings.learning.impl.sequence.DM
-
- expTable(Broadcast<double[]>) - Method in class org.deeplearning4j.spark.models.embeddings.word2vec.Word2VecParam.Builder
-
Deprecated.
- externalCache(VocabCache) - Method in class org.deeplearning4j.models.word2vec.wordstore.VocabularyHolder.Builder
-
- ExtraCounter<E> - Class in org.deeplearning4j.spark.models.sequencevectors.primitives
-
This class serves as Counter for SparkSequenceVectors vocab creation + for distributed parameters server organization
Ip addresses extracted here will be used for ParamServer shards selection, and won't be used for anything else
- ExtraCounter() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.primitives.ExtraCounter
-
- ExtraCountFunction<T extends SequenceElement> - Class in org.deeplearning4j.spark.models.sequencevectors.functions
-
This accumulator function does count individual elements, using provided Accumulator
- ExtraCountFunction(Accumulator<ExtraCounter<Long>>, boolean) - Constructor for class org.deeplearning4j.spark.models.sequencevectors.functions.ExtraCountFunction
-
- extract(String) - Method in class org.deeplearning4j.text.corpora.sentiwordnet.SWN3
-
- extractLabels() - Method in class org.deeplearning4j.models.paragraphvectors.ParagraphVectors
-
- extractNonMaskedTimeSteps(INDArray, INDArray, INDArray) - Static method in class org.deeplearning4j.eval.EvaluationUtils
-
- extractOtherFeatures(DictionaryEntry) - Method in class com.atilika.kuromoji.ipadic.compile.TokenInfoDictionaryCompiler
-
- extractPosFeatures(DictionaryEntry) - Method in class com.atilika.kuromoji.ipadic.compile.TokenInfoDictionaryCompiler
-
- ExtraElementsFrequenciesAccumulator - Class in org.deeplearning4j.spark.models.sequencevectors.functions
-
Accumulator for elements count
- ExtraElementsFrequenciesAccumulator() - Constructor for class org.deeplearning4j.spark.models.sequencevectors.functions.ExtraElementsFrequenciesAccumulator
-
- extraMetaDataBytes() - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder
-
- extraMetaDataBytesCount(int) - Method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder
-
- ExtraMetaDataBytesDecoder() - Constructor for class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder.ExtraMetaDataBytesDecoder
-
- extraMetaDataBytesDecoderId() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataDecoder
-
- ExtraMetaDataBytesEncoder() - Constructor for class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder.ExtraMetaDataBytesEncoder
-
- extraMetaDataBytesId() - Static method in class org.deeplearning4j.ui.stats.sbe.StorageMetaDataEncoder
-