.. raw:: html .. _examples-index: Examples ======== .. _general_examples: General examples ---------------- General-purpose and introductory examples for the scikit. .. raw:: html
.. figure:: ./images/thumb/plot_cv_predict.png :target: ./plot_cv_predict.html :ref:`example_plot_cv_predict.py` .. raw:: html
.. toctree:: :hidden: ./plot_cv_predict .. raw:: html
.. figure:: ./images/thumb/feature_stacker.png :target: ./feature_stacker.html :ref:`example_feature_stacker.py` .. raw:: html
.. toctree:: :hidden: ./feature_stacker .. raw:: html
.. figure:: ./images/thumb/plot_isotonic_regression.png :target: ./plot_isotonic_regression.html :ref:`example_plot_isotonic_regression.py` .. raw:: html
.. toctree:: :hidden: ./plot_isotonic_regression .. raw:: html
.. figure:: ./images/thumb/missing_values.png :target: ./missing_values.html :ref:`example_missing_values.py` .. raw:: html
.. toctree:: :hidden: ./missing_values .. raw:: html
.. figure:: ./images/thumb/plot_digits_pipe.png :target: ./plot_digits_pipe.html :ref:`example_plot_digits_pipe.py` .. raw:: html
.. toctree:: :hidden: ./plot_digits_pipe .. raw:: html
.. figure:: ./images/thumb/plot_multilabel.png :target: ./plot_multilabel.html :ref:`example_plot_multilabel.py` .. raw:: html
.. toctree:: :hidden: ./plot_multilabel .. raw:: html
.. figure:: ./images/thumb/plot_multioutput_face_completion.png :target: ./plot_multioutput_face_completion.html :ref:`example_plot_multioutput_face_completion.py` .. raw:: html
.. toctree:: :hidden: ./plot_multioutput_face_completion .. raw:: html
.. figure:: ./images/thumb/plot_johnson_lindenstrauss_bound.png :target: ./plot_johnson_lindenstrauss_bound.html :ref:`example_plot_johnson_lindenstrauss_bound.py` .. raw:: html
.. toctree:: :hidden: ./plot_johnson_lindenstrauss_bound .. raw:: html
.. figure:: ./images/thumb/plot_kernel_ridge_regression.png :target: ./plot_kernel_ridge_regression.html :ref:`example_plot_kernel_ridge_regression.py` .. raw:: html
.. toctree:: :hidden: ./plot_kernel_ridge_regression .. raw:: html
.. figure:: ./images/thumb/hetero_feature_union.png :target: ./hetero_feature_union.html :ref:`example_hetero_feature_union.py` .. raw:: html
.. toctree:: :hidden: ./hetero_feature_union .. raw:: html
.. figure:: ./images/thumb/plot_kernel_approximation.png :target: ./plot_kernel_approximation.html :ref:`example_plot_kernel_approximation.py` .. raw:: html
.. toctree:: :hidden: ./plot_kernel_approximation .. raw:: html
.. _realworld_examples: Examples based on real world datasets ------------------------------------- Applications to real world problems with some medium sized datasets or interactive user interface. .. raw:: html
.. figure:: applications/images/thumb/topics_extraction_with_nmf.png :target: ./applications/topics_extraction_with_nmf.html :ref:`example_applications_topics_extraction_with_nmf.py` .. raw:: html
.. toctree:: :hidden: applications/topics_extraction_with_nmf .. raw:: html
.. figure:: applications/images/thumb/plot_outlier_detection_housing.png :target: ./applications/plot_outlier_detection_housing.html :ref:`example_applications_plot_outlier_detection_housing.py` .. raw:: html
.. toctree:: :hidden: applications/plot_outlier_detection_housing .. raw:: html
.. figure:: applications/images/thumb/plot_tomography_l1_reconstruction.png :target: ./applications/plot_tomography_l1_reconstruction.html :ref:`example_applications_plot_tomography_l1_reconstruction.py` .. raw:: html
.. toctree:: :hidden: applications/plot_tomography_l1_reconstruction .. raw:: html
.. figure:: applications/images/thumb/face_recognition.png :target: ./applications/face_recognition.html :ref:`example_applications_face_recognition.py` .. raw:: html
.. toctree:: :hidden: applications/face_recognition .. raw:: html
.. figure:: applications/images/thumb/plot_model_complexity_influence.png :target: ./applications/plot_model_complexity_influence.html :ref:`example_applications_plot_model_complexity_influence.py` .. raw:: html
.. toctree:: :hidden: applications/plot_model_complexity_influence .. raw:: html
.. figure:: applications/images/thumb/plot_species_distribution_modeling.png :target: ./applications/plot_species_distribution_modeling.html :ref:`example_applications_plot_species_distribution_modeling.py` .. raw:: html
.. toctree:: :hidden: applications/plot_species_distribution_modeling .. raw:: html
.. figure:: applications/images/thumb/plot_stock_market.png :target: ./applications/plot_stock_market.html :ref:`example_applications_plot_stock_market.py` .. raw:: html
.. toctree:: :hidden: applications/plot_stock_market .. raw:: html
.. figure:: applications/images/thumb/wikipedia_principal_eigenvector.png :target: ./applications/wikipedia_principal_eigenvector.html :ref:`example_applications_wikipedia_principal_eigenvector.py` .. raw:: html
.. toctree:: :hidden: applications/wikipedia_principal_eigenvector .. raw:: html
.. figure:: applications/images/thumb/plot_prediction_latency.png :target: ./applications/plot_prediction_latency.html :ref:`example_applications_plot_prediction_latency.py` .. raw:: html
.. toctree:: :hidden: applications/plot_prediction_latency .. raw:: html
.. figure:: applications/images/thumb/svm_gui.png :target: ./applications/svm_gui.html :ref:`example_applications_svm_gui.py` .. raw:: html
.. toctree:: :hidden: applications/svm_gui .. raw:: html
.. figure:: applications/images/thumb/plot_out_of_core_classification.png :target: ./applications/plot_out_of_core_classification.html :ref:`example_applications_plot_out_of_core_classification.py` .. raw:: html
.. toctree:: :hidden: applications/plot_out_of_core_classification .. raw:: html
.. _bicluster_examples: Biclustering ------------ Examples concerning the :mod:`sklearn.cluster.bicluster` module. .. raw:: html
.. figure:: bicluster/images/thumb/plot_spectral_coclustering.png :target: ./bicluster/plot_spectral_coclustering.html :ref:`example_bicluster_plot_spectral_coclustering.py` .. raw:: html
.. toctree:: :hidden: bicluster/plot_spectral_coclustering .. raw:: html
.. figure:: bicluster/images/thumb/plot_spectral_biclustering.png :target: ./bicluster/plot_spectral_biclustering.html :ref:`example_bicluster_plot_spectral_biclustering.py` .. raw:: html
.. toctree:: :hidden: bicluster/plot_spectral_biclustering .. raw:: html
.. figure:: bicluster/images/thumb/bicluster_newsgroups.png :target: ./bicluster/bicluster_newsgroups.html :ref:`example_bicluster_bicluster_newsgroups.py` .. raw:: html
.. toctree:: :hidden: bicluster/bicluster_newsgroups .. raw:: html
.. _calibration_examples: Calibration ----------------------- Examples illustrating the calibration of predicted probabilities of classifiers. .. raw:: html
.. figure:: calibration/images/thumb/plot_compare_calibration.png :target: ./calibration/plot_compare_calibration.html :ref:`example_calibration_plot_compare_calibration.py` .. raw:: html
.. toctree:: :hidden: calibration/plot_compare_calibration .. raw:: html
.. figure:: calibration/images/thumb/plot_calibration_curve.png :target: ./calibration/plot_calibration_curve.html :ref:`example_calibration_plot_calibration_curve.py` .. raw:: html
.. toctree:: :hidden: calibration/plot_calibration_curve .. raw:: html
.. figure:: calibration/images/thumb/plot_calibration.png :target: ./calibration/plot_calibration.html :ref:`example_calibration_plot_calibration.py` .. raw:: html
.. toctree:: :hidden: calibration/plot_calibration .. raw:: html
.. figure:: calibration/images/thumb/plot_calibration_multiclass.png :target: ./calibration/plot_calibration_multiclass.html :ref:`example_calibration_plot_calibration_multiclass.py` .. raw:: html
.. toctree:: :hidden: calibration/plot_calibration_multiclass .. raw:: html
.. _classification_examples: Classification ----------------------- General examples about classification algorithms. .. raw:: html
.. figure:: classification/images/thumb/plot_digits_classification.png :target: ./classification/plot_digits_classification.html :ref:`example_classification_plot_digits_classification.py` .. raw:: html
.. toctree:: :hidden: classification/plot_digits_classification .. raw:: html
.. figure:: classification/images/thumb/plot_lda.png :target: ./classification/plot_lda.html :ref:`example_classification_plot_lda.py` .. raw:: html
.. toctree:: :hidden: classification/plot_lda .. raw:: html
.. figure:: classification/images/thumb/plot_classification_probability.png :target: ./classification/plot_classification_probability.html :ref:`example_classification_plot_classification_probability.py` .. raw:: html
.. toctree:: :hidden: classification/plot_classification_probability .. raw:: html
.. figure:: classification/images/thumb/plot_classifier_comparison.png :target: ./classification/plot_classifier_comparison.html :ref:`example_classification_plot_classifier_comparison.py` .. raw:: html
.. toctree:: :hidden: classification/plot_classifier_comparison .. raw:: html
.. figure:: classification/images/thumb/plot_lda_qda.png :target: ./classification/plot_lda_qda.html :ref:`example_classification_plot_lda_qda.py` .. raw:: html
.. toctree:: :hidden: classification/plot_lda_qda .. raw:: html
.. _cluster_examples: Clustering ---------- Examples concerning the :mod:`sklearn.cluster` module. .. raw:: html
.. figure:: cluster/images/thumb/plot_mean_shift.png :target: ./cluster/plot_mean_shift.html :ref:`example_cluster_plot_mean_shift.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_mean_shift .. raw:: html
.. figure:: cluster/images/thumb/plot_lena_ward_segmentation.png :target: ./cluster/plot_lena_ward_segmentation.html :ref:`example_cluster_plot_lena_ward_segmentation.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_lena_ward_segmentation .. raw:: html
.. figure:: cluster/images/thumb/plot_digits_agglomeration.png :target: ./cluster/plot_digits_agglomeration.html :ref:`example_cluster_plot_digits_agglomeration.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_digits_agglomeration .. raw:: html
.. figure:: cluster/images/thumb/plot_affinity_propagation.png :target: ./cluster/plot_affinity_propagation.html :ref:`example_cluster_plot_affinity_propagation.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_affinity_propagation .. raw:: html
.. figure:: cluster/images/thumb/plot_agglomerative_clustering.png :target: ./cluster/plot_agglomerative_clustering.html :ref:`example_cluster_plot_agglomerative_clustering.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_agglomerative_clustering .. raw:: html
.. figure:: cluster/images/thumb/plot_lena_segmentation.png :target: ./cluster/plot_lena_segmentation.html :ref:`example_cluster_plot_lena_segmentation.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_lena_segmentation .. raw:: html
.. figure:: cluster/images/thumb/plot_dbscan.png :target: ./cluster/plot_dbscan.html :ref:`example_cluster_plot_dbscan.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_dbscan .. raw:: html
.. figure:: cluster/images/thumb/plot_dict_face_patches.png :target: ./cluster/plot_dict_face_patches.html :ref:`example_cluster_plot_dict_face_patches.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_dict_face_patches .. raw:: html
.. figure:: cluster/images/thumb/plot_lena_compress.png :target: ./cluster/plot_lena_compress.html :ref:`example_cluster_plot_lena_compress.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_lena_compress .. raw:: html
.. figure:: cluster/images/thumb/plot_ward_structured_vs_unstructured.png :target: ./cluster/plot_ward_structured_vs_unstructured.html :ref:`example_cluster_plot_ward_structured_vs_unstructured.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_ward_structured_vs_unstructured .. raw:: html
.. figure:: cluster/images/thumb/plot_segmentation_toy.png :target: ./cluster/plot_segmentation_toy.html :ref:`example_cluster_plot_segmentation_toy.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_segmentation_toy .. raw:: html
.. figure:: cluster/images/thumb/plot_cluster_iris.png :target: ./cluster/plot_cluster_iris.html :ref:`example_cluster_plot_cluster_iris.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_cluster_iris .. raw:: html
.. figure:: cluster/images/thumb/plot_digits_linkage.png :target: ./cluster/plot_digits_linkage.html :ref:`example_cluster_plot_digits_linkage.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_digits_linkage .. raw:: html
.. figure:: cluster/images/thumb/plot_color_quantization.png :target: ./cluster/plot_color_quantization.html :ref:`example_cluster_plot_color_quantization.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_color_quantization .. raw:: html
.. figure:: cluster/images/thumb/plot_birch_vs_minibatchkmeans.png :target: ./cluster/plot_birch_vs_minibatchkmeans.html :ref:`example_cluster_plot_birch_vs_minibatchkmeans.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_birch_vs_minibatchkmeans .. raw:: html
.. figure:: cluster/images/thumb/plot_feature_agglomeration_vs_univariate_selection.png :target: ./cluster/plot_feature_agglomeration_vs_univariate_selection.html :ref:`example_cluster_plot_feature_agglomeration_vs_univariate_selection.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_feature_agglomeration_vs_univariate_selection .. raw:: html
.. figure:: cluster/images/thumb/plot_agglomerative_clustering_metrics.png :target: ./cluster/plot_agglomerative_clustering_metrics.html :ref:`example_cluster_plot_agglomerative_clustering_metrics.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_agglomerative_clustering_metrics .. raw:: html
.. figure:: cluster/images/thumb/plot_kmeans_stability_low_dim_dense.png :target: ./cluster/plot_kmeans_stability_low_dim_dense.html :ref:`example_cluster_plot_kmeans_stability_low_dim_dense.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_kmeans_stability_low_dim_dense .. raw:: html
.. figure:: cluster/images/thumb/plot_kmeans_digits.png :target: ./cluster/plot_kmeans_digits.html :ref:`example_cluster_plot_kmeans_digits.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_kmeans_digits .. raw:: html
.. figure:: cluster/images/thumb/plot_adjusted_for_chance_measures.png :target: ./cluster/plot_adjusted_for_chance_measures.html :ref:`example_cluster_plot_adjusted_for_chance_measures.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_adjusted_for_chance_measures .. raw:: html
.. figure:: cluster/images/thumb/plot_cluster_comparison.png :target: ./cluster/plot_cluster_comparison.html :ref:`example_cluster_plot_cluster_comparison.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_cluster_comparison .. raw:: html
.. figure:: cluster/images/thumb/plot_mini_batch_kmeans.png :target: ./cluster/plot_mini_batch_kmeans.html :ref:`example_cluster_plot_mini_batch_kmeans.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_mini_batch_kmeans .. raw:: html
.. figure:: cluster/images/thumb/plot_kmeans_silhouette_analysis.png :target: ./cluster/plot_kmeans_silhouette_analysis.html :ref:`example_cluster_plot_kmeans_silhouette_analysis.py` .. raw:: html
.. toctree:: :hidden: cluster/plot_kmeans_silhouette_analysis .. raw:: html
.. _covariance_examples: Covariance estimation --------------------- Examples concerning the :mod:`sklearn.covariance` module. .. raw:: html
.. figure:: covariance/images/thumb/plot_lw_vs_oas.png :target: ./covariance/plot_lw_vs_oas.html :ref:`example_covariance_plot_lw_vs_oas.py` .. raw:: html
.. toctree:: :hidden: covariance/plot_lw_vs_oas .. raw:: html
.. figure:: covariance/images/thumb/plot_outlier_detection.png :target: ./covariance/plot_outlier_detection.html :ref:`example_covariance_plot_outlier_detection.py` .. raw:: html
.. toctree:: :hidden: covariance/plot_outlier_detection .. raw:: html
.. figure:: covariance/images/thumb/plot_sparse_cov.png :target: ./covariance/plot_sparse_cov.html :ref:`example_covariance_plot_sparse_cov.py` .. raw:: html
.. toctree:: :hidden: covariance/plot_sparse_cov .. raw:: html
.. figure:: covariance/images/thumb/plot_covariance_estimation.png :target: ./covariance/plot_covariance_estimation.html :ref:`example_covariance_plot_covariance_estimation.py` .. raw:: html
.. toctree:: :hidden: covariance/plot_covariance_estimation .. raw:: html
.. figure:: covariance/images/thumb/plot_mahalanobis_distances.png :target: ./covariance/plot_mahalanobis_distances.html :ref:`example_covariance_plot_mahalanobis_distances.py` .. raw:: html
.. toctree:: :hidden: covariance/plot_mahalanobis_distances .. raw:: html
.. figure:: covariance/images/thumb/plot_robust_vs_empirical_covariance.png :target: ./covariance/plot_robust_vs_empirical_covariance.html :ref:`example_covariance_plot_robust_vs_empirical_covariance.py` .. raw:: html
.. toctree:: :hidden: covariance/plot_robust_vs_empirical_covariance .. raw:: html
.. _cross_decomposition_examples: Cross decomposition ------------------- Examples concerning the :mod:`sklearn.cross_decomposition` module. .. raw:: html
.. figure:: cross_decomposition/images/thumb/plot_compare_cross_decomposition.png :target: ./cross_decomposition/plot_compare_cross_decomposition.html :ref:`example_cross_decomposition_plot_compare_cross_decomposition.py` .. raw:: html
.. toctree:: :hidden: cross_decomposition/plot_compare_cross_decomposition .. raw:: html
.. _dataset_examples: Dataset examples ----------------------- Examples concerning the :mod:`sklearn.datasets` module. .. raw:: html
.. figure:: datasets/images/thumb/plot_digits_last_image.png :target: ./datasets/plot_digits_last_image.html :ref:`example_datasets_plot_digits_last_image.py` .. raw:: html
.. toctree:: :hidden: datasets/plot_digits_last_image .. raw:: html
.. figure:: datasets/images/thumb/plot_random_dataset.png :target: ./datasets/plot_random_dataset.html :ref:`example_datasets_plot_random_dataset.py` .. raw:: html
.. toctree:: :hidden: datasets/plot_random_dataset .. raw:: html
.. figure:: datasets/images/thumb/plot_iris_dataset.png :target: ./datasets/plot_iris_dataset.html :ref:`example_datasets_plot_iris_dataset.py` .. raw:: html
.. toctree:: :hidden: datasets/plot_iris_dataset .. raw:: html
.. figure:: datasets/images/thumb/plot_random_multilabel_dataset.png :target: ./datasets/plot_random_multilabel_dataset.html :ref:`example_datasets_plot_random_multilabel_dataset.py` .. raw:: html
.. toctree:: :hidden: datasets/plot_random_multilabel_dataset .. raw:: html
.. _decomposition_examples: Decomposition ------------- Examples concerning the :mod:`sklearn.decomposition` module. .. raw:: html
.. figure:: decomposition/images/thumb/plot_pca_vs_lda.png :target: ./decomposition/plot_pca_vs_lda.html :ref:`example_decomposition_plot_pca_vs_lda.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_pca_vs_lda .. raw:: html
.. figure:: decomposition/images/thumb/plot_incremental_pca.png :target: ./decomposition/plot_incremental_pca.html :ref:`example_decomposition_plot_incremental_pca.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_incremental_pca .. raw:: html
.. figure:: decomposition/images/thumb/plot_pca_iris.png :target: ./decomposition/plot_pca_iris.html :ref:`example_decomposition_plot_pca_iris.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_pca_iris .. raw:: html
.. figure:: decomposition/images/thumb/plot_ica_blind_source_separation.png :target: ./decomposition/plot_ica_blind_source_separation.html :ref:`example_decomposition_plot_ica_blind_source_separation.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_ica_blind_source_separation .. raw:: html
.. figure:: decomposition/images/thumb/plot_kernel_pca.png :target: ./decomposition/plot_kernel_pca.html :ref:`example_decomposition_plot_kernel_pca.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_kernel_pca .. raw:: html
.. figure:: decomposition/images/thumb/plot_ica_vs_pca.png :target: ./decomposition/plot_ica_vs_pca.html :ref:`example_decomposition_plot_ica_vs_pca.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_ica_vs_pca .. raw:: html
.. figure:: decomposition/images/thumb/plot_sparse_coding.png :target: ./decomposition/plot_sparse_coding.html :ref:`example_decomposition_plot_sparse_coding.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_sparse_coding .. raw:: html
.. figure:: decomposition/images/thumb/plot_pca_3d.png :target: ./decomposition/plot_pca_3d.html :ref:`example_decomposition_plot_pca_3d.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_pca_3d .. raw:: html
.. figure:: decomposition/images/thumb/plot_pca_vs_fa_model_selection.png :target: ./decomposition/plot_pca_vs_fa_model_selection.html :ref:`example_decomposition_plot_pca_vs_fa_model_selection.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_pca_vs_fa_model_selection .. raw:: html
.. figure:: decomposition/images/thumb/plot_faces_decomposition.png :target: ./decomposition/plot_faces_decomposition.html :ref:`example_decomposition_plot_faces_decomposition.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_faces_decomposition .. raw:: html
.. figure:: decomposition/images/thumb/plot_image_denoising.png :target: ./decomposition/plot_image_denoising.html :ref:`example_decomposition_plot_image_denoising.py` .. raw:: html
.. toctree:: :hidden: decomposition/plot_image_denoising .. raw:: html
.. _ensemble_examples: Ensemble methods ---------------- Examples concerning the :mod:`sklearn.ensemble` module. .. raw:: html
.. figure:: ensemble/images/thumb/plot_forest_importances_faces.png :target: ./ensemble/plot_forest_importances_faces.html :ref:`example_ensemble_plot_forest_importances_faces.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_forest_importances_faces .. raw:: html
.. figure:: ensemble/images/thumb/plot_adaboost_regression.png :target: ./ensemble/plot_adaboost_regression.html :ref:`example_ensemble_plot_adaboost_regression.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_adaboost_regression .. raw:: html
.. figure:: ensemble/images/thumb/plot_forest_importances.png :target: ./ensemble/plot_forest_importances.html :ref:`example_ensemble_plot_forest_importances.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_forest_importances .. raw:: html
.. figure:: ensemble/images/thumb/plot_gradient_boosting_regularization.png :target: ./ensemble/plot_gradient_boosting_regularization.html :ref:`example_ensemble_plot_gradient_boosting_regularization.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_gradient_boosting_regularization .. raw:: html
.. figure:: ensemble/images/thumb/plot_partial_dependence.png :target: ./ensemble/plot_partial_dependence.html :ref:`example_ensemble_plot_partial_dependence.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_partial_dependence .. raw:: html
.. figure:: ensemble/images/thumb/plot_gradient_boosting_regression.png :target: ./ensemble/plot_gradient_boosting_regression.html :ref:`example_ensemble_plot_gradient_boosting_regression.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_gradient_boosting_regression .. raw:: html
.. figure:: ensemble/images/thumb/plot_gradient_boosting_quantile.png :target: ./ensemble/plot_gradient_boosting_quantile.html :ref:`example_ensemble_plot_gradient_boosting_quantile.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_gradient_boosting_quantile .. raw:: html
.. figure:: ensemble/images/thumb/plot_random_forest_embedding.png :target: ./ensemble/plot_random_forest_embedding.html :ref:`example_ensemble_plot_random_forest_embedding.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_random_forest_embedding .. raw:: html
.. figure:: ensemble/images/thumb/plot_adaboost_twoclass.png :target: ./ensemble/plot_adaboost_twoclass.html :ref:`example_ensemble_plot_adaboost_twoclass.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_adaboost_twoclass .. raw:: html
.. figure:: ensemble/images/thumb/plot_adaboost_hastie_10_2.png :target: ./ensemble/plot_adaboost_hastie_10_2.html :ref:`example_ensemble_plot_adaboost_hastie_10_2.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_adaboost_hastie_10_2 .. raw:: html
.. figure:: ensemble/images/thumb/plot_adaboost_multiclass.png :target: ./ensemble/plot_adaboost_multiclass.html :ref:`example_ensemble_plot_adaboost_multiclass.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_adaboost_multiclass .. raw:: html
.. figure:: ensemble/images/thumb/plot_gradient_boosting_oob.png :target: ./ensemble/plot_gradient_boosting_oob.html :ref:`example_ensemble_plot_gradient_boosting_oob.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_gradient_boosting_oob .. raw:: html
.. figure:: ensemble/images/thumb/plot_forest_iris.png :target: ./ensemble/plot_forest_iris.html :ref:`example_ensemble_plot_forest_iris.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_forest_iris .. raw:: html
.. figure:: ensemble/images/thumb/plot_bias_variance.png :target: ./ensemble/plot_bias_variance.html :ref:`example_ensemble_plot_bias_variance.py` .. raw:: html
.. toctree:: :hidden: ensemble/plot_bias_variance .. raw:: html
Tutorial exercises ------------------ Exercises for the tutorials .. raw:: html
.. figure:: exercises/images/thumb/digits_classification_exercise.png :target: ./exercises/digits_classification_exercise.html :ref:`example_exercises_digits_classification_exercise.py` .. raw:: html
.. toctree:: :hidden: exercises/digits_classification_exercise .. raw:: html
.. figure:: exercises/images/thumb/plot_cv_digits.png :target: ./exercises/plot_cv_digits.html :ref:`example_exercises_plot_cv_digits.py` .. raw:: html
.. toctree:: :hidden: exercises/plot_cv_digits .. raw:: html
.. figure:: exercises/images/thumb/plot_iris_exercise.png :target: ./exercises/plot_iris_exercise.html :ref:`example_exercises_plot_iris_exercise.py` .. raw:: html
.. toctree:: :hidden: exercises/plot_iris_exercise .. raw:: html
.. figure:: exercises/images/thumb/plot_cv_diabetes.png :target: ./exercises/plot_cv_diabetes.html :ref:`example_exercises_plot_cv_diabetes.py` .. raw:: html
.. toctree:: :hidden: exercises/plot_cv_diabetes .. raw:: html
.. _feature_selection_examples: Feature Selection ----------------------- Examples concerning the :mod:`sklearn.feature_selection` module. .. raw:: html
.. figure:: feature_selection/images/thumb/feature_selection_pipeline.png :target: ./feature_selection/feature_selection_pipeline.html :ref:`example_feature_selection_feature_selection_pipeline.py` .. raw:: html
.. toctree:: :hidden: feature_selection/feature_selection_pipeline .. raw:: html
.. figure:: feature_selection/images/thumb/plot_rfe_digits.png :target: ./feature_selection/plot_rfe_digits.html :ref:`example_feature_selection_plot_rfe_digits.py` .. raw:: html
.. toctree:: :hidden: feature_selection/plot_rfe_digits .. raw:: html
.. figure:: feature_selection/images/thumb/plot_rfe_with_cross_validation.png :target: ./feature_selection/plot_rfe_with_cross_validation.html :ref:`example_feature_selection_plot_rfe_with_cross_validation.py` .. raw:: html
.. toctree:: :hidden: feature_selection/plot_rfe_with_cross_validation .. raw:: html
.. figure:: feature_selection/images/thumb/plot_permutation_test_for_classification.png :target: ./feature_selection/plot_permutation_test_for_classification.html :ref:`example_feature_selection_plot_permutation_test_for_classification.py` .. raw:: html
.. toctree:: :hidden: feature_selection/plot_permutation_test_for_classification .. raw:: html
.. figure:: feature_selection/images/thumb/plot_feature_selection.png :target: ./feature_selection/plot_feature_selection.html :ref:`example_feature_selection_plot_feature_selection.py` .. raw:: html
.. toctree:: :hidden: feature_selection/plot_feature_selection .. raw:: html
.. _gaussian_process_examples: Gaussian Process for Machine Learning ------------------------------------- Examples concerning the :mod:`sklearn.gaussian_process` module. .. raw:: html
.. figure:: gaussian_process/images/thumb/gp_diabetes_dataset.png :target: ./gaussian_process/gp_diabetes_dataset.html :ref:`example_gaussian_process_gp_diabetes_dataset.py` .. raw:: html
.. toctree:: :hidden: gaussian_process/gp_diabetes_dataset .. raw:: html
.. figure:: gaussian_process/images/thumb/plot_gp_probabilistic_classification_after_regression.png :target: ./gaussian_process/plot_gp_probabilistic_classification_after_regression.html :ref:`example_gaussian_process_plot_gp_probabilistic_classification_after_regression.py` .. raw:: html
.. toctree:: :hidden: gaussian_process/plot_gp_probabilistic_classification_after_regression .. raw:: html
.. figure:: gaussian_process/images/thumb/plot_gp_regression.png :target: ./gaussian_process/plot_gp_regression.html :ref:`example_gaussian_process_plot_gp_regression.py` .. raw:: html
.. toctree:: :hidden: gaussian_process/plot_gp_regression .. raw:: html
.. _linear_examples: Generalized Linear Models ------------------------- Examples concerning the :mod:`sklearn.linear_model` module. .. raw:: html
.. figure:: linear_model/images/thumb/plot_lasso_lars.png :target: ./linear_model/plot_lasso_lars.html :ref:`example_linear_model_plot_lasso_lars.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_lasso_lars .. raw:: html
.. figure:: linear_model/images/thumb/plot_sgd_loss_functions.png :target: ./linear_model/plot_sgd_loss_functions.html :ref:`example_linear_model_plot_sgd_loss_functions.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_sgd_loss_functions .. raw:: html
.. figure:: linear_model/images/thumb/plot_sgd_separating_hyperplane.png :target: ./linear_model/plot_sgd_separating_hyperplane.html :ref:`example_linear_model_plot_sgd_separating_hyperplane.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_sgd_separating_hyperplane .. raw:: html
.. figure:: linear_model/images/thumb/plot_sgd_weighted_samples.png :target: ./linear_model/plot_sgd_weighted_samples.html :ref:`example_linear_model_plot_sgd_weighted_samples.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_sgd_weighted_samples .. raw:: html
.. figure:: linear_model/images/thumb/plot_ridge_path.png :target: ./linear_model/plot_ridge_path.html :ref:`example_linear_model_plot_ridge_path.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_ridge_path .. raw:: html
.. figure:: linear_model/images/thumb/plot_ransac.png :target: ./linear_model/plot_ransac.html :ref:`example_linear_model_plot_ransac.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_ransac .. raw:: html
.. figure:: linear_model/images/thumb/plot_polynomial_interpolation.png :target: ./linear_model/plot_polynomial_interpolation.html :ref:`example_linear_model_plot_polynomial_interpolation.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_polynomial_interpolation .. raw:: html
.. figure:: linear_model/images/thumb/plot_iris_logistic.png :target: ./linear_model/plot_iris_logistic.html :ref:`example_linear_model_plot_iris_logistic.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_iris_logistic .. raw:: html
.. figure:: linear_model/images/thumb/plot_logistic_path.png :target: ./linear_model/plot_logistic_path.html :ref:`example_linear_model_plot_logistic_path.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_logistic_path .. raw:: html
.. figure:: linear_model/images/thumb/plot_sgd_comparison.png :target: ./linear_model/plot_sgd_comparison.html :ref:`example_linear_model_plot_sgd_comparison.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_sgd_comparison .. raw:: html
.. figure:: linear_model/images/thumb/plot_ols_ridge_variance.png :target: ./linear_model/plot_ols_ridge_variance.html :ref:`example_linear_model_plot_ols_ridge_variance.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_ols_ridge_variance .. raw:: html
.. figure:: linear_model/images/thumb/plot_ols.png :target: ./linear_model/plot_ols.html :ref:`example_linear_model_plot_ols.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_ols .. raw:: html
.. figure:: linear_model/images/thumb/plot_logistic.png :target: ./linear_model/plot_logistic.html :ref:`example_linear_model_plot_logistic.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_logistic .. raw:: html
.. figure:: linear_model/images/thumb/plot_multi_task_lasso_support.png :target: ./linear_model/plot_multi_task_lasso_support.html :ref:`example_linear_model_plot_multi_task_lasso_support.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_multi_task_lasso_support .. raw:: html
.. figure:: linear_model/images/thumb/plot_sgd_penalties.png :target: ./linear_model/plot_sgd_penalties.html :ref:`example_linear_model_plot_sgd_penalties.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_sgd_penalties .. raw:: html
.. figure:: linear_model/images/thumb/lasso_dense_vs_sparse_data.png :target: ./linear_model/lasso_dense_vs_sparse_data.html :ref:`example_linear_model_lasso_dense_vs_sparse_data.py` .. raw:: html
.. toctree:: :hidden: linear_model/lasso_dense_vs_sparse_data .. raw:: html
.. figure:: linear_model/images/thumb/plot_lasso_and_elasticnet.png :target: ./linear_model/plot_lasso_and_elasticnet.html :ref:`example_linear_model_plot_lasso_and_elasticnet.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_lasso_and_elasticnet .. raw:: html
.. figure:: linear_model/images/thumb/plot_bayesian_ridge.png :target: ./linear_model/plot_bayesian_ridge.html :ref:`example_linear_model_plot_bayesian_ridge.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_bayesian_ridge .. raw:: html
.. figure:: linear_model/images/thumb/plot_ols_3d.png :target: ./linear_model/plot_ols_3d.html :ref:`example_linear_model_plot_ols_3d.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_ols_3d .. raw:: html
.. figure:: linear_model/images/thumb/plot_robust_fit.png :target: ./linear_model/plot_robust_fit.html :ref:`example_linear_model_plot_robust_fit.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_robust_fit .. raw:: html
.. figure:: linear_model/images/thumb/plot_ard.png :target: ./linear_model/plot_ard.html :ref:`example_linear_model_plot_ard.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_ard .. raw:: html
.. figure:: linear_model/images/thumb/plot_logistic_l1_l2_sparsity.png :target: ./linear_model/plot_logistic_l1_l2_sparsity.html :ref:`example_linear_model_plot_logistic_l1_l2_sparsity.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_logistic_l1_l2_sparsity .. raw:: html
.. figure:: linear_model/images/thumb/plot_sgd_iris.png :target: ./linear_model/plot_sgd_iris.html :ref:`example_linear_model_plot_sgd_iris.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_sgd_iris .. raw:: html
.. figure:: linear_model/images/thumb/plot_theilsen.png :target: ./linear_model/plot_theilsen.html :ref:`example_linear_model_plot_theilsen.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_theilsen .. raw:: html
.. figure:: linear_model/images/thumb/plot_omp.png :target: ./linear_model/plot_omp.html :ref:`example_linear_model_plot_omp.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_omp .. raw:: html
.. figure:: linear_model/images/thumb/plot_lasso_coordinate_descent_path.png :target: ./linear_model/plot_lasso_coordinate_descent_path.html :ref:`example_linear_model_plot_lasso_coordinate_descent_path.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_lasso_coordinate_descent_path .. raw:: html
.. figure:: linear_model/images/thumb/plot_lasso_model_selection.png :target: ./linear_model/plot_lasso_model_selection.html :ref:`example_linear_model_plot_lasso_model_selection.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_lasso_model_selection .. raw:: html
.. figure:: linear_model/images/thumb/plot_sparse_recovery.png :target: ./linear_model/plot_sparse_recovery.html :ref:`example_linear_model_plot_sparse_recovery.py` .. raw:: html
.. toctree:: :hidden: linear_model/plot_sparse_recovery .. raw:: html
.. _manifold_examples: Manifold learning ----------------------- Examples concerning the :mod:`sklearn.manifold` module. .. raw:: html
.. figure:: manifold/images/thumb/plot_swissroll.png :target: ./manifold/plot_swissroll.html :ref:`example_manifold_plot_swissroll.py` .. raw:: html
.. toctree:: :hidden: manifold/plot_swissroll .. raw:: html
.. figure:: manifold/images/thumb/plot_mds.png :target: ./manifold/plot_mds.html :ref:`example_manifold_plot_mds.py` .. raw:: html
.. toctree:: :hidden: manifold/plot_mds .. raw:: html
.. figure:: manifold/images/thumb/plot_compare_methods.png :target: ./manifold/plot_compare_methods.html :ref:`example_manifold_plot_compare_methods.py` .. raw:: html
.. toctree:: :hidden: manifold/plot_compare_methods .. raw:: html
.. figure:: manifold/images/thumb/plot_manifold_sphere.png :target: ./manifold/plot_manifold_sphere.html :ref:`example_manifold_plot_manifold_sphere.py` .. raw:: html
.. toctree:: :hidden: manifold/plot_manifold_sphere .. raw:: html
.. figure:: manifold/images/thumb/plot_lle_digits.png :target: ./manifold/plot_lle_digits.html :ref:`example_manifold_plot_lle_digits.py` .. raw:: html
.. toctree:: :hidden: manifold/plot_lle_digits .. raw:: html
.. _mixture_examples: Gaussian Mixture Models ----------------------- Examples concerning the :mod:`sklearn.mixture` module. .. raw:: html
.. figure:: mixture/images/thumb/plot_gmm_pdf.png :target: ./mixture/plot_gmm_pdf.html :ref:`example_mixture_plot_gmm_pdf.py` .. raw:: html
.. toctree:: :hidden: mixture/plot_gmm_pdf .. raw:: html
.. figure:: mixture/images/thumb/plot_gmm.png :target: ./mixture/plot_gmm.html :ref:`example_mixture_plot_gmm.py` .. raw:: html
.. toctree:: :hidden: mixture/plot_gmm .. raw:: html
.. figure:: mixture/images/thumb/plot_gmm_sin.png :target: ./mixture/plot_gmm_sin.html :ref:`example_mixture_plot_gmm_sin.py` .. raw:: html
.. toctree:: :hidden: mixture/plot_gmm_sin .. raw:: html
.. figure:: mixture/images/thumb/plot_gmm_selection.png :target: ./mixture/plot_gmm_selection.html :ref:`example_mixture_plot_gmm_selection.py` .. raw:: html
.. toctree:: :hidden: mixture/plot_gmm_selection .. raw:: html
.. figure:: mixture/images/thumb/plot_gmm_classifier.png :target: ./mixture/plot_gmm_classifier.html :ref:`example_mixture_plot_gmm_classifier.py` .. raw:: html
.. toctree:: :hidden: mixture/plot_gmm_classifier .. raw:: html
.. _model_selection_examples: Model Selection ----------------------- Examples concerning model selection, mostly contained in the :mod:`sklearn.grid_search` and :mod:`sklearn.cross_validation` modules. .. raw:: html
.. figure:: model_selection/images/thumb/plot_validation_curve.png :target: ./model_selection/plot_validation_curve.html :ref:`example_model_selection_plot_validation_curve.py` .. raw:: html
.. toctree:: :hidden: model_selection/plot_validation_curve .. raw:: html
.. figure:: model_selection/images/thumb/plot_underfitting_overfitting.png :target: ./model_selection/plot_underfitting_overfitting.html :ref:`example_model_selection_plot_underfitting_overfitting.py` .. raw:: html
.. toctree:: :hidden: model_selection/plot_underfitting_overfitting .. raw:: html
.. figure:: model_selection/images/thumb/plot_confusion_matrix.png :target: ./model_selection/plot_confusion_matrix.html :ref:`example_model_selection_plot_confusion_matrix.py` .. raw:: html
.. toctree:: :hidden: model_selection/plot_confusion_matrix .. raw:: html
.. figure:: model_selection/images/thumb/plot_roc_crossval.png :target: ./model_selection/plot_roc_crossval.html :ref:`example_model_selection_plot_roc_crossval.py` .. raw:: html
.. toctree:: :hidden: model_selection/plot_roc_crossval .. raw:: html
.. figure:: model_selection/images/thumb/grid_search_digits.png :target: ./model_selection/grid_search_digits.html :ref:`example_model_selection_grid_search_digits.py` .. raw:: html
.. toctree:: :hidden: model_selection/grid_search_digits .. raw:: html
.. figure:: model_selection/images/thumb/plot_train_error_vs_test_error.png :target: ./model_selection/plot_train_error_vs_test_error.html :ref:`example_model_selection_plot_train_error_vs_test_error.py` .. raw:: html
.. toctree:: :hidden: model_selection/plot_train_error_vs_test_error .. raw:: html
.. figure:: model_selection/images/thumb/randomized_search.png :target: ./model_selection/randomized_search.html :ref:`example_model_selection_randomized_search.py` .. raw:: html
.. toctree:: :hidden: model_selection/randomized_search .. raw:: html
.. figure:: model_selection/images/thumb/plot_roc.png :target: ./model_selection/plot_roc.html :ref:`example_model_selection_plot_roc.py` .. raw:: html
.. toctree:: :hidden: model_selection/plot_roc .. raw:: html
.. figure:: model_selection/images/thumb/plot_precision_recall.png :target: ./model_selection/plot_precision_recall.html :ref:`example_model_selection_plot_precision_recall.py` .. raw:: html
.. toctree:: :hidden: model_selection/plot_precision_recall .. raw:: html
.. figure:: model_selection/images/thumb/grid_search_text_feature_extraction.png :target: ./model_selection/grid_search_text_feature_extraction.html :ref:`example_model_selection_grid_search_text_feature_extraction.py` .. raw:: html
.. toctree:: :hidden: model_selection/grid_search_text_feature_extraction .. raw:: html
.. figure:: model_selection/images/thumb/plot_learning_curve.png :target: ./model_selection/plot_learning_curve.html :ref:`example_model_selection_plot_learning_curve.py` .. raw:: html
.. toctree:: :hidden: model_selection/plot_learning_curve .. raw:: html
.. _neighbors_examples: Nearest Neighbors ----------------------- Examples concerning the :mod:`sklearn.neighbors` module. .. raw:: html
.. figure:: neighbors/images/thumb/plot_regression.png :target: ./neighbors/plot_regression.html :ref:`example_neighbors_plot_regression.py` .. raw:: html
.. toctree:: :hidden: neighbors/plot_regression .. raw:: html
.. figure:: neighbors/images/thumb/plot_classification.png :target: ./neighbors/plot_classification.html :ref:`example_neighbors_plot_classification.py` .. raw:: html
.. toctree:: :hidden: neighbors/plot_classification .. raw:: html
.. figure:: neighbors/images/thumb/plot_nearest_centroid.png :target: ./neighbors/plot_nearest_centroid.html :ref:`example_neighbors_plot_nearest_centroid.py` .. raw:: html
.. toctree:: :hidden: neighbors/plot_nearest_centroid .. raw:: html
.. figure:: neighbors/images/thumb/plot_digits_kde_sampling.png :target: ./neighbors/plot_digits_kde_sampling.html :ref:`example_neighbors_plot_digits_kde_sampling.py` .. raw:: html
.. toctree:: :hidden: neighbors/plot_digits_kde_sampling .. raw:: html
.. figure:: neighbors/images/thumb/plot_species_kde.png :target: ./neighbors/plot_species_kde.html :ref:`example_neighbors_plot_species_kde.py` .. raw:: html
.. toctree:: :hidden: neighbors/plot_species_kde .. raw:: html
.. figure:: neighbors/images/thumb/plot_approximate_nearest_neighbors_hyperparameters.png :target: ./neighbors/plot_approximate_nearest_neighbors_hyperparameters.html :ref:`example_neighbors_plot_approximate_nearest_neighbors_hyperparameters.py` .. raw:: html
.. toctree:: :hidden: neighbors/plot_approximate_nearest_neighbors_hyperparameters .. raw:: html
.. figure:: neighbors/images/thumb/plot_kde_1d.png :target: ./neighbors/plot_kde_1d.html :ref:`example_neighbors_plot_kde_1d.py` .. raw:: html
.. toctree:: :hidden: neighbors/plot_kde_1d .. raw:: html
.. figure:: neighbors/images/thumb/plot_approximate_nearest_neighbors_scalability.png :target: ./neighbors/plot_approximate_nearest_neighbors_scalability.html :ref:`example_neighbors_plot_approximate_nearest_neighbors_scalability.py` .. raw:: html
.. toctree:: :hidden: neighbors/plot_approximate_nearest_neighbors_scalability .. raw:: html
.. _neural_network_examples: Neural Networks ----------------------- Examples concerning the :mod:`sklearn.neural_network` module. .. raw:: html
.. figure:: neural_networks/images/thumb/plot_rbm_logistic_classification.png :target: ./neural_networks/plot_rbm_logistic_classification.html :ref:`example_neural_networks_plot_rbm_logistic_classification.py` .. raw:: html
.. toctree:: :hidden: neural_networks/plot_rbm_logistic_classification .. raw:: html
.. raw:: html
.. _semi_supervised_examples: Semi Supervised Classification ------------------------------ Examples concerning the :mod:`sklearn.semi_supervised` module. .. raw:: html
.. figure:: semi_supervised/images/thumb/plot_label_propagation_structure.png :target: ./semi_supervised/plot_label_propagation_structure.html :ref:`example_semi_supervised_plot_label_propagation_structure.py` .. raw:: html
.. toctree:: :hidden: semi_supervised/plot_label_propagation_structure .. raw:: html
.. figure:: semi_supervised/images/thumb/plot_label_propagation_versus_svm_iris.png :target: ./semi_supervised/plot_label_propagation_versus_svm_iris.html :ref:`example_semi_supervised_plot_label_propagation_versus_svm_iris.py` .. raw:: html
.. toctree:: :hidden: semi_supervised/plot_label_propagation_versus_svm_iris .. raw:: html
.. figure:: semi_supervised/images/thumb/plot_label_propagation_digits.png :target: ./semi_supervised/plot_label_propagation_digits.html :ref:`example_semi_supervised_plot_label_propagation_digits.py` .. raw:: html
.. toctree:: :hidden: semi_supervised/plot_label_propagation_digits .. raw:: html
.. figure:: semi_supervised/images/thumb/plot_label_propagation_digits_active_learning.png :target: ./semi_supervised/plot_label_propagation_digits_active_learning.html :ref:`example_semi_supervised_plot_label_propagation_digits_active_learning.py` .. raw:: html
.. toctree:: :hidden: semi_supervised/plot_label_propagation_digits_active_learning .. raw:: html
.. _svm_examples: Support Vector Machines ----------------------- Examples concerning the :mod:`sklearn.svm` module. .. raw:: html
.. figure:: svm/images/thumb/plot_svm_nonlinear.png :target: ./svm/plot_svm_nonlinear.html :ref:`example_svm_plot_svm_nonlinear.py` .. raw:: html
.. toctree:: :hidden: svm/plot_svm_nonlinear .. raw:: html
.. figure:: svm/images/thumb/plot_svm_regression.png :target: ./svm/plot_svm_regression.html :ref:`example_svm_plot_svm_regression.py` .. raw:: html
.. toctree:: :hidden: svm/plot_svm_regression .. raw:: html
.. figure:: svm/images/thumb/plot_separating_hyperplane.png :target: ./svm/plot_separating_hyperplane.html :ref:`example_svm_plot_separating_hyperplane.py` .. raw:: html
.. toctree:: :hidden: svm/plot_separating_hyperplane .. raw:: html
.. figure:: svm/images/thumb/plot_separating_hyperplane_unbalanced.png :target: ./svm/plot_separating_hyperplane_unbalanced.html :ref:`example_svm_plot_separating_hyperplane_unbalanced.py` .. raw:: html
.. toctree:: :hidden: svm/plot_separating_hyperplane_unbalanced .. raw:: html
.. figure:: svm/images/thumb/plot_custom_kernel.png :target: ./svm/plot_custom_kernel.html :ref:`example_svm_plot_custom_kernel.py` .. raw:: html
.. toctree:: :hidden: svm/plot_custom_kernel .. raw:: html
.. figure:: svm/images/thumb/plot_svm_anova.png :target: ./svm/plot_svm_anova.html :ref:`example_svm_plot_svm_anova.py` .. raw:: html
.. toctree:: :hidden: svm/plot_svm_anova .. raw:: html
.. figure:: svm/images/thumb/plot_weighted_samples.png :target: ./svm/plot_weighted_samples.html :ref:`example_svm_plot_weighted_samples.py` .. raw:: html
.. toctree:: :hidden: svm/plot_weighted_samples .. raw:: html
.. figure:: svm/images/thumb/plot_oneclass.png :target: ./svm/plot_oneclass.html :ref:`example_svm_plot_oneclass.py` .. raw:: html
.. toctree:: :hidden: svm/plot_oneclass .. raw:: html
.. figure:: svm/images/thumb/plot_iris.png :target: ./svm/plot_iris.html :ref:`example_svm_plot_iris.py` .. raw:: html
.. toctree:: :hidden: svm/plot_iris .. raw:: html
.. figure:: svm/images/thumb/plot_svm_kernels.png :target: ./svm/plot_svm_kernels.html :ref:`example_svm_plot_svm_kernels.py` .. raw:: html
.. toctree:: :hidden: svm/plot_svm_kernels .. raw:: html
.. figure:: svm/images/thumb/plot_svm_margin.png :target: ./svm/plot_svm_margin.html :ref:`example_svm_plot_svm_margin.py` .. raw:: html
.. toctree:: :hidden: svm/plot_svm_margin .. raw:: html
.. figure:: svm/images/thumb/plot_svm_scale_c.png :target: ./svm/plot_svm_scale_c.html :ref:`example_svm_plot_svm_scale_c.py` .. raw:: html
.. toctree:: :hidden: svm/plot_svm_scale_c .. raw:: html
.. figure:: svm/images/thumb/plot_rbf_parameters.png :target: ./svm/plot_rbf_parameters.html :ref:`example_svm_plot_rbf_parameters.py` .. raw:: html
.. toctree:: :hidden: svm/plot_rbf_parameters .. raw:: html
.. _text_examples: Working with text documents ---------------------------- Examples concerning the :mod:`sklearn.feature_extraction.text` module. .. raw:: html
.. figure:: text/images/thumb/hashing_vs_dict_vectorizer.png :target: ./text/hashing_vs_dict_vectorizer.html :ref:`example_text_hashing_vs_dict_vectorizer.py` .. raw:: html
.. toctree:: :hidden: text/hashing_vs_dict_vectorizer .. raw:: html
.. figure:: text/images/thumb/mlcomp_sparse_document_classification.png :target: ./text/mlcomp_sparse_document_classification.html :ref:`example_text_mlcomp_sparse_document_classification.py` .. raw:: html
.. toctree:: :hidden: text/mlcomp_sparse_document_classification .. raw:: html
.. figure:: text/images/thumb/document_clustering.png :target: ./text/document_clustering.html :ref:`example_text_document_clustering.py` .. raw:: html
.. toctree:: :hidden: text/document_clustering .. raw:: html
.. figure:: text/images/thumb/document_classification_20newsgroups.png :target: ./text/document_classification_20newsgroups.html :ref:`example_text_document_classification_20newsgroups.py` .. raw:: html
.. toctree:: :hidden: text/document_classification_20newsgroups .. raw:: html
.. _tree_examples: Decision Trees -------------- Examples concerning the :mod:`sklearn.tree` module. .. raw:: html
.. figure:: tree/images/thumb/plot_tree_regression.png :target: ./tree/plot_tree_regression.html :ref:`example_tree_plot_tree_regression.py` .. raw:: html
.. toctree:: :hidden: tree/plot_tree_regression .. raw:: html
.. figure:: tree/images/thumb/plot_tree_regression_multioutput.png :target: ./tree/plot_tree_regression_multioutput.html :ref:`example_tree_plot_tree_regression_multioutput.py` .. raw:: html
.. toctree:: :hidden: tree/plot_tree_regression_multioutput .. raw:: html
.. figure:: tree/images/thumb/plot_iris.png :target: ./tree/plot_iris.html :ref:`example_tree_plot_iris.py` .. raw:: html
.. toctree:: :hidden: tree/plot_iris .. raw:: html