Man pages for stschn/deepANN
Neural Network Toolbox

accuracyClassification accuracy
alexnetAlexNet model
append_rowsAppend dummy rows
as_ANN_matrixConvert data into an ANN compatible matrix with only numbers
as_CNN_image_XCreate a 4-dimensional array for image features (input)
as_CNN_image_YCreate a one-hot vector for image labels (output)
as_CNN_temp_XFeatures (X) data format for a temporal CNN
as_CNN_temp_YOutcomes (Y) data format for a temporal CNN
as_images_arrayConvert (resized) images to 3D arrays
as_images_tensorConvert list of image arrays to a tensor
as_lagGet ANN lag from ARIMA(X) lag
as_LSTM_data_frameRecreation of a data frame based on preformatted X and Y data...
as_LSTM_period_outcomeRebuild data frame
as_LSTM_XFeatures (X) data format for LSTM
as_LSTM_YOutcomes (Y) data format for LSTM
as_MLP_XFeatures (X) data format for SLP/MLP
as_MLP_YOutcomes (Y) data format for SLP/MLP
as_tensor_1DTransform data into a 1D tensor
as_tensor_2DTransform data into a 2D tensor.
as_tensor_3DTransform data into a 3D tensor.
as_timestepsGet ANN timesteps from ANN lag
backendBackend
build_LSTMBuild LSTM architecture
build_MLPBuild SLP/MLP architecture
coerce_dimensionCoerce data to an array with no trailing dimension of 1 or to...
concatenate.factorConcatenate two or more objects into a factor object
cross_entropyCross entropy
cross_validation_splitK-fold cross validation
data_splitData split
day.nameBuilt-in Constants
decision_treeDecision Tree
degreeRadian to degree
diceDice coefficient
diffinv_logInvert a log-differenced vector
diffinv_percentageInvert a percentage-differenced vector
diffinv_simpleInvert a simple-differenced vector
diff_logLog-differencing of a numeric vector
diff_percentagePercentage-differencing of a numeric vector
distanceDistance
dummifyCreate dummy variables for categorical (nominal or ordinal)...
dummify_multilabelCreate dummy variables for multi-label columns
effectcodingEffectcoding
Encoder-classClass Encoder
entropyShannon entropy
erfError function (from MATLAB)
erfcComplementary error function (from MATLAB)
erfcinvInverse complementary error function (from MATLAB)
erfinvInverse error function (from MATLAB)
fit_LSTMFit LSTM model
fit_MLPFit SLP/MLP model
get_LSTM_XYExtract features (X) and outcome (Y) vector or matrix from...
get_period_shiftPeriod shift
get_seasonGet season from given dates
gini_impurityGini impurity
huber_lossHuber loss
images_loadLoad images from different sources like from files or web
images_resizeResize loaded images
inception_resnet_v2Inception-ResNet v2 model
inception_v3Inception v3 model
invert_differencingInvert a differenced data series
iouIntersection-over-Union (IoU, Jaccard Index)
k_nearest_neighborsK-nearest neighbors
LabelBinarizer-classclass LabelBinarizer
LabelEncoder-classclass LabelEncoder
lagsBuild a lagged data set or series
lenet5LeNet-5 model
list_as_numericRecursively transform all objects within a list to numeric...
load_weights_ANNLoad model weights from file
log_cosh_lossLog-Cosh loss
maeMean absolute error (MAE)
mapeMean absolute percentage error (MAPE)
MinMaxScaler-classclass MinMaxScaler
mobilenetMobileNet model
mobilenet_v2MobileNetV2 model
mobilenet_v3MobileNetV3 model
moving_averageWeighted moving average
mseMean squared error (MSE)
msleMean squared logarithmic error (MSLE)
multi-assignMulti-assign operator
MultiLabelBinarizer-classclass MultiLabelBinarizer
naive_bayesNaive Bayes
naive_forecastNaive forecasting
nasnetNASNet-A model
nsamplesNumber of samples within an array
nsubsequencesNumber of subsequences within an array
ntimestepsNumber of timesteps within an array
nunitsNumber of units within an array
one_hot_decodeOne-hot decoding
one_hot_encodeOne-hot encoding
OneHotEncoder-classclass OneHotEncoder
outlierDefinition and detection of outliers
outlier_datasetReplace outliers in columns of a data set with 'NA'
Oversampler-classOverSampler class
partitionSubset data set/time series into several slices
periodSubset data set/time series to specific periodically data
pipePipe operator
predict_ANNPredict with ANN model
predict.decisiontreePrediction for Decision Tree
predict.kmeansPrediction for kmeans
predict.naivebayesPrediction for Naive Bayes
probabilityProbability
quantile_lossQuantile loss
radianDegree to radian
RandomOversampler-classRandomOverSampler class
random_seedRandom Number Generation with Tensorflow
RandomUndersampler-classRadomUnderSampler class
re.factorRenew an (ordered) factor object
remove_columnsRemove columns with only one specific value
resample_imbalancedResampling imbalanced data for classification problems
resnetResNet models
rmseRoot mean square error (RMSE)
rmsleRoot mean square logarithmic error (RMSLE)
rmspeRoot mean square percentage error (RMSPE)
sampler-classBase Sampler class
sampler_WrapperWrapper function for class Oversampler.
save_weights_ANNSave model weights to file
scale_center(Mean) Centering
scale_datasetScaling of a data set
scale_logLog Transformation
scale_minmaxMin-Max Scaling
Scaler-classClass Scaler
scale_train_testScaling of a train and test data set
scale_zscoreZ-Score Scaling
scalingScaling of a numeric object
sd_popPopulation standard deviation
similaritySimilarity
SMOTE-classSMOTE class
sparse_encodeSparse encoding
sseSum of squared errors (SSE)
StandardScaler-classclass StandardScaler
start_invert_differencingStart row index/period for invert differencing
stationaryBuild a stationary data series by differencing
stderrorStandard error
train_test_splitData split
Undersampler-classUnderSampler class
unetU-Net model
unet3d3D U-Net model
var_popPopulation variance
vcVariance coefficient (VC)
vector_as_ANN_matrixTransform a vector into a ANN compatible matrix
vector_as_numericTransform a vector to a numeric vector
vggVGG models
wapeWeighted average percentage error (WAPE)
winsorizeWinsorize outliers
wmapeWeighted mean absolute percentage error (WMAPE)
xceptionXception model
zfnetZFNet model
stschn/deepANN documentation built on June 25, 2024, 7:27 a.m.