Deep learning library
DLL
Data
Deep learning
MachineLearning
Custom exceptions
Examples
Examples
Probability Calibration
Deep learning
Gaussian Processes
Linear Models
Metrics
Naive Bayes
Neighbours
Optimizers
Reinforcement learning
Support vector machines
Trees and boosting machines
Unsupervised learning
Deep learning library
Index
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
W
|
X
_
__call__() (DLL.MachineLearning.SupervisedLearning.Kernels.Linear method)
(DLL.MachineLearning.SupervisedLearning.Kernels.Matern method)
(DLL.MachineLearning.SupervisedLearning.Kernels.Periodic method)
(DLL.MachineLearning.SupervisedLearning.Kernels.RationalQuadratic method)
(DLL.MachineLearning.SupervisedLearning.Kernels.RBF method)
(DLL.MachineLearning.SupervisedLearning.Kernels.WhiteGaussian method)
A
accuracy() (in module DLL.Data.Metrics)
AdaBoostClassifier (class in DLL.MachineLearning.SupervisedLearning.Trees)
AdaBoostRegressor (class in DLL.MachineLearning.SupervisedLearning.Trees)
ADADELTA (class in DLL.DeepLearning.Optimisers)
ADAGRAD (class in DLL.DeepLearning.Optimisers)
ADAM (class in DLL.DeepLearning.Optimisers)
Add (class in DLL.DeepLearning.Layers)
add() (DLL.DeepLearning.Model.Model method)
adjusted_r2_score() (in module DLL.Data.Metrics)
alpha (DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVC attribute)
(DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVR attribute)
alpha_star (DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVR attribute)
auc() (in module DLL.Data.Metrics)
B
BackUp (class in DLL.DeepLearning.Callbacks)
backward() (DLL.DeepLearning.Layers.Activations.ReLU method)
(DLL.DeepLearning.Layers.Activations.Sigmoid method)
(DLL.DeepLearning.Layers.Activations.SoftMax method)
(DLL.DeepLearning.Layers.Activations.Tanh method)
(DLL.DeepLearning.Layers.Add method)
(DLL.DeepLearning.Layers.Bidirectional method)
(DLL.DeepLearning.Layers.Conv2D method)
(DLL.DeepLearning.Layers.Dense method)
(DLL.DeepLearning.Layers.DenseKAN method)
(DLL.DeepLearning.Layers.Flatten method)
(DLL.DeepLearning.Layers.Identity method)
(DLL.DeepLearning.Layers.LayerList method)
(DLL.DeepLearning.Layers.LSTM method)
(DLL.DeepLearning.Layers.MaxPooling2D method)
(DLL.DeepLearning.Layers.MultiHeadAttention method)
(DLL.DeepLearning.Layers.Regularisation.BatchNorm method)
(DLL.DeepLearning.Layers.Regularisation.Dropout method)
(DLL.DeepLearning.Layers.Regularisation.GroupNorm method)
(DLL.DeepLearning.Layers.Regularisation.InstanceNorm method)
(DLL.DeepLearning.Layers.Regularisation.LayerNorm method)
(DLL.DeepLearning.Layers.Reshape method)
(DLL.DeepLearning.Layers.RNN method)
BatchNorm (class in DLL.DeepLearning.Layers.Regularisation)
BCE (class in DLL.DeepLearning.Losses)
BernoulliNaiveBayes (class in DLL.MachineLearning.SupervisedLearning.NaiveBayes)
best_estimator (DLL.MachineLearning.SupervisedLearning.LinearModels.RANSACRegression attribute)
beta (DLL.MachineLearning.SupervisedLearning.LinearModels.LinearRegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.RidgeRegression attribute)
bias (DLL.MachineLearning.SupervisedLearning.LinearModels.LogisticRegression attribute)
Bidirectional (class in DLL.DeepLearning.Layers)
binary_cross_entropy() (in module DLL.Data.Metrics)
C
calculate_metrics() (in module DLL.Data.Metrics)
CalibratedClassifier (class in DLL.MachineLearning.SupervisedLearning.Calibration)
calibration_curve() (in module DLL.Data.Metrics)
Callback (class in DLL.DeepLearning.Callbacks)
categorical_cross_entropy() (in module DLL.Data.Metrics)
CategoricalEncoder (class in DLL.Data.Preprocessing)
CCE (class in DLL.DeepLearning.Losses)
centroids (DLL.MachineLearning.UnsupervisedLearning.Clustering.KMeansClustering attribute)
classes (DLL.MachineLearning.SupervisedLearning.Trees.DecisionTree attribute)
clone() (DLL.DeepLearning.Model.Model method)
compile() (DLL.DeepLearning.Model.Model method)
components (DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.LDA attribute)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.PCA attribute)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.RobustPCA attribute)
confidences (DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostClassifier attribute)
confusion_matrix() (in module DLL.Data.Metrics)
Conv2D (class in DLL.DeepLearning.Layers)
D
data_split() (in module DLL.Data.Preprocessing)
DataReader (class in DLL.Data)
DBScan (class in DLL.MachineLearning.UnsupervisedLearning.Clustering)
DecisionTree (class in DLL.MachineLearning.SupervisedLearning.Trees)
decode() (DLL.Data.Preprocessing.CategoricalEncoder method)
(DLL.Data.Preprocessing.OneHotEncoder method)
Dense (class in DLL.DeepLearning.Layers)
DenseKAN (class in DLL.DeepLearning.Layers)
DLL.Data.Metrics
module
DLL.Data.Preprocessing
module
Dropout (class in DLL.DeepLearning.Layers.Regularisation)
E
EarlyStopping (class in DLL.DeepLearning.Callbacks)
ElasticNetRegression (class in DLL.MachineLearning.SupervisedLearning.LinearModels)
encode() (DLL.Data.Preprocessing.CategoricalEncoder method)
(DLL.Data.Preprocessing.OneHotEncoder method)
eval() (DLL.DeepLearning.Model.Model method)
explained_variance (DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.PCA attribute)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.RobustPCA attribute)
Exponential (class in DLL.DeepLearning.Losses)
exponential_loss() (in module DLL.Data.Metrics)
F
f1_score() (in module DLL.Data.Metrics)
fit() (DLL.Data.Preprocessing.CategoricalEncoder method)
(DLL.Data.Preprocessing.MinMaxScaler method)
(DLL.Data.Preprocessing.OneHotEncoder method)
(DLL.Data.Preprocessing.StandardScaler method)
(DLL.DeepLearning.Model.Model method)
(DLL.MachineLearning.SupervisedLearning.Calibration.CalibratedClassifier method)
(DLL.MachineLearning.SupervisedLearning.Calibration.IsotonicRegression method)
(DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessClassifier method)
(DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessRegressor method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.ElasticNetRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LASSORegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LinearRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LogisticRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.RANSACRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.RidgeRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.TimeSeries.SARIMA method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.BernoulliNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.GaussianNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.MultinomialNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.Neighbors.KNNClassifier method)
(DLL.MachineLearning.SupervisedLearning.Neighbors.KNNRegressor method)
(DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVC method)
(DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVR method)
(DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostRegressor method)
(DLL.MachineLearning.SupervisedLearning.Trees.DecisionTree method)
(DLL.MachineLearning.SupervisedLearning.Trees.GradientBoostingClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.GradientBoostingRegressor method)
(DLL.MachineLearning.SupervisedLearning.Trees.LGBMClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.LGBMRegressor method)
(DLL.MachineLearning.SupervisedLearning.Trees.RandomForestClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.RandomForestRegressor method)
(DLL.MachineLearning.SupervisedLearning.Trees.RegressionTree method)
(DLL.MachineLearning.SupervisedLearning.Trees.XGBoostingClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.XGBoostingRegressor method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.DBScan method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.GaussianMixture method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.KMeansClustering method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.SpectralClustering method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.LDA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.PCA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.QDA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.RobustPCA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.TSNE method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.UMAP method)
(DLL.MachineLearning.UnsupervisedLearning.OutlierDetection.IsolationForest method)
fit_encode() (DLL.Data.Preprocessing.CategoricalEncoder method)
(DLL.Data.Preprocessing.OneHotEncoder method)
fit_predict() (DLL.MachineLearning.UnsupervisedLearning.OutlierDetection.IsolationForest method)
fit_transform() (DLL.Data.Preprocessing.MinMaxScaler method)
(DLL.Data.Preprocessing.StandardScaler method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.LDA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.PCA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.RobustPCA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.TSNE method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.UMAP method)
Flatten (class in DLL.DeepLearning.Layers)
forward() (DLL.DeepLearning.Layers.Activations.ReLU method)
(DLL.DeepLearning.Layers.Activations.Sigmoid method)
(DLL.DeepLearning.Layers.Activations.SoftMax method)
(DLL.DeepLearning.Layers.Activations.Tanh method)
(DLL.DeepLearning.Layers.Add method)
(DLL.DeepLearning.Layers.Bidirectional method)
(DLL.DeepLearning.Layers.Conv2D method)
(DLL.DeepLearning.Layers.Dense method)
(DLL.DeepLearning.Layers.DenseKAN method)
(DLL.DeepLearning.Layers.Flatten method)
(DLL.DeepLearning.Layers.Identity method)
(DLL.DeepLearning.Layers.LayerList method)
(DLL.DeepLearning.Layers.LSTM method)
(DLL.DeepLearning.Layers.MaxPooling2D method)
(DLL.DeepLearning.Layers.MultiHeadAttention method)
(DLL.DeepLearning.Layers.Regularisation.BatchNorm method)
(DLL.DeepLearning.Layers.Regularisation.Dropout method)
(DLL.DeepLearning.Layers.Regularisation.GroupNorm method)
(DLL.DeepLearning.Layers.Regularisation.InstanceNorm method)
(DLL.DeepLearning.Layers.Regularisation.LayerNorm method)
(DLL.DeepLearning.Layers.Reshape method)
(DLL.DeepLearning.Layers.RNN method)
G
GaussianMixture (class in DLL.MachineLearning.UnsupervisedLearning.Clustering)
GaussianNaiveBayes (class in DLL.MachineLearning.SupervisedLearning.NaiveBayes)
GaussianProcessClassifier (class in DLL.MachineLearning.SupervisedLearning.GaussianProcesses)
GaussianProcessRegressor (class in DLL.MachineLearning.SupervisedLearning.GaussianProcesses)
get_data() (DLL.Data.DataReader method)
get_nparams() (DLL.DeepLearning.Layers.Add method)
(DLL.DeepLearning.Layers.Bidirectional method)
(DLL.DeepLearning.Layers.LayerList method)
gradient() (DLL.DeepLearning.Losses.BCE method)
(DLL.DeepLearning.Losses.CCE method)
(DLL.DeepLearning.Losses.Exponential method)
(DLL.DeepLearning.Losses.Huber method)
(DLL.DeepLearning.Losses.MAE method)
(DLL.DeepLearning.Losses.MSE method)
GradientBoostingClassifier (class in DLL.MachineLearning.SupervisedLearning.Trees)
GradientBoostingRegressor (class in DLL.MachineLearning.SupervisedLearning.Trees)
GroupNorm (class in DLL.DeepLearning.Layers.Regularisation)
H
hessian() (DLL.DeepLearning.Losses.BCE method)
(DLL.DeepLearning.Losses.CCE method)
(DLL.DeepLearning.Losses.Exponential method)
(DLL.DeepLearning.Losses.Huber method)
(DLL.DeepLearning.Losses.MAE method)
(DLL.DeepLearning.Losses.MSE method)
history (DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.TSNE attribute)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.UMAP attribute)
Huber (class in DLL.DeepLearning.Losses)
huber_loss() (in module DLL.Data.Metrics)
I
Identity (class in DLL.DeepLearning.Layers)
inertia (DLL.MachineLearning.UnsupervisedLearning.Clustering.KMeansClustering attribute)
initialise() (DLL.DeepLearning.Initialisers.Kaiming_Normal method)
(DLL.DeepLearning.Initialisers.Kaiming_Uniform method)
(DLL.DeepLearning.Initialisers.Xavier_Normal method)
(DLL.DeepLearning.Initialisers.Xavier_Uniform method)
initialise_parameters() (DLL.DeepLearning.Optimisers.ADADELTA method)
(DLL.DeepLearning.Optimisers.ADAGRAD method)
(DLL.DeepLearning.Optimisers.ADAM method)
(DLL.DeepLearning.Optimisers.LBFGS method)
(DLL.DeepLearning.Optimisers.RMSPROP method)
(DLL.DeepLearning.Optimisers.SGD method)
InstanceNorm (class in DLL.DeepLearning.Layers.Regularisation)
inverse_transform() (DLL.Data.Preprocessing.MinMaxScaler method)
(DLL.Data.Preprocessing.StandardScaler method)
IsolationForest (class in DLL.MachineLearning.UnsupervisedLearning.OutlierDetection)
IsotonicRegression (class in DLL.MachineLearning.SupervisedLearning.Calibration)
K
Kaiming_Normal (class in DLL.DeepLearning.Initialisers)
Kaiming_Uniform (class in DLL.DeepLearning.Initialisers)
KMeansClustering (class in DLL.MachineLearning.UnsupervisedLearning.Clustering)
KNNClassifier (class in DLL.MachineLearning.SupervisedLearning.Neighbors)
KNNRegressor (class in DLL.MachineLearning.SupervisedLearning.Neighbors)
L
LASSORegression (class in DLL.MachineLearning.SupervisedLearning.LinearModels)
LayerList (class in DLL.DeepLearning.Layers)
LayerNorm (class in DLL.DeepLearning.Layers.Regularisation)
LBFGS (class in DLL.DeepLearning.Optimisers)
LDA (class in DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction)
LGBMClassifier (class in DLL.MachineLearning.SupervisedLearning.Trees)
LGBMRegressor (class in DLL.MachineLearning.SupervisedLearning.Trees)
Linear (class in DLL.MachineLearning.SupervisedLearning.Kernels)
LinearRegression (class in DLL.MachineLearning.SupervisedLearning.LinearModels)
load_model() (in module DLL.DeepLearning.Model)
log_marginal_likelihood() (DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessClassifier method)
(DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessRegressor method)
LogisticRegression (class in DLL.MachineLearning.SupervisedLearning.LinearModels)
loss() (DLL.DeepLearning.Losses.BCE method)
(DLL.DeepLearning.Losses.CCE method)
(DLL.DeepLearning.Losses.Exponential method)
(DLL.DeepLearning.Losses.Huber method)
(DLL.DeepLearning.Losses.MAE method)
(DLL.DeepLearning.Losses.MSE method)
LSTM (class in DLL.DeepLearning.Layers)
M
MAE (class in DLL.DeepLearning.Losses)
Matern (class in DLL.MachineLearning.SupervisedLearning.Kernels)
MaxPooling2D (class in DLL.DeepLearning.Layers)
mean_absolute_error() (in module DLL.Data.Metrics)
mean_squared_error() (in module DLL.Data.Metrics)
median_absolute_error() (in module DLL.Data.Metrics)
MinMaxScaler (class in DLL.Data.Preprocessing)
Model (class in DLL.DeepLearning.Model)
module
DLL.Data.Metrics
DLL.Data.Preprocessing
MSE (class in DLL.DeepLearning.Losses)
MultiHeadAttention (class in DLL.DeepLearning.Layers)
MultinomialNaiveBayes (class in DLL.MachineLearning.SupervisedLearning.NaiveBayes)
N
n_classes (DLL.MachineLearning.SupervisedLearning.NaiveBayes.BernoulliNaiveBayes attribute)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.GaussianNaiveBayes attribute)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.MultinomialNaiveBayes attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostClassifier attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.DecisionTree attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.GradientBoostingClassifier attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.LGBMClassifier attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.XGBoostingClassifier attribute)
n_features (DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessClassifier attribute)
(DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessRegressor attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.ElasticNetRegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LASSORegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LinearRegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LogisticRegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.RidgeRegression attribute)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.BernoulliNaiveBayes attribute)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.GaussianNaiveBayes attribute)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.MultinomialNaiveBayes attribute)
(DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVC attribute)
(DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVR attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostClassifier attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostRegressor attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.GradientBoostingClassifier attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.GradientBoostingRegressor attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.LGBMClassifier attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.LGBMRegressor attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.XGBoostingClassifier attribute)
(DLL.MachineLearning.SupervisedLearning.Trees.XGBoostingRegressor attribute)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.LDA attribute)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.QDA attribute)
NotCompiledError (class in DLL.Exceptions)
NotFittedError (class in DLL.Exceptions)
O
on_batch_end() (DLL.DeepLearning.Callbacks.BackUp method)
(DLL.DeepLearning.Callbacks.Callback method)
on_epoch_end() (DLL.DeepLearning.Callbacks.BackUp method)
(DLL.DeepLearning.Callbacks.Callback method)
(DLL.DeepLearning.Callbacks.EarlyStopping method)
(DLL.DeepLearning.Callbacks.ReduceLROnPlateau method)
on_train_end() (DLL.DeepLearning.Callbacks.Callback method)
(DLL.DeepLearning.Callbacks.EarlyStopping method)
on_train_start() (DLL.DeepLearning.Callbacks.Callback method)
(DLL.DeepLearning.Callbacks.EarlyStopping method)
(DLL.DeepLearning.Callbacks.ReduceLROnPlateau method)
OneHotEncoder (class in DLL.Data.Preprocessing)
P
parameters() (DLL.MachineLearning.SupervisedLearning.Kernels.Linear method)
(DLL.MachineLearning.SupervisedLearning.Kernels.Matern method)
(DLL.MachineLearning.SupervisedLearning.Kernels.Periodic method)
(DLL.MachineLearning.SupervisedLearning.Kernels.RationalQuadratic method)
(DLL.MachineLearning.SupervisedLearning.Kernels.RBF method)
(DLL.MachineLearning.SupervisedLearning.Kernels.WhiteGaussian method)
PCA (class in DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction)
Periodic (class in DLL.MachineLearning.SupervisedLearning.Kernels)
PolynomialFeatures (class in DLL.Data.Preprocessing)
precision() (in module DLL.Data.Metrics)
predict() (DLL.DeepLearning.Model.Model method)
(DLL.MachineLearning.SupervisedLearning.Calibration.CalibratedClassifier method)
(DLL.MachineLearning.SupervisedLearning.Calibration.IsotonicRegression method)
(DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessClassifier method)
(DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessRegressor method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.ElasticNetRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LASSORegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LinearRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LogisticRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.RANSACRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.RidgeRegression method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.TimeSeries.SARIMA method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.BernoulliNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.GaussianNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.MultinomialNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.Neighbors.KNNClassifier method)
(DLL.MachineLearning.SupervisedLearning.Neighbors.KNNRegressor method)
(DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVC method)
(DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVR method)
(DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostRegressor method)
(DLL.MachineLearning.SupervisedLearning.Trees.DecisionTree method)
(DLL.MachineLearning.SupervisedLearning.Trees.GradientBoostingClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.GradientBoostingRegressor method)
(DLL.MachineLearning.SupervisedLearning.Trees.LGBMClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.LGBMRegressor method)
(DLL.MachineLearning.SupervisedLearning.Trees.RandomForestClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.RandomForestRegressor method)
(DLL.MachineLearning.SupervisedLearning.Trees.RegressionTree method)
(DLL.MachineLearning.SupervisedLearning.Trees.XGBoostingClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.XGBoostingRegressor method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.DBScan method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.GaussianMixture method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.KMeansClustering method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.SpectralClustering method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.LDA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.QDA method)
(DLL.MachineLearning.UnsupervisedLearning.OutlierDetection.IsolationForest method)
predict_proba() (DLL.MachineLearning.SupervisedLearning.Calibration.CalibratedClassifier method)
(DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessClassifier method)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LogisticRegression method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.BernoulliNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.GaussianNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.NaiveBayes.MultinomialNaiveBayes method)
(DLL.MachineLearning.SupervisedLearning.Neighbors.KNNClassifier method)
(DLL.MachineLearning.SupervisedLearning.SupportVectorMachines.SVC method)
(DLL.MachineLearning.SupervisedLearning.Trees.AdaBoostClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.DecisionTree method)
(DLL.MachineLearning.SupervisedLearning.Trees.GradientBoostingClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.LGBMClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.RandomForestClassifier method)
(DLL.MachineLearning.SupervisedLearning.Trees.XGBoostingClassifier method)
(DLL.MachineLearning.UnsupervisedLearning.Clustering.GaussianMixture method)
prob_to_pred() (in module DLL.Data.Metrics)
Q
QDA (class in DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction)
R
r2_score() (in module DLL.Data.Metrics)
RandomForestClassifier (class in DLL.MachineLearning.SupervisedLearning.Trees)
RandomForestRegressor (class in DLL.MachineLearning.SupervisedLearning.Trees)
RANSACRegression (class in DLL.MachineLearning.SupervisedLearning.LinearModels)
RationalQuadratic (class in DLL.MachineLearning.SupervisedLearning.Kernels)
RBF (class in DLL.MachineLearning.SupervisedLearning.Kernels)
recall() (in module DLL.Data.Metrics)
ReduceLROnPlateau (class in DLL.DeepLearning.Callbacks)
RegressionTree (class in DLL.MachineLearning.SupervisedLearning.Trees)
ReLU (class in DLL.DeepLearning.Layers.Activations)
Reshape (class in DLL.DeepLearning.Layers)
residuals (DLL.MachineLearning.SupervisedLearning.LinearModels.ElasticNetRegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LASSORegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LinearRegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.RidgeRegression attribute)
RidgeRegression (class in DLL.MachineLearning.SupervisedLearning.LinearModels)
RMSPROP (class in DLL.DeepLearning.Optimisers)
RNN (class in DLL.DeepLearning.Layers)
RobustPCA (class in DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction)
roc_auc() (in module DLL.Data.Metrics)
roc_curve() (in module DLL.Data.Metrics)
root_mean_squared_error() (in module DLL.Data.Metrics)
S
SARIMA (class in DLL.MachineLearning.SupervisedLearning.LinearModels.TimeSeries)
save_model() (in module DLL.DeepLearning.Model)
set_model() (DLL.DeepLearning.Callbacks.Callback method)
(DLL.DeepLearning.Callbacks.EarlyStopping method)
(DLL.DeepLearning.Callbacks.ReduceLROnPlateau method)
SGD (class in DLL.DeepLearning.Optimisers)
Sigmoid (class in DLL.DeepLearning.Layers.Activations)
silhouette_score() (in module DLL.Data.Metrics)
SoftMax (class in DLL.DeepLearning.Layers.Activations)
SpectralClustering (class in DLL.MachineLearning.UnsupervisedLearning.Clustering)
StandardScaler (class in DLL.Data.Preprocessing)
summary() (DLL.DeepLearning.Layers.Add method)
(DLL.DeepLearning.Layers.Bidirectional method)
(DLL.DeepLearning.Layers.LayerList method)
(DLL.DeepLearning.Model.Model method)
SVC (class in DLL.MachineLearning.SupervisedLearning.SupportVectorMachines)
SVR (class in DLL.MachineLearning.SupervisedLearning.SupportVectorMachines)
T
Tanh (class in DLL.DeepLearning.Layers.Activations)
train() (DLL.DeepLearning.Model.Model method)
train_kernel() (DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessClassifier method)
(DLL.MachineLearning.SupervisedLearning.GaussianProcesses.GaussianProcessRegressor method)
transform() (DLL.Data.Preprocessing.MinMaxScaler method)
(DLL.Data.Preprocessing.PolynomialFeatures method)
(DLL.Data.Preprocessing.StandardScaler method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.LDA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.PCA method)
(DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction.RobustPCA method)
TSNE (class in DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction)
U
UMAP (class in DLL.MachineLearning.UnsupervisedLearning.DimensionalityReduction)
update_parameters() (DLL.DeepLearning.Optimisers.ADADELTA method)
(DLL.DeepLearning.Optimisers.ADAGRAD method)
(DLL.DeepLearning.Optimisers.ADAM method)
(DLL.DeepLearning.Optimisers.LBFGS method)
(DLL.DeepLearning.Optimisers.RMSPROP method)
(DLL.DeepLearning.Optimisers.SGD method)
W
weights (DLL.MachineLearning.SupervisedLearning.LinearModels.ElasticNetRegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LASSORegression attribute)
(DLL.MachineLearning.SupervisedLearning.LinearModels.LogisticRegression attribute)
WhiteGaussian (class in DLL.MachineLearning.SupervisedLearning.Kernels)
X
Xavier_Normal (class in DLL.DeepLearning.Initialisers)
Xavier_Uniform (class in DLL.DeepLearning.Initialisers)
XGBoostingClassifier (class in DLL.MachineLearning.SupervisedLearning.Trees)
XGBoostingRegressor (class in DLL.MachineLearning.SupervisedLearning.Trees)