A B C D E F G H I K L M N O P R S T U V W
All Classes All Packages
All Classes All Packages
All Classes All Packages
A
- activate(boolean, LayerWorkspaceMgr) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayerImpl
B
- backprop(INDArray, int, LayerWorkspaceMgr) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessors.TensorFlowCnnToFeedForwardPreProcessor
-
Deprecated.
- backpropGradient(INDArray, LayerWorkspaceMgr) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayerImpl
- BETA_1 - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
- BETA_2 - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
- BINARY - org.deeplearning4j.nn.modelimport.keras.preprocessing.text.TokenizerMode
- buildModel() - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Build a KerasModel (corresponding to ComputationGraph) from this model builder.
- buildSequential() - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Build a KerasSequentialModel (corresponding to MultiLayerNetwork) from this model builder.
C
- checkForUnsupportedConfigurations(Map<String, Object>, boolean, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Checks whether layer config contains unsupported options.
- className - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- className - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- clearCustomLayers() - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Clear all custom layers
- clearCustomLoss() - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLossUtils
-
Clear all lambda layers
- clearLambdaLayers() - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Clear all lambda layers
- clearNoiseWeightParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayerImpl
- clone() - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessors.TensorFlowCnnToFeedForwardPreProcessor
-
Deprecated.
- close() - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
- close() - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Close all HDF5 archives for this model builder.
- closeGroups(Group[]) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
- conf - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- config - Static variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- config - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- copyWeightsToLayer(Layer) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Copy Keras layer weights to DL4J Layer.
- copyWeightsToModel(Model, Map<String, KerasLayer>) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
-
Helper function to import weights from nested Map into existing model.
- COUNT - org.deeplearning4j.nn.modelimport.keras.preprocessing.text.TokenizerMode
D
- DECAY - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
- determineKerasBackend(Map<String, Object>, KerasModelConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
-
Determine Keras backend
- determineKerasMajorVersion(Map<String, Object>, KerasModelConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
-
Determine Keras major version
- dimOrder - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- dimOrder - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- dimOrder - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- dimOrder(KerasLayer.DimOrder) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Manually set dim order for Keras model, i.e.
- DL4JKerasModelValidator - Class in org.deeplearning4j.nn.modelimport.keras.utils
- dropout - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
E
- enforceTrainingConfig - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- enforceTrainingConfig - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- enforceTrainingConfig(boolean) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Determine whether to enforce loading a training configuration or not.
- EPSILON - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
F
- fitOnSequences(Integer[][]) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Fit this tokenizer on a corpus of word indices
- fitOnTexts(String[]) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Fit this tokenizer on a corpus of texts.
- FREQ - org.deeplearning4j.nn.modelimport.keras.preprocessing.text.TokenizerMode
- fromJson(String) - Static method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.sequence.TimeSeriesGenerator
- fromJson(String) - Static method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Import Keras Tokenizer from JSON file created with `tokenizer.to_json()` in Python.
G
- get(Integer) - Static method in class org.deeplearning4j.nn.modelimport.keras.config.KerasLayerConfigurationFactory
- getActivationFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasActivationUtils
-
Get activation enum value from Keras layer configuration.
- getActivationLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasELU
-
Get DL4J ActivationLayer.
- getActivationLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasLeakyReLU
-
Get DL4J ActivationLayer.
- getActivationLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasReLU
-
Get DL4J ActivationLayer.
- getActivationLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasSoftmax
-
Get DL4J ActivationLayer.
- getActivationLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasThresholdedReLU
-
Get DL4J ActivationLayer.
- getActivationLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasActivation
-
Get DL4J ActivationLayer.
- getAlphaDropoutLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasAlphaDropout
-
Get DL4J DropoutLayer with Alpha dropout.
- getAtrousConvolution1D() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution1D
-
Get DL4J ConvolutionLayer.
- getAtrousConvolution2D() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution2D
-
Get DL4J ConvolutionLayer.
- getBatchNormalizationLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.normalization.KerasBatchNormalization
-
Get DL4J BatchNormalizationLayer.
- getBiasL1RegularizationFromConfig(Map<String, Object>, boolean, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get L1 bias regularization (if any) from Keras bias regularization configuration.
- getBidirectionalLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Get DL4J Bidirectional layer.
- getClassName() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Get Keras layer class name.
- getClassNameFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get Keras layer class name from Keras layer configuration.
- getCNN3DDataFormatFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolutionUtils
-
Return the
Convolution3D.DataFormat
from the configuration . - getComputationGraph() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasModel
-
Build a ComputationGraph from this Keras Model configuration and import weights.
- getComputationGraph(boolean) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasModel
-
Build a ComputationGraph from this Keras Model configuration and (optionally) import weights.
- getComputationGraphConfiguration() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasModel
-
Configure a ComputationGraph from this Keras Model configuration.
- getConstraintsFromConfig(Map<String, Object>, String, KerasLayerConfiguration, int) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasConstraintUtils
-
Get constraint initialization from Keras layer configuration.
- getConvolution1DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution1D
-
Get DL4J ConvolutionLayer.
- getConvolution2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution2D
-
Get DL4J ConvolutionLayer.
- getConvolution3DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution3D
-
Get DL4J ConvolutionLayer.
- getConvolutionModeFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolutionUtils
-
Get convolution border mode from Keras layer configuration.
- getConvParameterValues(INDArray) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
-
Return processed parameter values obtained from Keras convolutional layers.
- getCropping1DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping1D
-
Get DL4J Cropping1D layer.
- getCropping2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping2D
-
Get DL4J Cropping2D layer.
- getCropping3DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping3D
-
Get DL4J Cropping3D layer.
- getDataFormatFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolutionUtils
-
Return the
CNN2DFormat
from the configuration . - getDataSets(String...) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
-
Get list of data sets from group path.
- getDeconvolution2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution2D
-
Get DL4J ConvolutionLayer.
- getDeconvolution3DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution3D
-
Get DL4J ConvolutionLayer.
- getDenseLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDense
-
Get DL4J DenseLayer.
- getDepthwiseConvolution2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDepthwiseConvolution2D
-
Get DL4J DepthwiseConvolution2D.
- getDilationRate(Map<String, Object>, int, KerasLayerConfiguration, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolutionUtils
-
Get atrous / dilation rate from config
- getDimOrder() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Get Keras layer backend dimension order.
- getDimOrderFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get Keras (backend) dimension order from Keras layer configuration.
- getDropoutFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get dropout from Keras layer configuration.
- getDropoutLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDropout
-
Get DL4J DropoutLayer.
- getEmbeddingLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.Keras2DEmbedding
-
Get DL4J Embedding Sequence layer.
- getEmbeddingLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.KerasEmbedding
-
Get DL4J Embedding Sequence layer.
- getForgetBiasInitFromConfig(Map<String, Object>, boolean) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Get LSTM forget gate bias initialization from Keras layer configuration.
- getGateActivationFromConfig(Map<String, Object>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Get LSTM gate activation function from Keras layer configuration.
- getGaussianDropoutLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianDropout
-
Get DL4J DropoutLayer with Gaussian dropout.
- getGaussianNoiseLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianNoise
-
Get DL4J DropoutLayer with Gaussian dropout.
- getGlobalPoolingLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasGlobalPooling
-
Get DL4J SubsamplingLayer.
- getGradientNormalization() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- getGradientNormalizationThreshold() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- getGroups(String...) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
-
Get list of groups from group path.
- getHasBiasFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Determine if layer should be instantiated with bias
- getIActivationFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasActivationUtils
-
Get activation function from Keras layer configuration.
- getInboundLayerNames() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Get list of inbound layers.
- getInboundLayerNamesFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get list of inbound layers from Keras layer configuration.
- getInnerLayerConfigFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get inner layer config from Keras layer configuration.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution1D
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasFlatten
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasPermute
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasReshape
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasGlobalPooling
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputPreprocessor(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Gets appropriate DL4J InputPreProcessor for given InputTypes.
- getInputShape() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Get layer input shape.
- getInputShapeFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get Keras input shape from Keras layer configuration.
- getKerasLayerFromConfig(Map<String, Object>, boolean, KerasLayerConfiguration, Map<String, Class<? extends KerasLayer>>, Map<String, SameDiffLambdaLayer>, Map<String, ? extends KerasLayer>) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Build KerasLayer from a Keras layer configuration.
- getKerasLayerFromConfig(Map<String, Object>, KerasLayerConfiguration, Map<String, Class<? extends KerasLayer>>, Map<String, SameDiffLambdaLayer>, Map<String, ? extends KerasLayer>) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Build KerasLayer from a Keras layer configuration.
- getKerasMajorVersion() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Get Keras major version of this layer.
- getKernelSizeFromConfig(Map<String, Object>, int, KerasLayerConfiguration, int) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolutionUtils
-
Get (convolution) kernel size from Keras layer configuration.
- getLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Gets corresponding DL4J Layer, if any.
- getLayerName() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Get Keras layer name.
- getLayerNameFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get layer name from Keras layer configuration.
- getLocallyConnected1DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected1D
-
Get DL4J LocallyConnected1D layer.
- getLocallyConnected2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected2D
-
Get DL4J LocallyConnected2D layer.
- getLocalResponseNormalization() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.custom.KerasLRN
-
Get DL4J LRN.
- getLossLayer(InputType) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLoss
-
Get DL4J LossLayer.
- getLSTMLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Get DL4J Layer.
- getMaskingConfiguration(List<String>, Map<String, ? extends KerasLayer>) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
- getMaskingLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMasking
-
Get DL4J MaskZeroLayer.
- getMaskingValueFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get mask value
- getMemoryReport(InputType) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- getMultiLayerConfiguration() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasSequentialModel
-
Configure a MultiLayerConfiguration from this Keras Sequential model configuration.
- getMultiLayerNetwork() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasSequentialModel
-
Build a MultiLayerNetwork from this Keras Sequential model configuration.
- getMultiLayerNetwork(boolean) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasSequentialModel
-
Build a MultiLayerNetwork from this Keras Sequential model configuration and import weights.
- getNInFromConfig(Map<String, ? extends KerasLayer>) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Some DL4J layers need explicit specification of number of inputs, which Keras does infer.
- getNInFromInputDim(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
- getNOutFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get number of outputs from Keras layer configuration.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Returns number of trainable parameters in layer.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
-
Returns number of trainable parameters in layer.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDense
-
Returns number of trainable parameters in layer.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.Keras2DEmbedding
-
Returns number of trainable parameters in layer.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.KerasEmbedding
-
Returns number of trainable parameters in layer.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.normalization.KerasBatchNormalization
-
Returns number of trainable parameters in layer.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Returns number of trainable parameters in layer.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Returns number of trainable parameters in layer.
- getNumParams() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Returns number of trainable parameters in layer.
- getOutboundLayerNamesFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get list of inbound layers from Keras layer configuration.
- getOutputShape(long[]) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayerImpl
- getOutputType(int, InputType) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasELU
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasLeakyReLU
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasPReLU
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasReLU
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasSoftmax
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasThresholdedReLU
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution1D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution1D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution3D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping1D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping3D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution3D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDepthwiseConvolution2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSeparableConvolution2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSpaceToDepth
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling1D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling3D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding1D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding3D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasActivation
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDense
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDropout
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasFlatten
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasLambda
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMasking
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMerge
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasPermute
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasRepeatVector
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasReshape
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasSpatialDropout
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.custom.KerasLRN
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.custom.KerasPoolHelper
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.Keras2DEmbedding
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.KerasEmbedding
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.KerasInput
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.KerasLoss
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.KerasTFOpLayer
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected1D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasAlphaDropout
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianDropout
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianNoise
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.normalization.KerasBatchNormalization
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasGlobalPooling
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling1D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling2D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling3D
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Get layer output type.
- getOutputType(InputType...) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Get layer output type.
- getPaddingFromBorderModeConfig(Map<String, Object>, int, KerasLayerConfiguration, int) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolutionUtils
-
Get (convolution) padding from Keras layer configuration.
- getPReLULayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasPReLU
-
Get DL4J ActivationLayer.
- getPreProcessorForInputType(InputType) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- getRecurrentDropout(KerasLayerConfiguration, Map<String, Object>) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasRnnUtils
-
Get recurrent weight dropout from Keras layer configuration.
- getRegularizationByParam(String) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- getRepeatVectorLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasRepeatVector
-
Get DL4J RepeatVector.
- getSameDiffLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasLambda
-
Get DL4J SameDiffLayer.
- getSeparableConvolution2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSeparableConvolution2D
-
Get DL4J SeparableConvolution2D.
- getSimpleRnnLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Get DL4J SimpleRnn layer.
- getSpaceToDepthLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSpaceToDepth
-
Get DL4J SpaceToDepth layer.
- getSpatialDropoutLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasSpatialDropout
-
Get DL4J DropoutLayer with spatial dropout.
- getStrideFromConfig(Map<String, Object>, int, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolutionUtils
-
Get (convolution) stride from Keras layer configuration.
- getSubsampling1DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling1D
-
Get DL4J Subsampling1DLayer.
- getSubsampling2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling2D
-
Get DL4J SubsamplingLayer.
- getSubsampling3DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling3D
-
Get DL4J Subsampling3DLayer.
- getTimeDistributedLayerConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Extract inner layer config from TimeDistributed configuration and merge it into the outer config.
- getTruncatedBptt() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.KerasInput
-
Returns value of truncated BPTT, if any found.
- getUnderlyingRecurrentLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Return the underlying recurrent layer of this bidirectional layer
- getUnroll() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Get whether LSTM layer should be unrolled (for truncated BPTT).
- getUnroll() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Get whether SimpleRnn layer should be unrolled (for truncated BPTT).
- getUnrollRecurrentLayer(KerasLayerConfiguration, Map<String, Object>) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasRnnUtils
-
Get unroll parameter to decide whether to unroll RNN with BPTT or not.
- getUpsampling1DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling1D
-
Get DL4J Upsampling1D layer.
- getUpsampling2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling2D
-
Get DL4J Upsampling2D layer.
- getUpsampling3DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling3D
-
Get DL4J Upsampling3D layer.
- getVertex() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Gets corresponding DL4J Vertex, if any.
- getWeightInitFromConfig(Map<String, Object>, String, boolean, KerasLayerConfiguration, int) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasInitilizationUtils
-
Get weight initialization from Keras layer configuration.
- getWeightRegularizerFromConfig(Map<String, Object>, KerasLayerConfiguration, String, String) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasRegularizerUtils
-
Get weight regularization from Keras weight regularization configuration.
- getWeights() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- getZeroMaskingFromConfig(Map<String, Object>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Get zero masking flag
- getZeroPadding1DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding1D
-
Get DL4J ZeroPadding1DLayer.
- getZeroPadding2DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding2D
-
Get DL4J ZeroPadding2DLayer.
- getZeroPadding3DLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding3D
-
Get DL4J ZeroPadding3DLayer.
H
- hasAttribute(String, String...) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
-
Check whether group path contains string attribute.
- hasBias - Variable in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
- Hdf5Archive - Class in org.deeplearning4j.nn.modelimport.keras
- Hdf5Archive(String) - Constructor for class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
I
- importKerasModelAndWeights(InputStream) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model saved using model.save_model(...).
- importKerasModelAndWeights(InputStream, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model saved using model.save_model(...).
- importKerasModelAndWeights(String) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model saved using model.save_model(...).
- importKerasModelAndWeights(String, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model saved using model.save_model(...).
- importKerasModelAndWeights(String, int[], boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model saved using model.save_model(...).
- importKerasModelAndWeights(String, String) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model for which the configuration and weights were saved separately using calls to model.to_json() and model.save_weights(...).
- importKerasModelAndWeights(String, String, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model for which the configuration and weights were saved separately using calls to model.to_json() and model.save_weights(...).
- importKerasModelConfiguration(String) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model for which the configuration was saved separately using calls to model.to_json() and model.save_weights(...).
- importKerasModelConfiguration(String, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras (Functional API) Model for which the configuration was saved separately using calls to model.to_json() and model.save_weights(...).
- importKerasSequentialConfiguration(String) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model for which the configuration was saved separately using calls to model.to_json() and model.save_weights(...).
- importKerasSequentialConfiguration(String, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model for which the configuration was saved separately using calls to model.to_json() and model.save_weights(...).
- importKerasSequentialModelAndWeights(InputStream) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model saved using model.save_model(...).
- importKerasSequentialModelAndWeights(InputStream, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model saved using model.save_model(...).
- importKerasSequentialModelAndWeights(String) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model saved using model.save_model(...).
- importKerasSequentialModelAndWeights(String, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model saved using model.save_model(...).
- importKerasSequentialModelAndWeights(String, int[], boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model saved using model.save_model(...).
- importKerasSequentialModelAndWeights(String, String) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model for which the configuration and weights were saved separately using calls to model.to_json() and model.save_weights(...).
- importKerasSequentialModelAndWeights(String, String, boolean) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
-
Load Keras Sequential model for which the configuration and weights were saved separately using calls to model.to_json() and model.save_weights(...).
- importWeights(Hdf5Archive, String, Map<String, KerasLayer>, int, String) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
-
Store weights to import with each associated Keras layer.
- inboundLayerNames - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- initializer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- inputLayerNames - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- inputShape - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- inputShape - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- inputShape(int[]) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Provide input shape for Keras models that have been compiled without one.
- instantiate(NeuralNetConfiguration, Collection<TrainingListener>, int, INDArray, boolean, DataType) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- InvalidKerasConfigurationException - Exception in org.deeplearning4j.nn.modelimport.keras.exceptions
- InvalidKerasConfigurationException(String) - Constructor for exception org.deeplearning4j.nn.modelimport.keras.exceptions.InvalidKerasConfigurationException
- InvalidKerasConfigurationException(String, Throwable) - Constructor for exception org.deeplearning4j.nn.modelimport.keras.exceptions.InvalidKerasConfigurationException
- InvalidKerasConfigurationException(Throwable) - Constructor for exception org.deeplearning4j.nn.modelimport.keras.exceptions.InvalidKerasConfigurationException
- isInputPreProcessor() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Whether this Keras layer maps to a DL4J InputPreProcessor.
- isInputPreProcessor() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasFlatten
-
Whether this Keras layer maps to a DL4J InputPreProcessor.
- isInputPreProcessor() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasPermute
-
KerasPermute is an InputPreProcessor
- isInputPreProcessor() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasReshape
-
Whether this Keras layer maps to a DL4J InputPreProcessor.
- isLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Whether this Keras layer maps to a DL4J Layer.
- isPretrainLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayerImpl
- isPretrainParam(String) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- isRnnLayer(KerasLayer) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasRnnUtils
- isValidInboundLayer() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Indicates whether this layer a valid inbound layer.
- isVertex() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Whether this Keras layer maps to a DL4J Vertex.
K
- Keras1LayerConfiguration - Class in org.deeplearning4j.nn.modelimport.keras.config
-
All relevant property fields of keras 1.x layers.
- Keras1LayerConfiguration() - Constructor for class org.deeplearning4j.nn.modelimport.keras.config.Keras1LayerConfiguration
- Keras2DEmbedding - Class in org.deeplearning4j.nn.modelimport.keras.layers.embeddings
-
Imports an Embedding layer from Keras.
- Keras2DEmbedding() - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.Keras2DEmbedding
-
Pass through constructor for unit tests
- Keras2DEmbedding(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.Keras2DEmbedding
-
Constructor from parsed Keras layer configuration dictionary.
- Keras2DEmbedding(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.Keras2DEmbedding
-
Constructor from parsed Keras layer configuration dictionary.
- Keras2LayerConfiguration - Class in org.deeplearning4j.nn.modelimport.keras.config
-
All relevant property fields of keras 2.x layers.
- Keras2LayerConfiguration() - Constructor for class org.deeplearning4j.nn.modelimport.keras.config.Keras2LayerConfiguration
- KerasActivation - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
- KerasActivation(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasActivation
-
Constructor from parsed Keras layer configuration dictionary.
- KerasActivation(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasActivation
-
Constructor from parsed Keras layer configuration dictionary.
- KerasActivationUtils - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasActivationUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasActivationUtils
- KerasAlphaDropout - Class in org.deeplearning4j.nn.modelimport.keras.layers.noise
-
Keras wrapper for DL4J dropout layer with AlphaDropout.
- KerasAlphaDropout(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasAlphaDropout
-
Pass-through constructor from KerasLayer
- KerasAlphaDropout(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasAlphaDropout
-
Constructor from parsed Keras layer configuration dictionary.
- KerasAlphaDropout(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasAlphaDropout
-
Constructor from parsed Keras layer configuration dictionary.
- KerasAtrousConvolution1D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasAtrousConvolution1D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution1D
-
Pass-through constructor from KerasLayer
- KerasAtrousConvolution1D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasAtrousConvolution1D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasAtrousConvolution2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasAtrousConvolution2D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution2D
-
Pass-through constructor from KerasLayer
- KerasAtrousConvolution2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasAtrousConvolution2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasAtrousConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- kerasBackend - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- KerasBatchNormalization - Class in org.deeplearning4j.nn.modelimport.keras.layers.normalization
- KerasBatchNormalization(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.normalization.KerasBatchNormalization
-
Pass-through constructor from KerasLayer
- KerasBatchNormalization(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.normalization.KerasBatchNormalization
-
Constructor from parsed Keras layer configuration dictionary.
- KerasBatchNormalization(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.normalization.KerasBatchNormalization
-
Constructor from parsed Keras layer configuration dictionary.
- KerasBatchNormalization(Map<String, Object>, boolean, Map<String, ? extends KerasLayer>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.normalization.KerasBatchNormalization
-
Constructor from parsed Keras layer configuration dictionary.
- KerasBidirectional - Class in org.deeplearning4j.nn.modelimport.keras.layers.wrappers
- KerasBidirectional(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Pass-through constructor from KerasLayer
- KerasBidirectional(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Constructor from parsed Keras layer configuration dictionary.
- KerasBidirectional(Map<String, Object>, boolean, Map<String, ? extends KerasLayer>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Constructor from parsed Keras layer configuration dictionary.
- KerasBidirectional(Map<String, Object>, Map<String, ? extends KerasLayer>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConstraintUtils - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasConstraintUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasConstraintUtils
- KerasConvolution - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasConvolution() - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
- KerasConvolution(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
-
Pass-through constructor from KerasLayer
- KerasConvolution(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConvolution(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConvolution1D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasConvolution1D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution1D
-
Pass-through constructor from KerasLayer
- KerasConvolution1D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConvolution1D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConvolution2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasConvolution2D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution2D
-
Pass-through constructor from KerasLayer
- KerasConvolution2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConvolution2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConvolution3D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasConvolution3D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution3D
-
Pass-through constructor from KerasLayer
- KerasConvolution3D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConvolution3D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasConvolutionUtils - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasConvolutionUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolutionUtils
- KerasCropping1D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasCropping1D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasCropping1D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasCropping2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasCropping2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasCropping2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasCropping3D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasCropping3D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasCropping3D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasCropping3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDeconvolution2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasDeconvolution2D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution2D
-
Pass-through constructor from KerasLayer
- KerasDeconvolution2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDeconvolution2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDeconvolution3D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasDeconvolution3D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution3D
-
Pass-through constructor from KerasLayer
- KerasDeconvolution3D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDeconvolution3D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDeconvolution3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDense - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
-
Imports a Dense layer from Keras.
- KerasDense(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDense
-
Pass-through constructor from KerasLayer
- KerasDense(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDense
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDense(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDense
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDepthwiseConvolution2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasDepthwiseConvolution2D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDepthwiseConvolution2D
-
Pass-through constructor from KerasLayer
- KerasDepthwiseConvolution2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDepthwiseConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDepthwiseConvolution2D(Map<String, Object>, Map<String, ? extends KerasLayer>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDepthwiseConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDepthwiseConvolution2D(Map<String, Object>, Map<String, ? extends KerasLayer>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDepthwiseConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDepthwiseConvolution2D(Map<String, Object>, Map<String, ? extends KerasLayer>, List<String>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDepthwiseConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDropout - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
-
Imports a Dropout layer from Keras.
- KerasDropout(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDropout
-
Constructor from parsed Keras layer configuration dictionary.
- KerasDropout(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDropout
-
Constructor from parsed Keras layer configuration dictionary.
- KerasELU - Class in org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations
- KerasELU(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasELU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasELU(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasELU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasEmbedding - Class in org.deeplearning4j.nn.modelimport.keras.layers.embeddings
-
Imports an Embedding layer from Keras.
- KerasEmbedding() - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.KerasEmbedding
-
Pass through constructor for unit tests
- KerasEmbedding(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.KerasEmbedding
-
Constructor from parsed Keras layer configuration dictionary.
- KerasEmbedding(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.KerasEmbedding
-
Constructor from parsed Keras layer configuration dictionary.
- KerasFlatten - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
- KerasFlatten(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasFlatten
-
Constructor from parsed Keras layer configuration dictionary.
- KerasFlatten(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasFlatten
-
Constructor from parsed Keras layer configuration dictionary.
- KerasGaussianDropout - Class in org.deeplearning4j.nn.modelimport.keras.layers.noise
-
Keras wrapper for DL4J dropout layer with GaussianDropout.
- KerasGaussianDropout(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianDropout
-
Pass-through constructor from KerasLayer
- KerasGaussianDropout(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianDropout
-
Constructor from parsed Keras layer configuration dictionary.
- KerasGaussianDropout(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianDropout
-
Constructor from parsed Keras layer configuration dictionary.
- KerasGaussianNoise - Class in org.deeplearning4j.nn.modelimport.keras.layers.noise
-
Keras wrapper for DL4J dropout layer with GaussianNoise.
- KerasGaussianNoise(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianNoise
-
Pass-through constructor from KerasLayer
- KerasGaussianNoise(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianNoise
-
Constructor from parsed Keras layer configuration dictionary.
- KerasGaussianNoise(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.noise.KerasGaussianNoise
-
Constructor from parsed Keras layer configuration dictionary.
- KerasGlobalPooling - Class in org.deeplearning4j.nn.modelimport.keras.layers.pooling
-
Imports a Keras Pooling layer as a DL4J Subsampling layer.
- KerasGlobalPooling(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasGlobalPooling
-
Constructor from parsed Keras layer configuration dictionary.
- KerasGlobalPooling(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasGlobalPooling
-
Constructor from parsed Keras layer configuration dictionary.
- KerasInitilizationUtils - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasInitilizationUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasInitilizationUtils
- KerasInput - Class in org.deeplearning4j.nn.modelimport.keras.layers
-
Imports an Input layer from Keras.
- KerasInput(String, int[]) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasInput
-
Constructor from layer name and input shape.
- KerasInput(String, int[], boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasInput
-
Constructor from layer name and input shape.
- KerasInput(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasInput
-
Constructor from parsed Keras layer configuration dictionary.
- KerasInput(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasInput
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLambda - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
-
Wraps a DL4J SameDiffLambda into a KerasLayer
- KerasLambda(Map<String, Object>, boolean, SameDiffLayer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasLambda
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLambda(Map<String, Object>, SameDiffLayer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasLambda
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLayer - Class in org.deeplearning4j.nn.modelimport.keras
- KerasLayer() - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Default constructor.
- KerasLayer(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Constructor with Keras version only.
- KerasLayer(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Constructor.
- KerasLayer(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Constructor.
- KerasLayer.DimOrder - Enum in org.deeplearning4j.nn.modelimport.keras
- KerasLayerConfiguration - Class in org.deeplearning4j.nn.modelimport.keras.config
-
All relevant property fields of keras layers.
- KerasLayerConfiguration() - Constructor for class org.deeplearning4j.nn.modelimport.keras.config.KerasLayerConfiguration
- KerasLayerConfigurationFactory - Class in org.deeplearning4j.nn.modelimport.keras.config
- KerasLayerConfigurationFactory() - Constructor for class org.deeplearning4j.nn.modelimport.keras.config.KerasLayerConfigurationFactory
- KerasLayerUtils - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasLayerUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
- KerasLeakyReLU - Class in org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations
-
Imports LeakyReLU layer from Keras
- KerasLeakyReLU(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasLeakyReLU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLeakyReLU(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasLeakyReLU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLocallyConnected1D - Class in org.deeplearning4j.nn.modelimport.keras.layers.local
- KerasLocallyConnected1D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected1D
-
Pass-through constructor from KerasLayer
- KerasLocallyConnected1D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLocallyConnected1D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLocallyConnected2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.local
- KerasLocallyConnected2D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected2D
-
Pass-through constructor from KerasLayer
- KerasLocallyConnected2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLocallyConnected2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLoss - Class in org.deeplearning4j.nn.modelimport.keras.layers
- KerasLoss(String, String, String) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasLoss
-
Constructor from layer name and input shape.
- KerasLoss(String, String, String, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasLoss
-
Constructor from layer name and input shape.
- KerasLossUtils - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasLossUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasLossUtils
- KerasLRN - Class in org.deeplearning4j.nn.modelimport.keras.layers.custom
- KerasLRN(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.custom.KerasLRN
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLRN(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.custom.KerasLRN
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLSTM - Class in org.deeplearning4j.nn.modelimport.keras.layers.recurrent
-
Imports a Keras LSTM layer as a DL4J LSTM layer.
- KerasLSTM(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Pass-through constructor from KerasLayer
- KerasLSTM(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLSTM(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLSTM(Map<String, Object>, boolean, Map<String, ? extends KerasLayer>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Constructor from parsed Keras layer configuration dictionary.
- KerasLSTM(Map<String, Object>, Map<String, ? extends KerasLayer>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Constructor from parsed Keras layer configuration dictionary.
- kerasMajorVersion - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- kerasMajorVersion - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- KerasMasking - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
-
Imports Keras masking layers.
- KerasMasking(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMasking
-
Constructor from parsed Keras layer configuration dictionary.
- KerasMasking(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMasking
-
Constructor from parsed Keras layer configuration dictionary.
- KerasMerge - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
- KerasMerge(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMerge
-
Pass-through constructor from KerasLayer
- KerasMerge(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMerge
-
Constructor from parsed Keras layer configuration dictionary.
- KerasMerge(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMerge
-
Constructor from parsed Keras layer configuration dictionary.
- KerasMerge(Map<String, Object>, ElementWiseVertex.Op, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasMerge
-
Constructor from parsed Keras layer configuration dictionary and merge mode passed in.
- KerasModel - Class in org.deeplearning4j.nn.modelimport.keras
- KerasModel() - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasModel
- KerasModel(String, String, Hdf5Archive, String, String, Hdf5Archive, boolean, int[], KerasLayer.DimOrder) - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasModel
-
(Not recommended) Constructor for (Functional API) Model from model configuration (JSON or YAML), training configuration (JSON), weights, and "training mode" boolean indicator.
- KerasModel(KerasModelBuilder) - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasModel
-
(Recommended) Builder-pattern constructor for (Functional API) Model.
- KerasModelBuilder - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasModelBuilder(KerasModelConfiguration) - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
KerasModelBuilder constructed from a model configuration.
- KerasModelConfiguration - Class in org.deeplearning4j.nn.modelimport.keras.config
- KerasModelConfiguration() - Constructor for class org.deeplearning4j.nn.modelimport.keras.config.KerasModelConfiguration
- KerasModelImport - Class in org.deeplearning4j.nn.modelimport.keras
- KerasModelImport() - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasModelImport
- KerasModelUtils - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasModelUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
- KerasOptimizerUtils - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasOptimizerUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
- KerasPermute - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
-
Imports Permute layer from Keras
- KerasPermute(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasPermute
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPermute(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasPermute
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPoolHelper - Class in org.deeplearning4j.nn.modelimport.keras.layers.custom
- KerasPoolHelper(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.custom.KerasPoolHelper
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPoolHelper(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.custom.KerasPoolHelper
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPooling1D - Class in org.deeplearning4j.nn.modelimport.keras.layers.pooling
-
Imports a Keras 1D Pooling layer as a DL4J Subsampling layer.
- KerasPooling1D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPooling1D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPooling2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.pooling
-
Imports a Keras 2D Pooling layer as a DL4J Subsampling layer.
- KerasPooling2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPooling2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPooling3D - Class in org.deeplearning4j.nn.modelimport.keras.layers.pooling
-
Imports a Keras 3D Pooling layer as a DL4J Subsampling3D layer.
- KerasPooling3D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPooling3D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPooling3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPoolingUtils - Class in org.deeplearning4j.nn.modelimport.keras.layers.pooling
- KerasPoolingUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPoolingUtils
- KerasPReLU - Class in org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations
-
Imports PReLU layer from Keras
- KerasPReLU(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasPReLU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasPReLU(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasPReLU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasRegularizerUtils - Class in org.deeplearning4j.nn.modelimport.keras.utils
- KerasRegularizerUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.utils.KerasRegularizerUtils
- KerasReLU - Class in org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations
- KerasReLU(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasReLU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasReLU(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasReLU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasRepeatVector - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
- KerasRepeatVector(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasRepeatVector
-
Constructor from parsed Keras layer configuration dictionary.
- KerasRepeatVector(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasRepeatVector
-
Constructor from parsed Keras layer configuration dictionary.
- KerasReshape - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
-
Imports Reshape layer from Keras
- KerasReshape(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasReshape
-
Constructor from parsed Keras layer configuration dictionary.
- KerasReshape(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasReshape
-
Constructor from parsed Keras layer configuration dictionary.
- KerasRnnUtils - Class in org.deeplearning4j.nn.modelimport.keras.layers.recurrent
- KerasRnnUtils() - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasRnnUtils
- KerasSeparableConvolution2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasSeparableConvolution2D(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSeparableConvolution2D
-
Pass-through constructor from KerasLayer
- KerasSeparableConvolution2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSeparableConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSeparableConvolution2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSeparableConvolution2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSequentialModel - Class in org.deeplearning4j.nn.modelimport.keras
- KerasSequentialModel() - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasSequentialModel
-
Default constructor
- KerasSequentialModel(String, String, Hdf5Archive, String, String, Hdf5Archive, boolean, int[]) - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasSequentialModel
-
(Not recommended) Constructor for Sequential model from model configuration (JSON or YAML), training configuration (JSON), weights, and "training mode" boolean indicator.
- KerasSequentialModel(KerasModelBuilder) - Constructor for class org.deeplearning4j.nn.modelimport.keras.KerasSequentialModel
-
(Recommended) Builder-pattern constructor for Sequential model.
- KerasSimpleRnn - Class in org.deeplearning4j.nn.modelimport.keras.layers.recurrent
-
Imports a Keras SimpleRNN layer as a DL4J SimpleRnn layer.
- KerasSimpleRnn(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Pass-through constructor from KerasLayer
- KerasSimpleRnn(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSimpleRnn(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSimpleRnn(Map<String, Object>, boolean, Map<String, ? extends KerasLayer>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSimpleRnn(Map<String, Object>, Map<String, ? extends KerasLayer>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSoftmax - Class in org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations
- KerasSoftmax(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasSoftmax
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSoftmax(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasSoftmax
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSpaceToDepth - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- KerasSpaceToDepth(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSpaceToDepth
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSpaceToDepth(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSpaceToDepth
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSpatialDropout - Class in org.deeplearning4j.nn.modelimport.keras.layers.core
-
Keras wrapper for DL4J dropout layer with SpatialDropout, works 1D-3D.
- KerasSpatialDropout(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasSpatialDropout
-
Pass-through constructor from KerasLayer
- KerasSpatialDropout(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasSpatialDropout
-
Constructor from parsed Keras layer configuration dictionary.
- KerasSpatialDropout(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasSpatialDropout
-
Constructor from parsed Keras layer configuration dictionary.
- KerasTFOpLayer - Class in org.deeplearning4j.nn.modelimport.keras.layers
- KerasTFOpLayer(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasTFOpLayer
- KerasTFOpLayer(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasTFOpLayer
-
Constructor from parsed Keras layer configuration dictionary.
- KerasTFOpLayer(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.KerasTFOpLayer
-
Constructor from parsed Keras layer configuration dictionary.
- KerasThresholdedReLU - Class in org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations
-
Imports ThresholdedReLU layer from Keras
- KerasThresholdedReLU(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasThresholdedReLU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasThresholdedReLU(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasThresholdedReLU
-
Constructor from parsed Keras layer configuration dictionary.
- KerasTokenizer - Class in org.deeplearning4j.nn.modelimport.keras.preprocessing.text
- KerasTokenizer() - Constructor for class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Default Keras tokenizer constructor
- KerasTokenizer(Integer) - Constructor for class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Tokenizer constructor with only numWords specified
- KerasTokenizer(Integer, String, boolean, String, boolean, String) - Constructor for class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Create a Keras Tokenizer instance with full set of properties.
- KerasUpsampling1D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
-
Keras Upsampling1D layer support
- KerasUpsampling1D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasUpsampling1D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasUpsampling2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
-
Keras Upsampling2D layer support
- KerasUpsampling2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasUpsampling2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasUpsampling3D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
-
Keras Upsampling3D layer support
- KerasUpsampling3D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasUpsampling3D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasUpsampling3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasZeroPadding1D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
-
Imports a Keras ZeroPadding 1D layer.
- KerasZeroPadding1D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasZeroPadding1D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding1D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasZeroPadding2D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
-
Imports a Keras ZeroPadding 2D layer.
- KerasZeroPadding2D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasZeroPadding2D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding2D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasZeroPadding3D - Class in org.deeplearning4j.nn.modelimport.keras.layers.convolutional
-
Imports a Keras ZeroPadding 3D layer.
- KerasZeroPadding3D(Map<String, Object>) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding3D
-
Constructor from parsed Keras layer configuration dictionary.
- KerasZeroPadding3D(Map<String, Object>, boolean) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasZeroPadding3D
-
Constructor from parsed Keras layer configuration dictionary.
L
- layer - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- layerName - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- layers - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- layersOrdered - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- length() - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.sequence.TimeSeriesGenerator
- LOCK_OBJECT - Static variable in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
-
HDF5 library is not thread safe - possible to crash if multiple reads etc are performed concurrently in multiple threads.
- LR - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
- LR2 - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
M
- mapConstraint(String, KerasLayerConfiguration, Map<String, Object>) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasConstraintUtils
-
Map Keras to DL4J constraint.
- mapGlobalPoolingDimensions(String, KerasLayerConfiguration, KerasLayer.DimOrder) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPoolingUtils
-
Map Keras pooling layers to DL4J pooling dimensions.
- mapLossFunction(String, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLossUtils
-
Map Keras to DL4J loss functions.
- mapOptimizer(Map<String, Object>) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
-
Map Keras optimizer to DL4J IUpdater.
- mapPoolingType(String, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.layers.pooling.KerasPoolingUtils
-
Map Keras pooling layers to DL4J pooling types.
- mapToActivation(String, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasActivationUtils
-
Map Keras to DL4J activation functions.
- mapToIActivation(String, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasActivationUtils
-
Map Keras to DL4J activation functions.
- mapWeightInitialization(String, KerasLayerConfiguration, Map<String, Object>, int) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasInitilizationUtils
-
Map Keras to DL4J weight initialization functions.
- MAX_BUFFER_SIZE_BYTES - Static variable in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
- modelBuilder - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- modelBuilder() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- modelHdf5Filename(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set full model HDF5 (architecture, weights and training configuration) by providing the HDF5 filename.
- modelJson - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- modelJson(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set model architecture from model JSON string.
- modelJsonFilename(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set model architecture from file name pointing to model JSON string.
- modelJsonInputStream(InputStream) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set model architecture from input stream of model JSON.
- modelYaml - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- modelYaml(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set model architecture from model YAML string.
- modelYamlFilename(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set model architecture from file name pointing to model YAML string.
- modelYamlInputStream(InputStream) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set model architecture from input stream of model YAML.
- MOMENTUM - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
N
- next(int) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.sequence.TimeSeriesGenerator
- NONE - org.deeplearning4j.nn.modelimport.keras.KerasLayer.DimOrder
- numTrainableParams - Variable in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
O
- openGroups(String...) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
- optimizer - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- org.deeplearning4j.nn.modelimport.keras - package org.deeplearning4j.nn.modelimport.keras
- org.deeplearning4j.nn.modelimport.keras.config - package org.deeplearning4j.nn.modelimport.keras.config
- org.deeplearning4j.nn.modelimport.keras.exceptions - package org.deeplearning4j.nn.modelimport.keras.exceptions
- org.deeplearning4j.nn.modelimport.keras.layers - package org.deeplearning4j.nn.modelimport.keras.layers
- org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations - package org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations
- org.deeplearning4j.nn.modelimport.keras.layers.convolutional - package org.deeplearning4j.nn.modelimport.keras.layers.convolutional
- org.deeplearning4j.nn.modelimport.keras.layers.core - package org.deeplearning4j.nn.modelimport.keras.layers.core
- org.deeplearning4j.nn.modelimport.keras.layers.custom - package org.deeplearning4j.nn.modelimport.keras.layers.custom
- org.deeplearning4j.nn.modelimport.keras.layers.embeddings - package org.deeplearning4j.nn.modelimport.keras.layers.embeddings
- org.deeplearning4j.nn.modelimport.keras.layers.local - package org.deeplearning4j.nn.modelimport.keras.layers.local
- org.deeplearning4j.nn.modelimport.keras.layers.noise - package org.deeplearning4j.nn.modelimport.keras.layers.noise
- org.deeplearning4j.nn.modelimport.keras.layers.normalization - package org.deeplearning4j.nn.modelimport.keras.layers.normalization
- org.deeplearning4j.nn.modelimport.keras.layers.pooling - package org.deeplearning4j.nn.modelimport.keras.layers.pooling
- org.deeplearning4j.nn.modelimport.keras.layers.recurrent - package org.deeplearning4j.nn.modelimport.keras.layers.recurrent
- org.deeplearning4j.nn.modelimport.keras.layers.wrappers - package org.deeplearning4j.nn.modelimport.keras.layers.wrappers
- org.deeplearning4j.nn.modelimport.keras.preprocessing.sequence - package org.deeplearning4j.nn.modelimport.keras.preprocessing.sequence
- org.deeplearning4j.nn.modelimport.keras.preprocessing.text - package org.deeplearning4j.nn.modelimport.keras.preprocessing.text
- org.deeplearning4j.nn.modelimport.keras.preprocessors - package org.deeplearning4j.nn.modelimport.keras.preprocessors
- org.deeplearning4j.nn.modelimport.keras.utils - package org.deeplearning4j.nn.modelimport.keras.utils
- originalLayerConfig - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- outboundLayerNames - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- outputLayerNames - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
- outputTypes - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
P
- parseJsonString(String) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
-
Convenience function for parsing JSON strings.
- parseModelConfig(String, String) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
-
Parse Keras model configuration from JSON or YAML string representation
- parseYamlString(String) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
-
Convenience function for parsing YAML strings.
- preProcess(INDArray, int, LayerWorkspaceMgr) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessors.TensorFlowCnnToFeedForwardPreProcessor
-
Deprecated.
R
- readAttributeAsFixedLengthString(String, int) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
-
Read string attribute from group path.
- readAttributeAsJson(String, String...) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
-
Read JSON-formatted string attribute from group path.
- readAttributeAsString(String, String...) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
-
Read string attribute from group path.
- readDataSet(String, String...) - Method in class org.deeplearning4j.nn.modelimport.keras.Hdf5Archive
-
Read data set as ND4J array from group path.
- registerCustomLayer(String, Class<? extends KerasLayer>) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Register a custom layer
- registerCustomLoss(String, ILossFunction) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLossUtils
-
Register a custom loss function
- registerLambdaLayer(String, SameDiffLambdaLayer) - Static method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Register a lambda layer
- removeDefaultWeights(Map<String, INDArray>, KerasLayerConfiguration) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasLayerUtils
-
Remove weights from config after weight setting.
- returnSequences - Variable in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
- returnSequences - Variable in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
- RHO - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
S
- SCHEDULE_DECAY - Static variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasOptimizerUtils
- sequencesToMatrix(Integer[][], TokenizerMode) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Turns an array of index sequences into an ND4J matrix of shape (number of texts, number of words in vocabulary)
- sequencesToTexts(Integer[][]) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Turns index sequences back into texts
- setDataFormatIfNeeded(InputPreProcessor, KerasLayer) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelUtils
-
Set the
DataFormat
for certain input preprocessors to ensure that model import propagates properly for cases like reshapes. - setInboundLayerNames(List<String>) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Set list of inbound layers.
- setLayer(Layer) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- setNIn(InputType, boolean) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Set weights for Keras layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.advanced.activations.KerasPReLU
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasConvolution1D
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasDepthwiseConvolution2D
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.convolutional.KerasSeparableConvolution2D
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasDense
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.Keras2DEmbedding
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.embeddings.KerasEmbedding
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected1D
-
Set weights for 1D locally connected layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.local.KerasLocallyConnected2D
-
Set weights for 2D locally connected layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.normalization.KerasBatchNormalization
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
-
Set weights for layer.
- setWeights(Map<String, INDArray>) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.wrappers.KerasBidirectional
-
Set weights for Bidirectional layer.
T
- targetShapeForDimOrder(long[], long[]) - Method in class org.deeplearning4j.nn.modelimport.keras.layers.core.KerasReshape
- TENSORFLOW - org.deeplearning4j.nn.modelimport.keras.KerasLayer.DimOrder
- TensorFlowCnnToFeedForwardPreProcessor - Class in org.deeplearning4j.nn.modelimport.keras.preprocessors
-
Deprecated.
- TensorFlowCnnToFeedForwardPreProcessor() - Constructor for class org.deeplearning4j.nn.modelimport.keras.preprocessors.TensorFlowCnnToFeedForwardPreProcessor
-
Deprecated.
- TensorFlowCnnToFeedForwardPreProcessor(long, long) - Constructor for class org.deeplearning4j.nn.modelimport.keras.preprocessors.TensorFlowCnnToFeedForwardPreProcessor
-
Deprecated.
- TensorFlowCnnToFeedForwardPreProcessor(long, long, long) - Constructor for class org.deeplearning4j.nn.modelimport.keras.preprocessors.TensorFlowCnnToFeedForwardPreProcessor
-
Deprecated.
- textsToMatrix(String[], TokenizerMode) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Turns an array of texts into an ND4J matrix of shape (number of texts, number of words in vocabulary)
- textsToSequences(String[]) - Method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Transforms a bunch of texts into their index representations.
- textToWordSequence(String, String, boolean, String) - Static method in class org.deeplearning4j.nn.modelimport.keras.preprocessing.text.KerasTokenizer
-
Turns a String text into a sequence of tokens.
- TFIDF - org.deeplearning4j.nn.modelimport.keras.preprocessing.text.TokenizerMode
- TFOpLayer - Class in org.deeplearning4j.nn.modelimport.keras.layers
- TFOpLayer(Map, Map) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayer
- TFOpLayerImpl - Class in org.deeplearning4j.nn.modelimport.keras.layers
- TFOpLayerImpl(Map, Map, NeuralNetConfiguration, DataType) - Constructor for class org.deeplearning4j.nn.modelimport.keras.layers.TFOpLayerImpl
- THEANO - org.deeplearning4j.nn.modelimport.keras.KerasLayer.DimOrder
- TimeSeriesGenerator - Class in org.deeplearning4j.nn.modelimport.keras.preprocessing.sequence
- TimeSeriesGenerator(INDArray, INDArray, int) - Constructor for class org.deeplearning4j.nn.modelimport.keras.preprocessing.sequence.TimeSeriesGenerator
- TimeSeriesGenerator(INDArray, INDArray, int, int, int, Integer, Integer, boolean, boolean, int) - Constructor for class org.deeplearning4j.nn.modelimport.keras.preprocessing.sequence.TimeSeriesGenerator
- TokenizerMode - Enum in org.deeplearning4j.nn.modelimport.keras.preprocessing.text
- topLevelModelWeights - Static variable in class org.deeplearning4j.nn.modelimport.keras.config.KerasModelConfiguration
- trainingArchive - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- trainingJson - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- trainingJson(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Provide training configuration as JSON string
- trainingJsonInputStream(InputStream) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Provide training configuration as file input stream from JSON
- trainingYaml - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- trainingYaml(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Provide training configuration as YAML string
- trainingYamlInputStream(InputStream) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Provide training configuration as file input stream from YAML
- truncatedBPTT - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
U
- unroll - Variable in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasLSTM
- unroll - Variable in class org.deeplearning4j.nn.modelimport.keras.layers.recurrent.KerasSimpleRnn
- UnsupportedKerasConfigurationException - Exception in org.deeplearning4j.nn.modelimport.keras.exceptions
- UnsupportedKerasConfigurationException(String) - Constructor for exception org.deeplearning4j.nn.modelimport.keras.exceptions.UnsupportedKerasConfigurationException
- UnsupportedKerasConfigurationException(String, Throwable) - Constructor for exception org.deeplearning4j.nn.modelimport.keras.exceptions.UnsupportedKerasConfigurationException
- UnsupportedKerasConfigurationException(Throwable) - Constructor for exception org.deeplearning4j.nn.modelimport.keras.exceptions.UnsupportedKerasConfigurationException
- usesRegularization() - Method in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
-
Indicates whether layer uses regularization.
- useTruncatedBPTT - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasModel
V
- validateKeras(File, String, Class<?>) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.DL4JKerasModelValidator
- validateKerasFunctional(File) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.DL4JKerasModelValidator
-
Validate whether the file represents a valid Keras Functional model (HDF5 archive)
- validateKerasSequential(File) - Static method in class org.deeplearning4j.nn.modelimport.keras.utils.DL4JKerasModelValidator
-
Validate whether the file represents a valid Keras Sequential model (HDF5 archive)
- valueOf(String) - Static method in enum org.deeplearning4j.nn.modelimport.keras.KerasLayer.DimOrder
-
Returns the enum constant of this type with the specified name.
- valueOf(String) - Static method in enum org.deeplearning4j.nn.modelimport.keras.preprocessing.text.TokenizerMode
-
Returns the enum constant of this type with the specified name.
- values() - Static method in enum org.deeplearning4j.nn.modelimport.keras.KerasLayer.DimOrder
-
Returns an array containing the constants of this enum type, in the order they are declared.
- values() - Static method in enum org.deeplearning4j.nn.modelimport.keras.preprocessing.text.TokenizerMode
-
Returns an array containing the constants of this enum type, in the order they are declared.
- vertex - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
W
- weightL1Regularization - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- weightL2Regularization - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- weights - Variable in class org.deeplearning4j.nn.modelimport.keras.KerasLayer
- weightsArchive - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
- weightsHdf5Filename(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set weights of the model by providing the file name of the corresponding weights HDF5 file.
- weightsHdf5FilenameNoRoot(String) - Method in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
-
Set weights of the model by providing the file name of the corresponding weights HDF5 file.
- weightsRoot - Variable in class org.deeplearning4j.nn.modelimport.keras.utils.KerasModelBuilder
All Classes All Packages