Documentation

Neural Network Toolbox Functions

Alphabetical List By Category

Deep Learning

Convolutional Neural Networks

trainingOptions Options for training neural network
trainNetwork Train a convolutional network
imageInputLayer 图像输入层
convolution2dLayer Convolutional layer
reluLayer Rectified Linear Unit (ReLU) layer
crossChannelNormalizationLayer Channel-wise local response normalization layer
averagePooling2dLayer Average pooling layer object
maxPooling2dLayer Max pooling layer
fullyConnectedLayer Fully connected layer
dropoutLayer Dropout layer
softmaxLayer Softmax layer for convolutional neural networks
classificationLayer Create a classification output layer
regressionLayer Create a regression output layer
activations Compute convolutional neural network layer activations
predict Predict responses using a trained convolutional neural network
classify Classify data using a trained convolutional neural network
deepDreamImage Visualize network features using deep dream
alexnet Pretrained AlexNet convolutional neural network
vgg16 Pretrained VGG-16 convolutional neural network
vgg19 Pretrained VGG-19 convolutional neural network
importCaffeLayers Import convolutional neural network layers from Caffe
importCaffeNetwork Import pretrained convolutional neural network models from Caffe
SeriesNetwork Series network class
TrainingOptionsSGDM Training options for stochastic gradient descent with momentum
Layer Network layer
ImageInputLayer 图像输入层
Convolution2DLayer Convolutional layer
ReLULayer Rectified Linear Unit (ReLU) layer
CrossChannelNormalizationLayer Channel-wise local response normalization layer
AveragePooling2DLayer Average pooling layer object
MaxPooling2DLayer Max pooling layer
FullyConnectedLayer Fully connected layer
DropoutLayer Dropout layer
SoftmaxLayer Softmax layer for convolutional neural networks
ClassificationOutputLayer Classification output layer
RegressionOutputLayer 回归输出层

Autoencoders

Autoencoder Autoencoder class
trainAutoencoder Train an autoencoder
trainSoftmaxLayer Train a softmax layer for classification
decode Decode encoded data
encode Encode input data
generateFunction Generate a MATLAB function to run the autoencoder
generateSimulink Generate a Simulink model for the autoencoder
network Convert Autoencoder object into network object
plotWeights Plot a visualization of the weights for the encoder of an autoencoder
predict Reconstruct the inputs using trained autoencoder
堆栈 Stack encoders from several autoencoders together
view View autoencoder

Function Approximation and Nonlinear Regression

nnstart Neural network getting started GUI
view View neural network
fitnet Function fitting neural network
feedforwardnet Feedforward neural network
cascadeforwardnet Cascade-forward neural network
train Train neural network
trainlm Levenberg-Marquardt backpropagation
trainbr Bayesian regularization backpropagation
trainscg Scaled conjugate gradient backpropagation
trainrp Resilient backpropagation
mse Mean squared normalized error performance function
regression Linear regression
ploterrhist Plot error histogram
plotfit Plot function fit
plotperform Plot network performance
plotregression Plot linear regression
plottrainstate Plot training state values
genFunction Generate MATLAB function for simulating neural network

Pattern Recognition and Classification

Autoencoder Autoencoder class
nnstart Neural network getting started GUI
view View neural network
trainAutoencoder Train an autoencoder
trainSoftmaxLayer Train a softmax layer for classification
decode Decode encoded data
encode Encode input data
predict Reconstruct the inputs using trained autoencoder
堆栈 Stack encoders from several autoencoders together
network Convert Autoencoder object into network object
patternnet Pattern recognition network
lvqnet Learning vector quantization neural network
train Train neural network
trainlm Levenberg-Marquardt backpropagation
trainbr Bayesian regularization backpropagation
trainscg Scaled conjugate gradient backpropagation
trainrp Resilient backpropagation
mse Mean squared normalized error performance function
regression Linear regression
roc Receiver operating characteristic
plotconfusion Plot classification confusion matrix
ploterrhist Plot error histogram
plotperform Plot network performance
plotregression Plot linear regression
plotroc Plot receiver operating characteristic
plottrainstate Plot training state values
crossentropy Neural network performance
genFunction Generate MATLAB function for simulating neural network

Clustering

Self-Organizing Maps

nnstart Neural network getting started GUI
view View neural network
selforgmap Self-organizing map
train Train neural network
plotsomhits Plot self-organizing map sample hits
plotsomnc Plot self-organizing map neighbor connections
plotsomnd Plot self-organizing map neighbor distances
plotsomplanes Plot self-organizing map weight planes
plotsompos Plot self-organizing map weight positions
plotsomtop Plot self-organizing map topology
genFunction Generate MATLAB function for simulating neural network

Competitive Layers

competlayer Competitive layer
view View neural network
train Train neural network
trainru Unsupervised random order weight/bias training
learnk Kohonen weight learning function
learncon Conscience bias learning function
genFunction Generate MATLAB function for simulating neural network

Time Series and Dynamic Systems

Modeling and Prediction with NARX and Time-Delay Networks

nnstart Neural network getting started GUI
view View neural network
timedelaynet Time delay neural network
narxnet Nonlinear autoregressive neural network with external input
narnet Nonlinear autoregressive neural network
layrecnet Layer recurrent neural network
distdelaynet Distributed delay network
train Train neural network
gensim Generate Simulink block for neural network simulation
adddelay Add delay to neural network response
removedelay Remove delay to neural network's response
closeloop Convert neural network open-loop feedback to closed loop
openloop Convert neural network closed-loop feedback to open loop
ploterrhist Plot error histogram
plotinerrcorr Plot input to error time-series cross-correlation
plotregression Plot linear regression
plotresponse Plot dynamic network time series response
ploterrcorr Plot autocorrelation of error time series
genFunction Generate MATLAB function for simulating neural network
gensim Generate Simulink block for neural network simulation
setsiminit Set neural network Simulink block initial conditions
getsiminit Get Simulink neural network block initial input and layer delays states
sim2nndata Convert Simulink time series to neural network data
nndata2sim Convert neural network data to Simulink time series

Define Neural Network Architectures

network Create custom neural network
Was this topic helpful?