Examples¶
Release Highlights¶
These examples illustrate the main features of the releases of scikit-learn.
Biclustering¶
Examples concerning biclustering techniques.
data:image/s3,"s3://crabby-images/a4e51/a4e51f22ea43d872cb4f09cf3ba4e611efd593d3" alt=""
Biclustering documents with the Spectral Co-clustering algorithm
Calibration¶
Examples illustrating the calibration of predicted probabilities of classifiers.
data:image/s3,"s3://crabby-images/dfc1e/dfc1e32f4c79f2288586edc546a69a16c544e206" alt=""
Probability Calibration for 3-class classification
Classification¶
General examples about classification algorithms.
data:image/s3,"s3://crabby-images/d31c5/d31c5fe38e5f270fedb3c7468f1936a0af4448bf" alt=""
Linear and Quadratic Discriminant Analysis with covariance ellipsoid
data:image/s3,"s3://crabby-images/06135/06135f44aed36aed68680217fa6781a9a5a1aafb" alt=""
Normal, Ledoit-Wolf and OAS Linear Discriminant Analysis for classification
Clustering¶
Examples concerning the sklearn.cluster
module.
data:image/s3,"s3://crabby-images/6f68d/6f68d61a36e865009e509032b199de0dd39e46c0" alt=""
A demo of K-Means clustering on the handwritten digits data
data:image/s3,"s3://crabby-images/3d84c/3d84c0f1ceb3b6194c6fa1da8de5dc6a6c44b30b" alt=""
A demo of structured Ward hierarchical clustering on an image of coins
data:image/s3,"s3://crabby-images/8610b/8610bae550aafeb2de34f90f23f457b5e0be1c1c" alt=""
Adjustment for chance in clustering performance evaluation
data:image/s3,"s3://crabby-images/100ef/100ef64799199658519da41c83ea4767cfc216ec" alt=""
Agglomerative clustering with and without structure
data:image/s3,"s3://crabby-images/bd0b5/bd0b5fb497696f3d4415d156419a281f37c8e466" alt=""
Bisecting K-Means and Regular K-Means Performance Comparison
data:image/s3,"s3://crabby-images/160b0/160b0a112ae3e83e45a17a70db190fef528771ff" alt=""
Comparing different clustering algorithms on toy datasets
data:image/s3,"s3://crabby-images/55ea4/55ea4ec7d3b19eca43be1da907773e7d348ed259" alt=""
Comparing different hierarchical linkage methods on toy datasets
data:image/s3,"s3://crabby-images/afc74/afc741367e0784af475bde5e3aea26f41e9e71fd" alt=""
Comparison of the K-Means and MiniBatchKMeans clustering algorithms
data:image/s3,"s3://crabby-images/7e0d6/7e0d6480a9af24255e245553143e638234749858" alt=""
Empirical evaluation of the impact of k-means initialization
data:image/s3,"s3://crabby-images/7da50/7da5099adee6e96450f72bd382ae2c90071b6881" alt=""
Hierarchical clustering: structured vs unstructured ward
data:image/s3,"s3://crabby-images/84774/84774d4ef80c288960eed9784d4d77d8fd76b997" alt=""
Selecting the number of clusters with silhouette analysis on KMeans clustering
data:image/s3,"s3://crabby-images/f1bd5/f1bd5ead9eff4ecf0dc8ce7e30f2ca9f87a6857f" alt=""
Various Agglomerative Clustering on a 2D embedding of digits
Covariance estimation¶
Examples concerning the sklearn.covariance
module.
data:image/s3,"s3://crabby-images/45e32/45e32716c34615d0bef09d4ff93bbf92ca8a5785" alt=""
Robust covariance estimation and Mahalanobis distances relevance
data:image/s3,"s3://crabby-images/effaf/effaf9eeaf1277c19e2c8ce342c6747b6fcabbf9" alt=""
Shrinkage covariance estimation: LedoitWolf vs OAS and max-likelihood
Cross decomposition¶
Examples concerning the sklearn.cross_decomposition
module.
data:image/s3,"s3://crabby-images/ee471/ee471c59ba4e550e45422b791e5ff418e4063e89" alt=""
Principal Component Regression vs Partial Least Squares Regression
Dataset examples¶
Examples concerning the sklearn.datasets
module.
Decision Trees¶
Examples concerning the sklearn.tree
module.
data:image/s3,"s3://crabby-images/82b1d/82b1d3af2b106b256812154ba7e0fd311d4380a1" alt=""
Plot the decision surface of decision trees trained on the iris dataset
data:image/s3,"s3://crabby-images/0ba63/0ba637450311b32745a6e89492ef88495b466ecd" alt=""
Post pruning decision trees with cost complexity pruning
Decomposition¶
Examples concerning the sklearn.decomposition
module.
data:image/s3,"s3://crabby-images/1923b/1923babf4537871e9fa72d6046ca4b7054638de1" alt=""
Comparison of LDA and PCA 2D projection of Iris dataset
data:image/s3,"s3://crabby-images/69185/69185258eb0901fb1536886d88e8ea99b0360bb4" alt=""
Factor Analysis (with rotation) to visualize patterns
data:image/s3,"s3://crabby-images/8c028/8c028fbadf28d068d92b788ae2760366ecc9c2dd" alt=""
Model selection with Probabilistic PCA and Factor Analysis (FA)
Developing Estimators¶
Examples concerning the development of Custom Estimator.
Ensemble methods¶
Examples concerning the sklearn.ensemble
module.
data:image/s3,"s3://crabby-images/d77c8/d77c8ab4cb06cf98c48bc873a73248acf1370d1e" alt=""
Comparing Random Forests and Histogram Gradient Boosting models
data:image/s3,"s3://crabby-images/ee08e/ee08e9858fefd0eaa135b284c2a47c1a5e1e1d8e" alt=""
Comparing random forests and the multi-output meta estimator
data:image/s3,"s3://crabby-images/3c7f0/3c7f01154a4dead297158e77b310cf4a881074b3" alt=""
Hashing feature transformation using Totally Random Trees
data:image/s3,"s3://crabby-images/9d8e4/9d8e46d1d1685d224ea3d4f6a6efafeb6286ed32" alt=""
Plot class probabilities calculated by the VotingClassifier
data:image/s3,"s3://crabby-images/050d5/050d5a6663ae7f6b1947120a1dbdd21f494bf6c8" alt=""
Plot the decision boundaries of a VotingClassifier
data:image/s3,"s3://crabby-images/caf70/caf707b20bc1b7a2c823bf9ea67efc71dadd9791" alt=""
Plot the decision surfaces of ensembles of trees on the iris dataset
data:image/s3,"s3://crabby-images/99031/990313f336dab16ac987b76cc684c41ffdfc2e60" alt=""
Prediction Intervals for Gradient Boosting Regression
data:image/s3,"s3://crabby-images/12862/12862b4e0e4a38e2def1f2296347e1df41d35fea" alt=""
Single estimator versus bagging: bias-variance decomposition
Examples based on real world datasets¶
Applications to real world problems with some medium sized datasets or interactive user interface.
data:image/s3,"s3://crabby-images/42d00/42d00b498ff00a629665518d21bb9e5478c9d518" alt=""
Compressive sensing: tomography reconstruction with L1 prior (Lasso)
data:image/s3,"s3://crabby-images/473af/473afef7e03d1c8129929a79b12905799ae9621b" alt=""
Faces recognition example using eigenfaces and SVMs
data:image/s3,"s3://crabby-images/23f80/23f8078ee00805f6176a01273a6a92048fc13055" alt=""
Topic extraction with Non-negative Matrix Factorization and Latent Dirichlet Allocation
Feature Selection¶
Examples concerning the sklearn.feature_selection
module.
data:image/s3,"s3://crabby-images/b5577/b557769f6854a4857911a4320e6ceac4a254d9fb" alt=""
Recursive feature elimination with cross-validation
Gaussian Mixture Models¶
Examples concerning the sklearn.mixture
module.
data:image/s3,"s3://crabby-images/d0d76/d0d763f8890f3bdecdbe529f503cd2294644fa7f" alt=""
Concentration Prior Type Analysis of Variation Bayesian Gaussian Mixture
Gaussian Process for Machine Learning¶
Examples concerning the sklearn.gaussian_process
module.
data:image/s3,"s3://crabby-images/01623/016236b5cf1a8df97bbafc89aa97e4f2dfc299e2" alt=""
Ability of Gaussian process regression (GPR) to estimate data noise-level
data:image/s3,"s3://crabby-images/56b4b/56b4ba1d2a6913fb778c6243cb0be2b5188d8c1d" alt=""
Comparison of kernel ridge and Gaussian process regression
data:image/s3,"s3://crabby-images/19e29/19e29f1aa72139cb9f4c9d831fe8ff773fdbfb18" alt=""
Forecasting of CO2 level on Mona Loa dataset using Gaussian process regression (GPR)
data:image/s3,"s3://crabby-images/357fc/357fc09ac16c3e0469196f3b6736c9081615e2f1" alt=""
Gaussian Processes regression: basic introductory example
data:image/s3,"s3://crabby-images/38bf0/38bf090ae59416d0489dc3ff8ffa1320f84f848b" alt=""
Gaussian process classification (GPC) on iris dataset
data:image/s3,"s3://crabby-images/238b3/238b3d211785f4f3e9f30445880354fdd6d83fda" alt=""
Illustration of Gaussian process classification (GPC) on the XOR dataset
data:image/s3,"s3://crabby-images/f5ad1/f5ad10cdf7c770fd6147cc4dbb67d7abb286c1b5" alt=""
Illustration of prior and posterior Gaussian process for different kernels
data:image/s3,"s3://crabby-images/f8ffc/f8ffc78eea211a93424c917808cdbaa52f9277f3" alt=""
Iso-probability lines for Gaussian Processes classification (GPC)
data:image/s3,"s3://crabby-images/5fa84/5fa84491911f0a32abeefb9f6b66e85e37841c77" alt=""
Probabilistic predictions with Gaussian process classification (GPC)
Generalized Linear Models¶
Examples concerning the sklearn.linear_model
module.
data:image/s3,"s3://crabby-images/9f1d0/9f1d0aa9cbbc6c91023a63ea916478c99be03d4e" alt=""
Fitting an Elastic Net with a precomputed Gram Matrix and Weighted Samples
data:image/s3,"s3://crabby-images/e67c4/e67c4f4703582a934d5e071eba8146ddec628d29" alt=""
HuberRegressor vs Ridge on dataset with strong outliers
data:image/s3,"s3://crabby-images/11d91/11d91e6d7d2e039833646ae402de91c8e8954a46" alt=""
MNIST classification using multinomial logistic + L1
data:image/s3,"s3://crabby-images/c2810/c2810f584fce739ffb39e8cf30208db2d7244f34" alt=""
Multiclass sparse logistic regression on 20newgroups
data:image/s3,"s3://crabby-images/241e2/241e239193f2bcc02089058c99b7703b0cf89d36" alt=""
One-Class SVM versus One-Class SVM using Stochastic Gradient Descent
data:image/s3,"s3://crabby-images/999e4/999e49b22f0699e488a2bd987871a078d57fb604" alt=""
Ordinary Least Squares and Ridge Regression Variance
data:image/s3,"s3://crabby-images/66955/6695564f9a0db36cd0af8fdfb2d8c4d01408c1a0" alt=""
Plot Ridge coefficients as a function of the regularization
data:image/s3,"s3://crabby-images/749d4/749d4eeade7a523db9490a0d9475aa66022ba9fb" alt=""
Plot multinomial and One-vs-Rest Logistic Regression
data:image/s3,"s3://crabby-images/80dda/80dda72ee7db970bf8dfb4dbfe4c8f165c0ffa1a" alt=""
Ridge coefficients as a function of the L2 Regularization
Inspection¶
Examples related to the sklearn.inspection
module.
data:image/s3,"s3://crabby-images/cdfdb/cdfdb06581d20d11b150de32707d4747c20fd1cc" alt=""
Common pitfalls in the interpretation of coefficients of linear models
data:image/s3,"s3://crabby-images/f28ff/f28ff442c6c0a4fefcec5def4ee5422d897518cd" alt=""
Failure of Machine Learning to infer causal effects
data:image/s3,"s3://crabby-images/935c6/935c6cfd991b65301d3cca5e7b587d870661bef9" alt=""
Partial Dependence and Individual Conditional Expectation Plots
data:image/s3,"s3://crabby-images/b9fc1/b9fc17986297d0f8d901f8e459dd1f798ad99b47" alt=""
Permutation Importance vs Random Forest Feature Importance (MDI)
data:image/s3,"s3://crabby-images/b0ad1/b0ad1c5bcd204cd3b2bff39649781bb499c76a86" alt=""
Permutation Importance with Multicollinear or Correlated Features
Kernel Approximation¶
Examples concerning the sklearn.kernel_approximation
module.
data:image/s3,"s3://crabby-images/8490a/8490af3ee8624d0035211b29435378af9b3463a8" alt=""
Scalable learning with polynomial kernel approximation
Manifold learning¶
Examples concerning the sklearn.manifold
module.
data:image/s3,"s3://crabby-images/815a3/815a39dd704ebd216267bf7cf6f951a1304795b7" alt=""
Manifold learning on handwritten digits: Locally Linear Embedding, Isomap…
data:image/s3,"s3://crabby-images/63125/6312537e9ed8ee9adc672661e570685dc56551c9" alt=""
t-SNE: The effect of various perplexity values on the shape
Miscellaneous¶
Miscellaneous and introductory examples for scikit-learn.
data:image/s3,"s3://crabby-images/23209/232099879c05134dff1389dab9c8c888e6b73174" alt=""
Comparing anomaly detection algorithms for outlier detection on toy datasets
data:image/s3,"s3://crabby-images/6d2ac/6d2ace23146acbf2023ffcf5f87c086559c6c8e6" alt=""
Explicit feature map approximation for RBF kernels
data:image/s3,"s3://crabby-images/c6faf/c6faf231d334f7be8366c1274ed8b7e0a2985e79" alt=""
The Johnson-Lindenstrauss bound for embedding with random projections
Missing Value Imputation¶
Examples concerning the sklearn.impute
module.
data:image/s3,"s3://crabby-images/b73c5/b73c51fbdf8e828bfe16d9e729f64fd264f37d35" alt=""
Imputing missing values before building an estimator
data:image/s3,"s3://crabby-images/e0c53/e0c53e8e80951c52a62920b448899d9afbba5de6" alt=""
Imputing missing values with variants of IterativeImputer
Model Selection¶
Examples related to the sklearn.model_selection
module.
data:image/s3,"s3://crabby-images/df1d8/df1d829f5bf00f9bb8392edd0a3450c197df061b" alt=""
Balance model complexity and cross-validated score
data:image/s3,"s3://crabby-images/b6ca1/b6ca188e948de34947536e7d6b9ef7277476ef02" alt=""
Class Likelihood Ratios to measure classification performance
data:image/s3,"s3://crabby-images/063c1/063c196550fe17e6432f0dca86d4f25ec3f0fa1e" alt=""
Comparing randomized search and grid search for hyperparameter estimation
data:image/s3,"s3://crabby-images/2c2b7/2c2b756c747cf0dec4dbbe91a7d9e3a467f8cfc2" alt=""
Comparison between grid search and successive halving
data:image/s3,"s3://crabby-images/da922/da922ec594b51c110cbfd993bb4d6b7826032a68" alt=""
Custom refit strategy of a grid search with cross-validation
data:image/s3,"s3://crabby-images/8090a/8090aec8ac8680b3adc78cbe1917524618f9f8f9" alt=""
Demonstration of multi-metric evaluation on cross_val_score and GridSearchCV
data:image/s3,"s3://crabby-images/69ebc/69ebc6e6249bc6a8e6c58e63081f5a014d7777b5" alt=""
Multiclass Receiver Operating Characteristic (ROC)
data:image/s3,"s3://crabby-images/36d9a/36d9ab13e10527dc3b3aaa41a741508d0ab72dea" alt=""
Plotting Learning Curves and Checking Models’ Scalability
data:image/s3,"s3://crabby-images/0862c/0862c4b23593e349a0b5fe466bed44d4f32dea32" alt=""
Receiver Operating Characteristic (ROC) with cross validation
data:image/s3,"s3://crabby-images/132d9/132d9e91ce44d3593bba369f4a90d6921a12333b" alt=""
Sample pipeline for text feature extraction and evaluation
data:image/s3,"s3://crabby-images/75d8b/75d8bc0e15b3a7f6d2407b06046ec3d9053a9426" alt=""
Statistical comparison of models using grid search
data:image/s3,"s3://crabby-images/d600a/d600abd5028e370a4ab81159daf646a58a7b0d5f" alt=""
Test with permutations the significance of a classification score
data:image/s3,"s3://crabby-images/e518d/e518dd82e7aa23d21f66b45ba3e31c8da28e0afb" alt=""
Visualizing cross-validation behavior in scikit-learn
Multioutput methods¶
Examples concerning the sklearn.multioutput
module.
Nearest Neighbors¶
Examples concerning the sklearn.neighbors
module.
data:image/s3,"s3://crabby-images/defa4/defa4cdb6bcce9a6ddaf681c01ae2cdb6894d237" alt=""
Comparing Nearest Neighbors with and without Neighborhood Components Analysis
data:image/s3,"s3://crabby-images/3c838/3c83816e15bd85f332e02d6f797570736063d55e" alt=""
Dimensionality Reduction with Neighborhood Components Analysis
Neural Networks¶
Examples concerning the sklearn.neural_network
module.
data:image/s3,"s3://crabby-images/0b0e5/0b0e5f66ee5df355c554cf3c567a81e5432db61f" alt=""
Compare Stochastic learning strategies for MLPClassifier
data:image/s3,"s3://crabby-images/f2ac0/f2ac0d3a3538bb900c284479a4a381dfaac9c7c3" alt=""
Restricted Boltzmann Machine features for digit classification
Pipelines and composite estimators¶
Examples of how to compose transformers and pipelines from other estimators. See the User Guide.
data:image/s3,"s3://crabby-images/79f1d/79f1d0ac0029c6afb96cbba61a702ce811cd298c" alt=""
Column Transformer with Heterogeneous Data Sources
data:image/s3,"s3://crabby-images/95e99/95e99d032a3901a2b1bfa4937148aa1d8c57aaef" alt=""
Effect of transforming the targets in regression model
data:image/s3,"s3://crabby-images/49de3/49de34c113dabff9bffccc64968ac85c53863cd6" alt=""
Pipelining: chaining a PCA and a logistic regression
data:image/s3,"s3://crabby-images/679d3/679d3b5c829b54fed50493fd32f2186c919b6a55" alt=""
Selecting dimensionality reduction with Pipeline and GridSearchCV
Preprocessing¶
Examples concerning the sklearn.preprocessing
module.
data:image/s3,"s3://crabby-images/f3807/f3807027873320bfb2fc8b6d4de9d9dfb7b32df5" alt=""
Compare the effect of different scalers on data with outliers
data:image/s3,"s3://crabby-images/7d615/7d615c9b721be0880e4d6bdce2cceb313be20ad6" alt=""
Demonstrating the different strategies of KBinsDiscretizer
data:image/s3,"s3://crabby-images/9bb5e/9bb5e57c6480fbe4e0b0596a4f0452fcba27ab8b" alt=""
Using KBinsDiscretizer to discretize continuous features
Semi Supervised Classification¶
Examples concerning the sklearn.semi_supervised
module.
data:image/s3,"s3://crabby-images/a5a52/a5a52e5cc0e961576444a7479e163e7dbd41b281" alt=""
Decision boundary of semi-supervised classifiers versus SVM on the Iris dataset
data:image/s3,"s3://crabby-images/08031/080317be51e0aba3102e9bc50ec027cbb9dbe4fb" alt=""
Label Propagation digits: Demonstrating performance
Support Vector Machines¶
Examples concerning the sklearn.svm
module.
data:image/s3,"s3://crabby-images/a9d51/a9d5189e2e664395d8febcbe7c18f9849b6b444c" alt=""
Plot classification boundaries with different SVM Kernels
data:image/s3,"s3://crabby-images/3058c/3058c5fd9ccca239bf0acefa763a1d95053439c6" alt=""
Plot different SVM classifiers in the iris dataset
data:image/s3,"s3://crabby-images/cb4ac/cb4ac4fbd13962a29f7486444e875e8714af3c16" alt=""
Support Vector Regression (SVR) using linear and non-linear kernels
Tutorial exercises¶
Exercises for the tutorials
Working with text documents¶
Examples concerning the sklearn.feature_extraction.text
module.
data:image/s3,"s3://crabby-images/e3ed5/e3ed5a4582fa2af620bd7b9139e68822caf29377" alt=""
Classification of text documents using sparse features