:orphan:
Examples
=============
Here are some examples on how to use the models in the library. These examples are meant
to showcase each model and method defined in the library. Some utility methods, such as
certain metrics, are omitted, as the author believes such examples have little to no practical
use. However, most core features and functionalities are demonstrated through these examples.
Each example is designed to illustrate the model's usage, behavior, and performance in various
scenarios. The provided scripts include data preprocessing, model training, evaluation, and
visualization where applicable. By following these examples, users can gain a better
understanding of how to effectively apply the models to different machine learning tasks.
.. raw:: html
.. thumbnail-parent-div-open
.. thumbnail-parent-div-close
.. raw:: html
Probability Calibration
=============================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/Calibration/images/thumb/sphx_glr_IsotonicRegression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Calibration_IsotonicRegression.py`
.. raw:: html
Isotonic regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/Calibration/images/thumb/sphx_glr_Calibration_curve_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Calibration_Calibration_curve.py`
.. raw:: html
Calibration of Classification Models
.. thumbnail-parent-div-close
.. raw:: html
Deep learning
=============================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/DeepLearning/images/thumb/sphx_glr_Attention_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_DeepLearning_Attention.py`
.. raw:: html
Deep learning with Attention
.. raw:: html
.. only:: html
.. image:: /auto_examples/DeepLearning/images/thumb/sphx_glr_TimeSeriesAnalysis_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_DeepLearning_TimeSeriesAnalysis.py`
.. raw:: html
Recurrent networks for time series analysis
.. raw:: html
.. only:: html
.. image:: /auto_examples/DeepLearning/images/thumb/sphx_glr_BidirectionalClassification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_DeepLearning_BidirectionalClassification.py`
.. raw:: html
Bidirectional recurrent layers
.. raw:: html
.. only:: html
.. image:: /auto_examples/DeepLearning/images/thumb/sphx_glr_Regression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_DeepLearning_Regression.py`
.. raw:: html
Regression with neural networks
.. raw:: html
.. only:: html
.. image:: /auto_examples/DeepLearning/images/thumb/sphx_glr_KANs_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_DeepLearning_KANs.py`
.. raw:: html
Kolmogorov-Arnold Networks
.. raw:: html
.. only:: html
.. image:: /auto_examples/DeepLearning/images/thumb/sphx_glr_ImageClassification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_DeepLearning_ImageClassification.py`
.. raw:: html
MNIST Image classification
.. thumbnail-parent-div-close
.. raw:: html
Gaussian Processes
====================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/GaussianProcesses/images/thumb/sphx_glr_MultidimensionalGPR_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_GaussianProcesses_MultidimensionalGPR.py`
.. raw:: html
Multidimensional Gaussian Process Regression (GPR)
.. raw:: html
.. only:: html
.. image:: /auto_examples/GaussianProcesses/images/thumb/sphx_glr_GaussianProcessRegressor_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_GaussianProcesses_GaussianProcessRegressor.py`
.. raw:: html
Gaussian Process Regressor (GPR)
.. raw:: html
.. only:: html
.. image:: /auto_examples/GaussianProcesses/images/thumb/sphx_glr_GaussianProcessClassification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_GaussianProcesses_GaussianProcessClassification.py`
.. raw:: html
Gaussian Process Classification (GPC)
.. thumbnail-parent-div-close
.. raw:: html
Linear Models
====================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/LinearModels/images/thumb/sphx_glr_LinearRegressionConfidenceIntervals_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_LinearModels_LinearRegressionConfidenceIntervals.py`
.. raw:: html
Linear Regression with confidence intervals
.. raw:: html
.. only:: html
.. image:: /auto_examples/LinearModels/images/thumb/sphx_glr_RANSAC_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_LinearModels_RANSAC.py`
.. raw:: html
Robust Regression with RANSAC
.. raw:: html
.. only:: html
.. image:: /auto_examples/LinearModels/images/thumb/sphx_glr_PolynomialFeatures_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_LinearModels_PolynomialFeatures.py`
.. raw:: html
Polynomial Surface Regression with Total Least Squares
.. raw:: html
.. only:: html
.. image:: /auto_examples/LinearModels/images/thumb/sphx_glr_LogisticRegression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_LinearModels_LogisticRegression.py`
.. raw:: html
Logistic Regression on the Iris Dataset
.. raw:: html
.. only:: html
.. image:: /auto_examples/LinearModels/images/thumb/sphx_glr_LocallyWeightedRegression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_LinearModels_LocallyWeightedRegression.py`
.. raw:: html
Locally Weighted Regression on a Sine Function
.. raw:: html
.. only:: html
.. image:: /auto_examples/LinearModels/images/thumb/sphx_glr_LinearRegularisation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_LinearModels_LinearRegularisation.py`
.. raw:: html
Regularization Path for Ridge, LASSO, and ElasticNet Regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/LinearModels/images/thumb/sphx_glr_LinearModels_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_LinearModels_LinearModels.py`
.. raw:: html
Linear and Regularized Regression Models on Synthetic Data
.. thumbnail-parent-div-close
.. raw:: html
Metrics
====================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/Metrics/images/thumb/sphx_glr_ROC_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Metrics_ROC.py`
.. raw:: html
Logistic Regression on Synthetic Data with ROC Curve and AUC
.. thumbnail-parent-div-close
.. raw:: html
Naive Bayes
====================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/NaiveBayes/images/thumb/sphx_glr_NaiveBayes_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_NaiveBayes_NaiveBayes.py`
.. raw:: html
Naive Bayes Classifiers on Iris and Synthetic Datasets
.. thumbnail-parent-div-close
.. raw:: html
Neighbours
====================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/Neighbours/images/thumb/sphx_glr_KNN_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Neighbours_KNN.py`
.. raw:: html
K-Nearest Neighbors (KNN) Classification and Regression
.. thumbnail-parent-div-close
.. raw:: html
Optimizers
====================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/Optimisers/images/thumb/sphx_glr_Optimisers_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Optimisers_Optimisers.py`
.. raw:: html
Comparison of Optimization Algorithms on the Rosenbrock Function
.. thumbnail-parent-div-close
.. raw:: html
Reinforcement learning
==========================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/ReinforcementLearning/images/thumb/sphx_glr_DeepReinforcementLearning_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ReinforcementLearning_DeepReinforcementLearning.py`
.. raw:: html
Deep Q-Learning Agent for CartPole-v1
.. thumbnail-parent-div-close
.. raw:: html
Support vector machines
==========================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/SVM/images/thumb/sphx_glr_SupportVectorRegression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_SVM_SupportVectorRegression.py`
.. raw:: html
Support Vector Regression for 3D Surface Fitting
.. raw:: html
.. only:: html
.. image:: /auto_examples/SVM/images/thumb/sphx_glr_SupportVectorClassification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_SVM_SupportVectorClassification.py`
.. raw:: html
Support Vector Classifier Solver Comparison
.. thumbnail-parent-div-close
.. raw:: html
Trees and boosting machines
=============================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/Trees/images/thumb/sphx_glr_IsolationForest_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Trees_IsolationForest.py`
.. raw:: html
Outlier detection using isolation forest
.. raw:: html
.. only:: html
.. image:: /auto_examples/Trees/images/thumb/sphx_glr_DecisionTree_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Trees_DecisionTree.py`
.. raw:: html
Decision tree and random forest classifiers
.. raw:: html
.. only:: html
.. image:: /auto_examples/Trees/images/thumb/sphx_glr_BoostingClassifiers_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Trees_BoostingClassifiers.py`
.. raw:: html
Boosting Classifier Comparison
.. raw:: html
.. only:: html
.. image:: /auto_examples/Trees/images/thumb/sphx_glr_RegressionTree_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_Trees_RegressionTree.py`
.. raw:: html
Regression using tree based models
.. thumbnail-parent-div-close
.. raw:: html
Unsupervised learning
=============================
.. raw:: html
.. thumbnail-parent-div-open
.. raw:: html
.. only:: html
.. image:: /auto_examples/UnsupervisedLearning/images/thumb/sphx_glr_DimensionalityReduction_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_UnsupervisedLearning_DimensionalityReduction.py`
.. raw:: html
Comparison of dimensionality reduction algorithms
.. raw:: html
.. only:: html
.. image:: /auto_examples/UnsupervisedLearning/images/thumb/sphx_glr_DiscriminantAnalysisClassification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_UnsupervisedLearning_DiscriminantAnalysisClassification.py`
.. raw:: html
Classification with discriminant analysis
.. raw:: html
.. only:: html
.. image:: /auto_examples/UnsupervisedLearning/images/thumb/sphx_glr_Clustering_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_UnsupervisedLearning_Clustering.py`
.. raw:: html
Comparison of clustering algorithms using silhouette scores
.. thumbnail-parent-div-close
.. raw:: html
.. toctree::
:hidden:
:includehidden:
/auto_examples/Calibration/index.rst
/auto_examples/DeepLearning/index.rst
/auto_examples/GaussianProcesses/index.rst
/auto_examples/LinearModels/index.rst
/auto_examples/Metrics/index.rst
/auto_examples/NaiveBayes/index.rst
/auto_examples/Neighbours/index.rst
/auto_examples/Optimisers/index.rst
/auto_examples/ReinforcementLearning/index.rst
/auto_examples/SVM/index.rst
/auto_examples/Trees/index.rst
/auto_examples/UnsupervisedLearning/index.rst
.. only:: html
.. container:: sphx-glr-footer sphx-glr-footer-gallery
.. container:: sphx-glr-download sphx-glr-download-python
:download:`Download all examples in Python source code: auto_examples_python.zip `
.. container:: sphx-glr-download sphx-glr-download-jupyter
:download:`Download all examples in Jupyter notebooks: auto_examples_jupyter.zip `
.. only:: html
.. rst-class:: sphx-glr-signature
`Gallery generated by Sphinx-Gallery `_