:orphan:
.. _general_examples:
Examples
========
.. raw:: html
.. raw:: html
Release Highlights
------------------
These examples illustrate the main features of the releases of scikit-learn.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/release_highlights/images/thumb/sphx_glr_plot_release_highlights_1_4_0_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_release_highlights_plot_release_highlights_1_4_0.py`
.. raw:: html
Release Highlights for scikit-learn 1.4
.. raw:: html
.. only:: html
.. image:: /auto_examples/release_highlights/images/thumb/sphx_glr_plot_release_highlights_1_3_0_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_release_highlights_plot_release_highlights_1_3_0.py`
.. raw:: html
Release Highlights for scikit-learn 1.3
.. raw:: html
.. only:: html
.. image:: /auto_examples/release_highlights/images/thumb/sphx_glr_plot_release_highlights_1_2_0_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_release_highlights_plot_release_highlights_1_2_0.py`
.. raw:: html
Release Highlights for scikit-learn 1.2
.. raw:: html
.. only:: html
.. image:: /auto_examples/release_highlights/images/thumb/sphx_glr_plot_release_highlights_1_1_0_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_release_highlights_plot_release_highlights_1_1_0.py`
.. raw:: html
Release Highlights for scikit-learn 1.1
.. raw:: html
.. only:: html
.. image:: /auto_examples/release_highlights/images/thumb/sphx_glr_plot_release_highlights_1_0_0_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_release_highlights_plot_release_highlights_1_0_0.py`
.. raw:: html
Release Highlights for scikit-learn 1.0
.. raw:: html
.. only:: html
.. image:: /auto_examples/release_highlights/images/thumb/sphx_glr_plot_release_highlights_0_24_0_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_release_highlights_plot_release_highlights_0_24_0.py`
.. raw:: html
Release Highlights for scikit-learn 0.24
.. raw:: html
.. only:: html
.. image:: /auto_examples/release_highlights/images/thumb/sphx_glr_plot_release_highlights_0_23_0_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_release_highlights_plot_release_highlights_0_23_0.py`
.. raw:: html
Release Highlights for scikit-learn 0.23
.. raw:: html
.. only:: html
.. image:: /auto_examples/release_highlights/images/thumb/sphx_glr_plot_release_highlights_0_22_0_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_release_highlights_plot_release_highlights_0_22_0.py`
.. raw:: html
Release Highlights for scikit-learn 0.22
.. raw:: html
Biclustering
------------
Examples concerning biclustering techniques.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_kmeans_digits_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_kmeans_digits.py`
.. raw:: html
A demo of K-Means clustering on the handwritten digits data
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_coin_ward_segmentation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_coin_ward_segmentation.py`
.. raw:: html
A demo of structured Ward hierarchical clustering on an image of coins
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_mean_shift_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_mean_shift.py`
.. raw:: html
A demo of the mean-shift clustering algorithm
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_adjusted_for_chance_measures_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_adjusted_for_chance_measures.py`
.. raw:: html
Adjustment for chance in clustering performance evaluation
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_agglomerative_clustering_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_agglomerative_clustering.py`
.. raw:: html
Agglomerative clustering with and without structure
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_agglomerative_clustering_metrics_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_agglomerative_clustering_metrics.py`
.. raw:: html
Agglomerative clustering with different metrics
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_kmeans_plusplus_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_kmeans_plusplus.py`
.. raw:: html
An example of K-Means++ initialization
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_bisect_kmeans_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_bisect_kmeans.py`
.. raw:: html
Bisecting K-Means and Regular K-Means Performance Comparison
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_color_quantization_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_color_quantization.py`
.. raw:: html
Color Quantization using K-Means
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_birch_vs_minibatchkmeans_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_birch_vs_minibatchkmeans.py`
.. raw:: html
Compare BIRCH and MiniBatchKMeans
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_cluster_comparison_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_cluster_comparison.py`
.. raw:: html
Comparing different clustering algorithms on toy datasets
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_linkage_comparison_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_linkage_comparison.py`
.. raw:: html
Comparing different hierarchical linkage methods on toy datasets
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_mini_batch_kmeans_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_mini_batch_kmeans.py`
.. raw:: html
Comparison of the K-Means and MiniBatchKMeans clustering algorithms
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_dbscan_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_dbscan.py`
.. raw:: html
Demo of DBSCAN clustering algorithm
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_hdbscan_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_hdbscan.py`
.. raw:: html
Demo of HDBSCAN clustering algorithm
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_optics_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_optics.py`
.. raw:: html
Demo of OPTICS clustering algorithm
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_affinity_propagation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_affinity_propagation.py`
.. raw:: html
Demo of affinity propagation clustering algorithm
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_kmeans_assumptions_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_kmeans_assumptions.py`
.. raw:: html
Demonstration of k-means assumptions
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_kmeans_stability_low_dim_dense_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_kmeans_stability_low_dim_dense.py`
.. raw:: html
Empirical evaluation of the impact of k-means initialization
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_digits_agglomeration_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_digits_agglomeration.py`
.. raw:: html
Feature agglomeration
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_feature_agglomeration_vs_univariate_selection_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_feature_agglomeration_vs_univariate_selection.py`
.. raw:: html
Feature agglomeration vs. univariate selection
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_ward_structured_vs_unstructured_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_ward_structured_vs_unstructured.py`
.. raw:: html
Hierarchical clustering: structured vs unstructured ward
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_inductive_clustering_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_inductive_clustering.py`
.. raw:: html
Inductive Clustering
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_cluster_iris_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_cluster_iris.py`
.. raw:: html
K-means Clustering
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_dict_face_patches_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_dict_face_patches.py`
.. raw:: html
Online learning of a dictionary of parts of faces
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_agglomerative_dendrogram_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_agglomerative_dendrogram.py`
.. raw:: html
Plot Hierarchical Clustering Dendrogram
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_coin_segmentation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_coin_segmentation.py`
.. raw:: html
Segmenting the picture of greek coins in regions
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_kmeans_silhouette_analysis_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_kmeans_silhouette_analysis.py`
.. raw:: html
Selecting the number of clusters with silhouette analysis on KMeans clustering
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_segmentation_toy_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_segmentation_toy.py`
.. raw:: html
Spectral clustering for image segmentation
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_digits_linkage_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_digits_linkage.py`
.. raw:: html
Various Agglomerative Clustering on a 2D embedding of digits
.. raw:: html
.. only:: html
.. image:: /auto_examples/cluster/images/thumb/sphx_glr_plot_face_compress_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_cluster_plot_face_compress.py`
.. raw:: html
Vector Quantization Example
.. raw:: html
Covariance estimation
---------------------
Examples concerning the :mod:`sklearn.covariance` module.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_ica_blind_source_separation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_ica_blind_source_separation.py`
.. raw:: html
Blind source separation using FastICA
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_pca_vs_lda_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_pca_vs_lda.py`
.. raw:: html
Comparison of LDA and PCA 2D projection of Iris dataset
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_faces_decomposition_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_faces_decomposition.py`
.. raw:: html
Faces dataset decompositions
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_varimax_fa_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_varimax_fa.py`
.. raw:: html
Factor Analysis (with rotation) to visualize patterns
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_ica_vs_pca_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_ica_vs_pca.py`
.. raw:: html
FastICA on 2D point clouds
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_image_denoising_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_image_denoising.py`
.. raw:: html
Image denoising using dictionary learning
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_incremental_pca_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_incremental_pca.py`
.. raw:: html
Incremental PCA
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_kernel_pca_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_kernel_pca.py`
.. raw:: html
Kernel PCA
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_pca_vs_fa_model_selection_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_pca_vs_fa_model_selection.py`
.. raw:: html
Model selection with Probabilistic PCA and Factor Analysis (FA)
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_pca_iris_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_pca_iris.py`
.. raw:: html
PCA example with Iris Data-set
.. raw:: html
.. only:: html
.. image:: /auto_examples/decomposition/images/thumb/sphx_glr_plot_sparse_coding_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_decomposition_plot_sparse_coding.py`
.. raw:: html
Sparse coding with a precomputed dictionary
.. raw:: html
Developing Estimators
---------------------
Examples concerning the development of Custom Estimator.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_gradient_boosting_categorical_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_gradient_boosting_categorical.py`
.. raw:: html
Categorical Feature Support in Gradient Boosting
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_stack_predictors_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_stack_predictors.py`
.. raw:: html
Combine predictors using stacking
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_forest_hist_grad_boosting_comparison_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_forest_hist_grad_boosting_comparison.py`
.. raw:: html
Comparing Random Forests and Histogram Gradient Boosting models
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_random_forest_regression_multioutput_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_random_forest_regression_multioutput.py`
.. raw:: html
Comparing random forests and the multi-output meta estimator
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_adaboost_regression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_adaboost_regression.py`
.. raw:: html
Decision Tree Regression with AdaBoost
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_gradient_boosting_early_stopping_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_gradient_boosting_early_stopping.py`
.. raw:: html
Early stopping in Gradient Boosting
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_forest_importances_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_forest_importances.py`
.. raw:: html
Feature importances with a forest of trees
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_feature_transformation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_feature_transformation.py`
.. raw:: html
Feature transformations with ensembles of trees
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_gradient_boosting_oob_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_gradient_boosting_oob.py`
.. raw:: html
Gradient Boosting Out-of-Bag estimates
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_gradient_boosting_regression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_gradient_boosting_regression.py`
.. raw:: html
Gradient Boosting regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_gradient_boosting_regularization_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_gradient_boosting_regularization.py`
.. raw:: html
Gradient Boosting regularization
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_random_forest_embedding_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_random_forest_embedding.py`
.. raw:: html
Hashing feature transformation using Totally Random Trees
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_isolation_forest_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_isolation_forest.py`
.. raw:: html
IsolationForest example
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_monotonic_constraints_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_monotonic_constraints.py`
.. raw:: html
Monotonic Constraints
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_adaboost_multiclass_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_adaboost_multiclass.py`
.. raw:: html
Multi-class AdaBoosted Decision Trees
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_ensemble_oob_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_ensemble_oob.py`
.. raw:: html
OOB Errors for Random Forests
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_forest_importances_faces_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_forest_importances_faces.py`
.. raw:: html
Pixel importances with a parallel forest of trees
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_voting_probas_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_voting_probas.py`
.. raw:: html
Plot class probabilities calculated by the VotingClassifier
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_voting_regressor_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_voting_regressor.py`
.. raw:: html
Plot individual and voting regression predictions
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_voting_decision_regions_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_voting_decision_regions.py`
.. raw:: html
Plot the decision boundaries of a VotingClassifier
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_forest_iris_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_forest_iris.py`
.. raw:: html
Plot the decision surfaces of ensembles of trees on the iris dataset
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_gradient_boosting_quantile_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_gradient_boosting_quantile.py`
.. raw:: html
Prediction Intervals for Gradient Boosting Regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_bias_variance_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_bias_variance.py`
.. raw:: html
Single estimator versus bagging: bias-variance decomposition
.. raw:: html
.. only:: html
.. image:: /auto_examples/ensemble/images/thumb/sphx_glr_plot_adaboost_twoclass_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_ensemble_plot_adaboost_twoclass.py`
.. raw:: html
Two-class AdaBoost
.. raw:: html
Examples based on real world datasets
-------------------------------------
Applications to real world problems with some medium sized datasets or
interactive user interface.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_tomography_l1_reconstruction_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_tomography_l1_reconstruction.py`
.. raw:: html
Compressive sensing: tomography reconstruction with L1 prior (Lasso)
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_face_recognition_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_face_recognition.py`
.. raw:: html
Faces recognition example using eigenfaces and SVMs
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_digits_denoising_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_digits_denoising.py`
.. raw:: html
Image denoising using kernel PCA
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_time_series_lagged_features_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_time_series_lagged_features.py`
.. raw:: html
Lagged features for time series forecasting
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_svm_gui_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_svm_gui.py`
.. raw:: html
Libsvm GUI
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_model_complexity_influence_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_model_complexity_influence.py`
.. raw:: html
Model Complexity Influence
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_out_of_core_classification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_out_of_core_classification.py`
.. raw:: html
Out-of-core classification of text documents
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_outlier_detection_wine_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_outlier_detection_wine.py`
.. raw:: html
Outlier detection on a real data set
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_prediction_latency_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_prediction_latency.py`
.. raw:: html
Prediction Latency
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_species_distribution_modeling_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_species_distribution_modeling.py`
.. raw:: html
Species distribution modeling
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_cyclical_feature_engineering_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_cyclical_feature_engineering.py`
.. raw:: html
Time-related feature engineering
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_topics_extraction_with_nmf_lda_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_topics_extraction_with_nmf_lda.py`
.. raw:: html
Topic extraction with Non-negative Matrix Factorization and Latent Dirichlet Allocation
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_plot_stock_market_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_plot_stock_market.py`
.. raw:: html
Visualizing the stock market structure
.. raw:: html
.. only:: html
.. image:: /auto_examples/applications/images/thumb/sphx_glr_wikipedia_principal_eigenvector_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_applications_wikipedia_principal_eigenvector.py`
.. raw:: html
Wikipedia principal eigenvector
.. raw:: html
Feature Selection
-----------------------
Examples concerning the :mod:`sklearn.feature_selection` module.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/mixture/images/thumb/sphx_glr_plot_concentration_prior_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_mixture_plot_concentration_prior.py`
.. raw:: html
Concentration Prior Type Analysis of Variation Bayesian Gaussian Mixture
.. raw:: html
.. only:: html
.. image:: /auto_examples/mixture/images/thumb/sphx_glr_plot_gmm_pdf_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_mixture_plot_gmm_pdf.py`
.. raw:: html
Density Estimation for a Gaussian mixture
.. raw:: html
.. only:: html
.. image:: /auto_examples/mixture/images/thumb/sphx_glr_plot_gmm_init_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_mixture_plot_gmm_init.py`
.. raw:: html
GMM Initialization Methods
.. raw:: html
.. only:: html
.. image:: /auto_examples/mixture/images/thumb/sphx_glr_plot_gmm_covariances_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_mixture_plot_gmm_covariances.py`
.. raw:: html
GMM covariances
.. raw:: html
.. only:: html
.. image:: /auto_examples/mixture/images/thumb/sphx_glr_plot_gmm_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_mixture_plot_gmm.py`
.. raw:: html
Gaussian Mixture Model Ellipsoids
.. raw:: html
.. only:: html
.. image:: /auto_examples/mixture/images/thumb/sphx_glr_plot_gmm_selection_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_mixture_plot_gmm_selection.py`
.. raw:: html
Gaussian Mixture Model Selection
.. raw:: html
.. only:: html
.. image:: /auto_examples/mixture/images/thumb/sphx_glr_plot_gmm_sin_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_mixture_plot_gmm_sin.py`
.. raw:: html
Gaussian Mixture Model Sine Curve
.. raw:: html
Gaussian Process for Machine Learning
-------------------------------------
Examples concerning the :mod:`sklearn.gaussian_process` module.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpr_noisy_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpr_noisy.py`
.. raw:: html
Ability of Gaussian process regression (GPR) to estimate data noise-level
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_compare_gpr_krr_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_compare_gpr_krr.py`
.. raw:: html
Comparison of kernel ridge and Gaussian process regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpr_co2_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpr_co2.py`
.. raw:: html
Forecasting of CO2 level on Mona Loa dataset using Gaussian process regression (GPR)
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpr_noisy_targets_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpr_noisy_targets.py`
.. raw:: html
Gaussian Processes regression: basic introductory example
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpc_iris_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpc_iris.py`
.. raw:: html
Gaussian process classification (GPC) on iris dataset
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpr_on_structured_data_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpr_on_structured_data.py`
.. raw:: html
Gaussian processes on discrete data structures
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpc_xor_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpc_xor.py`
.. raw:: html
Illustration of Gaussian process classification (GPC) on the XOR dataset
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpr_prior_posterior_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpr_prior_posterior.py`
.. raw:: html
Illustration of prior and posterior Gaussian process for different kernels
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpc_isoprobability_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpc_isoprobability.py`
.. raw:: html
Iso-probability lines for Gaussian Processes classification (GPC)
.. raw:: html
.. only:: html
.. image:: /auto_examples/gaussian_process/images/thumb/sphx_glr_plot_gpc_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_gaussian_process_plot_gpc.py`
.. raw:: html
Probabilistic predictions with Gaussian process classification (GPC)
.. raw:: html
Generalized Linear Models
-------------------------
Examples concerning the :mod:`sklearn.linear_model` module.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_ard_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_ard.py`
.. raw:: html
Comparing Linear Bayesian Regressors
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sgd_comparison_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sgd_comparison.py`
.. raw:: html
Comparing various online solvers
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_bayesian_ridge_curvefit_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_bayesian_ridge_curvefit.py`
.. raw:: html
Curve Fitting with Bayesian Ridge Regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sgd_early_stopping_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sgd_early_stopping.py`
.. raw:: html
Early stopping of Stochastic Gradient Descent
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_elastic_net_precomputed_gram_matrix_with_weighted_samples_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_elastic_net_precomputed_gram_matrix_with_weighted_samples.py`
.. raw:: html
Fitting an Elastic Net with a precomputed Gram Matrix and Weighted Samples
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_huber_vs_ridge_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_huber_vs_ridge.py`
.. raw:: html
HuberRegressor vs Ridge on dataset with strong outliers
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_multi_task_lasso_support_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_multi_task_lasso_support.py`
.. raw:: html
Joint feature selection with multi-task Lasso
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_logistic_l1_l2_sparsity_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_logistic_l1_l2_sparsity.py`
.. raw:: html
L1 Penalty and Sparsity in Logistic Regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_lasso_and_elasticnet_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_lasso_and_elasticnet.py`
.. raw:: html
L1-based models for Sparse Signals
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_lasso_coordinate_descent_path_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_lasso_coordinate_descent_path.py`
.. raw:: html
Lasso and Elastic Net
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_lasso_lars_ic_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_lasso_lars_ic.py`
.. raw:: html
Lasso model selection via information criteria
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_lasso_model_selection_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_lasso_model_selection.py`
.. raw:: html
Lasso model selection: AIC-BIC / cross-validation
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_lasso_dense_vs_sparse_data_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_lasso_dense_vs_sparse_data.py`
.. raw:: html
Lasso on dense and sparse data
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_lasso_lars_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_lasso_lars.py`
.. raw:: html
Lasso path using LARS
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_ols_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_ols.py`
.. raw:: html
Linear Regression Example
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_iris_logistic_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_iris_logistic.py`
.. raw:: html
Logistic Regression 3-class Classifier
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_logistic_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_logistic.py`
.. raw:: html
Logistic function
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sparse_logistic_regression_mnist_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sparse_logistic_regression_mnist.py`
.. raw:: html
MNIST classification using multinomial logistic + L1
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sparse_logistic_regression_20newsgroups_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sparse_logistic_regression_20newsgroups.py`
.. raw:: html
Multiclass sparse logistic regression on 20newgroups
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_nnls_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_nnls.py`
.. raw:: html
Non-negative least squares
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sgdocsvm_vs_ocsvm_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sgdocsvm_vs_ocsvm.py`
.. raw:: html
One-Class SVM versus One-Class SVM using Stochastic Gradient Descent
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_ols_ridge_variance_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_ols_ridge_variance.py`
.. raw:: html
Ordinary Least Squares and Ridge Regression Variance
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_omp_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_omp.py`
.. raw:: html
Orthogonal Matching Pursuit
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_ridge_path_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_ridge_path.py`
.. raw:: html
Plot Ridge coefficients as a function of the regularization
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sgd_iris_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sgd_iris.py`
.. raw:: html
Plot multi-class SGD on the iris dataset
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_logistic_multinomial_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_logistic_multinomial.py`
.. raw:: html
Plot multinomial and One-vs-Rest Logistic Regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_poisson_regression_non_normal_loss_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_poisson_regression_non_normal_loss.py`
.. raw:: html
Poisson regression and non-normal loss
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_polynomial_interpolation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_polynomial_interpolation.py`
.. raw:: html
Polynomial and Spline interpolation
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_quantile_regression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_quantile_regression.py`
.. raw:: html
Quantile regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_logistic_path_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_logistic_path.py`
.. raw:: html
Regularization path of L1- Logistic Regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_ridge_coeffs_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_ridge_coeffs.py`
.. raw:: html
Ridge coefficients as a function of the L2 Regularization
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_robust_fit_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_robust_fit.py`
.. raw:: html
Robust linear estimator fitting
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_ransac_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_ransac.py`
.. raw:: html
Robust linear model estimation using RANSAC
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sgd_separating_hyperplane_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sgd_separating_hyperplane.py`
.. raw:: html
SGD: Maximum margin separating hyperplane
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sgd_penalties_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sgd_penalties.py`
.. raw:: html
SGD: Penalties
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sgd_weighted_samples_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sgd_weighted_samples.py`
.. raw:: html
SGD: Weighted samples
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_sgd_loss_functions_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_sgd_loss_functions.py`
.. raw:: html
SGD: convex loss functions
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_ols_3d_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_ols_3d.py`
.. raw:: html
Sparsity Example: Fitting only features 1 and 2
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_theilsen_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_theilsen.py`
.. raw:: html
Theil-Sen Regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/linear_model/images/thumb/sphx_glr_plot_tweedie_regression_insurance_claims_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_linear_model_plot_tweedie_regression_insurance_claims.py`
.. raw:: html
Tweedie regression on insurance claims
.. raw:: html
Inspection
----------
Examples related to the :mod:`sklearn.inspection` module.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_partial_dependence_visualization_api_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_partial_dependence_visualization_api.py`
.. raw:: html
Advanced Plotting With Partial Dependence
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_anomaly_comparison_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_anomaly_comparison.py`
.. raw:: html
Comparing anomaly detection algorithms for outlier detection on toy datasets
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_kernel_ridge_regression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_kernel_ridge_regression.py`
.. raw:: html
Comparison of kernel ridge regression and SVR
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_pipeline_display_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_pipeline_display.py`
.. raw:: html
Displaying Pipelines
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_estimator_representation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_estimator_representation.py`
.. raw:: html
Displaying estimators and complex pipelines
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_outlier_detection_bench_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_outlier_detection_bench.py`
.. raw:: html
Evaluation of outlier detection estimators
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_kernel_approximation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_kernel_approximation.py`
.. raw:: html
Explicit feature map approximation for RBF kernels
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_multioutput_face_completion_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_multioutput_face_completion.py`
.. raw:: html
Face completion with a multi-output estimators
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_set_output_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_set_output.py`
.. raw:: html
Introducing the set_output API
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_isotonic_regression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_isotonic_regression.py`
.. raw:: html
Isotonic Regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_metadata_routing_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_metadata_routing.py`
.. raw:: html
Metadata Routing
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_multilabel_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_multilabel.py`
.. raw:: html
Multilabel classification
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_roc_curve_visualization_api_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_roc_curve_visualization_api.py`
.. raw:: html
ROC Curve with Visualization API
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_johnson_lindenstrauss_bound_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_johnson_lindenstrauss_bound.py`
.. raw:: html
The Johnson-Lindenstrauss bound for embedding with random projections
.. raw:: html
.. only:: html
.. image:: /auto_examples/miscellaneous/images/thumb/sphx_glr_plot_display_object_visualization_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_miscellaneous_plot_display_object_visualization.py`
.. raw:: html
Visualizations with Display Objects
.. raw:: html
Missing Value Imputation
------------------------
Examples concerning the :mod:`sklearn.impute` module.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_grid_search_refit_callable_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_grid_search_refit_callable.py`
.. raw:: html
Balance model complexity and cross-validated score
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_likelihood_ratios_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_likelihood_ratios.py`
.. raw:: html
Class Likelihood Ratios to measure classification performance
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_randomized_search_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_randomized_search.py`
.. raw:: html
Comparing randomized search and grid search for hyperparameter estimation
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_successive_halving_heatmap_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_successive_halving_heatmap.py`
.. raw:: html
Comparison between grid search and successive halving
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_confusion_matrix_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_confusion_matrix.py`
.. raw:: html
Confusion matrix
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_grid_search_digits_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_grid_search_digits.py`
.. raw:: html
Custom refit strategy of a grid search with cross-validation
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_multi_metric_evaluation_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_multi_metric_evaluation.py`
.. raw:: html
Demonstration of multi-metric evaluation on cross_val_score and GridSearchCV
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_det_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_det.py`
.. raw:: html
Detection error tradeoff (DET) curve
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_roc_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_roc.py`
.. raw:: html
Multiclass Receiver Operating Characteristic (ROC)
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_nested_cross_validation_iris_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_nested_cross_validation_iris.py`
.. raw:: html
Nested versus non-nested cross-validation
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_cv_predict_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_cv_predict.py`
.. raw:: html
Plotting Cross-Validated Predictions
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_learning_curve_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_learning_curve.py`
.. raw:: html
Plotting Learning Curves and Checking Models' Scalability
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_validation_curve_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_validation_curve.py`
.. raw:: html
Plotting Validation Curves
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_precision_recall_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_precision_recall.py`
.. raw:: html
Precision-Recall
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_roc_crossval_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_roc_crossval.py`
.. raw:: html
Receiver Operating Characteristic (ROC) with cross validation
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_grid_search_text_feature_extraction_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_grid_search_text_feature_extraction.py`
.. raw:: html
Sample pipeline for text feature extraction and evaluation
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_grid_search_stats_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_grid_search_stats.py`
.. raw:: html
Statistical comparison of models using grid search
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_successive_halving_iterations_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_successive_halving_iterations.py`
.. raw:: html
Successive Halving Iterations
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_permutation_tests_for_classification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_permutation_tests_for_classification.py`
.. raw:: html
Test with permutations the significance of a classification score
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_train_error_vs_test_error_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_train_error_vs_test_error.py`
.. raw:: html
Train error vs Test error
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_underfitting_overfitting_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_underfitting_overfitting.py`
.. raw:: html
Underfitting vs. Overfitting
.. raw:: html
.. only:: html
.. image:: /auto_examples/model_selection/images/thumb/sphx_glr_plot_cv_indices_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_model_selection_plot_cv_indices.py`
.. raw:: html
Visualizing cross-validation behavior in scikit-learn
.. raw:: html
Multiclass methods
------------------
Examples concerning the :mod:`sklearn.multiclass` module.
.. raw:: html
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_approximate_nearest_neighbors_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_approximate_nearest_neighbors.py`
.. raw:: html
Approximate nearest neighbors in TSNE
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_caching_nearest_neighbors_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_caching_nearest_neighbors.py`
.. raw:: html
Caching nearest neighbors
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_nca_classification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_nca_classification.py`
.. raw:: html
Comparing Nearest Neighbors with and without Neighborhood Components Analysis
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_nca_dim_reduction_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_nca_dim_reduction.py`
.. raw:: html
Dimensionality Reduction with Neighborhood Components Analysis
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_species_kde_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_species_kde.py`
.. raw:: html
Kernel Density Estimate of Species Distributions
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_digits_kde_sampling_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_digits_kde_sampling.py`
.. raw:: html
Kernel Density Estimation
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_nearest_centroid_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_nearest_centroid.py`
.. raw:: html
Nearest Centroid Classification
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_classification_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_classification.py`
.. raw:: html
Nearest Neighbors Classification
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_regression_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_regression.py`
.. raw:: html
Nearest Neighbors regression
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_nca_illustration_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_nca_illustration.py`
.. raw:: html
Neighborhood Components Analysis Illustration
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_lof_novelty_detection_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_lof_novelty_detection.py`
.. raw:: html
Novelty detection with Local Outlier Factor (LOF)
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_lof_outlier_detection_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_lof_outlier_detection.py`
.. raw:: html
Outlier detection with Local Outlier Factor (LOF)
.. raw:: html
.. only:: html
.. image:: /auto_examples/neighbors/images/thumb/sphx_glr_plot_kde_1d_thumb.png
:alt:
:ref:`sphx_glr_auto_examples_neighbors_plot_kde_1d.py`
.. raw:: html
Simple 1D Kernel Density Estimation
.. raw:: html
Neural Networks
-----------------------
Examples concerning the :mod:`sklearn.neural_network` module.
.. raw:: html