Serialized Form
-
Package org.deeplearning4j.earlystopping
-
Class org.deeplearning4j.earlystopping.EarlyStoppingConfiguration extends Object implements Serializable
-
Serialized Fields
-
epochTerminationConditions
List<EpochTerminationCondition> epochTerminationConditions
-
evaluateEveryNEpochs
int evaluateEveryNEpochs
-
iterationTerminationConditions
List<IterationTerminationCondition> iterationTerminationConditions
-
modelSaver
EarlyStoppingModelSaver<T extends Model> modelSaver
-
saveLastModel
boolean saveLastModel
-
scoreCalculator
ScoreCalculator<T extends Model> scoreCalculator
-
scoreCalculatorSupplier
Supplier<ScoreCalculator> scoreCalculatorSupplier
-
-
-
Class org.deeplearning4j.earlystopping.EarlyStoppingResult extends Object implements Serializable
-
Serialized Fields
-
bestModel
T extends Model bestModel
-
bestModelEpoch
int bestModelEpoch
-
bestModelScore
double bestModelScore
-
scoreVsEpoch
Map<Integer,Double> scoreVsEpoch
-
terminationDetails
String terminationDetails
-
terminationReason
EarlyStoppingResult.TerminationReason terminationReason
-
totalEpochs
int totalEpochs
-
-
-
-
Package org.deeplearning4j.earlystopping.saver
-
Class org.deeplearning4j.earlystopping.saver.InMemoryModelSaver extends Object implements Serializable
-
Class org.deeplearning4j.earlystopping.saver.LocalFileGraphSaver extends Object implements Serializable
-
Class org.deeplearning4j.earlystopping.saver.LocalFileModelSaver extends Object implements Serializable
-
-
Package org.deeplearning4j.earlystopping.scorecalc
-
Class org.deeplearning4j.earlystopping.scorecalc.AutoencoderScoreCalculator extends BaseScoreCalculator<Model> implements Serializable
-
Serialized Fields
-
evaluation
RegressionEvaluation evaluation
-
metric
RegressionEvaluation.Metric metric
-
-
-
Class org.deeplearning4j.earlystopping.scorecalc.ClassificationScoreCalculator extends BaseIEvaluationScoreCalculator<Model,Evaluation> implements Serializable
-
Serialized Fields
-
metric
Evaluation.Metric metric
-
-
-
Class org.deeplearning4j.earlystopping.scorecalc.DataSetLossCalculator extends BaseScoreCalculator<Model> implements Serializable
-
Serialized Fields
-
average
boolean average
-
-
-
Class org.deeplearning4j.earlystopping.scorecalc.DataSetLossCalculatorCG extends Object implements Serializable
-
Serialized Fields
-
average
boolean average
Deprecated. -
dataSetIterator
DataSetIterator dataSetIterator
Deprecated. -
multiDataSetIterator
MultiDataSetIterator multiDataSetIterator
Deprecated.
-
-
-
Class org.deeplearning4j.earlystopping.scorecalc.RegressionScoreCalculator extends BaseIEvaluationScoreCalculator<Model,RegressionEvaluation> implements Serializable
-
Serialized Fields
-
metric
RegressionEvaluation.Metric metric
-
-
-
Class org.deeplearning4j.earlystopping.scorecalc.ROCScoreCalculator extends BaseIEvaluationScoreCalculator<Model,IEvaluation> implements Serializable
-
Serialized Fields
-
metric
ROCScoreCalculator.Metric metric
-
type
ROCScoreCalculator.ROCType type
-
-
-
Class org.deeplearning4j.earlystopping.scorecalc.VAEReconErrorScoreCalculator extends BaseScoreCalculator<Model> implements Serializable
-
Serialized Fields
-
evaluation
RegressionEvaluation evaluation
-
metric
RegressionEvaluation.Metric metric
-
-
-
Class org.deeplearning4j.earlystopping.scorecalc.VAEReconProbScoreCalculator extends BaseScoreCalculator<Model> implements Serializable
-
Serialized Fields
-
average
boolean average
-
logProb
boolean logProb
-
reconstructionProbNumSamples
int reconstructionProbNumSamples
-
-
-
-
Package org.deeplearning4j.earlystopping.scorecalc.base
-
Class org.deeplearning4j.earlystopping.scorecalc.base.BaseIEvaluationScoreCalculator extends Object implements Serializable
-
Serialized Fields
-
iter
DataSetIterator iter
-
iterator
MultiDataSetIterator iterator
-
-
-
Class org.deeplearning4j.earlystopping.scorecalc.base.BaseMLNScoreCalculator extends BaseScoreCalculator<MultiLayerNetwork> implements Serializable
-
Class org.deeplearning4j.earlystopping.scorecalc.base.BaseScoreCalculator extends Object implements Serializable
-
Serialized Fields
-
exampleCount
int exampleCount
-
iterator
DataSetIterator iterator
-
mdsIterator
MultiDataSetIterator mdsIterator
-
minibatchCount
int minibatchCount
-
scoreSum
double scoreSum
-
-
-
-
Package org.deeplearning4j.earlystopping.termination
-
Class org.deeplearning4j.earlystopping.termination.BestScoreEpochTerminationCondition extends Object implements Serializable
-
Serialized Fields
-
bestExpectedScore
double bestExpectedScore
-
-
-
Class org.deeplearning4j.earlystopping.termination.InvalidScoreIterationTerminationCondition extends Object implements Serializable
-
Class org.deeplearning4j.earlystopping.termination.MaxEpochsTerminationCondition extends Object implements Serializable
-
Serialized Fields
-
maxEpochs
int maxEpochs
-
-
-
Class org.deeplearning4j.earlystopping.termination.MaxScoreIterationTerminationCondition extends Object implements Serializable
-
Serialized Fields
-
maxScore
double maxScore
-
-
-
Class org.deeplearning4j.earlystopping.termination.MaxTimeIterationTerminationCondition extends Object implements Serializable
-
Serialized Fields
-
endTime
long endTime
-
initializationTime
long initializationTime
-
maxTimeAmount
long maxTimeAmount
-
maxTimeUnit
TimeUnit maxTimeUnit
-
-
-
Class org.deeplearning4j.earlystopping.termination.ScoreImprovementEpochTerminationCondition extends Object implements Serializable
-
Serialized Fields
-
bestEpoch
int bestEpoch
-
bestScore
double bestScore
-
maxEpochsWithNoImprovement
int maxEpochsWithNoImprovement
-
minImprovement
double minImprovement
-
-
-
-
Package org.deeplearning4j.eval
-
Class org.deeplearning4j.eval.BaseEvaluation extends BaseEvaluation<T extends BaseEvaluation> implements Serializable
-
Class org.deeplearning4j.eval.ConfusionMatrix extends ConfusionMatrix<T extends Comparable<? super T>> implements Serializable
-
Class org.deeplearning4j.eval.Evaluation extends Evaluation implements Serializable
-
Class org.deeplearning4j.eval.EvaluationBinary extends EvaluationBinary implements Serializable
-
Class org.deeplearning4j.eval.EvaluationCalibration extends EvaluationCalibration implements Serializable
-
Class org.deeplearning4j.eval.RegressionEvaluation extends RegressionEvaluation implements Serializable
-
Class org.deeplearning4j.eval.ROC extends ROC implements Serializable
-
Class org.deeplearning4j.eval.ROC.CountsForThreshold extends ROC.CountsForThreshold implements Serializable
-
Class org.deeplearning4j.eval.ROCBinary extends ROCBinary implements Serializable
-
Class org.deeplearning4j.eval.ROCMultiClass extends ROCMultiClass implements Serializable
-
-
Package org.deeplearning4j.exception
-
Class org.deeplearning4j.exception.DeepLearningException extends Exception implements Serializable
- serialVersionUID:
- -7973589163269627293L
-
Class org.deeplearning4j.exception.DL4JException extends RuntimeException implements Serializable
-
Class org.deeplearning4j.exception.DL4JInvalidConfigException extends DL4JException implements Serializable
-
Class org.deeplearning4j.exception.DL4JInvalidInputException extends DL4JException implements Serializable
-
Class org.deeplearning4j.exception.InvalidStepException extends Exception implements Serializable
-
-
Package org.deeplearning4j.nn.adapters
-
Class org.deeplearning4j.nn.adapters.ArgmaxAdapter extends Object implements Serializable
-
Class org.deeplearning4j.nn.adapters.Regression2dAdapter extends Object implements Serializable
-
Class org.deeplearning4j.nn.adapters.YoloModelAdapter extends Object implements Serializable
-
Serialized Fields
-
detectionThreshold
double detectionThreshold
-
outputIndex
int outputIndex
-
outputLayerIndex
int outputLayerIndex
-
-
-
-
Package org.deeplearning4j.nn.api
-
Package org.deeplearning4j.nn.api.layers
-
Package org.deeplearning4j.nn.conf
-
Class org.deeplearning4j.nn.conf.ComputationGraphConfiguration extends Object implements Serializable
-
Serialized Fields
-
backpropType
BackpropType backpropType
-
cacheMode
CacheMode cacheMode
-
dataType
DataType dataType
-
defaultConfiguration
NeuralNetConfiguration defaultConfiguration
-
epochCount
int epochCount
-
inferenceWorkspaceMode
WorkspaceMode inferenceWorkspaceMode
-
iterationCount
int iterationCount
-
networkInputs
List<String> networkInputs
List of inputs to the network, by name -
networkOutputs
List<String> networkOutputs
List of network outputs, by name -
tbpttBackLength
int tbpttBackLength
-
tbpttFwdLength
int tbpttFwdLength
-
topologicalOrder
int[] topologicalOrder
-
topologicalOrderStr
List<String> topologicalOrderStr
-
trainingWorkspaceMode
WorkspaceMode trainingWorkspaceMode
-
validateOutputLayerConfig
boolean validateOutputLayerConfig
-
vertexInputs
Map<String,List<String>> vertexInputs
-
vertices
Map<String,GraphVertex> vertices
-
-
-
Class org.deeplearning4j.nn.conf.MultiLayerConfiguration extends Object implements Serializable
-
Serialized Fields
-
backpropType
BackpropType backpropType
-
cacheMode
CacheMode cacheMode
-
confs
List<NeuralNetConfiguration> confs
-
dataType
DataType dataType
-
epochCount
int epochCount
-
inferenceWorkspaceMode
WorkspaceMode inferenceWorkspaceMode
-
inputPreProcessors
Map<Integer,InputPreProcessor> inputPreProcessors
-
iterationCount
int iterationCount
-
tbpttBackLength
int tbpttBackLength
-
tbpttFwdLength
int tbpttFwdLength
-
trainingWorkspaceMode
WorkspaceMode trainingWorkspaceMode
-
validateOutputLayerConfig
boolean validateOutputLayerConfig
-
-
-
Class org.deeplearning4j.nn.conf.NeuralNetConfiguration extends Object implements Serializable
-
Serialized Fields
-
cacheMode
CacheMode cacheMode
-
dataType
DataType dataType
-
epochCount
int epochCount
-
iterationCount
int iterationCount
-
layer
Layer layer
-
maxNumLineSearchIterations
int maxNumLineSearchIterations
-
miniBatch
boolean miniBatch
-
minimize
boolean minimize
-
optimizationAlgo
OptimizationAlgorithm optimizationAlgo
-
seed
long seed
-
stepFunction
StepFunction stepFunction
-
variables
List<String> variables
-
-
-
-
Package org.deeplearning4j.nn.conf.constraint
-
Class org.deeplearning4j.nn.conf.constraint.BaseConstraint extends Object implements Serializable
-
Class org.deeplearning4j.nn.conf.constraint.MaxNormConstraint extends BaseConstraint implements Serializable
-
Serialized Fields
-
maxNorm
double maxNorm
-
-
-
Class org.deeplearning4j.nn.conf.constraint.MinMaxNormConstraint extends BaseConstraint implements Serializable
-
Serialized Fields
-
max
double max
-
min
double min
-
rate
double rate
-
-
-
Class org.deeplearning4j.nn.conf.constraint.NonNegativeConstraint extends BaseConstraint implements Serializable
-
Class org.deeplearning4j.nn.conf.constraint.UnitNormConstraint extends BaseConstraint implements Serializable
-
-
Package org.deeplearning4j.nn.conf.distribution
-
Class org.deeplearning4j.nn.conf.distribution.BinomialDistribution extends Distribution implements Serializable
- serialVersionUID:
- 7407024251874318749L
-
Serialized Fields
-
numberOfTrials
int numberOfTrials
-
probabilityOfSuccess
double probabilityOfSuccess
-
-
Class org.deeplearning4j.nn.conf.distribution.ConstantDistribution extends Distribution implements Serializable
-
Serialized Fields
-
value
double value
-
-
-
Class org.deeplearning4j.nn.conf.distribution.Distribution extends Object implements Serializable
- serialVersionUID:
- 5401741214954998498L
-
Class org.deeplearning4j.nn.conf.distribution.GaussianDistribution extends NormalDistribution implements Serializable
-
Class org.deeplearning4j.nn.conf.distribution.LogNormalDistribution extends Distribution implements Serializable
-
Serialized Fields
-
mean
double mean
-
std
double std
-
-
-
Class org.deeplearning4j.nn.conf.distribution.NormalDistribution extends Distribution implements Serializable
-
Serialized Fields
-
mean
double mean
-
std
double std
-
-
-
Class org.deeplearning4j.nn.conf.distribution.OrthogonalDistribution extends Distribution implements Serializable
-
Serialized Fields
-
gain
double gain
-
-
-
Class org.deeplearning4j.nn.conf.distribution.TruncatedNormalDistribution extends Distribution implements Serializable
-
Serialized Fields
-
mean
double mean
-
std
double std
-
-
-
Class org.deeplearning4j.nn.conf.distribution.UniformDistribution extends Distribution implements Serializable
-
Serialized Fields
-
lower
double lower
-
upper
double upper
-
-
-
-
Package org.deeplearning4j.nn.conf.distribution.serde
-
Class org.deeplearning4j.nn.conf.distribution.serde.LegacyDistributionHelper extends Distribution implements Serializable
-
-
Package org.deeplearning4j.nn.conf.dropout
-
Class org.deeplearning4j.nn.conf.dropout.AlphaDropout extends Object implements Serializable
-
Serialized Fields
-
a
double a
-
alpha
double alpha
-
alphaPrime
double alphaPrime
-
b
double b
-
lambda
double lambda
-
p
double p
-
pSchedule
ISchedule pSchedule
-
-
-
Class org.deeplearning4j.nn.conf.dropout.Dropout extends Object implements Serializable
-
Serialized Fields
-
helperAllowFallback
boolean helperAllowFallback
When using CuDNN and an error is encountered, should fallback to the non-CuDNN implementatation be allowed? If set to false, an exception in CuDNN will be propagated back to the user. If false, the built-in (non-CuDNN) implementation for LSTM/GravesLSTM will be used -
helperCountFail
int helperCountFail
-
initializedHelper
boolean initializedHelper
-
p
double p
-
pSchedule
ISchedule pSchedule
-
-
-
Class org.deeplearning4j.nn.conf.dropout.GaussianDropout extends Object implements Serializable
-
Serialized Fields
-
rate
double rate
-
rateSchedule
ISchedule rateSchedule
-
-
-
Class org.deeplearning4j.nn.conf.dropout.GaussianNoise extends Object implements Serializable
-
Serialized Fields
-
stddev
double stddev
-
stddevSchedule
ISchedule stddevSchedule
-
-
-
Class org.deeplearning4j.nn.conf.dropout.SpatialDropout extends Object implements Serializable
-
Serialized Fields
-
p
double p
-
pSchedule
ISchedule pSchedule
-
-
-
-
Package org.deeplearning4j.nn.conf.graph
-
Class org.deeplearning4j.nn.conf.graph.AttentionVertex extends SameDiffVertex implements Serializable
-
Serialized Fields
-
headSize
long headSize
-
nHeads
int nHeads
-
nInKeys
long nInKeys
-
nInQueries
long nInQueries
-
nInValues
long nInValues
-
nOut
long nOut
-
projectInput
boolean projectInput
-
weightInit
WeightInit weightInit
-
-
-
Class org.deeplearning4j.nn.conf.graph.ElementWiseVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
op
ElementWiseVertex.Op op
-
-
-
Class org.deeplearning4j.nn.conf.graph.FrozenVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
underlying
GraphVertex underlying
-
-
-
Class org.deeplearning4j.nn.conf.graph.GraphVertex extends Object implements Serializable
-
Class org.deeplearning4j.nn.conf.graph.L2NormalizeVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
dimension
int[] dimension
-
eps
double eps
-
-
-
Class org.deeplearning4j.nn.conf.graph.L2Vertex extends GraphVertex implements Serializable
-
Serialized Fields
-
eps
double eps
-
-
-
Class org.deeplearning4j.nn.conf.graph.LayerVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
layerConf
NeuralNetConfiguration layerConf
-
outputVertex
boolean outputVertex
-
preProcessor
InputPreProcessor preProcessor
-
-
-
Class org.deeplearning4j.nn.conf.graph.MergeVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
mergeAxis
int mergeAxis
-
modified
boolean modified
-
-
-
Class org.deeplearning4j.nn.conf.graph.PoolHelperVertex extends GraphVertex implements Serializable
-
Class org.deeplearning4j.nn.conf.graph.PreprocessorVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
preProcessor
InputPreProcessor preProcessor
-
-
-
Class org.deeplearning4j.nn.conf.graph.ReshapeVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
maskShape
int[] maskShape
-
newShape
int[] newShape
-
reshapeOrder
char reshapeOrder
-
-
-
Class org.deeplearning4j.nn.conf.graph.ScaleVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
scaleFactor
double scaleFactor
-
-
-
Class org.deeplearning4j.nn.conf.graph.ShiftVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
shiftFactor
double shiftFactor
-
-
-
Class org.deeplearning4j.nn.conf.graph.StackVertex extends GraphVertex implements Serializable
-
Class org.deeplearning4j.nn.conf.graph.SubsetVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
from
int from
-
to
int to
-
-
-
Class org.deeplearning4j.nn.conf.graph.UnstackVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
from
int from
-
stackSize
int stackSize
-
-
-
-
Package org.deeplearning4j.nn.conf.graph.rnn
-
Class org.deeplearning4j.nn.conf.graph.rnn.DuplicateToTimeSeriesVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
inputName
String inputName
-
-
-
Class org.deeplearning4j.nn.conf.graph.rnn.LastTimeStepVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
maskArrayInputName
String maskArrayInputName
-
-
-
Class org.deeplearning4j.nn.conf.graph.rnn.ReverseTimeSeriesVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
maskArrayInputName
String maskArrayInputName
-
-
-
-
Package org.deeplearning4j.nn.conf.inputs
-
Class org.deeplearning4j.nn.conf.inputs.InputType extends Object implements Serializable
-
Class org.deeplearning4j.nn.conf.inputs.InputType.InputTypeConvolutional extends InputType implements Serializable
-
Serialized Fields
-
channels
long channels
-
format
CNN2DFormat format
-
height
long height
-
width
long width
-
-
-
Class org.deeplearning4j.nn.conf.inputs.InputType.InputTypeConvolutional3D extends InputType implements Serializable
-
Serialized Fields
-
channels
long channels
-
dataFormat
Convolution3D.DataFormat dataFormat
-
depth
long depth
-
height
long height
-
width
long width
-
-
-
Class org.deeplearning4j.nn.conf.inputs.InputType.InputTypeConvolutionalFlat extends InputType implements Serializable
-
Serialized Fields
-
depth
long depth
-
height
long height
-
width
long width
-
-
-
Class org.deeplearning4j.nn.conf.inputs.InputType.InputTypeFeedForward extends InputType implements Serializable
-
Serialized Fields
-
size
long size
-
timeDistributedFormat
DataFormat timeDistributedFormat
-
-
-
Class org.deeplearning4j.nn.conf.inputs.InputType.InputTypeRecurrent extends InputType implements Serializable
-
Serialized Fields
-
format
RNNFormat format
-
size
long size
-
timeSeriesLength
long timeSeriesLength
-
-
-
Class org.deeplearning4j.nn.conf.inputs.InvalidInputTypeException extends RuntimeException implements Serializable
-
-
Package org.deeplearning4j.nn.conf.layers
-
Class org.deeplearning4j.nn.conf.layers.AbstractLSTM extends BaseRecurrentLayer implements Serializable
-
Serialized Fields
-
forgetGateBiasInit
double forgetGateBiasInit
-
gateActivationFn
IActivation gateActivationFn
-
helperAllowFallback
boolean helperAllowFallback
-
-
-
Class org.deeplearning4j.nn.conf.layers.ActivationLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
activationFn
IActivation activationFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.AutoEncoder extends BasePretrainNetwork implements Serializable
-
Serialized Fields
-
corruptionLevel
double corruptionLevel
-
sparsity
double sparsity
-
-
-
Class org.deeplearning4j.nn.conf.layers.BaseLayer extends Layer implements Serializable
-
Serialized Fields
-
activationFn
IActivation activationFn
-
biasInit
double biasInit
-
biasUpdater
IUpdater biasUpdater
-
gainInit
double gainInit
-
gradientNormalization
GradientNormalization gradientNormalization
-
gradientNormalizationThreshold
double gradientNormalizationThreshold
-
iUpdater
IUpdater iUpdater
-
regularization
List<Regularization> regularization
-
regularizationBias
List<Regularization> regularizationBias
-
weightInitFn
IWeightInit weightInitFn
-
weightNoise
IWeightNoise weightNoise
-
-
-
Class org.deeplearning4j.nn.conf.layers.BaseOutputLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
hasBias
boolean hasBias
-
lossFn
ILossFunction lossFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.BasePretrainNetwork extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
lossFunction
LossFunctions.LossFunction lossFunction
-
visibleBiasInit
double visibleBiasInit
-
-
-
Class org.deeplearning4j.nn.conf.layers.BaseRecurrentLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
rnnDataFormat
RNNFormat rnnDataFormat
-
weightInitFnRecurrent
IWeightInit weightInitFnRecurrent
-
-
-
Class org.deeplearning4j.nn.conf.layers.BaseUpsamplingLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
size
int[] size
-
-
-
Class org.deeplearning4j.nn.conf.layers.BatchNormalization extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
beta
double beta
-
cnn2DFormat
CNN2DFormat cnn2DFormat
-
cudnnAllowFallback
boolean cudnnAllowFallback
-
decay
double decay
-
eps
double eps
-
gamma
double gamma
-
isMinibatch
boolean isMinibatch
-
lockGammaBeta
boolean lockGammaBeta
-
useLogStd
boolean useLogStd
-
-
-
Class org.deeplearning4j.nn.conf.layers.CapsuleLayer extends SameDiffLayer implements Serializable
-
Serialized Fields
-
capsuleDimensions
int capsuleDimensions
-
capsules
int capsules
-
hasBias
boolean hasBias
-
inputCapsuleDimensions
long inputCapsuleDimensions
-
inputCapsules
long inputCapsules
-
routings
int routings
-
-
-
Class org.deeplearning4j.nn.conf.layers.CapsuleStrengthLayer extends SameDiffLambdaLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.CenterLossOutputLayer extends BaseOutputLayer implements Serializable
-
Serialized Fields
-
alpha
double alpha
-
gradientCheck
boolean gradientCheck
-
lambda
double lambda
-
-
-
Class org.deeplearning4j.nn.conf.layers.Cnn3DLossLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
dataFormat
Convolution3D.DataFormat dataFormat
-
lossFn
ILossFunction lossFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.CnnLossLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
format
CNN2DFormat format
-
lossFn
ILossFunction lossFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.Convolution1D extends Convolution1DLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.Convolution1DLayer extends ConvolutionLayer implements Serializable
-
Serialized Fields
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
Class org.deeplearning4j.nn.conf.layers.Convolution2D extends ConvolutionLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.Convolution3D extends ConvolutionLayer implements Serializable
-
Serialized Fields
-
dataFormat
Convolution3D.DataFormat dataFormat
-
mode
ConvolutionMode mode
-
-
-
Class org.deeplearning4j.nn.conf.layers.ConvolutionLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
cnn2dDataFormat
CNN2DFormat cnn2dDataFormat
-
convolutionMode
ConvolutionMode convolutionMode
-
cudnnAlgoMode
ConvolutionLayer.AlgoMode cudnnAlgoMode
Defaults to "PREFER_FASTEST", but "NO_WORKSPACE" uses less memory. -
cudnnAllowFallback
boolean cudnnAllowFallback
-
cudnnBwdDataAlgo
ConvolutionLayer.BwdDataAlgo cudnnBwdDataAlgo
-
cudnnBwdFilterAlgo
ConvolutionLayer.BwdFilterAlgo cudnnBwdFilterAlgo
-
cudnnFwdAlgo
ConvolutionLayer.FwdAlgo cudnnFwdAlgo
-
defaultValueOverriden
boolean defaultValueOverriden
-
dilation
int[] dilation
-
hasBias
boolean hasBias
-
kernelSize
int[] kernelSize
-
padding
int[] padding
-
stride
int[] stride
-
-
-
Class org.deeplearning4j.nn.conf.layers.Deconvolution2D extends ConvolutionLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.Deconvolution3D extends ConvolutionLayer implements Serializable
-
Serialized Fields
-
dataFormat
Convolution3D.DataFormat dataFormat
-
-
-
Class org.deeplearning4j.nn.conf.layers.DenseLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
hasBias
boolean hasBias
-
hasLayerNorm
boolean hasLayerNorm
-
-
-
Class org.deeplearning4j.nn.conf.layers.DepthwiseConvolution2D extends ConvolutionLayer implements Serializable
-
Serialized Fields
-
depthMultiplier
int depthMultiplier
-
-
-
Class org.deeplearning4j.nn.conf.layers.DropoutLayer extends FeedForwardLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.EmbeddingLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
hasBias
boolean hasBias
-
-
-
Class org.deeplearning4j.nn.conf.layers.EmbeddingSequenceLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
hasBias
boolean hasBias
-
inferInputLength
boolean inferInputLength
-
inputLength
int inputLength
-
outputFormat
RNNFormat outputFormat
-
-
-
Class org.deeplearning4j.nn.conf.layers.FeedForwardLayer extends BaseLayer implements Serializable
-
Serialized Fields
-
nIn
long nIn
-
nOut
long nOut
-
timeDistributedFormat
DataFormat timeDistributedFormat
-
-
-
Class org.deeplearning4j.nn.conf.layers.GlobalPoolingLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
collapseDimensions
boolean collapseDimensions
-
pnorm
int pnorm
-
poolingDimensions
int[] poolingDimensions
-
poolingType
PoolingType poolingType
-
-
-
Class org.deeplearning4j.nn.conf.layers.GravesBidirectionalLSTM extends BaseRecurrentLayer implements Serializable
-
Serialized Fields
-
forgetGateBiasInit
double forgetGateBiasInit
Deprecated. -
gateActivationFn
IActivation gateActivationFn
Deprecated. -
helperAllowFallback
boolean helperAllowFallback
Deprecated.
-
-
-
Class org.deeplearning4j.nn.conf.layers.GravesLSTM extends AbstractLSTM implements Serializable
-
Serialized Fields
-
forgetGateBiasInit
double forgetGateBiasInit
Deprecated. -
gateActivationFn
IActivation gateActivationFn
Deprecated.
-
-
-
Class org.deeplearning4j.nn.conf.layers.Layer extends Object implements Serializable
-
Serialized Fields
-
constraints
List<LayerConstraint> constraints
-
iDropout
IDropout iDropout
-
layerName
String layerName
-
-
-
Class org.deeplearning4j.nn.conf.layers.LearnedSelfAttentionLayer extends SameDiffLayer implements Serializable
-
Serialized Fields
-
headSize
long headSize
-
nHeads
int nHeads
-
nIn
long nIn
-
nOut
long nOut
-
nQueries
int nQueries
-
projectInput
boolean projectInput
-
-
-
Class org.deeplearning4j.nn.conf.layers.LocallyConnected1D extends SameDiffLayer implements Serializable
-
Serialized Fields
-
activation
Activation activation
-
cm
ConvolutionMode cm
-
dilation
int dilation
-
featureDim
int featureDim
-
hasBias
boolean hasBias
-
inputSize
int inputSize
-
kernel
int kernel
-
nIn
long nIn
-
nOut
long nOut
-
outputSize
int outputSize
-
padding
int padding
-
paddingR
int paddingR
-
stride
int stride
-
-
-
Class org.deeplearning4j.nn.conf.layers.LocallyConnected2D extends SameDiffLayer implements Serializable
-
Serialized Fields
-
activation
Activation activation
-
cm
ConvolutionMode cm
-
dilation
int[] dilation
-
featureDim
int featureDim
-
format
CNN2DFormat format
-
hasBias
boolean hasBias
-
inputSize
int[] inputSize
-
kernel
int[] kernel
-
nIn
long nIn
-
nOut
long nOut
-
outputSize
int[] outputSize
-
padding
int[] padding
-
paddingBr
int[] paddingBr
-
stride
int[] stride
-
-
-
Class org.deeplearning4j.nn.conf.layers.LocalResponseNormalization extends Layer implements Serializable
-
Serialized Fields
-
alpha
double alpha
-
beta
double beta
-
cudnnAllowFallback
boolean cudnnAllowFallback
-
dataFormat
CNN2DFormat dataFormat
-
k
double k
-
n
double n
-
-
-
Class org.deeplearning4j.nn.conf.layers.LossLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
lossFn
ILossFunction lossFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.LSTM extends AbstractLSTM implements Serializable
-
Serialized Fields
-
forgetGateBiasInit
double forgetGateBiasInit
-
gateActivationFn
IActivation gateActivationFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.NoParamLayer extends Layer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.OutputLayer extends BaseOutputLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.Pooling1D extends Subsampling1DLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.Pooling2D extends SubsamplingLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.PReLULayer extends BaseLayer implements Serializable
-
Serialized Fields
-
inputShape
long[] inputShape
-
nIn
int nIn
-
nOut
int nOut
-
sharedAxes
long[] sharedAxes
-
-
-
Class org.deeplearning4j.nn.conf.layers.PrimaryCapsules extends SameDiffLayer implements Serializable
-
Serialized Fields
-
capsuleDimensions
int capsuleDimensions
-
capsules
int capsules
-
channels
int channels
-
convolutionMode
ConvolutionMode convolutionMode
-
dilation
int[] dilation
-
hasBias
boolean hasBias
-
inputChannels
int inputChannels
-
kernelSize
int[] kernelSize
-
leak
double leak
-
padding
int[] padding
-
stride
int[] stride
-
useRelu
boolean useRelu
-
-
-
Class org.deeplearning4j.nn.conf.layers.RecurrentAttentionLayer extends SameDiffLayer implements Serializable
-
Serialized Fields
-
activation
Activation activation
-
hasBias
boolean hasBias
-
headSize
long headSize
-
nHeads
int nHeads
-
nIn
long nIn
-
nOut
long nOut
-
projectInput
boolean projectInput
-
timeSteps
int timeSteps
-
-
-
Class org.deeplearning4j.nn.conf.layers.RnnLossLayer extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
lossFn
ILossFunction lossFn
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
Class org.deeplearning4j.nn.conf.layers.RnnOutputLayer extends BaseOutputLayer implements Serializable
-
Serialized Fields
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
Class org.deeplearning4j.nn.conf.layers.SelfAttentionLayer extends SameDiffLayer implements Serializable
-
Serialized Fields
-
headSize
long headSize
-
nHeads
int nHeads
-
nIn
long nIn
-
nOut
long nOut
-
projectInput
boolean projectInput
-
-
-
Class org.deeplearning4j.nn.conf.layers.SeparableConvolution2D extends ConvolutionLayer implements Serializable
-
Serialized Fields
-
depthMultiplier
int depthMultiplier
-
-
-
Class org.deeplearning4j.nn.conf.layers.SpaceToBatchLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
blocks
int[] blocks
-
format
CNN2DFormat format
-
padding
int[][] padding
-
-
-
Class org.deeplearning4j.nn.conf.layers.SpaceToDepthLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
blockSize
int blockSize
-
dataFormat
CNN2DFormat dataFormat
-
-
-
Class org.deeplearning4j.nn.conf.layers.Subsampling1DLayer extends SubsamplingLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.Subsampling3DLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
convolutionMode
ConvolutionMode convolutionMode
-
cudnnAllowFallback
boolean cudnnAllowFallback
-
dataFormat
Convolution3D.DataFormat dataFormat
-
dilation
int[] dilation
-
kernelSize
int[] kernelSize
-
padding
int[] padding
-
poolingType
PoolingType poolingType
-
stride
int[] stride
-
-
-
Class org.deeplearning4j.nn.conf.layers.SubsamplingLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
avgPoolIncludePadInDivisor
boolean avgPoolIncludePadInDivisor
-
cnn2dDataFormat
CNN2DFormat cnn2dDataFormat
-
convolutionMode
ConvolutionMode convolutionMode
-
cudnnAllowFallback
boolean cudnnAllowFallback
-
defaultValueOverridden
boolean defaultValueOverridden
-
dilation
int[] dilation
-
eps
double eps
-
kernelSize
int[] kernelSize
-
padding
int[] padding
-
pnorm
int pnorm
-
poolingType
PoolingType poolingType
-
stride
int[] stride
-
-
-
Class org.deeplearning4j.nn.conf.layers.Upsampling1D extends BaseUpsamplingLayer implements Serializable
-
Serialized Fields
-
size
int[] size
-
-
-
Class org.deeplearning4j.nn.conf.layers.Upsampling2D extends BaseUpsamplingLayer implements Serializable
-
Serialized Fields
-
format
CNN2DFormat format
-
size
int[] size
-
-
-
Class org.deeplearning4j.nn.conf.layers.Upsampling3D extends BaseUpsamplingLayer implements Serializable
-
Serialized Fields
-
dataFormat
Convolution3D.DataFormat dataFormat
-
size
int[] size
-
-
-
Class org.deeplearning4j.nn.conf.layers.ZeroPadding1DLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
padding
int[] padding
-
-
-
Class org.deeplearning4j.nn.conf.layers.ZeroPadding3DLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
padding
int[] padding
-
-
-
Class org.deeplearning4j.nn.conf.layers.ZeroPaddingLayer extends NoParamLayer implements Serializable
-
Serialized Fields
-
dataFormat
CNN2DFormat dataFormat
-
padding
int[] padding
-
-
-
-
Package org.deeplearning4j.nn.conf.layers.convolutional
-
Class org.deeplearning4j.nn.conf.layers.convolutional.Cropping1D extends NoParamLayer implements Serializable
-
Serialized Fields
-
cropping
int[] cropping
-
-
-
Class org.deeplearning4j.nn.conf.layers.convolutional.Cropping2D extends NoParamLayer implements Serializable
-
Serialized Fields
-
cropping
int[] cropping
-
dataFormat
CNN2DFormat dataFormat
-
-
-
Class org.deeplearning4j.nn.conf.layers.convolutional.Cropping3D extends NoParamLayer implements Serializable
-
Serialized Fields
-
cropping
int[] cropping
-
-
-
-
Package org.deeplearning4j.nn.conf.layers.misc
-
Class org.deeplearning4j.nn.conf.layers.misc.ElementWiseMultiplicationLayer extends FeedForwardLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.misc.FrozenLayer extends Layer implements Serializable
-
Serialized Fields
-
layer
Layer layer
-
-
-
Class org.deeplearning4j.nn.conf.layers.misc.FrozenLayerWithBackprop extends BaseWrapperLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.misc.RepeatVector extends FeedForwardLayer implements Serializable
-
Serialized Fields
-
dataFormat
RNNFormat dataFormat
-
n
int n
-
-
-
-
Package org.deeplearning4j.nn.conf.layers.objdetect
-
Class org.deeplearning4j.nn.conf.layers.objdetect.Yolo2OutputLayer extends Layer implements Serializable
-
Serialized Fields
-
boundingBoxes
INDArray boundingBoxes
-
format
CNN2DFormat format
-
lambdaCoord
double lambdaCoord
-
lambdaNoObj
double lambdaNoObj
-
lossClassPredictions
ILossFunction lossClassPredictions
-
lossPositionScale
ILossFunction lossPositionScale
-
-
-
-
Package org.deeplearning4j.nn.conf.layers.recurrent
-
Class org.deeplearning4j.nn.conf.layers.recurrent.Bidirectional extends Layer implements Serializable
-
Serialized Fields
-
bwd
Layer bwd
-
fwd
Layer fwd
-
mode
Bidirectional.Mode mode
-
-
-
Class org.deeplearning4j.nn.conf.layers.recurrent.LastTimeStep extends BaseWrapperLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.recurrent.SimpleRnn extends BaseRecurrentLayer implements Serializable
-
Serialized Fields
-
hasLayerNorm
boolean hasLayerNorm
-
-
-
Class org.deeplearning4j.nn.conf.layers.recurrent.TimeDistributed extends BaseWrapperLayer implements Serializable
-
Serialized Fields
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
-
Package org.deeplearning4j.nn.conf.layers.samediff
-
Class org.deeplearning4j.nn.conf.layers.samediff.AbstractSameDiffLayer extends Layer implements Serializable
-
Serialized Fields
-
biasUpdater
IUpdater biasUpdater
-
gradientNormalization
GradientNormalization gradientNormalization
-
gradientNormalizationThreshold
double gradientNormalizationThreshold
-
layerParams
SDLayerParams layerParams
-
regularization
List<Regularization> regularization
-
regularizationBias
List<Regularization> regularizationBias
-
updater
IUpdater updater
-
-
-
Class org.deeplearning4j.nn.conf.layers.samediff.SameDiffLambdaLayer extends SameDiffLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.samediff.SameDiffLambdaVertex extends SameDiffVertex implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.samediff.SameDiffLayer extends AbstractSameDiffLayer implements Serializable
-
Serialized Fields
-
paramWeightInit
Map<String,IWeightInit> paramWeightInit
-
weightInit
WeightInit weightInit
-
-
-
Class org.deeplearning4j.nn.conf.layers.samediff.SameDiffOutputLayer extends AbstractSameDiffLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.samediff.SameDiffVertex extends GraphVertex implements Serializable
-
Serialized Fields
-
biasUpdater
IUpdater biasUpdater
-
dataType
DataType dataType
-
gradientNormalization
GradientNormalization gradientNormalization
-
gradientNormalizationThreshold
double gradientNormalizationThreshold
-
name
String name
-
regularization
List<Regularization> regularization
-
regularizationBias
List<Regularization> regularizationBias
-
updater
IUpdater updater
-
vertexParams
SDVertexParams vertexParams
-
-
-
Class org.deeplearning4j.nn.conf.layers.samediff.SDLayerParams extends Object implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.samediff.SDVertexParams extends SDLayerParams implements Serializable
-
-
Package org.deeplearning4j.nn.conf.layers.util
-
Class org.deeplearning4j.nn.conf.layers.util.MaskLayer extends NoParamLayer implements Serializable
-
Class org.deeplearning4j.nn.conf.layers.util.MaskZeroLayer extends BaseWrapperLayer implements Serializable
- serialVersionUID:
- 9074525846200921839L
-
Serialized Fields
-
maskingValue
double maskingValue
-
-
-
Package org.deeplearning4j.nn.conf.layers.variational
-
Class org.deeplearning4j.nn.conf.layers.variational.BernoulliReconstructionDistribution extends Object implements Serializable
-
Serialized Fields
-
activationFn
IActivation activationFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.variational.CompositeReconstructionDistribution extends Object implements Serializable
-
Serialized Fields
-
distributionSizes
int[] distributionSizes
-
reconstructionDistributions
ReconstructionDistribution[] reconstructionDistributions
-
totalSize
int totalSize
-
-
-
Class org.deeplearning4j.nn.conf.layers.variational.ExponentialReconstructionDistribution extends Object implements Serializable
-
Serialized Fields
-
activationFn
IActivation activationFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.variational.GaussianReconstructionDistribution extends Object implements Serializable
-
Serialized Fields
-
activationFn
IActivation activationFn
-
-
-
Class org.deeplearning4j.nn.conf.layers.variational.LossFunctionWrapper extends Object implements Serializable
-
Serialized Fields
-
activationFn
IActivation activationFn
-
lossFunction
ILossFunction lossFunction
-
-
-
Class org.deeplearning4j.nn.conf.layers.variational.VariationalAutoencoder extends BasePretrainNetwork implements Serializable
-
Serialized Fields
-
decoderLayerSizes
int[] decoderLayerSizes
-
encoderLayerSizes
int[] encoderLayerSizes
-
numSamples
int numSamples
-
outputDistribution
ReconstructionDistribution outputDistribution
-
pzxActivationFn
IActivation pzxActivationFn
-
-
-
-
Package org.deeplearning4j.nn.conf.layers.wrapper
-
Class org.deeplearning4j.nn.conf.layers.wrapper.BaseWrapperLayer extends Layer implements Serializable
-
Serialized Fields
-
underlying
Layer underlying
-
-
-
-
Package org.deeplearning4j.nn.conf.ocnn
-
Class org.deeplearning4j.nn.conf.ocnn.OCNNOutputLayer extends BaseOutputLayer implements Serializable
-
Serialized Fields
-
configureR
boolean configureR
-
hiddenSize
int hiddenSize
-
initialRValue
double initialRValue
-
lastEpochSinceRUpdated
int lastEpochSinceRUpdated
Psuedo code from keras: start_time = time.time() for epoch in range(100): # Train with each example sess.run(updates, feed_dict={X: train_X,r:rvalue}) rvalue = nnScore(train_X, w_1, w_2, g) with sess.as_default(): rvalue = rvalue.eval() rvalue = np.percentile(rvalue,q=100*nu) print("Epoch = %d, r = %f" % (epoch + 1,rvalue)) -
nu
double nu
-
windowSize
int windowSize
-
-
-
-
Package org.deeplearning4j.nn.conf.preprocessor
-
Class org.deeplearning4j.nn.conf.preprocessor.BaseInputPreProcessor extends Object implements Serializable
-
Class org.deeplearning4j.nn.conf.preprocessor.Cnn3DToFeedForwardPreProcessor extends Object implements Serializable
-
Serialized Fields
-
inputDepth
long inputDepth
-
inputHeight
long inputHeight
-
inputWidth
long inputWidth
-
isNCDHW
boolean isNCDHW
-
numChannels
long numChannels
-
-
-
Class org.deeplearning4j.nn.conf.preprocessor.CnnToFeedForwardPreProcessor extends Object implements Serializable
-
Serialized Fields
-
format
CNN2DFormat format
-
inputHeight
long inputHeight
-
inputWidth
long inputWidth
-
numChannels
long numChannels
-
-
-
Class org.deeplearning4j.nn.conf.preprocessor.CnnToRnnPreProcessor extends Object implements Serializable
-
Serialized Fields
-
inputHeight
long inputHeight
-
inputWidth
long inputWidth
-
numChannels
long numChannels
-
product
long product
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
Class org.deeplearning4j.nn.conf.preprocessor.ComposableInputPreProcessor extends BaseInputPreProcessor implements Serializable
-
Serialized Fields
-
inputPreProcessors
InputPreProcessor[] inputPreProcessors
-
-
-
Class org.deeplearning4j.nn.conf.preprocessor.FeedForwardToCnn3DPreProcessor extends Object implements Serializable
-
Serialized Fields
-
inputDepth
int inputDepth
-
inputHeight
int inputHeight
-
inputWidth
int inputWidth
-
isNCDHW
boolean isNCDHW
-
numChannels
int numChannels
-
shape
long[] shape
-
-
-
Class org.deeplearning4j.nn.conf.preprocessor.FeedForwardToCnnPreProcessor extends Object implements Serializable
-
Serialized Fields
-
inputHeight
long inputHeight
-
inputWidth
long inputWidth
-
numChannels
long numChannels
-
shape
long[] shape
-
-
-
Class org.deeplearning4j.nn.conf.preprocessor.FeedForwardToRnnPreProcessor extends Object implements Serializable
-
Serialized Fields
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
Class org.deeplearning4j.nn.conf.preprocessor.RnnToCnnPreProcessor extends Object implements Serializable
-
Serialized Fields
-
inputHeight
int inputHeight
-
inputWidth
int inputWidth
-
numChannels
int numChannels
-
product
int product
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
Class org.deeplearning4j.nn.conf.preprocessor.RnnToFeedForwardPreProcessor extends Object implements Serializable
-
Serialized Fields
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
-
Package org.deeplearning4j.nn.conf.serde
-
Class org.deeplearning4j.nn.conf.serde.BaseNetConfigDeserializer extends org.nd4j.shade.jackson.databind.deser.std.StdDeserializer<T> implements Serializable
-
Serialized Fields
-
defaultDeserializer
org.nd4j.shade.jackson.databind.JsonDeserializer<?> defaultDeserializer
-
-
-
Class org.deeplearning4j.nn.conf.serde.ComputationGraphConfigurationDeserializer extends BaseNetConfigDeserializer<ComputationGraphConfiguration> implements Serializable
-
Class org.deeplearning4j.nn.conf.serde.MultiLayerConfigurationDeserializer extends BaseNetConfigDeserializer<MultiLayerConfiguration> implements Serializable
-
-
Package org.deeplearning4j.nn.conf.stepfunctions
-
Class org.deeplearning4j.nn.conf.stepfunctions.DefaultStepFunction extends StepFunction implements Serializable
- serialVersionUID:
- 890156465738412597L
-
Class org.deeplearning4j.nn.conf.stepfunctions.GradientStepFunction extends StepFunction implements Serializable
- serialVersionUID:
- -2078308971477295356L
-
Class org.deeplearning4j.nn.conf.stepfunctions.NegativeDefaultStepFunction extends StepFunction implements Serializable
- serialVersionUID:
- -7172373342318047825L
-
Class org.deeplearning4j.nn.conf.stepfunctions.NegativeGradientStepFunction extends StepFunction implements Serializable
- serialVersionUID:
- 1180651861332789690L
-
Class org.deeplearning4j.nn.conf.stepfunctions.StepFunction extends Object implements Serializable
- serialVersionUID:
- -1884835867123371330L
-
-
Package org.deeplearning4j.nn.conf.weightnoise
-
Class org.deeplearning4j.nn.conf.weightnoise.DropConnect extends Object implements Serializable
-
Serialized Fields
-
applyToBiases
boolean applyToBiases
-
weightRetainProb
double weightRetainProb
-
weightRetainProbSchedule
ISchedule weightRetainProbSchedule
-
-
-
Class org.deeplearning4j.nn.conf.weightnoise.WeightNoise extends Object implements Serializable
-
Serialized Fields
-
additive
boolean additive
-
applyToBias
boolean applyToBias
-
distribution
Distribution distribution
-
-
-
-
Package org.deeplearning4j.nn.gradient
-
Package org.deeplearning4j.nn.graph
-
Class org.deeplearning4j.nn.graph.ComputationGraph extends Object implements Serializable
-
Serialization Methods
-
readObject
private void readObject(ObjectInputStream ois) throws ClassNotFoundException, IOException
- Throws:
ClassNotFoundException
IOException
-
writeObject
private void writeObject(ObjectOutputStream oos) throws IOException
- Throws:
IOException
-
-
Serialized Fields
-
clearTbpttState
boolean clearTbpttState
-
configuration
ComputationGraphConfiguration configuration
-
defaultConfiguration
NeuralNetConfiguration defaultConfiguration
-
flattenedParams
INDArray flattenedParams
-
gradient
Gradient gradient
-
graphIndices
GraphIndices graphIndices
Topological sort and vertex index/name + name/index mapping -
initCalled
boolean initCalled
-
initDone
boolean initDone
-
layers
Layer[] layers
A list of layers. Each of these layers is present in a GraphVertex, but are here for easy reference. This array also defines the order in which the getLayer(int) method returns layers. -
numInputArrays
int numInputArrays
The number of input arrays to the network. Many networks only have 1 input; however, a ComputationGraph may have an arbitrary number (>=1) separate input arrays -
numOutputArrays
int numOutputArrays
The number of output arrays to the network. Many networks only have 1 output; however, a ComputationGraph may have an arbitrary number (>=1) separate output arrays -
score
double score
-
topologicalOrder
int[] topologicalOrder
Indexes of graph vertices, in topological order. The topological order defines the order in which forward pass (and hence also backward pass, which is the opposite to this) is conducted in the network. -
trainingListeners
Collection<TrainingListener> trainingListeners
-
vertices
GraphVertex[] vertices
All GraphVertex objects in the network. -
verticesMap
Map<String,GraphVertex> verticesMap
Map of vertices by name -
WS_LAYER_ACT_X_CONFIG
WorkspaceConfiguration WS_LAYER_ACT_X_CONFIG
-
WS_LAYER_WORKING_MEM_CONFIG
WorkspaceConfiguration WS_LAYER_WORKING_MEM_CONFIG
-
-
-
-
Package org.deeplearning4j.nn.graph.vertex
-
Class org.deeplearning4j.nn.graph.vertex.BaseGraphVertex extends Object implements Serializable
-
Serialized Fields
-
dataType
DataType dataType
-
epsilon
INDArray epsilon
-
graph
ComputationGraph graph
-
inputs
INDArray[] inputs
-
inputVertices
VertexIndices[] inputVertices
A representation of the vertices that are inputs to this vertex (inputs during forward pass) Specifically, if inputVertices[X].getVertexIndex() = Y, and inputVertices[X].getVertexEdgeNumber() = Z then the Zth output of vertex Y is the Xth input to this vertex -
outputVertex
boolean outputVertex
-
outputVertices
VertexIndices[] outputVertices
A representation of the vertices that this vertex is connected to (outputs duing forward pass) Specifically, if outputVertices[X].getVertexIndex() = Y, and outputVertices[X].getVertexEdgeNumber() = Z then the output of this vertex (there is only one output) is connected to the Zth input of vertex Y -
vertexIndex
int vertexIndex
The index of this vertex -
vertexName
String vertexName
-
-
-
Class org.deeplearning4j.nn.graph.vertex.BaseWrapperVertex extends Object implements Serializable
-
Serialized Fields
-
underlying
GraphVertex underlying
-
-
-
Class org.deeplearning4j.nn.graph.vertex.VertexIndices extends Object implements Serializable
-
Serialized Fields
-
vertexEdgeNumber
int vertexEdgeNumber
-
vertexIndex
int vertexIndex
-
-
-
-
Package org.deeplearning4j.nn.graph.vertex.impl
-
Class org.deeplearning4j.nn.graph.vertex.impl.ElementWiseVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
nInForwardPass
int nInForwardPass
-
op
ElementWiseVertex.Op op
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.FrozenVertex extends BaseWrapperVertex implements Serializable
-
Class org.deeplearning4j.nn.graph.vertex.impl.InputVertex extends BaseGraphVertex implements Serializable
-
Class org.deeplearning4j.nn.graph.vertex.impl.L2NormalizeVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
dimension
int[] dimension
-
eps
double eps
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.L2Vertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
eps
double eps
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.LayerVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
layer
Layer layer
-
layerPreProcessor
InputPreProcessor layerPreProcessor
-
setLayerInput
boolean setLayerInput
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.MergeVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
forwardPassShapes
long[][] forwardPassShapes
-
fwdPassRank
int fwdPassRank
-
mergeAxis
int mergeAxis
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.PoolHelperVertex extends BaseGraphVertex implements Serializable
-
Class org.deeplearning4j.nn.graph.vertex.impl.PreprocessorVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
preProcessor
InputPreProcessor preProcessor
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.ReshapeVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
maskShape
int[] maskShape
-
newShape
int[] newShape
-
order
char order
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.ScaleVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
scaleFactor
double scaleFactor
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.ShiftVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
shiftFactor
double shiftFactor
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.StackVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
lastInputShapes
long[][] lastInputShapes
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.SubsetVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
forwardShape
long[] forwardShape
-
from
int from
-
to
int to
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.UnstackVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
forwardShape
long[] forwardShape
-
from
long from
-
stackSize
int stackSize
-
step
long step
-
-
-
-
Package org.deeplearning4j.nn.graph.vertex.impl.rnn
-
Class org.deeplearning4j.nn.graph.vertex.impl.rnn.DuplicateToTimeSeriesVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
inputName
String inputName
-
inputVertexIndex
int inputVertexIndex
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.rnn.LastTimeStepVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
fwdPassShape
long[] fwdPassShape
Shape of the forward pass activations -
fwdPassTimeSteps
int[] fwdPassTimeSteps
Indexes of the time steps that were extracted, for each example -
inputIdx
int inputIdx
-
inputName
String inputName
-
-
-
Class org.deeplearning4j.nn.graph.vertex.impl.rnn.ReverseTimeSeriesVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
inputIdx
int inputIdx
-
inputName
String inputName
-
-
-
-
Package org.deeplearning4j.nn.layers
-
Class org.deeplearning4j.nn.layers.AbstractLayer extends Object implements Serializable
-
Serialized Fields
-
cacheMode
CacheMode cacheMode
-
conf
NeuralNetConfiguration conf
-
dataType
DataType dataType
-
dropoutApplied
boolean dropoutApplied
-
epochCount
int epochCount
-
index
int index
-
input
INDArray input
-
inputModificationAllowed
boolean inputModificationAllowed
-
iterationCount
int iterationCount
-
maskArray
INDArray maskArray
-
maskState
MaskState maskState
-
preOutput
INDArray preOutput
-
trainingListeners
Collection<TrainingListener> trainingListeners
-
-
-
Class org.deeplearning4j.nn.layers.ActivationLayer extends AbstractLayer<ActivationLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.BaseLayer extends AbstractLayer<LayerConfT extends BaseLayer> implements Serializable
-
Serialized Fields
-
-
Class org.deeplearning4j.nn.layers.BaseOutputLayer extends BaseLayer<LayerConfT extends BaseOutputLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.BasePretrainNetwork extends BaseLayer<LayerConfT extends BasePretrainNetwork> implements Serializable
-
Class org.deeplearning4j.nn.layers.DropoutLayer extends BaseLayer<DropoutLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.FrozenLayer extends BaseWrapperLayer implements Serializable
-
Serialized Fields
-
logFit
boolean logFit
-
logGradient
boolean logGradient
-
logTestMode
boolean logTestMode
-
logUpdate
boolean logUpdate
-
zeroGradient
Gradient zeroGradient
-
-
-
Class org.deeplearning4j.nn.layers.FrozenLayerWithBackprop extends BaseWrapperLayer implements Serializable
-
Serialized Fields
-
logFit
boolean logFit
-
logGradient
boolean logGradient
-
logTestMode
boolean logTestMode
-
logUpdate
boolean logUpdate
-
zeroGradient
Gradient zeroGradient
-
-
-
Class org.deeplearning4j.nn.layers.LossLayer extends BaseLayer<LossLayer> implements Serializable
-
Serialized Fields
-
fullNetworkRegularizationScore
double fullNetworkRegularizationScore
-
labels
INDArray labels
-
-
-
Class org.deeplearning4j.nn.layers.OutputLayer extends BaseOutputLayer<OutputLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.RepeatVector extends AbstractLayer<RepeatVector> implements Serializable
-
-
Package org.deeplearning4j.nn.layers.convolution
-
Class org.deeplearning4j.nn.layers.convolution.Cnn3DLossLayer extends BaseLayer<Cnn3DLossLayer> implements Serializable
-
Serialized Fields
-
labels
INDArray labels
-
-
-
Class org.deeplearning4j.nn.layers.convolution.CnnLossLayer extends BaseLayer<CnnLossLayer> implements Serializable
-
Serialized Fields
-
labels
INDArray labels
-
-
-
Class org.deeplearning4j.nn.layers.convolution.Convolution1DLayer extends ConvolutionLayer implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.Convolution3DLayer extends ConvolutionLayer implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.ConvolutionLayer extends BaseLayer<ConvolutionLayer> implements Serializable
-
Serialized Fields
-
convolutionMode
ConvolutionMode convolutionMode
-
helper
ConvolutionHelper helper
-
helperCountFail
int helperCountFail
-
i2d
INDArray i2d
-
-
-
Class org.deeplearning4j.nn.layers.convolution.Cropping1DLayer extends AbstractLayer<Cropping1D> implements Serializable
-
Serialized Fields
-
cropping
int[] cropping
-
-
-
Class org.deeplearning4j.nn.layers.convolution.Cropping2DLayer extends AbstractLayer<Cropping2D> implements Serializable
-
Serialized Fields
-
cropping
int[] cropping
-
-
-
Class org.deeplearning4j.nn.layers.convolution.Cropping3DLayer extends AbstractLayer<Cropping3D> implements Serializable
-
Serialized Fields
-
cropping
int[] cropping
-
-
-
Class org.deeplearning4j.nn.layers.convolution.Deconvolution2DLayer extends ConvolutionLayer implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.Deconvolution3DLayer extends BaseLayer<Deconvolution3D> implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.DepthwiseConvolution2DLayer extends ConvolutionLayer implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.SeparableConvolution2DLayer extends ConvolutionLayer implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.SpaceToBatch extends AbstractLayer<SpaceToBatchLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.SpaceToDepth extends AbstractLayer<SpaceToDepthLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.ZeroPadding1DLayer extends AbstractLayer<ZeroPadding1DLayer> implements Serializable
-
Serialized Fields
-
padding
int[] padding
-
-
-
Class org.deeplearning4j.nn.layers.convolution.ZeroPadding3DLayer extends AbstractLayer<ZeroPadding3DLayer> implements Serializable
-
Serialized Fields
-
padding
int[] padding
-
-
-
Class org.deeplearning4j.nn.layers.convolution.ZeroPaddingLayer extends AbstractLayer<ZeroPaddingLayer> implements Serializable
-
-
Package org.deeplearning4j.nn.layers.convolution.subsampling
-
Class org.deeplearning4j.nn.layers.convolution.subsampling.Subsampling1DLayer extends SubsamplingLayer implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.subsampling.Subsampling3DLayer extends AbstractLayer<Subsampling3DLayer> implements Serializable
-
Serialized Fields
-
convolutionMode
ConvolutionMode convolutionMode
-
-
-
Class org.deeplearning4j.nn.layers.convolution.subsampling.SubsamplingLayer extends AbstractLayer<SubsamplingLayer> implements Serializable
-
Serialized Fields
-
convolutionMode
ConvolutionMode convolutionMode
-
helper
SubsamplingHelper helper
-
helperCountFail
int helperCountFail
-
-
-
-
Package org.deeplearning4j.nn.layers.convolution.upsampling
-
Class org.deeplearning4j.nn.layers.convolution.upsampling.Upsampling1D extends Upsampling2D implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.upsampling.Upsampling2D extends AbstractLayer<Upsampling2D> implements Serializable
-
Class org.deeplearning4j.nn.layers.convolution.upsampling.Upsampling3D extends AbstractLayer<Upsampling3D> implements Serializable
-
-
Package org.deeplearning4j.nn.layers.feedforward
-
Class org.deeplearning4j.nn.layers.feedforward.PReLU extends BaseLayer<PReLULayer> implements Serializable
-
Serialized Fields
-
axes
long[] axes
-
-
-
-
Package org.deeplearning4j.nn.layers.feedforward.autoencoder
-
Class org.deeplearning4j.nn.layers.feedforward.autoencoder.AutoEncoder extends BasePretrainNetwork<AutoEncoder> implements Serializable
-
-
Package org.deeplearning4j.nn.layers.feedforward.autoencoder.recursive
-
Class org.deeplearning4j.nn.layers.feedforward.autoencoder.recursive.Tree extends Object implements Serializable
-
Serialized Fields
-
begin
int begin
-
children
List<Tree> children
-
end
int end
-
error
double error
-
goldLabel
int goldLabel
-
headWord
String headWord
-
label
String label
-
parent
Tree parent
-
parse
String parse
-
prediction
INDArray prediction
-
tags
List<String> tags
-
tokens
List<String> tokens
-
type
String type
-
value
String value
-
vector
INDArray vector
-
-
-
-
Package org.deeplearning4j.nn.layers.feedforward.dense
-
Class org.deeplearning4j.nn.layers.feedforward.dense.DenseLayer extends BaseLayer<DenseLayer> implements Serializable
-
-
Package org.deeplearning4j.nn.layers.feedforward.elementwise
-
Class org.deeplearning4j.nn.layers.feedforward.elementwise.ElementWiseMultiplicationLayer extends BaseLayer<ElementWiseMultiplicationLayer> implements Serializable
-
-
Package org.deeplearning4j.nn.layers.feedforward.embedding
-
Class org.deeplearning4j.nn.layers.feedforward.embedding.EmbeddingLayer extends BaseLayer<EmbeddingLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.feedforward.embedding.EmbeddingSequenceLayer extends BaseLayer<EmbeddingSequenceLayer> implements Serializable
-
Serialized Fields
-
indexes
int[] indexes
-
-
-
-
Package org.deeplearning4j.nn.layers.normalization
-
Class org.deeplearning4j.nn.layers.normalization.BatchNormalization extends BaseLayer<BatchNormalization> implements Serializable
-
Serialized Fields
-
helper
BatchNormalizationHelper helper
-
helperCountFail
int helperCountFail
-
index
int index
-
listeners
List<TrainingListener> listeners
-
std
INDArray std
-
xHat
INDArray xHat
-
xMu
INDArray xMu
-
-
-
Class org.deeplearning4j.nn.layers.normalization.LocalResponseNormalization extends AbstractLayer<LocalResponseNormalization> implements Serializable
-
Serialized Fields
-
helper
LocalResponseNormalizationHelper helper
-
helperCountFail
int helperCountFail
-
-
-
-
Package org.deeplearning4j.nn.layers.objdetect
-
Class org.deeplearning4j.nn.layers.objdetect.Yolo2OutputLayer extends AbstractLayer<Yolo2OutputLayer> implements Serializable
-
Serialized Fields
-
fullNetRegTerm
double fullNetRegTerm
-
labels
INDArray labels
-
score
double score
-
-
-
-
Package org.deeplearning4j.nn.layers.ocnn
-
Class org.deeplearning4j.nn.layers.ocnn.OCNNOutputLayer extends BaseOutputLayer<OCNNOutputLayer> implements Serializable
-
Serialized Fields
-
activation
IActivation activation
-
batchWindowSizeIndex
int batchWindowSizeIndex
-
lossFunction
ILossFunction lossFunction
-
window
INDArray window
-
-
-
Class org.deeplearning4j.nn.layers.ocnn.OCNNOutputLayer.OCNNLossFunction extends Object implements Serializable
-
-
Package org.deeplearning4j.nn.layers.pooling
-
Class org.deeplearning4j.nn.layers.pooling.GlobalPoolingLayer extends AbstractLayer<GlobalPoolingLayer> implements Serializable
-
Serialized Fields
-
pNorm
int pNorm
-
poolingDimensions
int[] poolingDimensions
-
poolingType
PoolingType poolingType
-
-
-
-
Package org.deeplearning4j.nn.layers.recurrent
-
Class org.deeplearning4j.nn.layers.recurrent.BaseRecurrentLayer extends BaseLayer<LayerConfT extends BaseRecurrentLayer> implements Serializable
-
Serialized Fields
-
helperCountFail
int helperCountFail
-
stateMap
Map<String,INDArray> stateMap
stateMap stores the INDArrays needed to do rnnTimeStep() forward pass. -
tBpttStateMap
Map<String,INDArray> tBpttStateMap
State map for use specifically in truncated BPTT training. Whereas stateMap contains the state from which forward pass is initialized, the tBpttStateMap contains the state at the end of the last truncated bptt
-
-
-
Class org.deeplearning4j.nn.layers.recurrent.BidirectionalLayer extends Object implements Serializable
-
Serialized Fields
-
bwd
Layer bwd
-
conf
NeuralNetConfiguration conf
-
fwd
Layer fwd
-
gradientView
INDArray gradientView
-
input
INDArray input
-
layerConf
Bidirectional layerConf
-
outBwd
INDArray outBwd
-
outFwd
INDArray outFwd
-
paramsView
INDArray paramsView
-
-
-
Class org.deeplearning4j.nn.layers.recurrent.GravesBidirectionalLSTM extends BaseRecurrentLayer<GravesBidirectionalLSTM> implements Serializable
-
Serialized Fields
-
cachedPassBackward
FwdPassReturn cachedPassBackward
-
cachedPassForward
FwdPassReturn cachedPassForward
-
-
-
Class org.deeplearning4j.nn.layers.recurrent.GravesLSTM extends BaseRecurrentLayer<GravesLSTM> implements Serializable
-
Serialized Fields
-
cachedFwdPass
FwdPassReturn cachedFwdPass
Deprecated.
-
-
-
Class org.deeplearning4j.nn.layers.recurrent.LastTimeStepLayer extends BaseWrapperLayer implements Serializable
-
Serialized Fields
-
lastTimeStepIdxs
int[] lastTimeStepIdxs
-
origOutputShape
long[] origOutputShape
-
-
-
Class org.deeplearning4j.nn.layers.recurrent.LSTM extends BaseRecurrentLayer<LSTM> implements Serializable
-
Serialized Fields
-
cachedFwdPass
FwdPassReturn cachedFwdPass
-
helper
LSTMHelper helper
-
-
-
Class org.deeplearning4j.nn.layers.recurrent.MaskZeroLayer extends BaseWrapperLayer implements Serializable
- serialVersionUID:
- -7369482676002469854L
-
Serialized Fields
-
maskingValue
double maskingValue
-
-
Class org.deeplearning4j.nn.layers.recurrent.RnnLossLayer extends BaseLayer<RnnLossLayer> implements Serializable
-
Serialized Fields
-
labels
INDArray labels
-
-
-
Class org.deeplearning4j.nn.layers.recurrent.RnnOutputLayer extends BaseOutputLayer<RnnOutputLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.recurrent.SimpleRnn extends BaseRecurrentLayer<SimpleRnn> implements Serializable
-
Class org.deeplearning4j.nn.layers.recurrent.TimeDistributedLayer extends BaseWrapperLayer implements Serializable
-
Serialized Fields
-
rnnDataFormat
RNNFormat rnnDataFormat
-
-
-
-
Package org.deeplearning4j.nn.layers.samediff
-
Class org.deeplearning4j.nn.layers.samediff.SameDiffGraphVertex extends BaseGraphVertex implements Serializable
-
Serialized Fields
-
config
SameDiffVertex config
-
currentMaskState
MaskState currentMaskState
-
fn
ExternalErrorsFunction fn
-
gradients
INDArray gradients
-
gradTable
Map<String,INDArray> gradTable
-
inputVars
Map<String,SDVariable> inputVars
-
maskArrays
INDArray[] maskArrays
-
minibatchSize
int minibatchSize
-
outputKey
String outputKey
-
outputVar
SDVariable outputVar
-
params
INDArray params
-
paramTable
Map<String,INDArray> paramTable
-
sameDiff
SameDiff sameDiff
-
-
-
Class org.deeplearning4j.nn.layers.samediff.SameDiffLayer extends AbstractLayer<AbstractSameDiffLayer> implements Serializable
-
Class org.deeplearning4j.nn.layers.samediff.SameDiffOutputLayer extends AbstractLayer<SameDiffOutputLayer> implements Serializable
-
-
Package org.deeplearning4j.nn.layers.training
-
Class org.deeplearning4j.nn.layers.training.CenterLossOutputLayer extends BaseOutputLayer<CenterLossOutputLayer> implements Serializable
-
Serialized Fields
-
fullNetRegTerm
double fullNetRegTerm
-
-
-
-
Package org.deeplearning4j.nn.layers.util
-
Class org.deeplearning4j.nn.layers.util.IdentityLayer extends SameDiffLambdaLayer implements Serializable
-
Class org.deeplearning4j.nn.layers.util.MaskLayer extends AbstractLayer<MaskLayer> implements Serializable
-
Serialized Fields
-
emptyGradient
Gradient emptyGradient
-
-
-
-
Package org.deeplearning4j.nn.layers.variational
-
Class org.deeplearning4j.nn.layers.variational.VariationalAutoencoder extends Object implements Serializable
-
Serialized Fields
-
cacheMode
CacheMode cacheMode
-
conf
NeuralNetConfiguration conf
-
dataType
DataType dataType
-
decoderLayerSizes
int[] decoderLayerSizes
-
encoderLayerSizes
int[] encoderLayerSizes
-
epochCount
int epochCount
-
gradient
Gradient gradient
-
gradientsFlattened
INDArray gradientsFlattened
-
index
int index
-
input
INDArray input
-
iterationCount
int iterationCount
-
maskArray
INDArray maskArray
-
numSamples
int numSamples
-
optimizer
ConvexOptimizer optimizer
-
params
Map<String,INDArray> params
-
paramsFlattened
INDArray paramsFlattened
-
pzxActivationFn
IActivation pzxActivationFn
-
reconstructionDistribution
ReconstructionDistribution reconstructionDistribution
-
score
double score
-
solver
Solver solver
-
trainingListeners
Collection<TrainingListener> trainingListeners
-
weightNoiseParams
Map<String,INDArray> weightNoiseParams
-
zeroedPretrainParamGradients
boolean zeroedPretrainParamGradients
-
-
-
-
Package org.deeplearning4j.nn.layers.wrapper
-
Class org.deeplearning4j.nn.layers.wrapper.BaseWrapperLayer extends Object implements Serializable
-
Serialized Fields
-
underlying
Layer underlying
-
-
-
-
Package org.deeplearning4j.nn.multilayer
-
Class org.deeplearning4j.nn.multilayer.MultiLayerNetwork extends Object implements Serializable
-
Serialization Methods
-
readObject
private void readObject(ObjectInputStream ois) throws ClassNotFoundException, IOException
- Throws:
ClassNotFoundException
IOException
-
writeObject
private void writeObject(ObjectOutputStream oos) throws IOException
- Throws:
IOException
-
-
Serialized Fields
-
clearTbpttState
boolean clearTbpttState
-
defaultConfiguration
NeuralNetConfiguration defaultConfiguration
-
flattenedParams
INDArray flattenedParams
-
gradient
Gradient gradient
-
initCalled
boolean initCalled
-
initDone
boolean initDone
-
input
INDArray input
-
labels
INDArray labels
-
layerIndex
int layerIndex
-
layerMap
LinkedHashMap<String,Layer> layerMap
-
layers
Layer[] layers
-
layerWiseConfigurations
MultiLayerConfiguration layerWiseConfigurations
-
mask
INDArray mask
-
score
double score
-
trainingListeners
Collection<TrainingListener> trainingListeners
-
WS_LAYER_ACT_X_CONFIG
WorkspaceConfiguration WS_LAYER_ACT_X_CONFIG
-
WS_LAYER_WORKING_MEM_CONFIG
WorkspaceConfiguration WS_LAYER_WORKING_MEM_CONFIG
-
-
-
-
Package org.deeplearning4j.nn.updater
-
Class org.deeplearning4j.nn.updater.BaseMultiLayerUpdater extends Object implements Serializable
-
Serialized Fields
-
gradientsForMinibatchDivision
List<INDArray> gradientsForMinibatchDivision
-
initializedMinibatchDivision
boolean initializedMinibatchDivision
-
layersByName
Map<String,Trainable> layersByName
-
network
T extends Model network
-
updaterBlocks
List<UpdaterBlock> updaterBlocks
-
updaterStateViewArray
INDArray updaterStateViewArray
-
-
-
Class org.deeplearning4j.nn.updater.LayerUpdater extends BaseMultiLayerUpdater<Layer> implements Serializable
-
Class org.deeplearning4j.nn.updater.MultiLayerUpdater extends BaseMultiLayerUpdater<MultiLayerNetwork> implements Serializable
-
-
Package org.deeplearning4j.nn.updater.graph
-
Class org.deeplearning4j.nn.updater.graph.ComputationGraphUpdater extends BaseMultiLayerUpdater<ComputationGraph> implements Serializable
-
Serialized Fields
-
orderedLayers
Trainable[] orderedLayers
-
-
-
-
Package org.deeplearning4j.nn.weights
-
Class org.deeplearning4j.nn.weights.WeightInitConstant extends Object implements Serializable
-
Serialized Fields
-
value
double value
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitDistribution extends Object implements Serializable
-
Serialized Fields
-
distribution
Distribution distribution
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitIdentity extends Object implements Serializable
-
Serialized Fields
-
scale
Double scale
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitLecunUniform extends Object implements Serializable
-
Class org.deeplearning4j.nn.weights.WeightInitNormal extends Object implements Serializable
-
Class org.deeplearning4j.nn.weights.WeightInitRelu extends Object implements Serializable
-
Class org.deeplearning4j.nn.weights.WeightInitReluUniform extends Object implements Serializable
-
Class org.deeplearning4j.nn.weights.WeightInitSigmoidUniform extends Object implements Serializable
-
Class org.deeplearning4j.nn.weights.WeightInitUniform extends Object implements Serializable
-
Class org.deeplearning4j.nn.weights.WeightInitVarScalingNormalFanAvg extends Object implements Serializable
-
Serialized Fields
-
scale
Double scale
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitVarScalingNormalFanIn extends Object implements Serializable
-
Serialized Fields
-
scale
Double scale
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitVarScalingNormalFanOut extends Object implements Serializable
-
Serialized Fields
-
scale
Double scale
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitVarScalingUniformFanAvg extends Object implements Serializable
-
Serialized Fields
-
scale
Double scale
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitVarScalingUniformFanIn extends Object implements Serializable
-
Serialized Fields
-
scale
Double scale
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitVarScalingUniformFanOut extends Object implements Serializable
-
Serialized Fields
-
scale
Double scale
-
-
-
Class org.deeplearning4j.nn.weights.WeightInitXavier extends Object implements Serializable
-
Class org.deeplearning4j.nn.weights.WeightInitXavierLegacy extends Object implements Serializable
-
Class org.deeplearning4j.nn.weights.WeightInitXavierUniform extends Object implements Serializable
-
-
Package org.deeplearning4j.nn.weights.embeddings
-
Class org.deeplearning4j.nn.weights.embeddings.ArrayEmbeddingInitializer extends Object implements Serializable
-
Serialized Fields
-
embeddings
INDArray embeddings
-
-
-
Class org.deeplearning4j.nn.weights.embeddings.WeightInitEmbedding extends Object implements Serializable
-
Serialized Fields
-
nonSerializableInit
EmbeddingInitializer nonSerializableInit
-
serializableInit
EmbeddingInitializer serializableInit
-
-
-
-
Package org.deeplearning4j.optimize.api
-
Class org.deeplearning4j.optimize.api.IterationListener extends BaseTrainingListener implements Serializable
-
-
Package org.deeplearning4j.optimize.listeners
-
Class org.deeplearning4j.optimize.listeners.Checkpoint extends Object implements Serializable
-
Class org.deeplearning4j.optimize.listeners.CheckpointListener extends BaseTrainingListener implements Serializable
-
Serialized Fields
-
checkpointRecordFile
File checkpointRecordFile
-
deleteExisting
boolean deleteExisting
-
keepEvery
int keepEvery
-
keepLast
int keepLast
-
keepMode
org.deeplearning4j.optimize.listeners.CheckpointListener.KeepMode keepMode
-
lastCheckpoint
Checkpoint lastCheckpoint
-
lastCheckpointNum
int lastCheckpointNum
-
lastSaveEveryMsNoSinceLast
Long lastSaveEveryMsNoSinceLast
-
logSaving
boolean logSaving
-
rootDir
File rootDir
-
saveEveryAmount
Long saveEveryAmount
-
saveEveryMs
Long saveEveryMs
-
saveEveryNEpochs
Integer saveEveryNEpochs
-
saveEveryNIterations
Integer saveEveryNIterations
-
saveEveryNIterSinceLast
boolean saveEveryNIterSinceLast
-
saveEverySinceLast
boolean saveEverySinceLast
-
saveEveryUnit
TimeUnit saveEveryUnit
-
startIter
int startIter
-
startTime
long startTime
-
-
-
Class org.deeplearning4j.optimize.listeners.CollectScoresListener extends BaseTrainingListener implements Serializable
-
Serialized Fields
-
frequency
int frequency
-
listIteration
it.unimi.dsi.fastutil.ints.IntArrayList listIteration
-
listScore
it.unimi.dsi.fastutil.doubles.DoubleArrayList listScore
-
logScore
boolean logScore
-
-
-
Class org.deeplearning4j.optimize.listeners.ComposableIterationListener extends BaseTrainingListener implements Serializable
-
Serialized Fields
-
listeners
Collection<TrainingListener> listeners
Deprecated.
-
-
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener extends Object implements Serializable
-
Serialized Fields
-
failureMode
FailureTestingListener.FailureMode failureMode
-
trigger
FailureTestingListener.FailureTrigger trigger
-
-
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener.And extends FailureTestingListener.FailureTrigger implements Serializable
-
Serialized Fields
-
triggers
List<FailureTestingListener.FailureTrigger> triggers
-
-
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener.FailureTrigger extends Object implements Serializable
-
Serialized Fields
-
initialized
boolean initialized
-
-
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener.HostNameTrigger extends FailureTestingListener.FailureTrigger implements Serializable
-
Serialized Fields
-
hostName
String hostName
-
shouldFail
boolean shouldFail
-
-
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener.IterationEpochTrigger extends FailureTestingListener.FailureTrigger implements Serializable
-
Serialized Fields
-
count
int count
-
isEpoch
boolean isEpoch
-
-
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener.Or extends FailureTestingListener.And implements Serializable
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener.RandomProb extends FailureTestingListener.FailureTrigger implements Serializable
-
Serialized Fields
-
callType
FailureTestingListener.CallType callType
-
probability
double probability
-
rng
Random rng
-
-
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener.TimeSinceInitializedTrigger extends FailureTestingListener.FailureTrigger implements Serializable
-
Serialized Fields
-
initTime
long initTime
-
msSinceInit
long msSinceInit
-
-
-
Class org.deeplearning4j.optimize.listeners.FailureTestingListener.UserNameTrigger extends FailureTestingListener.FailureTrigger implements Serializable
-
Serialized Fields
-
shouldFail
boolean shouldFail
-
userName
String userName
-
-
-
Class org.deeplearning4j.optimize.listeners.PerformanceListener extends BaseTrainingListener implements Serializable
-
Serialization Methods
-
readObject
private void readObject(ObjectInputStream in) throws IOException, ClassNotFoundException
- Throws:
IOException
ClassNotFoundException
-
-
Serialized Fields
-
frequency
int frequency
-
reportBatch
boolean reportBatch
-
reportEtl
boolean reportEtl
-
reportGC
boolean reportGC
-
reportIteration
boolean reportIteration
-
reportSample
boolean reportSample
-
reportScore
boolean reportScore
-
reportTime
boolean reportTime
-
-
-
Class org.deeplearning4j.optimize.listeners.ScoreIterationListener extends BaseTrainingListener implements Serializable
-
Serialized Fields
-
printIterations
int printIterations
-
-
-
Class org.deeplearning4j.optimize.listeners.SleepyTrainingListener extends BaseTrainingListener implements Serializable
-
Serialized Fields
-
sleepMode
SleepyTrainingListener.SleepMode sleepMode
-
timeMode
SleepyTrainingListener.TimeMode timeMode
-
timerBP
long timerBP
-
timerEE
long timerEE
-
timerES
long timerES
-
timerFF
long timerFF
-
timerIteration
long timerIteration
-
-
-
Class org.deeplearning4j.optimize.listeners.TimeIterationListener extends BaseTrainingListener implements Serializable
-
Serialized Fields
-
frequency
int frequency
-
iterationCount
int iterationCount
-
iterationCounter
AtomicLong iterationCounter
-
start
long start
-
-
-
-
Package org.deeplearning4j.optimize.solvers
-
Class org.deeplearning4j.optimize.solvers.BackTrackLineSearch extends Object implements Serializable
-
Serialized Fields
-
absTolx
double absTolx
-
ALF
double ALF
-
layer
Model layer
-
maxIterations
int maxIterations
-
minObjectiveFunction
boolean minObjectiveFunction
-
optimizer
ConvexOptimizer optimizer
-
relTolx
double relTolx
-
stepFunction
StepFunction stepFunction
-
stepMax
double stepMax
-
-
-
Class org.deeplearning4j.optimize.solvers.BaseOptimizer extends Object implements Serializable
-
Serialized Fields
-
accumulator
GradientsAccumulator accumulator
-
batchSize
int batchSize
-
computationGraphUpdater
ComputationGraphUpdater computationGraphUpdater
-
conf
NeuralNetConfiguration conf
-
lineMaximizer
BackTrackLineSearch lineMaximizer
-
model
Model model
-
oldScore
double oldScore
-
score
double score
-
searchState
Map<String,Object> searchState
-
step
double step
-
stepFunction
StepFunction stepFunction
-
stepMax
double stepMax
-
trainingListeners
Collection<TrainingListener> trainingListeners
-
updater
Updater updater
-
-
-
Class org.deeplearning4j.optimize.solvers.ConjugateGradient extends BaseOptimizer implements Serializable
- serialVersionUID:
- -1269296013474864091L
-
Class org.deeplearning4j.optimize.solvers.LBFGS extends BaseOptimizer implements Serializable
- serialVersionUID:
- 9148732140255034888L
-
Serialized Fields
-
m
int m
-
-
Class org.deeplearning4j.optimize.solvers.LineGradientDescent extends BaseOptimizer implements Serializable
- serialVersionUID:
- 6336124657542062284L
-
Class org.deeplearning4j.optimize.solvers.StochasticGradientDescent extends BaseOptimizer implements Serializable
-
-
Package org.deeplearning4j.optimize.solvers.accumulation
-
Class org.deeplearning4j.optimize.solvers.accumulation.BasicGradientsAccumulator extends Object implements Serializable
-
Serialized Fields
-
barrier
CyclicBarrier barrier
-
candidates
List<INDArray> candidates
-
firstOne
AtomicLong firstOne
-
handler
MessageHandler handler
-
hasSomething
AtomicBoolean hasSomething
-
ordering
char ordering
-
parties
int parties
-
shape
long[] shape
-
updatesLock
ReentrantReadWriteLock updatesLock
-
-
-
Class org.deeplearning4j.optimize.solvers.accumulation.EncodedGradientsAccumulator extends Object implements Serializable
-
Serialized Fields
-
accumulator
ThreadLocal<INDArray> accumulator
-
appliedConfiguration
WorkspaceConfiguration appliedConfiguration
-
barrier
AtomicInteger barrier
-
boundary
Integer boundary
-
bypassMode
AtomicBoolean bypassMode
-
currentConsumers
AtomicInteger currentConsumers
-
encodingDebugMode
boolean encodingDebugMode
-
externalSource
IndexedTail externalSource
-
externalUpdatesAvailable
AtomicBoolean externalUpdatesAvailable
-
handler
MessageHandler handler
-
index
ThreadLocal<Integer> index
-
initialMemory
long initialMemory
-
isDebug
boolean isDebug
-
isDone
AtomicBoolean isDone
-
isFirst
AtomicBoolean isFirst
-
locks
List<ReentrantLock> locks
-
messages
List<BlockingQueue<INDArray>> messages
-
parties
int parties
-
queueSize
int queueSize
-
registered
AtomicBoolean registered
-
relocatable
boolean relocatable
-
secondary
AtomicInteger secondary
-
throwable
AtomicThrowable throwable
-
updatesApplied
ThreadLocal<AtomicLong> updatesApplied
-
workersCounter
AtomicInteger workersCounter
-
workspaces
List<MemoryWorkspace> workspaces
-
-
-
Class org.deeplearning4j.optimize.solvers.accumulation.EncodingHandler extends Object implements Serializable
-
Serialized Fields
-
allThreadThresholdAlgorithms
Map<Long,ThresholdAlgorithm> allThreadThresholdAlgorithms
-
atomicBoundary
AtomicInteger atomicBoundary
-
bitmapMode
ThreadLocal<AtomicBoolean> bitmapMode
-
boundary
Integer boundary
-
currentThreshold
ThreadLocal<org.nd4j.shade.guava.util.concurrent.AtomicDouble> currentThreshold
-
encodingDebugMode
boolean encodingDebugMode
-
initialResidualPostProcessor
ResidualPostProcessor initialResidualPostProcessor
-
initialThresholdAlgorithm
ThresholdAlgorithm initialThresholdAlgorithm
-
iterations
ThreadLocal<AtomicLong> iterations
-
lastIterWasDense
ThreadLocal<AtomicBoolean> lastIterWasDense
-
lastSparsityRatio
ThreadLocal<org.nd4j.shade.guava.util.concurrent.AtomicDouble> lastSparsityRatio
-
lastStep
ThreadLocal<AtomicLong> lastStep
-
lastThreshold
ThreadLocal<org.nd4j.shade.guava.util.concurrent.AtomicDouble> lastThreshold
-
lastThresholdLogTime
AtomicLong lastThresholdLogTime
-
residualPostProcessor
ThreadLocal<ResidualPostProcessor> residualPostProcessor
-
thresholdAlgorithm
ThreadLocal<ThresholdAlgorithm> thresholdAlgorithm
-
-
-
Class org.deeplearning4j.optimize.solvers.accumulation.LocalHandler extends Object implements Serializable
-
-
Package org.deeplearning4j.optimize.solvers.accumulation.encoding
-
Package org.deeplearning4j.optimize.solvers.accumulation.encoding.residual
-
Class org.deeplearning4j.optimize.solvers.accumulation.encoding.residual.NoOpResidualPostProcessor extends Object implements Serializable
-
Class org.deeplearning4j.optimize.solvers.accumulation.encoding.residual.ResidualClippingPostProcessor extends Object implements Serializable
-
Serialized Fields
-
frequency
int frequency
-
thresholdMultipleClipValue
double thresholdMultipleClipValue
-
-
-
-
Package org.deeplearning4j.optimize.solvers.accumulation.encoding.threshold
-
Class org.deeplearning4j.optimize.solvers.accumulation.encoding.threshold.AdaptiveThresholdAlgorithm extends Object implements Serializable
-
Serialized Fields
-
decayRate
double decayRate
-
initialThreshold
double initialThreshold
-
lastSparsity
double lastSparsity
-
lastThreshold
double lastThreshold
-
maxTargetSparsity
double maxTargetSparsity
-
minTargetSparsity
double minTargetSparsity
-
-
-
Class org.deeplearning4j.optimize.solvers.accumulation.encoding.threshold.FixedThresholdAlgorithm extends Object implements Serializable
-
Serialized Fields
-
threshold
double threshold
-
-
-
Class org.deeplearning4j.optimize.solvers.accumulation.encoding.threshold.FixedThresholdAlgorithm.FixedAlgorithmThresholdReducer extends Object implements Serializable
-
Serialized Fields
-
instance
FixedThresholdAlgorithm instance
-
-
-
Class org.deeplearning4j.optimize.solvers.accumulation.encoding.threshold.TargetSparsityThresholdAlgorithm extends Object implements Serializable
-
Serialized Fields
-
decayRate
double decayRate
-
initialThreshold
double initialThreshold
-
lastSparsity
double lastSparsity
-
lastThreshold
double lastThreshold
-
sparsityTarget
double sparsityTarget
-
-
-
-
Package org.deeplearning4j.optimize.stepfunctions
-
Class org.deeplearning4j.optimize.stepfunctions.DefaultStepFunction extends Object implements Serializable
- serialVersionUID:
- -4707790524365648985L
-
Class org.deeplearning4j.optimize.stepfunctions.GradientStepFunction extends Object implements Serializable
-
Class org.deeplearning4j.optimize.stepfunctions.NegativeDefaultStepFunction extends Object implements Serializable
-
Class org.deeplearning4j.optimize.stepfunctions.NegativeGradientStepFunction extends Object implements Serializable
-
-
Package org.deeplearning4j.preprocessors
-
Class org.deeplearning4j.preprocessors.KerasFlattenRnnPreprocessor extends BaseInputPreProcessor implements Serializable
-
Serialized Fields
-
depth
long depth
-
tsLength
long tsLength
-
-
-
Class org.deeplearning4j.preprocessors.PermutePreprocessor extends BaseInputPreProcessor implements Serializable
-
Serialized Fields
-
hasLeadingDimension
boolean hasLeadingDimension
-
permutationIndices
int[] permutationIndices
-
-
-
Class org.deeplearning4j.preprocessors.ReshapePreprocessor extends BaseInputPreProcessor implements Serializable
-
Serialized Fields
-
format
DataFormat format
-
hasMiniBatchDimension
boolean hasMiniBatchDimension
-
inputShape
long[] inputShape
-
targetShape
long[] targetShape
-
-
-