DL4J
Eclipse Deeplearning4j is the first
commercial-grade
,open-source
,distributed deep-learning library
written for Java and Scala.Integrated with Hadoop and Apache Spark
, DL4J brings AI to business environments for use on distributed GPUs and CPUs.
1. DataPrepare
Deeplearning4j works with a lot of different data types, such as images, CSV, plain text, images, audio, video and, pretty much any other data type you can think of.
.1. RecordReader
.2. DataSetIterator
- ScoreIterationListener - (Source, Javadoc) -
Logs the loss function score every N training iterations
- PerformanceListener - (Source, Javadoc) - Logs performance (examples
per sec, minibatches per sec, ETL time), and optionally score, every N training iterations.
- EvaluativeListener - (Source, Javadoc) - Evaluates network performance on a test set every N iterations or epochs. Also has a system for callbacks, to (for example) save the evaluation results.
- CheckpointListener - (Source, Javadoc) - S
ave network checkpoints periodically - based on epochs, iterations or time (or some combination of all three).
- StatsListener - (Source) - Main listener for DL4J’s web-based network training user interface. See visualization page for more details.
- CollectScoresIterationListener - (Source, Javadoc) - Similar to ScoreIterationListener, but stores scores internally in a list (for later retrieval) instead of logging scores
- TimeIterationListener - (Source, Javadoc) - Attempts to estimate time until training completion, based on current speed and specified total number of iterations
2. DatasetLoad
.1. DataSet
.2. INDArray
3. Model
- AlexNet - (Source)
- Darknet19 - (Source)
- FaceNetNN4Small2 - (Source)
- InceptionResNetV1 - (Source)
- LeNet - (Source)
- ResNet50 - (Source)
- SimpleCNN - (Source)
- TextGenerationLSTM - (Source)
- TinyYOLO - (Source)
- VGG16 - (Source)
- VGG19 - (Source)
1. Layers
.1. Feed-Forward Layers
- DenseLayer - (Source) - A simple/standard
fully-connected layer
- EmbeddingLayer - (Source) - Takes
positive integer indexes as input
,outputs vectors
. Only usable as first layer in a model. Mathematically equivalent (when bias is enabled) to DenseLayer with one-hot input, but more efficient. See also: EmbeddingSequenceLayer.
.2. Output Layers
- OutputLayer - (Source) - Output layer for
standard classification/regression in MLPs/CNNs.
Has a fully connected DenseLayer built in. 2d input/output (i.e.,row vector per example
). - LossLayer - (Source) - Output layer
without parameters - only loss function and activation function
. 2d input/output (i.e., row vector per example). Unlike Outputlayer, restricted to n In = n Out. - RnnOutputLayer - (Source) - Output layer for recurrent neural networks.
3d (time series) input and output.
Has time distributed fully connected layer built in. - RnnLossLayer - (Source) - The ’no parameter’ version of RnnOutputLayer. 3d (time series) input and output.
- CnnLossLayer - (Source) - Used with CNNs, where a prediction must be made at each spatial location of the output (for example: segmentation or denoising).
No parameters, 4d input/output with shape [minibatch, depth, height, width]. ``When using softmax, this is applied depthwise at each spatial location.
- Cnn3DLossLayer - (Source) - used with 3D CNNs, where a preduction must be made at each spatial location (x/y/z) of the output. Layer has no parameters, 5d data in either NCDHW or NDHWC (“channels first” or “channels last”) format (configurable). Supports masking. When using Softmax, this is applied along channels at each spatial location.
- Yolo2OutputLayer - (Source) - Implentation of the
YOLO 2 model for object detection in images
- CenterLossOutputLayer - (Source) - A version of OutputLayer that also
attempts to minimize the intra-class distance of examples' activations
- i.e., “If example x is in class Y, ensure that embedding(x) is close to average(embedding(y)) for all examples y in Y”
.3. Convolutional Layers
- ConvolutionLayer / Convolution2D - (Source) - Standard 2d convolutional neural network layer.
Inputs and outputs have 4 dimensions with shape [minibatch,depthIn,heightIn,widthIn] and [minibatch,depthOut,heightOut,widthOut] respectively.
- Convolution1DLayer / Convolution1D - (Source) - Standard 1d convolution layer
- Convolution3DLayer / Convolution3D - (Source) - Standard 3D convolution layer. Supports both
NDHWC ("channels last")
andNCDHW ("channels first")
activations format. - Deconvolution2DLayer - (Source) - also known as transpose or fractionally strided convolutions. Can be considered a “reversed” ConvolutionLayer; output size is generally larger than the input, whilst maintaining the spatial connection structure.
- SeparableConvolution2DLayer - (Source) -
depthwise separable convolution layer
- SubsamplingLayer - (Source) - Implements standard
2d spatial pooling for CNNs - with max, average and p-norm pooling available.
- Subsampling1DLayer - (Source) - 1D version of the subsampling layer.
- Upsampling2D - (Source) - Upscale CNN activations by repeating the row/column values
- Upsampling1D - (Source) - 1D version of the upsampling layer
- Cropping2D - (Source) -
Cropping layer for 2D convolutional neural networks
- DepthwiseConvolution2D (Source)- 2d depthwise convolution layer
- ZeroPaddingLayer - (Source) - Very simple layer that
adds the specified amount of zero padding to edges of the 4d input activations.
- ZeroPadding1DLayer - (Source) - 1D version of ZeroPaddingLayer
- SpaceToDepth - (Source) - This operation
takes 4D array in, and moves data from spatial dimensions (HW) to channels (C) for given blockSize
- SpaceToBatch - (Source) - Transforms data from a tensor from 2 spatial dimensions into batch dimension according to the “blocks” specified
.4. Recurrent Layers
- LSTM - (Source) - LSTM RNN without peephole connections. Supports CuDNN.
- GravesLSTM - (Source) - LSTM RNN with peephole connections. Does not support CuDNN (thus for GPUs, LSTM should be used in preference).
- GravesBidirectionalLSTM - (Source) - A bidirectional LSTM implementation with peephole connections. Equivalent to Bidirectional(ADD, GravesLSTM). Due to addition of Bidirecitonal wrapper (below), has been deprecated on master.
- Bidirectional - (Source) - A ‘wrapper’ layer - converts any standard uni-directional RNN into a bidirectional RNN (doubles number of params - forward/backward nets have independent parameters). Activations from forward/backward nets may be either added, multiplied, averaged or concatenated.
- SimpleRnn - (Source) - A standard/‘vanilla’ RNN layer. Usually not effective in practice with long time series dependencies - LSTM is generally preferred.
- LastTimeStep - (Source) - A ‘wrapper’ layer - extracts out the last time step of the (non-bidirectional) RNN layer it wraps. 3d input with shape [minibatch, size, timeSeriesLength], 2d output with shape [minibatch, size].
- EmbeddingSequenceLayer: (Source) - A version of EmbeddingLayer that expects fixed-length number (inputLength) of integers/indices per example as input, ranged from 0 to numClasses - 1. This input thus has shape [numExamples, inputLength] or shape [numExamples, 1, inputLength]. The output of this layer is 3D (sequence/time series), namely of shape [numExamples, nOut, inputLength]. Can only be used as the first layer for a network.
.5. Unsupervised Layers
- VariationalAutoencoder - (Source) - A variational autoencoder implementation with MLP/dense layers for the encoder and decoder. Supports multiple different types of reconstruction distributions
- AutoEncoder - (Source) -
Standard denoising autoencoder layer
.6. Other Layers
- GlobalPoolingLayer - (Source) - Implements both pooling over time (for RNNs/time series - input size [minibatch, size, timeSeriesLength], out [minibatch, size]) and global spatial pooling (for CNNs - input size [minibatch, depth, h, w], out [minibatch, depth]). Available pooling modes: sum, average, max and p-norm.
- ActivationLayer - (Source) - Applies an activation function (only) to the input activations. Note that most DL4J layers have activation functions built in as a config option.
- DropoutLayer - (Source) - Implements dropout as a separate/single layer. Note that most DL4J layers have a “built-in” dropout configuration option.
- BatchNormalization - (Source) - Batch normalization for 2d (feedforward), 3d (time series) or 4d (CNN) activations. For time series, parameter sharing across time; for CNNs, parameter sharing across spatial locations (but not depth).
- LocalResponseNormalization - (Source) - Local response normalization layer for CNNs. Not frequently used in modern CNN architectures.
- FrozenLayer - (Source) - Usually not used directly by users - added as part of transfer learning, to freeze a layer’s parameters such that they don’t change during further training.
- LocallyConnected2D - (Source) - a 2d locally connected layer, assumes input is 4d data in NCHW (“channels first”) format.
- LocallyConected1D - (Source) - a 1d locally connected layer, assumes input is 3d data in NCW ([minibatch, size, sequenceLength]) format
.7. Graph Vertices
- ElementWiseVertex - (Source) - Performs an element-wise operation on the inputs - add, subtract, product, average, max
- L2NormalizeVertex - (Source) - normalizes the input activations by dividing by the L2 norm for each example. i.e., out <- out / l2Norm(out)
- L2Vertex - (Source) - calculates the L2 distance between the two input arrays, for each example separately. Output is a single value, for each input value.
- MergeVertex - (Source) - merge the input activations along dimension 1, to make a larger output array. For CNNs, this implements merging along the depth/channels dimension
- PreprocessorVertex - (Source) - a simple GraphVertex that contains an InputPreProcessor only
- ReshapeVertex - (Source) - Performs arbitrary activation array reshaping. The preprocessors in the next section should usually be preferred.
- ScaleVertex - (Source) - implements simple multiplicative scaling of the inputs - i.e., out = scalar * input
- ShiftVertex - (Source) - implements simple scalar element-wise addition on the inputs - i.e., out = input + scalar
- StackVertex - (Source) - used to stack all inputs along the minibatch dimension. Analogous to MergeVertex, but along dimension 0 (minibatch) instead of dimension 1 (nOut/channels)
- SubsetVertex - (Source) - used to get a contiguous subset of the input activations along dimension 1. For example, two SubsetVertex instances could be used to split the activations from an input array into two separate activations. Essentially the opposite of MergeVertex.
- UnstackVertex - (Source) - similar to SubsetVertex, but along dimension 0 (minibatch) instead of dimension 1 (nOut/channels). Opposite of StackVertex
.8. InputPreProcessors
- CnnToFeedForwardPreProcessor - (Source) - handles the activation reshaping necessary to
transition from a CNN layer (ConvolutionLayer, SubsamplingLayer, etc) to DenseLayer/OutputLayer etc
. - CnnToRnnPreProcessor - (Source) - handles reshaping necessary to transition from a (effectively, time distributed) CNN layer to a RNN layer.
- ComposableInputPreProcessor - (Source) - simple class that allows
multiple preprocessors to be chained + used on a single layer
- FeedForwardToCnnPreProcessor - (Source) - handles activation reshaping to transition
from a row vector (per example) to a CNN layer.
Note that this transition/preprocessor only makes sense if the activations are actually CNN activations, but have been ‘flattened’ to a row vector. - FeedForwardToRnnPreProcessor - (Source) - handles transition from
a (time distributed) feed-forward layer to a RNN layer
- RnnToCnnPreProcessor - (Source) - handles transition from a sequence of CNN activations with shape
[minibatch, depth*height*width, timeSeriesLength]
to time-distributed[numExamples*timeSeriesLength, numChannels, inputWidth, inputHeight]
format - RnnToFeedForwardPreProcessor - (Source) - handles transition from time series activations (shape
[minibatch,size,timeSeriesLength]
) to time-distributed feed-forward (shape[minibatch*tsLength,size]
) activations.
2. Configurations
.1. Activation
Activation functions can be defined in one of two ways: (a) By passing an Activation enumeration value to the configuration - for example,
.activation(Activation.TANH)
(b) By passing an IActivation instance - for example,.activation(new ActivationSigmoid())
- CUBE - (Source) -
f(x) = x^3
- ELU - (Source) - Exponential linear unit (Reference)
- HARDSIGMOID - (Source) - a piecewise linear version of the standard sigmoid activation function.
f(x) = min(1, max(0, 0.2*x + 0.5))
- HARDTANH - (Source) - a piecewise linear version of the standard tanh activation function.
- IDENTITY - (Source) - a ’no op’ activation function:
f(x) = x
- LEAKYRELU - (Source) - leaky rectified linear unit.
f(x) = max(0, x) + alpha * min(0, x)
withalpha=0.01
by default. - RATIONALTANH - (Source) -
tanh(y) ~ sgn(y) * { 1 - 1/(1+|y|+y^2+1.41645*y^4)}
which approximatesf(x) = 1.7159 * tanh(2x/3)
, but should be faster to execute. (Reference) - RELU - (Source) - standard rectified linear unit:
f(x) = x
ifx>0
orf(x) = 0
otherwise - RRELU - (Source) - randomized rectified linear unit. Deterministic during test time. (Reference)
- SIGMOID - (Source) - standard sigmoid activation function,
f(x) = 1 / (1 + exp(-x))
- SOFTMAX - (Source) - standard softmax activation function
- SOFTPLUS - (Source) -
f(x) = log(1+e^x)
- shape is similar to a smooth version of the RELU activation function - SOFTSIGN - (Source) -
f(x) = x / (1+|x|)
- somewhat similar in shape to the standard tanh activation function (faster to calculate). - TANH - (Source) - standard tanh (hyperbolic tangent) activation function
- RECTIFIEDTANH - (Source) -
f(x) = max(0, tanh(x))
- SELU - (Source) - scaled exponential linear unit - used with self normalizing neural networks
- SWISH - (Source) - Swish activation function,
f(x) = x * sigmoid(x)
(Reference)
.2. Weight Initialization
Weight initialization are usually defined using the WeightInit enumeration.
Custom weight initializations can be specified using
.weightInit(WeightInit.DISTRIBUTION).dist(new NormalDistribution(0, 1))
for example. As for master (but not 0.9.1 release).weightInit(new NormalDistribution(0, 1))
is also possible, which is equivalent to the previous approach.
- DISTRIBUTION: Sample weights from a provided distribution (specified via
dist
configuration method - ZERO: Generate weights as zeros
- ONES: All weights are set to 1
- SIGMOID_UNIFORM: A version of XAVIER_UNIFORM for sigmoid activation functions. U(-r,r) with r=4*sqrt(6/(fanIn + fanOut))
- NORMAL: Normal/Gaussian distribution, with mean 0 and standard deviation 1/sqrt(fanIn). This is the initialization recommented in Klambauer et al. 2017, “Self-Normalizing Neural Network” paper. Equivalent to DL4J’s XAVIER_FAN_IN and LECUN_NORMAL (i.e. Keras’ “lecun_normal”)
- LECUN_UNIFORM: Uniform U[-a,a] with a=3/sqrt(fanIn).
- UNIFORM: Uniform U[-a,a] with a=1/sqrt(fanIn). “Commonly used heuristic” as per Glorot and Bengio 2010
- XAVIER: As per Glorot and Bengio 2010: Gaussian distribution with mean 0, variance 2.0/(fanIn + fanOut)
- XAVIER_UNIFORM: As per Glorot and Bengio 2010: Uniform distribution U(-s,s) with s = sqrt(6/(fanIn + fanOut))
- XAVIER_FAN_IN: Similar to Xavier, but 1/fanIn -> Caffe originally used this.
- RELU: He et al. (2015), “Delving Deep into Rectifiers”. Normal distribution with variance 2.0/nIn
- RELU_UNIFORM: He et al. (2015), “Delving Deep into Rectifiers”. Uniform distribution U(-s,s) with s = sqrt(6/fanIn)
- IDENTITY: Weights are set to an identity matrix. Note: can only be used with square weight matrices
- VAR_SCALING_NORMAL_FAN_IN: Gaussian distribution with mean 0, variance 1.0/(fanIn)
- VAR_SCALING_NORMAL_FAN_OUT: Gaussian distribution with mean 0, variance 1.0/(fanOut)
- VAR_SCALING_NORMAL_FAN_AVG: Gaussian distribution with mean 0, variance 1.0/((fanIn + fanOut)/2)
- VAR_SCALING_UNIFORM_FAN_IN: Uniform U[-a,a] with a=3.0/(fanIn)
- VAR_SCALING_UNIFORM_FAN_OUT: Uniform U[-a,a] with a=3.0/(fanOut)
- VAR_SCALING_UNIFORM_FAN_AVG: Uniform U[-a,a] with a=3.0/((fanIn + fanOut)/2)
3. Updaters
- AdaDelta - (Source) - Reference
- AdaGrad - (Source) - Reference
- AdaMax - (Source) - A variant of the Adam updater - Reference
- Adam - (Source)
- Nadam - (Source) - A variant of the Adam updater, using the Nesterov mementum update rule - Reference
- Nesterovs - (Source) - Nesterov momentum updater
- NoOp - (Source) - A ’no operation’ updater. That is, gradients are not modified at all by this updater. Mathematically equivalent to the SGD updater with a learning rate of 1.0
- RmsProp - (Source) - Reference - slide 29
- Sgd - (Source) - Standard stochastic gradient descent updater. This updater applies a learning rate only.
4. Learning Rate Schedules
- ExponentialSchedule - (Source) - Implements
value(i) = initialValue * gamma^i
- InverseSchedule - (Source) - Implements
value(i) = initialValue * (1 + gamma * i)^(-power)
- MapSchedule - (Source) - Learning rate schedule based on a user-provided map. Note that the provided map must have a value for iteration/epoch 0. Has a builder class to conveniently define a schedule.
- PolySchedule - (Source) - Implements
value(i) = initialValue * (1 + i/maxIter)^(-power)
- SigmoidSchedule - (Source) - Implements
value(i) = initialValue * 1.0 / (1 + exp(-gamma * (iter - stepSize)))
- StepSchedule - (Source) - Implements
value(i) = initialValue * gamma^( floor(iter/step) )
SaveLoad
MultiLayerNetwork.save(File)
andMultiLayerNetwork.load(File)
;- using the ModelSerializer class;
5. Example
MultiLayerConfiguration conf = new NeuralNetConfiguration.Builder()
.seed(1234)
// parameters below are copied to every layer in the network
// for inputs like dropOut() or activation() you should do this per layer
// only specify the parameters you need
.updater(new AdaGrad())
.activation(Activation.RELU)
.dropOut(0.8)
.l1(0.001)
.l2(1e-4)
.weightInit(WeightInit.XAVIER)
.weightInit(Distribution.TruncatedNormalDistribution)
.cudnnAlgoMode(ConvolutionLayer.AlgoMode.PREFER_FASTEST)
.gradientNormalization(GradientNormalization.RenormalizeL2PerLayer)
.gradientNormalizationThreshold(1e-3)
.list()
// layers in the network, added sequentially
// parameters set per-layer override the parameters above
.layer(new DenseLayer.Builder().nIn(numInputs).nOut(numHiddenNodes)
.weightInit(WeightInit.XAVIER)
.build())
.layer(new ActivationLayer(Activation.RELU))
.layer(new ConvolutionLayer.Builder(1,1)
.nIn(1024)
.nOut(2048)
.stride(1,1)
.convolutionMode(ConvolutionMode.Same)
.weightInit(WeightInit.XAVIER)
.activation(Activation.IDENTITY)
.build())
.layer(new GravesLSTM.Builder()
.activation(Activation.TANH)
.nIn(inputNum)
.nOut(100)
.build())
.layer(new OutputLayer.Builder(LossFunction.NEGATIVELOGLIKELIHOOD)
.weightInit(WeightInit.XAVIER)
.activation(Activation.SOFTMAX)
.nIn(numHiddenNodes).nOut(numOutputs).build())
.pretrain(false).backprop(true)
.build();
MultiLayerNetwork neuralNetwork = new MultiLayerNetwork(conf);
4. Train
ParentPathLabelGenerator labelMaker = new ParentPathLabelGenerator();
File mainPath = new File(System.getProperty("user.dir"), "dl4j-examples/src/main/resources/animals/");
FileSplit fileSplit = new FileSplit(mainPath, NativeImageLoader.ALLOWED_FORMATS, rng);
int numExamples = Math.toIntExact(fileSplit.length());
int numLabels = fileSplit.getRootDir().listFiles(File::isDirectory).length; //This only works if your root is clean: only label subdirs.
BalancedPathFilter pathFilter = new BalancedPathFilter(rng, labelMaker, numExamples, numLabels, maxPathsPerLabel);
InputSplit[] inputSplit = fileSplit.sample(pathFilter, splitTrainTest, 1 - splitTrainTest);
InputSplit trainData = inputSplit[0];
InputSplit testData = inputSplit[1];
boolean shuffle = false;
ImageTransform flipTransform1 = new FlipImageTransform(rng);
ImageTransform flipTransform2 = new FlipImageTransform(new Random(123));
ImageTransform warpTransform = new WarpImageTransform(rng, 42);
List<Pair<ImageTransform,Double>> pipeline = Arrays.asList(
new Pair<>(flipTransform1,0.9),
new Pair<>(flipTransform2,0.8),
new Pair<>(warpTransform,0.5));
ImageTransform transform = new PipelineImageTransform(pipeline,shuffle);
DataNormalization scaler = new ImagePreProcessingScaler(0, 1);
// training dataset
ImageRecordReader recordReaderTrain = new ImageRecordReader(height, width, channels, labelMaker);
recordReader.initialize(trainData, null);
DataSetIterator trainingIterator = new RecordReaderDataSetIterator(recordReaderTrain, batchSize, 1, numLabels);
// testing dataset
ImageRecordReader recordReaderTest = new ImageRecordReader(height, width, channels, labelMaker);
recordReader.initialize(testData, null);
DataSetIterator testingIterator = new RecordReaderDataSetIterator(recordReaderTest, batchSize, 1, numLabels);
// early stopping configuration, model saver, and trainer
EarlyStoppingModelSaver saver = new LocalFileModelSaver(System.getProperty("user.dir"));
EarlyStoppingConfiguration esConf = new EarlyStoppingConfiguration.Builder()
.epochTerminationConditions(new MaxEpochsTerminationCondition(50)) //Max of 50 epochs
.evaluateEveryNEpochs(1)
.iterationTerminationConditions(new MaxTimeIterationTerminationCondition(20, TimeUnit.MINUTES)) //Max of 20 minutes
.scoreCalculator(new DataSetLossCalculator(testingIterator, true)) //Calculate test set score
.modelSaver(saver)
.build();
EarlyStoppingTrainer trainer = new EarlyStoppingTrainer(esConf, neuralNetwork, trainingIterator);
// begin training
trainer.fit();
5. Evaluate
- Evaluation - (Source) - Used for the evaluation of
multi-class classifiers
(assumes standard one-hot labels, and softmax probability distribution over N classes for predictions). Calculates a number of metrics - accuracy, precision, recall, F1, F-beta, Matthews correlation coefficient, confusion matrix. Optionally calculates top N accuracy, custom binary decision thresholds, and cost arrays (for non-binary case). Typically used for softmax + mcxent/negative-log-likelihood networks. - EvaluationBinary - (Source) - A multi-label binary version of the Evaluation class. Each network output is assumed to be a
separate/independent binary class, with probability 0 to 1 independent of all other outputs.
Typically used for sigmoid + binary cross entropy networks. - EvaluationCalibration - (Source) - Used to evaluation the calibration of a binary or multi-class classifier. Produces reliability diagrams, residual plots, and histograms of probabilities. Export plots to HTML using EvaluationTools.exportevaluationCalibrationToHtmlFile method
- ROC - (Source) - Used for single output binary classifiers only - i.e., networks with nOut(1) + sigmoid, or nOut(2) + softmax. Supports 2 modes: thresholded (approximate) or exact (the default). Calculates area under ROC curve, area under precision-recall curve. Plot ROC and P-R curves to HTML using EvaluationTools
- ROCBinary - (Source) - a version of ROC that is used for multi-label binary networks (i.e., sigmoid + binary cross entropy), where each network output is assumed to be an independent binary variable.
- ROCMultiClass - (Source) - a version of
ROC that is used for multi-class (non-binary) networks (i.e., softmax + mcxent/negative-log-likelihood networks)
. As ROC metrics are only defined for binary classification, this treats the multi-class output as a set of ‘one-vs-all’ binary classification problems. - RegressionEvaluation - (Source) - An evaluation class used for r
egression models (including multi-output regression models).
Reports metrics such as mean-squared error(MSE), mean-absolute error,
etc for each output/column.
// returns evaluation class with accuracy, precision, recall, and other class statistics
Evaluation eval = neuralNetwork.eval(testIterator);
System.out.println(eval.accuracy());
System.out.println(eval.precision());
System.out.println(eval.recall());
// ROC for Area Under Curve on multi-class datasets (not binary classes)
ROCMultiClass roc = neuralNetwork.doEvaluation(testIterator, new ROCMultiClass());
System.out.println(roc.calculateAverageAuc());
System.out.println(roc.calculateAverageAucPR());