: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/bicluster/images/thumb/sphx_glr_plot_spectral_biclustering_thumb.png :alt: :ref:`sphx_glr_auto_examples_bicluster_plot_spectral_biclustering.py` .. raw:: html
A demo of the Spectral Biclustering algorithm
.. raw:: html
.. only:: html .. image:: /auto_examples/bicluster/images/thumb/sphx_glr_plot_spectral_coclustering_thumb.png :alt: :ref:`sphx_glr_auto_examples_bicluster_plot_spectral_coclustering.py` .. raw:: html
A demo of the Spectral Co-Clustering algorithm
.. raw:: html
.. only:: html .. image:: /auto_examples/bicluster/images/thumb/sphx_glr_plot_bicluster_newsgroups_thumb.png :alt: :ref:`sphx_glr_auto_examples_bicluster_plot_bicluster_newsgroups.py` .. raw:: html
Biclustering documents with the Spectral Co-clustering algorithm
.. raw:: html
Calibration ----------------------- Examples illustrating the calibration of predicted probabilities of classifiers. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/calibration/images/thumb/sphx_glr_plot_compare_calibration_thumb.png :alt: :ref:`sphx_glr_auto_examples_calibration_plot_compare_calibration.py` .. raw:: html
Comparison of Calibration of Classifiers
.. raw:: html
.. only:: html .. image:: /auto_examples/calibration/images/thumb/sphx_glr_plot_calibration_curve_thumb.png :alt: :ref:`sphx_glr_auto_examples_calibration_plot_calibration_curve.py` .. raw:: html
Probability Calibration curves
.. raw:: html
.. only:: html .. image:: /auto_examples/calibration/images/thumb/sphx_glr_plot_calibration_multiclass_thumb.png :alt: :ref:`sphx_glr_auto_examples_calibration_plot_calibration_multiclass.py` .. raw:: html
Probability Calibration for 3-class classification
.. raw:: html
.. only:: html .. image:: /auto_examples/calibration/images/thumb/sphx_glr_plot_calibration_thumb.png :alt: :ref:`sphx_glr_auto_examples_calibration_plot_calibration.py` .. raw:: html
Probability calibration of classifiers
.. raw:: html
Classification ----------------------- General examples about classification algorithms. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/classification/images/thumb/sphx_glr_plot_classifier_comparison_thumb.png :alt: :ref:`sphx_glr_auto_examples_classification_plot_classifier_comparison.py` .. raw:: html
Classifier comparison
.. raw:: html
.. only:: html .. image:: /auto_examples/classification/images/thumb/sphx_glr_plot_lda_qda_thumb.png :alt: :ref:`sphx_glr_auto_examples_classification_plot_lda_qda.py` .. raw:: html
Linear and Quadratic Discriminant Analysis with covariance ellipsoid
.. raw:: html
.. only:: html .. image:: /auto_examples/classification/images/thumb/sphx_glr_plot_lda_thumb.png :alt: :ref:`sphx_glr_auto_examples_classification_plot_lda.py` .. raw:: html
Normal, Ledoit-Wolf and OAS Linear Discriminant Analysis for classification
.. raw:: html
.. only:: html .. image:: /auto_examples/classification/images/thumb/sphx_glr_plot_classification_probability_thumb.png :alt: :ref:`sphx_glr_auto_examples_classification_plot_classification_probability.py` .. raw:: html
Plot classification probability
.. raw:: html
.. only:: html .. image:: /auto_examples/classification/images/thumb/sphx_glr_plot_digits_classification_thumb.png :alt: :ref:`sphx_glr_auto_examples_classification_plot_digits_classification.py` .. raw:: html
Recognizing hand-written digits
.. raw:: html
Clustering ---------- Examples concerning the :mod:`sklearn.cluster` module. .. 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/covariance/images/thumb/sphx_glr_plot_lw_vs_oas_thumb.png :alt: :ref:`sphx_glr_auto_examples_covariance_plot_lw_vs_oas.py` .. raw:: html
Ledoit-Wolf vs OAS estimation
.. raw:: html
.. only:: html .. image:: /auto_examples/covariance/images/thumb/sphx_glr_plot_mahalanobis_distances_thumb.png :alt: :ref:`sphx_glr_auto_examples_covariance_plot_mahalanobis_distances.py` .. raw:: html
Robust covariance estimation and Mahalanobis distances relevance
.. raw:: html
.. only:: html .. image:: /auto_examples/covariance/images/thumb/sphx_glr_plot_robust_vs_empirical_covariance_thumb.png :alt: :ref:`sphx_glr_auto_examples_covariance_plot_robust_vs_empirical_covariance.py` .. raw:: html
Robust vs Empirical covariance estimate
.. raw:: html
.. only:: html .. image:: /auto_examples/covariance/images/thumb/sphx_glr_plot_covariance_estimation_thumb.png :alt: :ref:`sphx_glr_auto_examples_covariance_plot_covariance_estimation.py` .. raw:: html
Shrinkage covariance estimation: LedoitWolf vs OAS and max-likelihood
.. raw:: html
.. only:: html .. image:: /auto_examples/covariance/images/thumb/sphx_glr_plot_sparse_cov_thumb.png :alt: :ref:`sphx_glr_auto_examples_covariance_plot_sparse_cov.py` .. raw:: html
Sparse inverse covariance estimation
.. raw:: html
Cross decomposition ------------------- Examples concerning the :mod:`sklearn.cross_decomposition` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/cross_decomposition/images/thumb/sphx_glr_plot_compare_cross_decomposition_thumb.png :alt: :ref:`sphx_glr_auto_examples_cross_decomposition_plot_compare_cross_decomposition.py` .. raw:: html
Compare cross decomposition methods
.. raw:: html
.. only:: html .. image:: /auto_examples/cross_decomposition/images/thumb/sphx_glr_plot_pcr_vs_pls_thumb.png :alt: :ref:`sphx_glr_auto_examples_cross_decomposition_plot_pcr_vs_pls.py` .. raw:: html
Principal Component Regression vs Partial Least Squares Regression
.. raw:: html
Dataset examples ----------------------- Examples concerning the :mod:`sklearn.datasets` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/datasets/images/thumb/sphx_glr_plot_random_dataset_thumb.png :alt: :ref:`sphx_glr_auto_examples_datasets_plot_random_dataset.py` .. raw:: html
Plot randomly generated classification dataset
.. raw:: html
.. only:: html .. image:: /auto_examples/datasets/images/thumb/sphx_glr_plot_random_multilabel_dataset_thumb.png :alt: :ref:`sphx_glr_auto_examples_datasets_plot_random_multilabel_dataset.py` .. raw:: html
Plot randomly generated multilabel dataset
.. raw:: html
.. only:: html .. image:: /auto_examples/datasets/images/thumb/sphx_glr_plot_digits_last_image_thumb.png :alt: :ref:`sphx_glr_auto_examples_datasets_plot_digits_last_image.py` .. raw:: html
The Digit Dataset
.. raw:: html
.. only:: html .. image:: /auto_examples/datasets/images/thumb/sphx_glr_plot_iris_dataset_thumb.png :alt: :ref:`sphx_glr_auto_examples_datasets_plot_iris_dataset.py` .. raw:: html
The Iris Dataset
.. raw:: html
Decision Trees -------------- Examples concerning the :mod:`sklearn.tree` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/tree/images/thumb/sphx_glr_plot_tree_regression_thumb.png :alt: :ref:`sphx_glr_auto_examples_tree_plot_tree_regression.py` .. raw:: html
Decision Tree Regression
.. raw:: html
.. only:: html .. image:: /auto_examples/tree/images/thumb/sphx_glr_plot_tree_regression_multioutput_thumb.png :alt: :ref:`sphx_glr_auto_examples_tree_plot_tree_regression_multioutput.py` .. raw:: html
Multi-output Decision Tree Regression
.. raw:: html
.. only:: html .. image:: /auto_examples/tree/images/thumb/sphx_glr_plot_iris_dtc_thumb.png :alt: :ref:`sphx_glr_auto_examples_tree_plot_iris_dtc.py` .. raw:: html
Plot the decision surface of decision trees trained on the iris dataset
.. raw:: html
.. only:: html .. image:: /auto_examples/tree/images/thumb/sphx_glr_plot_cost_complexity_pruning_thumb.png :alt: :ref:`sphx_glr_auto_examples_tree_plot_cost_complexity_pruning.py` .. raw:: html
Post pruning decision trees with cost complexity pruning
.. raw:: html
.. only:: html .. image:: /auto_examples/tree/images/thumb/sphx_glr_plot_unveil_tree_structure_thumb.png :alt: :ref:`sphx_glr_auto_examples_tree_plot_unveil_tree_structure.py` .. raw:: html
Understanding the decision tree structure
.. raw:: html
Decomposition ------------- Examples concerning the :mod:`sklearn.decomposition` 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/developing_estimators/images/thumb/sphx_glr_sklearn_is_fitted_thumb.png :alt: :ref:`sphx_glr_auto_examples_developing_estimators_sklearn_is_fitted.py` .. raw:: html
__sklearn_is_fitted__ as Developer API
.. raw:: html
Ensemble methods ---------------- Examples concerning the :mod:`sklearn.ensemble` module. .. 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_hgbt_regression_thumb.png :alt: :ref:`sphx_glr_auto_examples_ensemble_plot_hgbt_regression.py` .. raw:: html
Features in Histogram Gradient Boosting 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_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/feature_selection/images/thumb/sphx_glr_plot_f_test_vs_mi_thumb.png :alt: :ref:`sphx_glr_auto_examples_feature_selection_plot_f_test_vs_mi.py` .. raw:: html
Comparison of F-test and mutual information
.. raw:: html
.. only:: html .. image:: /auto_examples/feature_selection/images/thumb/sphx_glr_plot_select_from_model_diabetes_thumb.png :alt: :ref:`sphx_glr_auto_examples_feature_selection_plot_select_from_model_diabetes.py` .. raw:: html
Model-based and sequential feature selection
.. raw:: html
.. only:: html .. image:: /auto_examples/feature_selection/images/thumb/sphx_glr_plot_feature_selection_pipeline_thumb.png :alt: :ref:`sphx_glr_auto_examples_feature_selection_plot_feature_selection_pipeline.py` .. raw:: html
Pipeline ANOVA SVM
.. raw:: html
.. only:: html .. image:: /auto_examples/feature_selection/images/thumb/sphx_glr_plot_rfe_digits_thumb.png :alt: :ref:`sphx_glr_auto_examples_feature_selection_plot_rfe_digits.py` .. raw:: html
Recursive feature elimination
.. raw:: html
.. only:: html .. image:: /auto_examples/feature_selection/images/thumb/sphx_glr_plot_rfe_with_cross_validation_thumb.png :alt: :ref:`sphx_glr_auto_examples_feature_selection_plot_rfe_with_cross_validation.py` .. raw:: html
Recursive feature elimination with cross-validation
.. raw:: html
.. only:: html .. image:: /auto_examples/feature_selection/images/thumb/sphx_glr_plot_feature_selection_thumb.png :alt: :ref:`sphx_glr_auto_examples_feature_selection_plot_feature_selection.py` .. raw:: html
Univariate Feature Selection
.. raw:: html
Gaussian Mixture Models ----------------------- Examples concerning the :mod:`sklearn.mixture` 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/inspection/images/thumb/sphx_glr_plot_linear_model_coefficient_interpretation_thumb.png :alt: :ref:`sphx_glr_auto_examples_inspection_plot_linear_model_coefficient_interpretation.py` .. raw:: html
Common pitfalls in the interpretation of coefficients of linear models
.. raw:: html
.. only:: html .. image:: /auto_examples/inspection/images/thumb/sphx_glr_plot_causal_interpretation_thumb.png :alt: :ref:`sphx_glr_auto_examples_inspection_plot_causal_interpretation.py` .. raw:: html
Failure of Machine Learning to infer causal effects
.. raw:: html
.. only:: html .. image:: /auto_examples/inspection/images/thumb/sphx_glr_plot_partial_dependence_thumb.png :alt: :ref:`sphx_glr_auto_examples_inspection_plot_partial_dependence.py` .. raw:: html
Partial Dependence and Individual Conditional Expectation Plots
.. raw:: html
.. only:: html .. image:: /auto_examples/inspection/images/thumb/sphx_glr_plot_permutation_importance_thumb.png :alt: :ref:`sphx_glr_auto_examples_inspection_plot_permutation_importance.py` .. raw:: html
Permutation Importance vs Random Forest Feature Importance (MDI)
.. raw:: html
.. only:: html .. image:: /auto_examples/inspection/images/thumb/sphx_glr_plot_permutation_importance_multicollinear_thumb.png :alt: :ref:`sphx_glr_auto_examples_inspection_plot_permutation_importance_multicollinear.py` .. raw:: html
Permutation Importance with Multicollinear or Correlated Features
.. raw:: html
Kernel Approximation -------------------- Examples concerning the :mod:`sklearn.kernel_approximation` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/kernel_approximation/images/thumb/sphx_glr_plot_scalable_poly_kernels_thumb.png :alt: :ref:`sphx_glr_auto_examples_kernel_approximation_plot_scalable_poly_kernels.py` .. raw:: html
Scalable learning with polynomial kernel approximation
.. raw:: html
Manifold learning ----------------------- Examples concerning the :mod:`sklearn.manifold` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/manifold/images/thumb/sphx_glr_plot_compare_methods_thumb.png :alt: :ref:`sphx_glr_auto_examples_manifold_plot_compare_methods.py` .. raw:: html
Comparison of Manifold Learning methods
.. raw:: html
.. only:: html .. image:: /auto_examples/manifold/images/thumb/sphx_glr_plot_manifold_sphere_thumb.png :alt: :ref:`sphx_glr_auto_examples_manifold_plot_manifold_sphere.py` .. raw:: html
Manifold Learning methods on a severed sphere
.. raw:: html
.. only:: html .. image:: /auto_examples/manifold/images/thumb/sphx_glr_plot_lle_digits_thumb.png :alt: :ref:`sphx_glr_auto_examples_manifold_plot_lle_digits.py` .. raw:: html
Manifold learning on handwritten digits: Locally Linear Embedding, Isomap...
.. raw:: html
.. only:: html .. image:: /auto_examples/manifold/images/thumb/sphx_glr_plot_mds_thumb.png :alt: :ref:`sphx_glr_auto_examples_manifold_plot_mds.py` .. raw:: html
Multi-dimensional scaling
.. raw:: html
.. only:: html .. image:: /auto_examples/manifold/images/thumb/sphx_glr_plot_swissroll_thumb.png :alt: :ref:`sphx_glr_auto_examples_manifold_plot_swissroll.py` .. raw:: html
Swiss Roll And Swiss-Hole Reduction
.. raw:: html
.. only:: html .. image:: /auto_examples/manifold/images/thumb/sphx_glr_plot_t_sne_perplexity_thumb.png :alt: :ref:`sphx_glr_auto_examples_manifold_plot_t_sne_perplexity.py` .. raw:: html
t-SNE: The effect of various perplexity values on the shape
.. raw:: html
Miscellaneous ------------- Miscellaneous and introductory examples for scikit-learn. .. 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/impute/images/thumb/sphx_glr_plot_missing_values_thumb.png :alt: :ref:`sphx_glr_auto_examples_impute_plot_missing_values.py` .. raw:: html
Imputing missing values before building an estimator
.. raw:: html
.. only:: html .. image:: /auto_examples/impute/images/thumb/sphx_glr_plot_iterative_imputer_variants_comparison_thumb.png :alt: :ref:`sphx_glr_auto_examples_impute_plot_iterative_imputer_variants_comparison.py` .. raw:: html
Imputing missing values with variants of IterativeImputer
.. raw:: html
Model Selection ----------------------- Examples related to the :mod:`sklearn.model_selection` 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/multiclass/images/thumb/sphx_glr_plot_multiclass_overview_thumb.png :alt: :ref:`sphx_glr_auto_examples_multiclass_plot_multiclass_overview.py` .. raw:: html
Overview of multiclass training meta-estimators
.. raw:: html
Multioutput methods ------------------- Examples concerning the :mod:`sklearn.multioutput` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/multioutput/images/thumb/sphx_glr_plot_classifier_chain_yeast_thumb.png :alt: :ref:`sphx_glr_auto_examples_multioutput_plot_classifier_chain_yeast.py` .. raw:: html
Multilabel classification using a classifier chain
.. raw:: html
Nearest Neighbors ----------------------- Examples concerning the :mod:`sklearn.neighbors` 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
.. raw:: html
.. only:: html .. image:: /auto_examples/neural_networks/images/thumb/sphx_glr_plot_mlp_training_curves_thumb.png :alt: :ref:`sphx_glr_auto_examples_neural_networks_plot_mlp_training_curves.py` .. raw:: html
Compare Stochastic learning strategies for MLPClassifier
.. raw:: html
.. only:: html .. image:: /auto_examples/neural_networks/images/thumb/sphx_glr_plot_rbm_logistic_classification_thumb.png :alt: :ref:`sphx_glr_auto_examples_neural_networks_plot_rbm_logistic_classification.py` .. raw:: html
Restricted Boltzmann Machine features for digit classification
.. raw:: html
.. only:: html .. image:: /auto_examples/neural_networks/images/thumb/sphx_glr_plot_mlp_alpha_thumb.png :alt: :ref:`sphx_glr_auto_examples_neural_networks_plot_mlp_alpha.py` .. raw:: html
Varying regularization in Multi-layer Perceptron
.. raw:: html
.. only:: html .. image:: /auto_examples/neural_networks/images/thumb/sphx_glr_plot_mnist_filters_thumb.png :alt: :ref:`sphx_glr_auto_examples_neural_networks_plot_mnist_filters.py` .. raw:: html
Visualization of MLP weights on MNIST
.. raw:: html
Pipelines and composite estimators ---------------------------------- Examples of how to compose transformers and pipelines from other estimators. See the :ref:`User Guide `. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/compose/images/thumb/sphx_glr_plot_column_transformer_thumb.png :alt: :ref:`sphx_glr_auto_examples_compose_plot_column_transformer.py` .. raw:: html
Column Transformer with Heterogeneous Data Sources
.. raw:: html
.. only:: html .. image:: /auto_examples/compose/images/thumb/sphx_glr_plot_column_transformer_mixed_types_thumb.png :alt: :ref:`sphx_glr_auto_examples_compose_plot_column_transformer_mixed_types.py` .. raw:: html
Column Transformer with Mixed Types
.. raw:: html
.. only:: html .. image:: /auto_examples/compose/images/thumb/sphx_glr_plot_feature_union_thumb.png :alt: :ref:`sphx_glr_auto_examples_compose_plot_feature_union.py` .. raw:: html
Concatenating multiple feature extraction methods
.. raw:: html
.. only:: html .. image:: /auto_examples/compose/images/thumb/sphx_glr_plot_transformed_target_thumb.png :alt: :ref:`sphx_glr_auto_examples_compose_plot_transformed_target.py` .. raw:: html
Effect of transforming the targets in regression model
.. raw:: html
.. only:: html .. image:: /auto_examples/compose/images/thumb/sphx_glr_plot_digits_pipe_thumb.png :alt: :ref:`sphx_glr_auto_examples_compose_plot_digits_pipe.py` .. raw:: html
Pipelining: chaining a PCA and a logistic regression
.. raw:: html
.. only:: html .. image:: /auto_examples/compose/images/thumb/sphx_glr_plot_compare_reduction_thumb.png :alt: :ref:`sphx_glr_auto_examples_compose_plot_compare_reduction.py` .. raw:: html
Selecting dimensionality reduction with Pipeline and GridSearchCV
.. raw:: html
Preprocessing ------------- Examples concerning the :mod:`sklearn.preprocessing` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_plot_all_scaling_thumb.png :alt: :ref:`sphx_glr_auto_examples_preprocessing_plot_all_scaling.py` .. raw:: html
Compare the effect of different scalers on data with outliers
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_plot_target_encoder_thumb.png :alt: :ref:`sphx_glr_auto_examples_preprocessing_plot_target_encoder.py` .. raw:: html
Comparing Target Encoder with Other Encoders
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_plot_discretization_strategies_thumb.png :alt: :ref:`sphx_glr_auto_examples_preprocessing_plot_discretization_strategies.py` .. raw:: html
Demonstrating the different strategies of KBinsDiscretizer
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_plot_discretization_classification_thumb.png :alt: :ref:`sphx_glr_auto_examples_preprocessing_plot_discretization_classification.py` .. raw:: html
Feature discretization
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_plot_scaling_importance_thumb.png :alt: :ref:`sphx_glr_auto_examples_preprocessing_plot_scaling_importance.py` .. raw:: html
Importance of Feature Scaling
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_plot_map_data_to_normal_thumb.png :alt: :ref:`sphx_glr_auto_examples_preprocessing_plot_map_data_to_normal.py` .. raw:: html
Map data to a normal distribution
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_plot_target_encoder_cross_val_thumb.png :alt: :ref:`sphx_glr_auto_examples_preprocessing_plot_target_encoder_cross_val.py` .. raw:: html
Target Encoder's Internal Cross fitting
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_plot_discretization_thumb.png :alt: :ref:`sphx_glr_auto_examples_preprocessing_plot_discretization.py` .. raw:: html
Using KBinsDiscretizer to discretize continuous features
.. raw:: html
Semi Supervised Classification ------------------------------ Examples concerning the :mod:`sklearn.semi_supervised` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/semi_supervised/images/thumb/sphx_glr_plot_semi_supervised_versus_svm_iris_thumb.png :alt: :ref:`sphx_glr_auto_examples_semi_supervised_plot_semi_supervised_versus_svm_iris.py` .. raw:: html
Decision boundary of semi-supervised classifiers versus SVM on the Iris dataset
.. raw:: html
.. only:: html .. image:: /auto_examples/semi_supervised/images/thumb/sphx_glr_plot_self_training_varying_threshold_thumb.png :alt: :ref:`sphx_glr_auto_examples_semi_supervised_plot_self_training_varying_threshold.py` .. raw:: html
Effect of varying threshold for self-training
.. raw:: html
.. only:: html .. image:: /auto_examples/semi_supervised/images/thumb/sphx_glr_plot_label_propagation_digits_active_learning_thumb.png :alt: :ref:`sphx_glr_auto_examples_semi_supervised_plot_label_propagation_digits_active_learning.py` .. raw:: html
Label Propagation digits active learning
.. raw:: html
.. only:: html .. image:: /auto_examples/semi_supervised/images/thumb/sphx_glr_plot_label_propagation_digits_thumb.png :alt: :ref:`sphx_glr_auto_examples_semi_supervised_plot_label_propagation_digits.py` .. raw:: html
Label Propagation digits: Demonstrating performance
.. raw:: html
.. only:: html .. image:: /auto_examples/semi_supervised/images/thumb/sphx_glr_plot_label_propagation_structure_thumb.png :alt: :ref:`sphx_glr_auto_examples_semi_supervised_plot_label_propagation_structure.py` .. raw:: html
Label Propagation learning a complex structure
.. raw:: html
.. only:: html .. image:: /auto_examples/semi_supervised/images/thumb/sphx_glr_plot_semi_supervised_newsgroups_thumb.png :alt: :ref:`sphx_glr_auto_examples_semi_supervised_plot_semi_supervised_newsgroups.py` .. raw:: html
Semi-supervised Classification on a Text Dataset
.. raw:: html
Support Vector Machines ----------------------- Examples concerning the :mod:`sklearn.svm` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_svm_nonlinear_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_svm_nonlinear.py` .. raw:: html
Non-linear SVM
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_oneclass_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_oneclass.py` .. raw:: html
One-class SVM with non-linear kernel (RBF)
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_svm_kernels_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_svm_kernels.py` .. raw:: html
Plot classification boundaries with different SVM Kernels
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_iris_svc_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_iris_svc.py` .. raw:: html
Plot different SVM classifiers in the iris dataset
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_linearsvc_support_vectors_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_linearsvc_support_vectors.py` .. raw:: html
Plot the support vectors in LinearSVC
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_rbf_parameters_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_rbf_parameters.py` .. raw:: html
RBF SVM parameters
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_svm_margin_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_svm_margin.py` .. raw:: html
SVM Margins Example
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_svm_tie_breaking_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_svm_tie_breaking.py` .. raw:: html
SVM Tie Breaking Example
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_custom_kernel_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_custom_kernel.py` .. raw:: html
SVM with custom kernel
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_svm_anova_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_svm_anova.py` .. raw:: html
SVM-Anova: SVM with univariate feature selection
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_separating_hyperplane_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_separating_hyperplane.py` .. raw:: html
SVM: Maximum margin separating hyperplane
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_separating_hyperplane_unbalanced_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_separating_hyperplane_unbalanced.py` .. raw:: html
SVM: Separating hyperplane for unbalanced classes
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_weighted_samples_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_weighted_samples.py` .. raw:: html
SVM: Weighted samples
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_svm_scale_c_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_svm_scale_c.py` .. raw:: html
Scaling the regularization parameter for SVCs
.. raw:: html
.. only:: html .. image:: /auto_examples/svm/images/thumb/sphx_glr_plot_svm_regression_thumb.png :alt: :ref:`sphx_glr_auto_examples_svm_plot_svm_regression.py` .. raw:: html
Support Vector Regression (SVR) using linear and non-linear kernels
.. raw:: html
Tutorial exercises ------------------ Exercises for the tutorials .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/exercises/images/thumb/sphx_glr_plot_cv_diabetes_thumb.png :alt: :ref:`sphx_glr_auto_examples_exercises_plot_cv_diabetes.py` .. raw:: html
Cross-validation on diabetes Dataset Exercise
.. raw:: html
.. only:: html .. image:: /auto_examples/exercises/images/thumb/sphx_glr_plot_digits_classification_exercise_thumb.png :alt: :ref:`sphx_glr_auto_examples_exercises_plot_digits_classification_exercise.py` .. raw:: html
Digits Classification Exercise
.. raw:: html
.. only:: html .. image:: /auto_examples/exercises/images/thumb/sphx_glr_plot_iris_exercise_thumb.png :alt: :ref:`sphx_glr_auto_examples_exercises_plot_iris_exercise.py` .. raw:: html
SVM Exercise
.. raw:: html
Working with text documents ---------------------------- Examples concerning the :mod:`sklearn.feature_extraction.text` module. .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/text/images/thumb/sphx_glr_plot_document_classification_20newsgroups_thumb.png :alt: :ref:`sphx_glr_auto_examples_text_plot_document_classification_20newsgroups.py` .. raw:: html
Classification of text documents using sparse features
.. raw:: html
.. only:: html .. image:: /auto_examples/text/images/thumb/sphx_glr_plot_document_clustering_thumb.png :alt: :ref:`sphx_glr_auto_examples_text_plot_document_clustering.py` .. raw:: html
Clustering text documents using k-means
.. raw:: html
.. only:: html .. image:: /auto_examples/text/images/thumb/sphx_glr_plot_hashing_vs_dict_vectorizer_thumb.png :alt: :ref:`sphx_glr_auto_examples_text_plot_hashing_vs_dict_vectorizer.py` .. raw:: html
FeatureHasher and DictVectorizer Comparison
.. raw:: html
.. toctree:: :hidden: :includehidden: /auto_examples/release_highlights/index.rst /auto_examples/bicluster/index.rst /auto_examples/calibration/index.rst /auto_examples/classification/index.rst /auto_examples/cluster/index.rst /auto_examples/covariance/index.rst /auto_examples/cross_decomposition/index.rst /auto_examples/datasets/index.rst /auto_examples/tree/index.rst /auto_examples/decomposition/index.rst /auto_examples/developing_estimators/index.rst /auto_examples/ensemble/index.rst /auto_examples/applications/index.rst /auto_examples/feature_selection/index.rst /auto_examples/mixture/index.rst /auto_examples/gaussian_process/index.rst /auto_examples/linear_model/index.rst /auto_examples/inspection/index.rst /auto_examples/kernel_approximation/index.rst /auto_examples/manifold/index.rst /auto_examples/miscellaneous/index.rst /auto_examples/impute/index.rst /auto_examples/model_selection/index.rst /auto_examples/multiclass/index.rst /auto_examples/multioutput/index.rst /auto_examples/neighbors/index.rst /auto_examples/neural_networks/index.rst /auto_examples/compose/index.rst /auto_examples/preprocessing/index.rst /auto_examples/semi_supervised/index.rst /auto_examples/svm/index.rst /auto_examples/exercises/index.rst /auto_examples/text/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 `_