├── LICENSE ├── README.md ├── doc ├── en │ ├── Makefile │ ├── README.md │ ├── about.rst │ ├── conf.py │ ├── data_transforms.rst │ ├── datasets │ │ ├── covtype.rst │ │ ├── index.rst │ │ ├── kddcup99.rst │ │ ├── labeled_faces.rst │ │ ├── labeled_faces_fixture.py │ │ ├── mldata.rst │ │ ├── mldata_fixture.py │ │ ├── olivetti_faces.rst │ │ ├── rcv1.rst │ │ ├── rcv1_fixture.py │ │ ├── twenty_newsgroups.rst │ │ └── twenty_newsgroups_fixture.py │ ├── developers │ │ ├── advanced_installation.rst │ │ ├── contributing.rst │ │ ├── index.rst │ │ ├── maintainer.rst │ │ ├── performance.rst │ │ ├── tips.rst │ │ └── utilities.rst │ ├── documentation.rst │ ├── faq.rst │ ├── images │ │ ├── cds-logo.png │ │ ├── dysco.png │ │ ├── inria-logo.jpg │ │ ├── iris.pdf │ │ ├── iris.svg │ │ ├── last_digit.png │ │ ├── lda_model_graph.png │ │ ├── ml_map.png │ │ ├── multilayerperceptron_network.png │ │ ├── no_image.png │ │ ├── nyu_short_color.png │ │ ├── plot_digits_classification.png │ │ ├── plot_face_recognition_1.png │ │ ├── plot_face_recognition_2.png │ │ ├── rbm_graph.png │ │ ├── scikit-learn-logo-notext.png │ │ └── sloan_banner.png │ ├── includes │ │ ├── big_toc_css.rst │ │ └── bigger_toc_css.rst │ ├── index.rst │ ├── install.rst │ ├── logos │ │ ├── favicon.ico │ │ ├── identity.pdf │ │ ├── scikit-learn-logo-notext.png │ │ ├── scikit-learn-logo-small.png │ │ ├── scikit-learn-logo-thumb.png │ │ ├── scikit-learn-logo.bmp │ │ ├── scikit-learn-logo.png │ │ └── scikit-learn-logo.svg │ ├── make.bat │ ├── model_selection.rst │ ├── modules │ │ ├── biclustering.rst │ │ ├── calibration.rst │ │ ├── classes.rst │ │ ├── clustering.rst │ │ ├── computational_performance.rst │ │ ├── covariance.rst │ │ ├── cross_decomposition.rst │ │ ├── cross_validation.rst │ │ ├── decomposition.rst │ │ ├── density.rst │ │ ├── dp-derivation.rst │ │ ├── ensemble.rst │ │ ├── feature_extraction.rst │ │ ├── feature_selection.rst │ │ ├── gaussian_process.rst │ │ ├── glm_data │ │ │ └── lasso_enet_coordinate_descent.png │ │ ├── grid_search.rst │ │ ├── isotonic.rst │ │ ├── kernel_approximation.rst │ │ ├── kernel_ridge.rst │ │ ├── label_propagation.rst │ │ ├── lda_qda.rst │ │ ├── learning_curve.rst │ │ ├── linear_model.rst │ │ ├── manifold.rst │ │ ├── metrics.rst │ │ ├── mixture.rst │ │ ├── model_evaluation.rst │ │ ├── model_persistence.rst │ │ ├── multiclass.rst │ │ ├── naive_bayes.rst │ │ ├── neighbors.rst │ │ ├── neural_networks_supervised.rst │ │ ├── neural_networks_unsupervised.rst │ │ ├── outlier_detection.rst │ │ ├── pipeline.rst │ │ ├── preprocessing.rst │ │ ├── preprocessing_targets.rst │ │ ├── random_projection.rst │ │ ├── scaling_strategies.rst │ │ ├── sgd.rst │ │ ├── svm.rst │ │ ├── tree.rst │ │ └── unsupervised_reduction.rst │ ├── preface.rst │ ├── presentations.rst │ ├── related_projects.rst │ ├── sphinxext │ │ ├── LICENSE.txt │ │ ├── MANIFEST.in │ │ ├── README.txt │ │ ├── github_link.py │ │ ├── numpy_ext │ │ │ ├── __init__.py │ │ │ ├── docscrape.py │ │ │ ├── docscrape_sphinx.py │ │ │ └── numpydoc.py │ │ ├── sphinx_gallery │ │ │ ├── __init__.py │ │ │ ├── _static │ │ │ │ ├── broken_example.png │ │ │ │ ├── gallery.css │ │ │ │ └── no_image.png │ │ │ ├── backreferences.py │ │ │ ├── docs_resolv.py │ │ │ ├── downloads.py │ │ │ ├── gen_gallery.py │ │ │ ├── gen_rst.py │ │ │ ├── notebook.py │ │ │ └── py_source_parser.py │ │ └── sphinx_issues.py │ ├── supervised_learning.rst │ ├── support.rst │ ├── templates │ │ ├── class.rst │ │ ├── class_with_call.rst │ │ ├── class_without_init.rst │ │ ├── deprecated_class.rst │ │ ├── deprecated_class_with_call.rst │ │ ├── deprecated_class_without_init.rst │ │ ├── deprecated_function.rst │ │ ├── function.rst │ │ └── generate_deprecated.sh │ ├── testimonials │ │ ├── README.txt │ │ ├── images │ │ │ ├── Makefile │ │ │ ├── aweber.png │ │ │ ├── bestofmedia-logo.png │ │ │ ├── betaworks.png │ │ │ ├── birchbox.jpg │ │ │ ├── booking.png │ │ │ ├── change-logo.png │ │ │ ├── dataiku_logo.png │ │ │ ├── datapublica.png │ │ │ ├── datarobot.png │ │ │ ├── evernote.png │ │ │ ├── howaboutwe.png │ │ │ ├── infonea.jpg │ │ │ ├── inria.png │ │ │ ├── lovely.png │ │ │ ├── machinalis.png │ │ │ ├── okcupid.png │ │ │ ├── ottogroup_logo.png │ │ │ ├── peerindex.png │ │ │ ├── phimeca.png │ │ │ ├── rangespan.png │ │ │ ├── solido_logo.png │ │ │ ├── spotify.png │ │ │ ├── telecomparistech.jpg │ │ │ ├── yhat.png │ │ │ └── zopa.png │ │ └── testimonials.rst │ ├── themes │ │ └── scikit-learn │ │ │ ├── layout.html │ │ │ ├── static │ │ │ ├── ML_MAPS_README.rst │ │ │ ├── css │ │ │ │ ├── bootstrap-responsive.css │ │ │ │ ├── bootstrap-responsive.min.css │ │ │ │ ├── bootstrap.css │ │ │ │ ├── bootstrap.min.css │ │ │ │ └── examples.css │ │ │ ├── img │ │ │ │ ├── FNRS-logo.png │ │ │ │ ├── columbia.png │ │ │ │ ├── forkme.png │ │ │ │ ├── glyphicons-halflings-white.png │ │ │ │ ├── glyphicons-halflings.png │ │ │ │ ├── google.png │ │ │ │ ├── inria-small.jpg │ │ │ │ ├── inria-small.png │ │ │ │ ├── nyu_short_color.png │ │ │ │ ├── plot_classifier_comparison_1.png │ │ │ │ ├── plot_manifold_sphere_1.png │ │ │ │ ├── scikit-learn-logo-notext.png │ │ │ │ ├── scikit-learn-logo-small.png │ │ │ │ ├── scikit-learn-logo.png │ │ │ │ ├── scikit-learn-logo.svg │ │ │ │ ├── sloan_logo.jpg │ │ │ │ ├── starme.png │ │ │ │ ├── sydney-primary.jpeg │ │ │ │ ├── sydney-stacked.jpeg │ │ │ │ └── telecom.png │ │ │ ├── jquery.js │ │ │ ├── jquery.maphilight.js │ │ │ ├── jquery.maphilight.min.js │ │ │ ├── js │ │ │ │ ├── bootstrap.js │ │ │ │ ├── bootstrap.min.js │ │ │ │ └── copybutton.js │ │ │ └── nature.css_t │ │ │ └── theme.conf │ ├── tune_toc.rst │ ├── tutorial │ │ ├── basic │ │ │ └── tutorial.rst │ │ ├── common_includes │ │ │ └── info.txt │ │ ├── index.rst │ │ ├── machine_learning_map │ │ │ ├── ML_MAPS_README.txt │ │ │ ├── index.rst │ │ │ ├── parse_path.py │ │ │ ├── pyparsing.py │ │ │ └── svg2imagemap.py │ │ ├── statistical_inference │ │ │ ├── finding_help.rst │ │ │ ├── index.rst │ │ │ ├── model_selection.rst │ │ │ ├── putting_together.rst │ │ │ ├── settings.rst │ │ │ ├── supervised_learning.rst │ │ │ └── unsupervised_learning.rst │ │ └── text_analytics │ │ │ ├── .gitignore │ │ │ ├── data │ │ │ ├── languages │ │ │ │ └── fetch_data.py │ │ │ ├── movie_reviews │ │ │ │ └── fetch_data.py │ │ │ └── twenty_newsgroups │ │ │ │ └── fetch_data.py │ │ │ ├── skeletons │ │ │ ├── exercise_01_language_train_model.py │ │ │ └── exercise_02_sentiment.py │ │ │ ├── solutions │ │ │ ├── exercise_01_language_train_model.py │ │ │ ├── exercise_02_sentiment.py │ │ │ └── generate_skeletons.py │ │ │ ├── working_with_text_data.rst │ │ │ └── working_with_text_data_fixture.py │ ├── unsupervised_learning.rst │ ├── user_guide.rst │ └── whats_new.rst └── zh │ ├── Makefile │ ├── README.md │ ├── about.rst │ ├── conf.py │ ├── data_transforms.rst │ ├── datasets │ ├── covtype.rst │ ├── index.rst │ ├── kddcup99.rst │ ├── labeled_faces.rst │ ├── labeled_faces_fixture.py │ ├── mldata.rst │ ├── mldata_fixture.py │ ├── olivetti_faces.rst │ ├── rcv1.rst │ ├── rcv1_fixture.py │ ├── twenty_newsgroups.rst │ └── twenty_newsgroups_fixture.py │ ├── developers │ ├── advanced_installation.rst │ ├── contributing.rst │ ├── index.rst │ ├── maintainer.rst │ ├── performance.rst │ ├── tips.rst │ └── utilities.rst │ ├── documentation.rst │ ├── faq.rst │ ├── images │ ├── cds-logo.png │ ├── dysco.png │ ├── inria-logo.jpg │ ├── iris.pdf │ ├── iris.svg │ ├── last_digit.png │ ├── lda_model_graph.png │ ├── ml_map.png │ ├── multilayerperceptron_network.png │ ├── no_image.png │ ├── nyu_short_color.png │ ├── plot_digits_classification.png │ ├── plot_face_recognition_1.png │ ├── plot_face_recognition_2.png │ ├── rbm_graph.png │ ├── scikit-learn-logo-notext.png │ └── sloan_banner.png │ ├── includes │ ├── big_toc_css.rst │ └── bigger_toc_css.rst │ ├── index.rst │ ├── install.rst │ ├── logos │ ├── favicon.ico │ ├── identity.pdf │ ├── scikit-learn-logo-notext.png │ ├── scikit-learn-logo-small.png │ ├── scikit-learn-logo-thumb.png │ ├── scikit-learn-logo.bmp │ ├── scikit-learn-logo.png │ └── scikit-learn-logo.svg │ ├── make.bat │ ├── model_selection.rst │ ├── modules │ ├── biclustering.rst │ ├── calibration.rst │ ├── classes.rst │ ├── clustering.rst │ ├── computational_performance.rst │ ├── covariance.rst │ ├── cross_decomposition.rst │ ├── cross_validation.rst │ ├── decomposition.rst │ ├── density.rst │ ├── dp-derivation.rst │ ├── ensemble.rst │ ├── feature_extraction.rst │ ├── feature_selection.rst │ ├── gaussian_process.rst │ ├── glm_data │ │ └── lasso_enet_coordinate_descent.png │ ├── grid_search.rst │ ├── isotonic.rst │ ├── kernel_approximation.rst │ ├── kernel_ridge.rst │ ├── label_propagation.rst │ ├── lda_qda.rst │ ├── learning_curve.rst │ ├── linear_model.rst │ ├── manifold.rst │ ├── metrics.rst │ ├── mixture.rst │ ├── model_evaluation.rst │ ├── model_persistence.rst │ ├── multiclass.rst │ ├── naive_bayes.rst │ ├── neighbors.rst │ ├── neural_networks_supervised.rst │ ├── neural_networks_unsupervised.rst │ ├── outlier_detection.rst │ ├── pipeline.rst │ ├── preprocessing.rst │ ├── preprocessing_targets.rst │ ├── random_projection.rst │ ├── scaling_strategies.rst │ ├── sgd.rst │ ├── svm.rst │ ├── tree.rst │ └── unsupervised_reduction.rst │ ├── preface.rst │ ├── presentations.rst │ ├── project-check-progress.rst │ ├── project-communication-group.rst │ ├── project-feedback.rst │ ├── project-reward.rst │ ├── project-role.rst │ ├── project-timeline.rst │ ├── project-translation-progress.rst │ ├── related_projects.rst │ ├── sklearn │ └── datasets │ │ └── descr │ │ ├── boston_house_prices.rst │ │ ├── breast_cancer.rst │ │ ├── diabetes.rst │ │ ├── digits.rst │ │ ├── iris.rst │ │ ├── linnerud.rst │ │ └── wine_data.rst │ ├── sphinxext │ ├── LICENSE.txt │ ├── MANIFEST.in │ ├── README.txt │ ├── github_link.py │ ├── numpy_ext │ │ ├── __init__.py │ │ ├── docscrape.py │ │ ├── docscrape_sphinx.py │ │ └── numpydoc.py │ ├── sphinx_gallery │ │ ├── __init__.py │ │ ├── _static │ │ │ ├── broken_example.png │ │ │ ├── gallery.css │ │ │ └── no_image.png │ │ ├── backreferences.py │ │ ├── docs_resolv.py │ │ ├── downloads.py │ │ ├── gen_gallery.py │ │ ├── gen_rst.py │ │ ├── notebook.py │ │ └── py_source_parser.py │ └── sphinx_issues.py │ ├── supervised_learning.rst │ ├── support.rst │ ├── templates │ ├── class.rst │ ├── class_with_call.rst │ ├── class_without_init.rst │ ├── deprecated_class.rst │ ├── deprecated_class_with_call.rst │ ├── deprecated_class_without_init.rst │ ├── deprecated_function.rst │ ├── function.rst │ └── generate_deprecated.sh │ ├── testimonials │ ├── README.txt │ ├── images │ │ ├── Makefile │ │ ├── aweber.png │ │ ├── bestofmedia-logo.png │ │ ├── betaworks.png │ │ ├── birchbox.jpg │ │ ├── booking.png │ │ ├── change-logo.png │ │ ├── dataiku_logo.png │ │ ├── datapublica.png │ │ ├── datarobot.png │ │ ├── evernote.png │ │ ├── howaboutwe.png │ │ ├── infonea.jpg │ │ ├── inria.png │ │ ├── lovely.png │ │ ├── machinalis.png │ │ ├── okcupid.png │ │ ├── ottogroup_logo.png │ │ ├── peerindex.png │ │ ├── phimeca.png │ │ ├── rangespan.png │ │ ├── solido_logo.png │ │ ├── spotify.png │ │ ├── telecomparistech.jpg │ │ ├── yhat.png │ │ └── zopa.png │ └── testimonials.rst │ ├── themes │ └── scikit-learn │ │ ├── layout.html │ │ ├── static │ │ ├── ML_MAPS_README.rst │ │ ├── css │ │ │ ├── bootstrap-responsive.css │ │ │ ├── bootstrap-responsive.min.css │ │ │ ├── bootstrap.css │ │ │ ├── bootstrap.min.css │ │ │ └── examples.css │ │ ├── img │ │ │ ├── FNRS-logo.png │ │ │ ├── columbia.png │ │ │ ├── forkme.png │ │ │ ├── glyphicons-halflings-white.png │ │ │ ├── glyphicons-halflings.png │ │ │ ├── google.png │ │ │ ├── inria-small.jpg │ │ │ ├── inria-small.png │ │ │ ├── nyu_short_color.png │ │ │ ├── plot_classifier_comparison_1.png │ │ │ ├── plot_manifold_sphere_1.png │ │ │ ├── scikit-learn-logo-notext.png │ │ │ ├── scikit-learn-logo-small.png │ │ │ ├── scikit-learn-logo.png │ │ │ ├── scikit-learn-logo.svg │ │ │ ├── sloan_logo.jpg │ │ │ ├── starme.png │ │ │ ├── sydney-primary.jpeg │ │ │ ├── sydney-stacked.jpeg │ │ │ └── telecom.png │ │ ├── jquery.js │ │ ├── jquery.maphilight.js │ │ ├── jquery.maphilight.min.js │ │ ├── js │ │ │ ├── bootstrap.js │ │ │ ├── bootstrap.min.js │ │ │ └── copybutton.js │ │ └── nature.css_t │ │ └── theme.conf │ ├── tune_toc.rst │ ├── tutorial │ ├── basic │ │ └── tutorial.rst │ ├── common_includes │ │ └── info.txt │ ├── index.rst │ ├── machine_learning_map │ │ ├── ML_MAPS_README.txt │ │ ├── index.rst │ │ ├── parse_path.py │ │ ├── pyparsing.py │ │ └── svg2imagemap.py │ ├── statistical_inference │ │ ├── finding_help.rst │ │ ├── index.rst │ │ ├── model_selection.rst │ │ ├── putting_together.rst │ │ ├── settings.rst │ │ ├── supervised_learning.rst │ │ └── unsupervised_learning.rst │ └── text_analytics │ │ ├── .gitignore │ │ ├── data │ │ ├── languages │ │ │ └── fetch_data.py │ │ ├── movie_reviews │ │ │ └── fetch_data.py │ │ └── twenty_newsgroups │ │ │ └── fetch_data.py │ │ ├── skeletons │ │ ├── exercise_01_language_train_model.py │ │ └── exercise_02_sentiment.py │ │ ├── solutions │ │ ├── exercise_01_language_train_model.py │ │ ├── exercise_02_sentiment.py │ │ └── generate_skeletons.py │ │ ├── working_with_text_data.rst │ │ └── working_with_text_data_fixture.py │ ├── unsupervised_learning.rst │ ├── user_guide.rst │ └── whats_new.rst ├── examples ├── en │ ├── README.txt │ ├── applications │ │ ├── README.txt │ │ ├── plot_face_recognition.py │ │ ├── plot_model_complexity_influence.py │ │ ├── plot_out_of_core_classification.py │ │ ├── plot_outlier_detection_housing.py │ │ ├── plot_prediction_latency.py │ │ ├── plot_species_distribution_modeling.py │ │ ├── plot_stock_market.py │ │ ├── plot_tomography_l1_reconstruction.py │ │ ├── plot_topics_extraction_with_nmf_lda.py │ │ ├── svm_gui.py │ │ └── wikipedia_principal_eigenvector.py │ ├── bicluster │ │ ├── README.txt │ │ ├── plot_bicluster_newsgroups.py │ │ ├── plot_spectral_biclustering.py │ │ └── plot_spectral_coclustering.py │ ├── calibration │ │ ├── README.txt │ │ ├── plot_calibration.py │ │ ├── plot_calibration_curve.py │ │ ├── plot_calibration_multiclass.py │ │ └── plot_compare_calibration.py │ ├── classification │ │ ├── README.txt │ │ ├── plot_classification_probability.py │ │ ├── plot_classifier_comparison.py │ │ ├── plot_digits_classification.py │ │ ├── plot_lda.py │ │ └── plot_lda_qda.py │ ├── cluster │ │ ├── README.txt │ │ ├── plot_adjusted_for_chance_measures.py │ │ ├── plot_affinity_propagation.py │ │ ├── plot_agglomerative_clustering.py │ │ ├── plot_agglomerative_clustering_metrics.py │ │ ├── plot_birch_vs_minibatchkmeans.py │ │ ├── plot_cluster_comparison.py │ │ ├── plot_cluster_iris.py │ │ ├── plot_color_quantization.py │ │ ├── plot_dbscan.py │ │ ├── plot_dict_face_patches.py │ │ ├── plot_digits_agglomeration.py │ │ ├── plot_digits_linkage.py │ │ ├── plot_face_compress.py │ │ ├── plot_face_segmentation.py │ │ ├── plot_face_ward_segmentation.py │ │ ├── plot_feature_agglomeration_vs_univariate_selection.py │ │ ├── plot_kmeans_assumptions.py │ │ ├── plot_kmeans_digits.py │ │ ├── plot_kmeans_silhouette_analysis.py │ │ ├── plot_kmeans_stability_low_dim_dense.py │ │ ├── plot_mean_shift.py │ │ ├── plot_mini_batch_kmeans.py │ │ ├── plot_segmentation_toy.py │ │ └── plot_ward_structured_vs_unstructured.py │ ├── covariance │ │ ├── README.txt │ │ ├── plot_covariance_estimation.py │ │ ├── plot_lw_vs_oas.py │ │ ├── plot_mahalanobis_distances.py │ │ ├── plot_outlier_detection.py │ │ ├── plot_robust_vs_empirical_covariance.py │ │ └── plot_sparse_cov.py │ ├── cross_decomposition │ │ ├── README.txt │ │ └── plot_compare_cross_decomposition.py │ ├── datasets │ │ ├── README.txt │ │ ├── plot_digits_last_image.py │ │ ├── plot_iris_dataset.py │ │ ├── plot_random_dataset.py │ │ └── plot_random_multilabel_dataset.py │ ├── decomposition │ │ ├── README.txt │ │ ├── plot_beta_divergence.py │ │ ├── plot_faces_decomposition.py │ │ ├── plot_ica_blind_source_separation.py │ │ ├── plot_ica_vs_pca.py │ │ ├── plot_image_denoising.py │ │ ├── plot_incremental_pca.py │ │ ├── plot_kernel_pca.py │ │ ├── plot_pca_3d.py │ │ ├── plot_pca_iris.py │ │ ├── plot_pca_vs_fa_model_selection.py │ │ ├── plot_pca_vs_lda.py │ │ └── plot_sparse_coding.py │ ├── ensemble │ │ ├── README.txt │ │ ├── plot_adaboost_hastie_10_2.py │ │ ├── plot_adaboost_multiclass.py │ │ ├── plot_adaboost_regression.py │ │ ├── plot_adaboost_twoclass.py │ │ ├── plot_bias_variance.py │ │ ├── plot_ensemble_oob.py │ │ ├── plot_feature_transformation.py │ │ ├── plot_forest_importances.py │ │ ├── plot_forest_importances_faces.py │ │ ├── plot_forest_iris.py │ │ ├── plot_gradient_boosting_oob.py │ │ ├── plot_gradient_boosting_quantile.py │ │ ├── plot_gradient_boosting_regression.py │ │ ├── plot_gradient_boosting_regularization.py │ │ ├── plot_isolation_forest.py │ │ ├── plot_partial_dependence.py │ │ ├── plot_random_forest_embedding.py │ │ ├── plot_random_forest_regression_multioutput.py │ │ ├── plot_voting_decision_regions.py │ │ └── plot_voting_probas.py │ ├── exercises │ │ ├── README.txt │ │ ├── plot_cv_diabetes.py │ │ ├── plot_cv_digits.py │ │ ├── plot_digits_classification_exercise.py │ │ └── plot_iris_exercise.py │ ├── feature_selection │ │ ├── README.txt │ │ ├── plot_f_test_vs_mi.py │ │ ├── plot_feature_selection.py │ │ ├── plot_feature_selection_pipeline.py │ │ ├── plot_permutation_test_for_classification.py │ │ ├── plot_rfe_digits.py │ │ ├── plot_rfe_with_cross_validation.py │ │ └── plot_select_from_model_boston.py │ ├── gaussian_process │ │ ├── README.txt │ │ ├── plot_compare_gpr_krr.py │ │ ├── plot_gpc.py │ │ ├── plot_gpc_iris.py │ │ ├── plot_gpc_isoprobability.py │ │ ├── plot_gpc_xor.py │ │ ├── plot_gpr_co2.py │ │ ├── plot_gpr_noisy.py │ │ ├── plot_gpr_noisy_targets.py │ │ └── plot_gpr_prior_posterior.py │ ├── hetero_feature_union.py │ ├── linear_model │ │ ├── README.txt │ │ ├── plot_ard.py │ │ ├── plot_bayesian_ridge.py │ │ ├── plot_huber_vs_ridge.py │ │ ├── plot_iris_logistic.py │ │ ├── plot_lasso_and_elasticnet.py │ │ ├── plot_lasso_coordinate_descent_path.py │ │ ├── plot_lasso_dense_vs_sparse_data.py │ │ ├── plot_lasso_lars.py │ │ ├── plot_lasso_model_selection.py │ │ ├── plot_logistic.py │ │ ├── plot_logistic_l1_l2_sparsity.py │ │ ├── plot_logistic_multinomial.py │ │ ├── plot_logistic_path.py │ │ ├── plot_multi_task_lasso_support.py │ │ ├── plot_ols.py │ │ ├── plot_ols_3d.py │ │ ├── plot_ols_ridge_variance.py │ │ ├── plot_omp.py │ │ ├── plot_polynomial_interpolation.py │ │ ├── plot_ransac.py │ │ ├── plot_ridge_coeffs.py │ │ ├── plot_ridge_path.py │ │ ├── plot_robust_fit.py │ │ ├── plot_sgd_comparison.py │ │ ├── plot_sgd_iris.py │ │ ├── plot_sgd_loss_functions.py │ │ ├── plot_sgd_penalties.py │ │ ├── plot_sgd_separating_hyperplane.py │ │ ├── plot_sgd_weighted_samples.py │ │ ├── plot_sparse_logistic_regression_20newsgroups.py │ │ ├── plot_sparse_logistic_regression_mnist.py │ │ └── plot_theilsen.py │ ├── manifold │ │ ├── README.txt │ │ ├── plot_compare_methods.py │ │ ├── plot_lle_digits.py │ │ ├── plot_manifold_sphere.py │ │ ├── plot_mds.py │ │ ├── plot_swissroll.py │ │ └── plot_t_sne_perplexity.py │ ├── mixture │ │ ├── README.txt │ │ ├── plot_concentration_prior.py │ │ ├── plot_gmm.py │ │ ├── plot_gmm_covariances.py │ │ ├── plot_gmm_pdf.py │ │ ├── plot_gmm_selection.py │ │ └── plot_gmm_sin.py │ ├── model_selection │ │ ├── README.txt │ │ ├── grid_search_text_feature_extraction.py │ │ ├── plot_confusion_matrix.py │ │ ├── plot_grid_search_digits.py │ │ ├── plot_learning_curve.py │ │ ├── plot_multi_metric_evaluation.py │ │ ├── plot_nested_cross_validation_iris.py │ │ ├── plot_precision_recall.py │ │ ├── plot_randomized_search.py │ │ ├── plot_roc.py │ │ ├── plot_roc_crossval.py │ │ ├── plot_train_error_vs_test_error.py │ │ ├── plot_underfitting_overfitting.py │ │ └── plot_validation_curve.py │ ├── multioutput │ │ ├── README.txt │ │ └── plot_classifier_chain_yeast.py │ ├── neighbors │ │ ├── README.txt │ │ ├── plot_classification.py │ │ ├── plot_digits_kde_sampling.py │ │ ├── plot_kde_1d.py │ │ ├── plot_lof.py │ │ ├── plot_nearest_centroid.py │ │ ├── plot_regression.py │ │ └── plot_species_kde.py │ ├── neural_networks │ │ ├── README.txt │ │ ├── plot_mlp_alpha.py │ │ ├── plot_mlp_training_curves.py │ │ ├── plot_mnist_filters.py │ │ └── plot_rbm_logistic_classification.py │ ├── plot_compare_reduction.py │ ├── plot_cv_predict.py │ ├── plot_digits_pipe.py │ ├── plot_feature_stacker.py │ ├── plot_isotonic_regression.py │ ├── plot_johnson_lindenstrauss_bound.py │ ├── plot_kernel_approximation.py │ ├── plot_kernel_ridge_regression.py │ ├── plot_missing_values.py │ ├── plot_multilabel.py │ ├── plot_multioutput_face_completion.py │ ├── preprocessing │ │ ├── README.txt │ │ ├── plot_all_scaling.py │ │ ├── plot_function_transformer.py │ │ └── plot_scaling_importance.py │ ├── semi_supervised │ │ ├── README.txt │ │ ├── plot_label_propagation_digits.py │ │ ├── plot_label_propagation_digits_active_learning.py │ │ ├── plot_label_propagation_structure.py │ │ └── plot_label_propagation_versus_svm_iris.py │ ├── svm │ │ ├── README.txt │ │ ├── plot_custom_kernel.py │ │ ├── plot_iris.py │ │ ├── plot_oneclass.py │ │ ├── plot_rbf_parameters.py │ │ ├── plot_separating_hyperplane.py │ │ ├── plot_separating_hyperplane_unbalanced.py │ │ ├── plot_svm_anova.py │ │ ├── plot_svm_kernels.py │ │ ├── plot_svm_margin.py │ │ ├── plot_svm_nonlinear.py │ │ ├── plot_svm_regression.py │ │ ├── plot_svm_scale_c.py │ │ └── plot_weighted_samples.py │ ├── text │ │ ├── README.txt │ │ ├── document_classification_20newsgroups.py │ │ ├── document_clustering.py │ │ └── hashing_vs_dict_vectorizer.py │ └── tree │ │ ├── README.txt │ │ ├── plot_iris.py │ │ ├── plot_tree_regression.py │ │ ├── plot_tree_regression_multioutput.py │ │ └── plot_unveil_tree_structure.py └── zh │ ├── README.txt │ ├── applications │ ├── README.txt │ ├── plot_face_recognition.py │ ├── plot_model_complexity_influence.py │ ├── plot_out_of_core_classification.py │ ├── plot_outlier_detection_housing.py │ ├── plot_prediction_latency.py │ ├── plot_species_distribution_modeling.py │ ├── plot_stock_market.py │ ├── plot_tomography_l1_reconstruction.py │ ├── plot_topics_extraction_with_nmf_lda.py │ ├── svm_gui.py │ └── wikipedia_principal_eigenvector.py │ ├── bicluster │ ├── README.txt │ ├── plot_bicluster_newsgroups.py │ ├── plot_spectral_biclustering.py │ └── plot_spectral_coclustering.py │ ├── calibration │ ├── README.txt │ ├── plot_calibration.py │ ├── plot_calibration_curve.py │ ├── plot_calibration_multiclass.py │ └── plot_compare_calibration.py │ ├── classification │ ├── README.txt │ ├── plot_classification_probability.py │ ├── plot_classifier_comparison.py │ ├── plot_digits_classification.py │ ├── plot_lda.py │ └── plot_lda_qda.py │ ├── cluster │ ├── README.txt │ ├── plot_adjusted_for_chance_measures.py │ ├── plot_affinity_propagation.py │ ├── plot_agglomerative_clustering.py │ ├── plot_agglomerative_clustering_metrics.py │ ├── plot_birch_vs_minibatchkmeans.py │ ├── plot_cluster_comparison.py │ ├── plot_cluster_iris.py │ ├── plot_color_quantization.py │ ├── plot_dbscan.py │ ├── plot_dict_face_patches.py │ ├── plot_digits_agglomeration.py │ ├── plot_digits_linkage.py │ ├── plot_face_compress.py │ ├── plot_face_segmentation.py │ ├── plot_face_ward_segmentation.py │ ├── plot_feature_agglomeration_vs_univariate_selection.py │ ├── plot_kmeans_assumptions.py │ ├── plot_kmeans_digits.py │ ├── plot_kmeans_silhouette_analysis.py │ ├── plot_kmeans_stability_low_dim_dense.py │ ├── plot_mean_shift.py │ ├── plot_mini_batch_kmeans.py │ ├── plot_segmentation_toy.py │ └── plot_ward_structured_vs_unstructured.py │ ├── covariance │ ├── README.txt │ ├── plot_covariance_estimation.py │ ├── plot_lw_vs_oas.py │ ├── plot_mahalanobis_distances.py │ ├── plot_outlier_detection.py │ ├── plot_robust_vs_empirical_covariance.py │ └── plot_sparse_cov.py │ ├── cross_decomposition │ ├── README.txt │ └── plot_compare_cross_decomposition.py │ ├── datasets │ ├── README.txt │ ├── plot_digits_last_image.py │ ├── plot_iris_dataset.py │ ├── plot_random_dataset.py │ └── plot_random_multilabel_dataset.py │ ├── decomposition │ ├── README.txt │ ├── plot_beta_divergence.py │ ├── plot_faces_decomposition.py │ ├── plot_ica_blind_source_separation.py │ ├── plot_ica_vs_pca.py │ ├── plot_image_denoising.py │ ├── plot_incremental_pca.py │ ├── plot_kernel_pca.py │ ├── plot_pca_3d.py │ ├── plot_pca_iris.py │ ├── plot_pca_vs_fa_model_selection.py │ ├── plot_pca_vs_lda.py │ └── plot_sparse_coding.py │ ├── ensemble │ ├── README.txt │ ├── plot_adaboost_hastie_10_2.py │ ├── plot_adaboost_multiclass.py │ ├── plot_adaboost_regression.py │ ├── plot_adaboost_twoclass.py │ ├── plot_bias_variance.py │ ├── plot_ensemble_oob.py │ ├── plot_feature_transformation.py │ ├── plot_forest_importances.py │ ├── plot_forest_importances_faces.py │ ├── plot_forest_iris.py │ ├── plot_gradient_boosting_oob.py │ ├── plot_gradient_boosting_quantile.py │ ├── plot_gradient_boosting_regression.py │ ├── plot_gradient_boosting_regularization.py │ ├── plot_isolation_forest.py │ ├── plot_partial_dependence.py │ ├── plot_random_forest_embedding.py │ ├── plot_random_forest_regression_multioutput.py │ ├── plot_voting_decision_regions.py │ └── plot_voting_probas.py │ ├── exercises │ ├── README.txt │ ├── plot_cv_diabetes.py │ ├── plot_cv_digits.py │ ├── plot_digits_classification_exercise.py │ └── plot_iris_exercise.py │ ├── feature_selection │ ├── README.txt │ ├── plot_f_test_vs_mi.py │ ├── plot_feature_selection.py │ ├── plot_feature_selection_pipeline.py │ ├── plot_permutation_test_for_classification.py │ ├── plot_rfe_digits.py │ ├── plot_rfe_with_cross_validation.py │ └── plot_select_from_model_boston.py │ ├── gaussian_process │ ├── README.txt │ ├── plot_compare_gpr_krr.py │ ├── plot_gpc.py │ ├── plot_gpc_iris.py │ ├── plot_gpc_isoprobability.py │ ├── plot_gpc_xor.py │ ├── plot_gpr_co2.py │ ├── plot_gpr_noisy.py │ ├── plot_gpr_noisy_targets.py │ └── plot_gpr_prior_posterior.py │ ├── hetero_feature_union.py │ ├── linear_model │ ├── README.txt │ ├── plot_ard.py │ ├── plot_bayesian_ridge.py │ ├── plot_huber_vs_ridge.py │ ├── plot_iris_logistic.py │ ├── plot_lasso_and_elasticnet.py │ ├── plot_lasso_coordinate_descent_path.py │ ├── plot_lasso_dense_vs_sparse_data.py │ ├── plot_lasso_lars.py │ ├── plot_lasso_model_selection.py │ ├── plot_logistic.py │ ├── plot_logistic_l1_l2_sparsity.py │ ├── plot_logistic_multinomial.py │ ├── plot_logistic_path.py │ ├── plot_multi_task_lasso_support.py │ ├── plot_ols.py │ ├── plot_ols_3d.py │ ├── plot_ols_ridge_variance.py │ ├── plot_omp.py │ ├── plot_polynomial_interpolation.py │ ├── plot_ransac.py │ ├── plot_ridge_coeffs.py │ ├── plot_ridge_path.py │ ├── plot_robust_fit.py │ ├── plot_sgd_comparison.py │ ├── plot_sgd_iris.py │ ├── plot_sgd_loss_functions.py │ ├── plot_sgd_penalties.py │ ├── plot_sgd_separating_hyperplane.py │ ├── plot_sgd_weighted_samples.py │ ├── plot_sparse_logistic_regression_20newsgroups.py │ ├── plot_sparse_logistic_regression_mnist.py │ └── plot_theilsen.py │ ├── manifold │ ├── README.txt │ ├── plot_compare_methods.py │ ├── plot_lle_digits.py │ ├── plot_manifold_sphere.py │ ├── plot_mds.py │ ├── plot_swissroll.py │ └── plot_t_sne_perplexity.py │ ├── mixture │ ├── README.txt │ ├── plot_concentration_prior.py │ ├── plot_gmm.py │ ├── plot_gmm_covariances.py │ ├── plot_gmm_pdf.py │ ├── plot_gmm_selection.py │ └── plot_gmm_sin.py │ ├── model_selection │ ├── README.txt │ ├── grid_search_text_feature_extraction.py │ ├── plot_confusion_matrix.py │ ├── plot_grid_search_digits.py │ ├── plot_learning_curve.py │ ├── plot_multi_metric_evaluation.py │ ├── plot_nested_cross_validation_iris.py │ ├── plot_precision_recall.py │ ├── plot_randomized_search.py │ ├── plot_roc.py │ ├── plot_roc_crossval.py │ ├── plot_train_error_vs_test_error.py │ ├── plot_underfitting_overfitting.py │ └── plot_validation_curve.py │ ├── multioutput │ ├── README.txt │ └── plot_classifier_chain_yeast.py │ ├── neighbors │ ├── README.txt │ ├── plot_classification.py │ ├── plot_digits_kde_sampling.py │ ├── plot_kde_1d.py │ ├── plot_lof.py │ ├── plot_nearest_centroid.py │ ├── plot_regression.py │ └── plot_species_kde.py │ ├── neural_networks │ ├── README.txt │ ├── plot_mlp_alpha.py │ ├── plot_mlp_training_curves.py │ ├── plot_mnist_filters.py │ └── plot_rbm_logistic_classification.py │ ├── plot_compare_reduction.py │ ├── plot_cv_predict.py │ ├── plot_digits_pipe.py │ ├── plot_feature_stacker.py │ ├── plot_isotonic_regression.py │ ├── plot_johnson_lindenstrauss_bound.py │ ├── plot_kernel_approximation.py │ ├── plot_kernel_ridge_regression.py │ ├── plot_missing_values.py │ ├── plot_multilabel.py │ ├── plot_multioutput_face_completion.py │ ├── preprocessing │ ├── README.txt │ ├── plot_all_scaling.py │ ├── plot_function_transformer.py │ └── plot_scaling_importance.py │ ├── semi_supervised │ ├── README.txt │ ├── plot_label_propagation_digits.py │ ├── plot_label_propagation_digits_active_learning.py │ ├── plot_label_propagation_structure.py │ └── plot_label_propagation_versus_svm_iris.py │ ├── svm │ ├── README.txt │ ├── plot_custom_kernel.py │ ├── plot_iris.py │ ├── plot_oneclass.py │ ├── plot_rbf_parameters.py │ ├── plot_separating_hyperplane.py │ ├── plot_separating_hyperplane_unbalanced.py │ ├── plot_svm_anova.py │ ├── plot_svm_kernels.py │ ├── plot_svm_margin.py │ ├── plot_svm_nonlinear.py │ ├── plot_svm_regression.py │ ├── plot_svm_scale_c.py │ └── plot_weighted_samples.py │ ├── text │ ├── README.txt │ ├── document_classification_20newsgroups.py │ ├── document_clustering.py │ └── hashing_vs_dict_vectorizer.py │ └── tree │ ├── README.txt │ ├── plot_iris.py │ ├── plot_tree_regression.py │ ├── plot_tree_regression_multioutput.py │ └── plot_unveil_tree_structure.py ├── flowchart ├── README.md ├── images │ ├── classification.png │ ├── clustering.png │ ├── dimensionalityReduce.png │ ├── ml_map.png │ └── regression.png └── src │ └── regression │ └── SGDRegressor.py └── help ├── git-branch-usage.md ├── img ├── git-branch_1.png ├── git-branch_2.png ├── git-branch_3.png ├── git-branch_4.png ├── git-branch_5.png ├── git-branch_6.png ├── git-branch_7.png ├── git-branch_8.png ├── git-branch_9.png ├── git-cmd-1.png ├── github-spark-zh-cn-new-pull-request-1.png ├── github-spark-zh-cn-new-pull-request-2.png ├── github-spark-zh-cn-new-pull-request-3.png ├── vscode-console-usage-1.png ├── vscode-editor-markdown-preview-usage-1.png ├── vscode-editor-preview-usage-1.png ├── vscode-editor-usage-1.png ├── vscode-markdown-preview-default-style-example-1.png ├── vscode-markdown-preview-github-style-example-1.png ├── vscode-setting-markdown-preview-style-1.png ├── vscode-setting-markdown-preview-style-2.png └── vscode-usage-1.png ├── vscode-markdown-preview-github-style.md └── vscode-windows-usage.md /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/README.md -------------------------------------------------------------------------------- /doc/en/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/Makefile -------------------------------------------------------------------------------- /doc/en/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/README.md -------------------------------------------------------------------------------- /doc/en/about.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/about.rst -------------------------------------------------------------------------------- /doc/en/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/conf.py -------------------------------------------------------------------------------- /doc/en/data_transforms.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/data_transforms.rst -------------------------------------------------------------------------------- /doc/en/datasets/covtype.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/covtype.rst -------------------------------------------------------------------------------- /doc/en/datasets/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/index.rst -------------------------------------------------------------------------------- /doc/en/datasets/kddcup99.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/kddcup99.rst -------------------------------------------------------------------------------- /doc/en/datasets/labeled_faces.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/labeled_faces.rst -------------------------------------------------------------------------------- /doc/en/datasets/labeled_faces_fixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/labeled_faces_fixture.py -------------------------------------------------------------------------------- /doc/en/datasets/mldata.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/mldata.rst -------------------------------------------------------------------------------- /doc/en/datasets/mldata_fixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/mldata_fixture.py -------------------------------------------------------------------------------- /doc/en/datasets/olivetti_faces.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/olivetti_faces.rst -------------------------------------------------------------------------------- /doc/en/datasets/rcv1.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/rcv1.rst -------------------------------------------------------------------------------- /doc/en/datasets/rcv1_fixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/rcv1_fixture.py -------------------------------------------------------------------------------- /doc/en/datasets/twenty_newsgroups.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/twenty_newsgroups.rst -------------------------------------------------------------------------------- /doc/en/datasets/twenty_newsgroups_fixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/datasets/twenty_newsgroups_fixture.py -------------------------------------------------------------------------------- /doc/en/developers/advanced_installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/developers/advanced_installation.rst -------------------------------------------------------------------------------- /doc/en/developers/contributing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/developers/contributing.rst -------------------------------------------------------------------------------- /doc/en/developers/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/developers/index.rst -------------------------------------------------------------------------------- /doc/en/developers/maintainer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/developers/maintainer.rst -------------------------------------------------------------------------------- /doc/en/developers/performance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/developers/performance.rst -------------------------------------------------------------------------------- /doc/en/developers/tips.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/developers/tips.rst -------------------------------------------------------------------------------- /doc/en/developers/utilities.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/developers/utilities.rst -------------------------------------------------------------------------------- /doc/en/documentation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/documentation.rst -------------------------------------------------------------------------------- /doc/en/faq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/faq.rst -------------------------------------------------------------------------------- /doc/en/images/cds-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/cds-logo.png -------------------------------------------------------------------------------- /doc/en/images/dysco.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/dysco.png -------------------------------------------------------------------------------- /doc/en/images/inria-logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/inria-logo.jpg -------------------------------------------------------------------------------- /doc/en/images/iris.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/iris.pdf -------------------------------------------------------------------------------- /doc/en/images/iris.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/iris.svg -------------------------------------------------------------------------------- /doc/en/images/last_digit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/last_digit.png -------------------------------------------------------------------------------- /doc/en/images/lda_model_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/lda_model_graph.png -------------------------------------------------------------------------------- /doc/en/images/ml_map.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/ml_map.png -------------------------------------------------------------------------------- /doc/en/images/multilayerperceptron_network.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/multilayerperceptron_network.png -------------------------------------------------------------------------------- /doc/en/images/no_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/no_image.png -------------------------------------------------------------------------------- /doc/en/images/nyu_short_color.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/nyu_short_color.png -------------------------------------------------------------------------------- /doc/en/images/plot_digits_classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/plot_digits_classification.png -------------------------------------------------------------------------------- /doc/en/images/plot_face_recognition_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/plot_face_recognition_1.png -------------------------------------------------------------------------------- /doc/en/images/plot_face_recognition_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/plot_face_recognition_2.png -------------------------------------------------------------------------------- /doc/en/images/rbm_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/rbm_graph.png -------------------------------------------------------------------------------- /doc/en/images/scikit-learn-logo-notext.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/scikit-learn-logo-notext.png -------------------------------------------------------------------------------- /doc/en/images/sloan_banner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/images/sloan_banner.png -------------------------------------------------------------------------------- /doc/en/includes/big_toc_css.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/includes/big_toc_css.rst -------------------------------------------------------------------------------- /doc/en/includes/bigger_toc_css.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/includes/bigger_toc_css.rst -------------------------------------------------------------------------------- /doc/en/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/index.rst -------------------------------------------------------------------------------- /doc/en/install.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/install.rst -------------------------------------------------------------------------------- /doc/en/logos/favicon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/logos/favicon.ico -------------------------------------------------------------------------------- /doc/en/logos/identity.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/logos/identity.pdf -------------------------------------------------------------------------------- /doc/en/logos/scikit-learn-logo-notext.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/logos/scikit-learn-logo-notext.png -------------------------------------------------------------------------------- /doc/en/logos/scikit-learn-logo-small.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/logos/scikit-learn-logo-small.png -------------------------------------------------------------------------------- /doc/en/logos/scikit-learn-logo-thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/logos/scikit-learn-logo-thumb.png -------------------------------------------------------------------------------- /doc/en/logos/scikit-learn-logo.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/logos/scikit-learn-logo.bmp -------------------------------------------------------------------------------- /doc/en/logos/scikit-learn-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/logos/scikit-learn-logo.png -------------------------------------------------------------------------------- /doc/en/logos/scikit-learn-logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/logos/scikit-learn-logo.svg -------------------------------------------------------------------------------- /doc/en/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/make.bat -------------------------------------------------------------------------------- /doc/en/model_selection.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/model_selection.rst -------------------------------------------------------------------------------- /doc/en/modules/biclustering.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/biclustering.rst -------------------------------------------------------------------------------- /doc/en/modules/calibration.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/calibration.rst -------------------------------------------------------------------------------- /doc/en/modules/classes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/classes.rst -------------------------------------------------------------------------------- /doc/en/modules/clustering.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/clustering.rst -------------------------------------------------------------------------------- /doc/en/modules/computational_performance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/computational_performance.rst -------------------------------------------------------------------------------- /doc/en/modules/covariance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/covariance.rst -------------------------------------------------------------------------------- /doc/en/modules/cross_decomposition.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/cross_decomposition.rst -------------------------------------------------------------------------------- /doc/en/modules/cross_validation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/cross_validation.rst -------------------------------------------------------------------------------- /doc/en/modules/decomposition.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/decomposition.rst -------------------------------------------------------------------------------- /doc/en/modules/density.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/density.rst -------------------------------------------------------------------------------- /doc/en/modules/dp-derivation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/dp-derivation.rst -------------------------------------------------------------------------------- /doc/en/modules/ensemble.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/ensemble.rst -------------------------------------------------------------------------------- /doc/en/modules/feature_extraction.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/feature_extraction.rst -------------------------------------------------------------------------------- /doc/en/modules/feature_selection.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/feature_selection.rst -------------------------------------------------------------------------------- /doc/en/modules/gaussian_process.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/gaussian_process.rst -------------------------------------------------------------------------------- /doc/en/modules/grid_search.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/grid_search.rst -------------------------------------------------------------------------------- /doc/en/modules/isotonic.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/isotonic.rst -------------------------------------------------------------------------------- /doc/en/modules/kernel_approximation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/kernel_approximation.rst -------------------------------------------------------------------------------- /doc/en/modules/kernel_ridge.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/kernel_ridge.rst -------------------------------------------------------------------------------- /doc/en/modules/label_propagation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/label_propagation.rst -------------------------------------------------------------------------------- /doc/en/modules/lda_qda.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/lda_qda.rst -------------------------------------------------------------------------------- /doc/en/modules/learning_curve.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/learning_curve.rst -------------------------------------------------------------------------------- /doc/en/modules/linear_model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/linear_model.rst -------------------------------------------------------------------------------- /doc/en/modules/manifold.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/manifold.rst -------------------------------------------------------------------------------- /doc/en/modules/metrics.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/metrics.rst -------------------------------------------------------------------------------- /doc/en/modules/mixture.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/mixture.rst -------------------------------------------------------------------------------- /doc/en/modules/model_evaluation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/model_evaluation.rst -------------------------------------------------------------------------------- /doc/en/modules/model_persistence.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/model_persistence.rst -------------------------------------------------------------------------------- /doc/en/modules/multiclass.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/multiclass.rst -------------------------------------------------------------------------------- /doc/en/modules/naive_bayes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/naive_bayes.rst -------------------------------------------------------------------------------- /doc/en/modules/neighbors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/neighbors.rst -------------------------------------------------------------------------------- /doc/en/modules/neural_networks_supervised.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/neural_networks_supervised.rst -------------------------------------------------------------------------------- /doc/en/modules/neural_networks_unsupervised.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/neural_networks_unsupervised.rst -------------------------------------------------------------------------------- /doc/en/modules/outlier_detection.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/outlier_detection.rst -------------------------------------------------------------------------------- /doc/en/modules/pipeline.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/pipeline.rst -------------------------------------------------------------------------------- /doc/en/modules/preprocessing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/preprocessing.rst -------------------------------------------------------------------------------- /doc/en/modules/preprocessing_targets.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/preprocessing_targets.rst -------------------------------------------------------------------------------- /doc/en/modules/random_projection.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/random_projection.rst -------------------------------------------------------------------------------- /doc/en/modules/scaling_strategies.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/scaling_strategies.rst -------------------------------------------------------------------------------- /doc/en/modules/sgd.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/sgd.rst -------------------------------------------------------------------------------- /doc/en/modules/svm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/svm.rst -------------------------------------------------------------------------------- /doc/en/modules/tree.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/tree.rst -------------------------------------------------------------------------------- /doc/en/modules/unsupervised_reduction.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/modules/unsupervised_reduction.rst -------------------------------------------------------------------------------- /doc/en/preface.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/preface.rst -------------------------------------------------------------------------------- /doc/en/presentations.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/presentations.rst -------------------------------------------------------------------------------- /doc/en/related_projects.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/related_projects.rst -------------------------------------------------------------------------------- /doc/en/sphinxext/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/LICENSE.txt -------------------------------------------------------------------------------- /doc/en/sphinxext/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/MANIFEST.in -------------------------------------------------------------------------------- /doc/en/sphinxext/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/README.txt -------------------------------------------------------------------------------- /doc/en/sphinxext/github_link.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/github_link.py -------------------------------------------------------------------------------- /doc/en/sphinxext/numpy_ext/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /doc/en/sphinxext/numpy_ext/docscrape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/numpy_ext/docscrape.py -------------------------------------------------------------------------------- /doc/en/sphinxext/numpy_ext/docscrape_sphinx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/numpy_ext/docscrape_sphinx.py -------------------------------------------------------------------------------- /doc/en/sphinxext/numpy_ext/numpydoc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/numpy_ext/numpydoc.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/__init__.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/_static/gallery.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/_static/gallery.css -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/_static/no_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/_static/no_image.png -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/backreferences.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/backreferences.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/docs_resolv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/docs_resolv.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/downloads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/downloads.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/gen_gallery.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/gen_gallery.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/gen_rst.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/gen_rst.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/notebook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/notebook.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_gallery/py_source_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_gallery/py_source_parser.py -------------------------------------------------------------------------------- /doc/en/sphinxext/sphinx_issues.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/sphinxext/sphinx_issues.py -------------------------------------------------------------------------------- /doc/en/supervised_learning.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/supervised_learning.rst -------------------------------------------------------------------------------- /doc/en/support.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/support.rst -------------------------------------------------------------------------------- /doc/en/templates/class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/class.rst -------------------------------------------------------------------------------- /doc/en/templates/class_with_call.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/class_with_call.rst -------------------------------------------------------------------------------- /doc/en/templates/class_without_init.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/class_without_init.rst -------------------------------------------------------------------------------- /doc/en/templates/deprecated_class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/deprecated_class.rst -------------------------------------------------------------------------------- /doc/en/templates/deprecated_class_with_call.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/deprecated_class_with_call.rst -------------------------------------------------------------------------------- /doc/en/templates/deprecated_class_without_init.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/deprecated_class_without_init.rst -------------------------------------------------------------------------------- /doc/en/templates/deprecated_function.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/deprecated_function.rst -------------------------------------------------------------------------------- /doc/en/templates/function.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/function.rst -------------------------------------------------------------------------------- /doc/en/templates/generate_deprecated.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/templates/generate_deprecated.sh -------------------------------------------------------------------------------- /doc/en/testimonials/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/README.txt -------------------------------------------------------------------------------- /doc/en/testimonials/images/Makefile: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /doc/en/testimonials/images/aweber.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/aweber.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/bestofmedia-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/bestofmedia-logo.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/betaworks.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/betaworks.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/birchbox.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/birchbox.jpg -------------------------------------------------------------------------------- /doc/en/testimonials/images/booking.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/booking.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/change-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/change-logo.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/dataiku_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/dataiku_logo.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/datapublica.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/datapublica.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/datarobot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/datarobot.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/evernote.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/evernote.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/howaboutwe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/howaboutwe.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/infonea.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/infonea.jpg -------------------------------------------------------------------------------- /doc/en/testimonials/images/inria.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/inria.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/lovely.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/lovely.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/machinalis.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/machinalis.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/okcupid.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/okcupid.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/ottogroup_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/ottogroup_logo.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/peerindex.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/peerindex.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/phimeca.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/phimeca.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/rangespan.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/rangespan.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/solido_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/solido_logo.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/spotify.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/spotify.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/telecomparistech.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/telecomparistech.jpg -------------------------------------------------------------------------------- /doc/en/testimonials/images/yhat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/yhat.png -------------------------------------------------------------------------------- /doc/en/testimonials/images/zopa.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/images/zopa.png -------------------------------------------------------------------------------- /doc/en/testimonials/testimonials.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/testimonials/testimonials.rst -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/layout.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/layout.html -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/ML_MAPS_README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/ML_MAPS_README.rst -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/css/bootstrap.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/css/bootstrap.css -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/css/bootstrap.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/css/bootstrap.min.css -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/css/examples.css: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/FNRS-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/FNRS-logo.png -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/columbia.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/columbia.png -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/forkme.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/forkme.png -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/google.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/google.png -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/inria-small.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/inria-small.jpg -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/inria-small.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/inria-small.png -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/sloan_logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/sloan_logo.jpg -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/starme.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/starme.png -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/img/telecom.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/img/telecom.png -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/jquery.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/jquery.js -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/jquery.maphilight.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/jquery.maphilight.js -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/js/bootstrap.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/js/bootstrap.js -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/js/bootstrap.min.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/js/bootstrap.min.js -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/js/copybutton.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/js/copybutton.js -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/static/nature.css_t: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/static/nature.css_t -------------------------------------------------------------------------------- /doc/en/themes/scikit-learn/theme.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/themes/scikit-learn/theme.conf -------------------------------------------------------------------------------- /doc/en/tune_toc.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tune_toc.rst -------------------------------------------------------------------------------- /doc/en/tutorial/basic/tutorial.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/basic/tutorial.rst -------------------------------------------------------------------------------- /doc/en/tutorial/common_includes/info.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/common_includes/info.txt -------------------------------------------------------------------------------- /doc/en/tutorial/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/index.rst -------------------------------------------------------------------------------- /doc/en/tutorial/machine_learning_map/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/machine_learning_map/index.rst -------------------------------------------------------------------------------- /doc/en/tutorial/machine_learning_map/parse_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/machine_learning_map/parse_path.py -------------------------------------------------------------------------------- /doc/en/tutorial/machine_learning_map/pyparsing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/machine_learning_map/pyparsing.py -------------------------------------------------------------------------------- /doc/en/tutorial/machine_learning_map/svg2imagemap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/machine_learning_map/svg2imagemap.py -------------------------------------------------------------------------------- /doc/en/tutorial/statistical_inference/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/statistical_inference/index.rst -------------------------------------------------------------------------------- /doc/en/tutorial/statistical_inference/settings.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/statistical_inference/settings.rst -------------------------------------------------------------------------------- /doc/en/tutorial/text_analytics/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/tutorial/text_analytics/.gitignore -------------------------------------------------------------------------------- /doc/en/unsupervised_learning.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/unsupervised_learning.rst -------------------------------------------------------------------------------- /doc/en/user_guide.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/user_guide.rst -------------------------------------------------------------------------------- /doc/en/whats_new.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/en/whats_new.rst -------------------------------------------------------------------------------- /doc/zh/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/Makefile -------------------------------------------------------------------------------- /doc/zh/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/README.md -------------------------------------------------------------------------------- /doc/zh/about.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/about.rst -------------------------------------------------------------------------------- /doc/zh/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/conf.py -------------------------------------------------------------------------------- /doc/zh/data_transforms.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/data_transforms.rst -------------------------------------------------------------------------------- /doc/zh/datasets/covtype.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/covtype.rst -------------------------------------------------------------------------------- /doc/zh/datasets/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/index.rst -------------------------------------------------------------------------------- /doc/zh/datasets/kddcup99.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/kddcup99.rst -------------------------------------------------------------------------------- /doc/zh/datasets/labeled_faces.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/labeled_faces.rst -------------------------------------------------------------------------------- /doc/zh/datasets/labeled_faces_fixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/labeled_faces_fixture.py -------------------------------------------------------------------------------- /doc/zh/datasets/mldata.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/mldata.rst -------------------------------------------------------------------------------- /doc/zh/datasets/mldata_fixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/mldata_fixture.py -------------------------------------------------------------------------------- /doc/zh/datasets/olivetti_faces.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/olivetti_faces.rst -------------------------------------------------------------------------------- /doc/zh/datasets/rcv1.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/rcv1.rst -------------------------------------------------------------------------------- /doc/zh/datasets/rcv1_fixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/rcv1_fixture.py -------------------------------------------------------------------------------- /doc/zh/datasets/twenty_newsgroups.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/twenty_newsgroups.rst -------------------------------------------------------------------------------- /doc/zh/datasets/twenty_newsgroups_fixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/datasets/twenty_newsgroups_fixture.py -------------------------------------------------------------------------------- /doc/zh/developers/advanced_installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/developers/advanced_installation.rst -------------------------------------------------------------------------------- /doc/zh/developers/contributing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/developers/contributing.rst -------------------------------------------------------------------------------- /doc/zh/developers/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/developers/index.rst -------------------------------------------------------------------------------- /doc/zh/developers/maintainer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/developers/maintainer.rst -------------------------------------------------------------------------------- /doc/zh/developers/performance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/developers/performance.rst -------------------------------------------------------------------------------- /doc/zh/developers/tips.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/developers/tips.rst -------------------------------------------------------------------------------- /doc/zh/developers/utilities.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/developers/utilities.rst -------------------------------------------------------------------------------- /doc/zh/documentation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/documentation.rst -------------------------------------------------------------------------------- /doc/zh/faq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/faq.rst -------------------------------------------------------------------------------- /doc/zh/images/cds-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/cds-logo.png -------------------------------------------------------------------------------- /doc/zh/images/dysco.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/dysco.png -------------------------------------------------------------------------------- /doc/zh/images/inria-logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/inria-logo.jpg -------------------------------------------------------------------------------- /doc/zh/images/iris.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/iris.pdf -------------------------------------------------------------------------------- /doc/zh/images/iris.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/iris.svg -------------------------------------------------------------------------------- /doc/zh/images/last_digit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/last_digit.png -------------------------------------------------------------------------------- /doc/zh/images/lda_model_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/lda_model_graph.png -------------------------------------------------------------------------------- /doc/zh/images/ml_map.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/ml_map.png -------------------------------------------------------------------------------- /doc/zh/images/multilayerperceptron_network.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/multilayerperceptron_network.png -------------------------------------------------------------------------------- /doc/zh/images/no_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/no_image.png -------------------------------------------------------------------------------- /doc/zh/images/nyu_short_color.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/nyu_short_color.png -------------------------------------------------------------------------------- /doc/zh/images/plot_digits_classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/plot_digits_classification.png -------------------------------------------------------------------------------- /doc/zh/images/plot_face_recognition_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/plot_face_recognition_1.png -------------------------------------------------------------------------------- /doc/zh/images/plot_face_recognition_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/plot_face_recognition_2.png -------------------------------------------------------------------------------- /doc/zh/images/rbm_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/rbm_graph.png -------------------------------------------------------------------------------- /doc/zh/images/scikit-learn-logo-notext.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/scikit-learn-logo-notext.png -------------------------------------------------------------------------------- /doc/zh/images/sloan_banner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/images/sloan_banner.png -------------------------------------------------------------------------------- /doc/zh/includes/big_toc_css.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/includes/big_toc_css.rst -------------------------------------------------------------------------------- /doc/zh/includes/bigger_toc_css.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/includes/bigger_toc_css.rst -------------------------------------------------------------------------------- /doc/zh/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/index.rst -------------------------------------------------------------------------------- /doc/zh/install.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/install.rst -------------------------------------------------------------------------------- /doc/zh/logos/favicon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/logos/favicon.ico -------------------------------------------------------------------------------- /doc/zh/logos/identity.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/logos/identity.pdf -------------------------------------------------------------------------------- /doc/zh/logos/scikit-learn-logo-notext.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/logos/scikit-learn-logo-notext.png -------------------------------------------------------------------------------- /doc/zh/logos/scikit-learn-logo-small.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/logos/scikit-learn-logo-small.png -------------------------------------------------------------------------------- /doc/zh/logos/scikit-learn-logo-thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/logos/scikit-learn-logo-thumb.png -------------------------------------------------------------------------------- /doc/zh/logos/scikit-learn-logo.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/logos/scikit-learn-logo.bmp -------------------------------------------------------------------------------- /doc/zh/logos/scikit-learn-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/logos/scikit-learn-logo.png -------------------------------------------------------------------------------- /doc/zh/logos/scikit-learn-logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/logos/scikit-learn-logo.svg -------------------------------------------------------------------------------- /doc/zh/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/make.bat -------------------------------------------------------------------------------- /doc/zh/model_selection.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/model_selection.rst -------------------------------------------------------------------------------- /doc/zh/modules/biclustering.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/biclustering.rst -------------------------------------------------------------------------------- /doc/zh/modules/calibration.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/calibration.rst -------------------------------------------------------------------------------- /doc/zh/modules/classes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/classes.rst -------------------------------------------------------------------------------- /doc/zh/modules/clustering.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/clustering.rst -------------------------------------------------------------------------------- /doc/zh/modules/computational_performance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/computational_performance.rst -------------------------------------------------------------------------------- /doc/zh/modules/covariance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/covariance.rst -------------------------------------------------------------------------------- /doc/zh/modules/cross_decomposition.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/cross_decomposition.rst -------------------------------------------------------------------------------- /doc/zh/modules/cross_validation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/cross_validation.rst -------------------------------------------------------------------------------- /doc/zh/modules/decomposition.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/decomposition.rst -------------------------------------------------------------------------------- /doc/zh/modules/density.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/density.rst -------------------------------------------------------------------------------- /doc/zh/modules/dp-derivation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/dp-derivation.rst -------------------------------------------------------------------------------- /doc/zh/modules/ensemble.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/ensemble.rst -------------------------------------------------------------------------------- /doc/zh/modules/feature_extraction.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/feature_extraction.rst -------------------------------------------------------------------------------- /doc/zh/modules/feature_selection.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/feature_selection.rst -------------------------------------------------------------------------------- /doc/zh/modules/gaussian_process.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/gaussian_process.rst -------------------------------------------------------------------------------- /doc/zh/modules/grid_search.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/grid_search.rst -------------------------------------------------------------------------------- /doc/zh/modules/isotonic.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/isotonic.rst -------------------------------------------------------------------------------- /doc/zh/modules/kernel_approximation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/kernel_approximation.rst -------------------------------------------------------------------------------- /doc/zh/modules/kernel_ridge.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/kernel_ridge.rst -------------------------------------------------------------------------------- /doc/zh/modules/label_propagation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/label_propagation.rst -------------------------------------------------------------------------------- /doc/zh/modules/lda_qda.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/lda_qda.rst -------------------------------------------------------------------------------- /doc/zh/modules/learning_curve.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/learning_curve.rst -------------------------------------------------------------------------------- /doc/zh/modules/linear_model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/linear_model.rst -------------------------------------------------------------------------------- /doc/zh/modules/manifold.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/manifold.rst -------------------------------------------------------------------------------- /doc/zh/modules/metrics.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/metrics.rst -------------------------------------------------------------------------------- /doc/zh/modules/mixture.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/mixture.rst -------------------------------------------------------------------------------- /doc/zh/modules/model_evaluation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/model_evaluation.rst -------------------------------------------------------------------------------- /doc/zh/modules/model_persistence.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/model_persistence.rst -------------------------------------------------------------------------------- /doc/zh/modules/multiclass.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/multiclass.rst -------------------------------------------------------------------------------- /doc/zh/modules/naive_bayes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/naive_bayes.rst -------------------------------------------------------------------------------- /doc/zh/modules/neighbors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/neighbors.rst -------------------------------------------------------------------------------- /doc/zh/modules/neural_networks_supervised.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/neural_networks_supervised.rst -------------------------------------------------------------------------------- /doc/zh/modules/neural_networks_unsupervised.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/neural_networks_unsupervised.rst -------------------------------------------------------------------------------- /doc/zh/modules/outlier_detection.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/outlier_detection.rst -------------------------------------------------------------------------------- /doc/zh/modules/pipeline.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/pipeline.rst -------------------------------------------------------------------------------- /doc/zh/modules/preprocessing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/preprocessing.rst -------------------------------------------------------------------------------- /doc/zh/modules/preprocessing_targets.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/preprocessing_targets.rst -------------------------------------------------------------------------------- /doc/zh/modules/random_projection.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/random_projection.rst -------------------------------------------------------------------------------- /doc/zh/modules/scaling_strategies.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/scaling_strategies.rst -------------------------------------------------------------------------------- /doc/zh/modules/sgd.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/sgd.rst -------------------------------------------------------------------------------- /doc/zh/modules/svm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/svm.rst -------------------------------------------------------------------------------- /doc/zh/modules/tree.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/tree.rst -------------------------------------------------------------------------------- /doc/zh/modules/unsupervised_reduction.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/modules/unsupervised_reduction.rst -------------------------------------------------------------------------------- /doc/zh/preface.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/preface.rst -------------------------------------------------------------------------------- /doc/zh/presentations.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/presentations.rst -------------------------------------------------------------------------------- /doc/zh/project-check-progress.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/project-check-progress.rst -------------------------------------------------------------------------------- /doc/zh/project-communication-group.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/project-communication-group.rst -------------------------------------------------------------------------------- /doc/zh/project-feedback.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/project-feedback.rst -------------------------------------------------------------------------------- /doc/zh/project-reward.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/project-reward.rst -------------------------------------------------------------------------------- /doc/zh/project-role.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/project-role.rst -------------------------------------------------------------------------------- /doc/zh/project-timeline.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/project-timeline.rst -------------------------------------------------------------------------------- /doc/zh/project-translation-progress.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/project-translation-progress.rst -------------------------------------------------------------------------------- /doc/zh/related_projects.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/related_projects.rst -------------------------------------------------------------------------------- /doc/zh/sklearn/datasets/descr/breast_cancer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sklearn/datasets/descr/breast_cancer.rst -------------------------------------------------------------------------------- /doc/zh/sklearn/datasets/descr/diabetes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sklearn/datasets/descr/diabetes.rst -------------------------------------------------------------------------------- /doc/zh/sklearn/datasets/descr/digits.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sklearn/datasets/descr/digits.rst -------------------------------------------------------------------------------- /doc/zh/sklearn/datasets/descr/iris.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sklearn/datasets/descr/iris.rst -------------------------------------------------------------------------------- /doc/zh/sklearn/datasets/descr/linnerud.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sklearn/datasets/descr/linnerud.rst -------------------------------------------------------------------------------- /doc/zh/sklearn/datasets/descr/wine_data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sklearn/datasets/descr/wine_data.rst -------------------------------------------------------------------------------- /doc/zh/sphinxext/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/LICENSE.txt -------------------------------------------------------------------------------- /doc/zh/sphinxext/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/MANIFEST.in -------------------------------------------------------------------------------- /doc/zh/sphinxext/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/README.txt -------------------------------------------------------------------------------- /doc/zh/sphinxext/github_link.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/github_link.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/numpy_ext/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /doc/zh/sphinxext/numpy_ext/docscrape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/numpy_ext/docscrape.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/numpy_ext/docscrape_sphinx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/numpy_ext/docscrape_sphinx.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/numpy_ext/numpydoc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/numpy_ext/numpydoc.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/__init__.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/_static/gallery.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/_static/gallery.css -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/_static/no_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/_static/no_image.png -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/backreferences.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/backreferences.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/docs_resolv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/docs_resolv.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/downloads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/downloads.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/gen_gallery.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/gen_gallery.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/gen_rst.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/gen_rst.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/notebook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/notebook.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_gallery/py_source_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_gallery/py_source_parser.py -------------------------------------------------------------------------------- /doc/zh/sphinxext/sphinx_issues.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/sphinxext/sphinx_issues.py -------------------------------------------------------------------------------- /doc/zh/supervised_learning.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/supervised_learning.rst -------------------------------------------------------------------------------- /doc/zh/support.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/support.rst -------------------------------------------------------------------------------- /doc/zh/templates/class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/class.rst -------------------------------------------------------------------------------- /doc/zh/templates/class_with_call.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/class_with_call.rst -------------------------------------------------------------------------------- /doc/zh/templates/class_without_init.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/class_without_init.rst -------------------------------------------------------------------------------- /doc/zh/templates/deprecated_class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/deprecated_class.rst -------------------------------------------------------------------------------- /doc/zh/templates/deprecated_class_with_call.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/deprecated_class_with_call.rst -------------------------------------------------------------------------------- /doc/zh/templates/deprecated_class_without_init.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/deprecated_class_without_init.rst -------------------------------------------------------------------------------- /doc/zh/templates/deprecated_function.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/deprecated_function.rst -------------------------------------------------------------------------------- /doc/zh/templates/function.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/function.rst -------------------------------------------------------------------------------- /doc/zh/templates/generate_deprecated.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/templates/generate_deprecated.sh -------------------------------------------------------------------------------- /doc/zh/testimonials/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/README.txt -------------------------------------------------------------------------------- /doc/zh/testimonials/images/Makefile: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /doc/zh/testimonials/images/aweber.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/aweber.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/bestofmedia-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/bestofmedia-logo.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/betaworks.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/betaworks.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/birchbox.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/birchbox.jpg -------------------------------------------------------------------------------- /doc/zh/testimonials/images/booking.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/booking.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/change-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/change-logo.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/dataiku_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/dataiku_logo.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/datapublica.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/datapublica.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/datarobot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/datarobot.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/evernote.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/evernote.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/howaboutwe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/howaboutwe.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/infonea.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/infonea.jpg -------------------------------------------------------------------------------- /doc/zh/testimonials/images/inria.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/inria.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/lovely.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/lovely.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/machinalis.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/machinalis.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/okcupid.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/okcupid.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/ottogroup_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/ottogroup_logo.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/peerindex.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/peerindex.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/phimeca.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/phimeca.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/rangespan.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/rangespan.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/solido_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/solido_logo.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/spotify.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/spotify.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/telecomparistech.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/telecomparistech.jpg -------------------------------------------------------------------------------- /doc/zh/testimonials/images/yhat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/yhat.png -------------------------------------------------------------------------------- /doc/zh/testimonials/images/zopa.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/images/zopa.png -------------------------------------------------------------------------------- /doc/zh/testimonials/testimonials.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/testimonials/testimonials.rst -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/layout.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/layout.html -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/ML_MAPS_README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/ML_MAPS_README.rst -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/css/bootstrap.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/css/bootstrap.css -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/css/examples.css: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/img/FNRS-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/img/FNRS-logo.png -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/img/columbia.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/img/columbia.png -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/img/forkme.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/img/forkme.png -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/img/google.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/img/google.png -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/img/sloan_logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/img/sloan_logo.jpg -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/img/starme.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/img/starme.png -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/img/telecom.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/img/telecom.png -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/jquery.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/jquery.js -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/js/bootstrap.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/js/bootstrap.js -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/js/copybutton.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/js/copybutton.js -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/static/nature.css_t: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/static/nature.css_t -------------------------------------------------------------------------------- /doc/zh/themes/scikit-learn/theme.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/themes/scikit-learn/theme.conf -------------------------------------------------------------------------------- /doc/zh/tune_toc.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tune_toc.rst -------------------------------------------------------------------------------- /doc/zh/tutorial/basic/tutorial.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/basic/tutorial.rst -------------------------------------------------------------------------------- /doc/zh/tutorial/common_includes/info.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/common_includes/info.txt -------------------------------------------------------------------------------- /doc/zh/tutorial/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/index.rst -------------------------------------------------------------------------------- /doc/zh/tutorial/machine_learning_map/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/machine_learning_map/index.rst -------------------------------------------------------------------------------- /doc/zh/tutorial/machine_learning_map/parse_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/machine_learning_map/parse_path.py -------------------------------------------------------------------------------- /doc/zh/tutorial/machine_learning_map/pyparsing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/machine_learning_map/pyparsing.py -------------------------------------------------------------------------------- /doc/zh/tutorial/machine_learning_map/svg2imagemap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/machine_learning_map/svg2imagemap.py -------------------------------------------------------------------------------- /doc/zh/tutorial/statistical_inference/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/statistical_inference/index.rst -------------------------------------------------------------------------------- /doc/zh/tutorial/statistical_inference/settings.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/statistical_inference/settings.rst -------------------------------------------------------------------------------- /doc/zh/tutorial/text_analytics/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/tutorial/text_analytics/.gitignore -------------------------------------------------------------------------------- /doc/zh/unsupervised_learning.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/unsupervised_learning.rst -------------------------------------------------------------------------------- /doc/zh/user_guide.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/user_guide.rst -------------------------------------------------------------------------------- /doc/zh/whats_new.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/doc/zh/whats_new.rst -------------------------------------------------------------------------------- /examples/en/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/README.txt -------------------------------------------------------------------------------- /examples/en/applications/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/applications/README.txt -------------------------------------------------------------------------------- /examples/en/applications/plot_face_recognition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/applications/plot_face_recognition.py -------------------------------------------------------------------------------- /examples/en/applications/plot_prediction_latency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/applications/plot_prediction_latency.py -------------------------------------------------------------------------------- /examples/en/applications/plot_stock_market.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/applications/plot_stock_market.py -------------------------------------------------------------------------------- /examples/en/applications/svm_gui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/applications/svm_gui.py -------------------------------------------------------------------------------- /examples/en/bicluster/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/bicluster/README.txt -------------------------------------------------------------------------------- /examples/en/bicluster/plot_bicluster_newsgroups.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/bicluster/plot_bicluster_newsgroups.py -------------------------------------------------------------------------------- /examples/en/bicluster/plot_spectral_biclustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/bicluster/plot_spectral_biclustering.py -------------------------------------------------------------------------------- /examples/en/bicluster/plot_spectral_coclustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/bicluster/plot_spectral_coclustering.py -------------------------------------------------------------------------------- /examples/en/calibration/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/calibration/README.txt -------------------------------------------------------------------------------- /examples/en/calibration/plot_calibration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/calibration/plot_calibration.py -------------------------------------------------------------------------------- /examples/en/calibration/plot_calibration_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/calibration/plot_calibration_curve.py -------------------------------------------------------------------------------- /examples/en/calibration/plot_compare_calibration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/calibration/plot_compare_calibration.py -------------------------------------------------------------------------------- /examples/en/classification/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/classification/README.txt -------------------------------------------------------------------------------- /examples/en/classification/plot_lda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/classification/plot_lda.py -------------------------------------------------------------------------------- /examples/en/classification/plot_lda_qda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/classification/plot_lda_qda.py -------------------------------------------------------------------------------- /examples/en/cluster/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/README.txt -------------------------------------------------------------------------------- /examples/en/cluster/plot_affinity_propagation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_affinity_propagation.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_agglomerative_clustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_agglomerative_clustering.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_birch_vs_minibatchkmeans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_birch_vs_minibatchkmeans.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_cluster_comparison.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_cluster_comparison.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_cluster_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_cluster_iris.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_color_quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_color_quantization.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_dbscan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_dbscan.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_dict_face_patches.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_dict_face_patches.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_digits_agglomeration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_digits_agglomeration.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_digits_linkage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_digits_linkage.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_face_compress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_face_compress.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_face_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_face_segmentation.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_face_ward_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_face_ward_segmentation.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_kmeans_assumptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_kmeans_assumptions.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_kmeans_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_kmeans_digits.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_mean_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_mean_shift.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_mini_batch_kmeans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_mini_batch_kmeans.py -------------------------------------------------------------------------------- /examples/en/cluster/plot_segmentation_toy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cluster/plot_segmentation_toy.py -------------------------------------------------------------------------------- /examples/en/covariance/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/covariance/README.txt -------------------------------------------------------------------------------- /examples/en/covariance/plot_covariance_estimation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/covariance/plot_covariance_estimation.py -------------------------------------------------------------------------------- /examples/en/covariance/plot_lw_vs_oas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/covariance/plot_lw_vs_oas.py -------------------------------------------------------------------------------- /examples/en/covariance/plot_mahalanobis_distances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/covariance/plot_mahalanobis_distances.py -------------------------------------------------------------------------------- /examples/en/covariance/plot_outlier_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/covariance/plot_outlier_detection.py -------------------------------------------------------------------------------- /examples/en/covariance/plot_sparse_cov.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/covariance/plot_sparse_cov.py -------------------------------------------------------------------------------- /examples/en/cross_decomposition/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/cross_decomposition/README.txt -------------------------------------------------------------------------------- /examples/en/datasets/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/datasets/README.txt -------------------------------------------------------------------------------- /examples/en/datasets/plot_digits_last_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/datasets/plot_digits_last_image.py -------------------------------------------------------------------------------- /examples/en/datasets/plot_iris_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/datasets/plot_iris_dataset.py -------------------------------------------------------------------------------- /examples/en/datasets/plot_random_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/datasets/plot_random_dataset.py -------------------------------------------------------------------------------- /examples/en/decomposition/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/README.txt -------------------------------------------------------------------------------- /examples/en/decomposition/plot_beta_divergence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_beta_divergence.py -------------------------------------------------------------------------------- /examples/en/decomposition/plot_ica_vs_pca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_ica_vs_pca.py -------------------------------------------------------------------------------- /examples/en/decomposition/plot_image_denoising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_image_denoising.py -------------------------------------------------------------------------------- /examples/en/decomposition/plot_incremental_pca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_incremental_pca.py -------------------------------------------------------------------------------- /examples/en/decomposition/plot_kernel_pca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_kernel_pca.py -------------------------------------------------------------------------------- /examples/en/decomposition/plot_pca_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_pca_3d.py -------------------------------------------------------------------------------- /examples/en/decomposition/plot_pca_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_pca_iris.py -------------------------------------------------------------------------------- /examples/en/decomposition/plot_pca_vs_lda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_pca_vs_lda.py -------------------------------------------------------------------------------- /examples/en/decomposition/plot_sparse_coding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/decomposition/plot_sparse_coding.py -------------------------------------------------------------------------------- /examples/en/ensemble/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/README.txt -------------------------------------------------------------------------------- /examples/en/ensemble/plot_adaboost_hastie_10_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_adaboost_hastie_10_2.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_adaboost_multiclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_adaboost_multiclass.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_adaboost_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_adaboost_regression.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_adaboost_twoclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_adaboost_twoclass.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_bias_variance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_bias_variance.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_ensemble_oob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_ensemble_oob.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_feature_transformation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_feature_transformation.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_forest_importances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_forest_importances.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_forest_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_forest_iris.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_gradient_boosting_oob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_gradient_boosting_oob.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_isolation_forest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_isolation_forest.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_partial_dependence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_partial_dependence.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_random_forest_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_random_forest_embedding.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_voting_decision_regions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_voting_decision_regions.py -------------------------------------------------------------------------------- /examples/en/ensemble/plot_voting_probas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/ensemble/plot_voting_probas.py -------------------------------------------------------------------------------- /examples/en/exercises/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/exercises/README.txt -------------------------------------------------------------------------------- /examples/en/exercises/plot_cv_diabetes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/exercises/plot_cv_diabetes.py -------------------------------------------------------------------------------- /examples/en/exercises/plot_cv_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/exercises/plot_cv_digits.py -------------------------------------------------------------------------------- /examples/en/exercises/plot_iris_exercise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/exercises/plot_iris_exercise.py -------------------------------------------------------------------------------- /examples/en/feature_selection/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/feature_selection/README.txt -------------------------------------------------------------------------------- /examples/en/feature_selection/plot_f_test_vs_mi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/feature_selection/plot_f_test_vs_mi.py -------------------------------------------------------------------------------- /examples/en/feature_selection/plot_rfe_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/feature_selection/plot_rfe_digits.py -------------------------------------------------------------------------------- /examples/en/gaussian_process/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/gaussian_process/README.txt -------------------------------------------------------------------------------- /examples/en/gaussian_process/plot_compare_gpr_krr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/gaussian_process/plot_compare_gpr_krr.py -------------------------------------------------------------------------------- /examples/en/gaussian_process/plot_gpc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/gaussian_process/plot_gpc.py -------------------------------------------------------------------------------- /examples/en/gaussian_process/plot_gpc_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/gaussian_process/plot_gpc_iris.py -------------------------------------------------------------------------------- /examples/en/gaussian_process/plot_gpc_xor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/gaussian_process/plot_gpc_xor.py -------------------------------------------------------------------------------- /examples/en/gaussian_process/plot_gpr_co2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/gaussian_process/plot_gpr_co2.py -------------------------------------------------------------------------------- /examples/en/gaussian_process/plot_gpr_noisy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/gaussian_process/plot_gpr_noisy.py -------------------------------------------------------------------------------- /examples/en/hetero_feature_union.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/hetero_feature_union.py -------------------------------------------------------------------------------- /examples/en/linear_model/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/README.txt -------------------------------------------------------------------------------- /examples/en/linear_model/plot_ard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_ard.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_bayesian_ridge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_bayesian_ridge.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_huber_vs_ridge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_huber_vs_ridge.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_iris_logistic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_iris_logistic.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_lasso_lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_lasso_lars.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_logistic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_logistic.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_logistic_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_logistic_path.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_ols.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_ols.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_ols_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_ols_3d.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_ols_ridge_variance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_ols_ridge_variance.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_omp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_omp.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_ransac.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_ransac.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_ridge_coeffs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_ridge_coeffs.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_ridge_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_ridge_path.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_robust_fit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_robust_fit.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_sgd_comparison.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_sgd_comparison.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_sgd_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_sgd_iris.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_sgd_loss_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_sgd_loss_functions.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_sgd_penalties.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_sgd_penalties.py -------------------------------------------------------------------------------- /examples/en/linear_model/plot_theilsen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/linear_model/plot_theilsen.py -------------------------------------------------------------------------------- /examples/en/manifold/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/manifold/README.txt -------------------------------------------------------------------------------- /examples/en/manifold/plot_compare_methods.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/manifold/plot_compare_methods.py -------------------------------------------------------------------------------- /examples/en/manifold/plot_lle_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/manifold/plot_lle_digits.py -------------------------------------------------------------------------------- /examples/en/manifold/plot_manifold_sphere.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/manifold/plot_manifold_sphere.py -------------------------------------------------------------------------------- /examples/en/manifold/plot_mds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/manifold/plot_mds.py -------------------------------------------------------------------------------- /examples/en/manifold/plot_swissroll.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/manifold/plot_swissroll.py -------------------------------------------------------------------------------- /examples/en/manifold/plot_t_sne_perplexity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/manifold/plot_t_sne_perplexity.py -------------------------------------------------------------------------------- /examples/en/mixture/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/mixture/README.txt -------------------------------------------------------------------------------- /examples/en/mixture/plot_concentration_prior.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/mixture/plot_concentration_prior.py -------------------------------------------------------------------------------- /examples/en/mixture/plot_gmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/mixture/plot_gmm.py -------------------------------------------------------------------------------- /examples/en/mixture/plot_gmm_covariances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/mixture/plot_gmm_covariances.py -------------------------------------------------------------------------------- /examples/en/mixture/plot_gmm_pdf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/mixture/plot_gmm_pdf.py -------------------------------------------------------------------------------- /examples/en/mixture/plot_gmm_selection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/mixture/plot_gmm_selection.py -------------------------------------------------------------------------------- /examples/en/mixture/plot_gmm_sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/mixture/plot_gmm_sin.py -------------------------------------------------------------------------------- /examples/en/model_selection/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/model_selection/README.txt -------------------------------------------------------------------------------- /examples/en/model_selection/plot_confusion_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/model_selection/plot_confusion_matrix.py -------------------------------------------------------------------------------- /examples/en/model_selection/plot_learning_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/model_selection/plot_learning_curve.py -------------------------------------------------------------------------------- /examples/en/model_selection/plot_precision_recall.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/model_selection/plot_precision_recall.py -------------------------------------------------------------------------------- /examples/en/model_selection/plot_roc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/model_selection/plot_roc.py -------------------------------------------------------------------------------- /examples/en/model_selection/plot_roc_crossval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/model_selection/plot_roc_crossval.py -------------------------------------------------------------------------------- /examples/en/model_selection/plot_validation_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/model_selection/plot_validation_curve.py -------------------------------------------------------------------------------- /examples/en/multioutput/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/multioutput/README.txt -------------------------------------------------------------------------------- /examples/en/neighbors/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neighbors/README.txt -------------------------------------------------------------------------------- /examples/en/neighbors/plot_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neighbors/plot_classification.py -------------------------------------------------------------------------------- /examples/en/neighbors/plot_digits_kde_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neighbors/plot_digits_kde_sampling.py -------------------------------------------------------------------------------- /examples/en/neighbors/plot_kde_1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neighbors/plot_kde_1d.py -------------------------------------------------------------------------------- /examples/en/neighbors/plot_lof.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neighbors/plot_lof.py -------------------------------------------------------------------------------- /examples/en/neighbors/plot_nearest_centroid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neighbors/plot_nearest_centroid.py -------------------------------------------------------------------------------- /examples/en/neighbors/plot_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neighbors/plot_regression.py -------------------------------------------------------------------------------- /examples/en/neighbors/plot_species_kde.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neighbors/plot_species_kde.py -------------------------------------------------------------------------------- /examples/en/neural_networks/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neural_networks/README.txt -------------------------------------------------------------------------------- /examples/en/neural_networks/plot_mlp_alpha.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neural_networks/plot_mlp_alpha.py -------------------------------------------------------------------------------- /examples/en/neural_networks/plot_mnist_filters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/neural_networks/plot_mnist_filters.py -------------------------------------------------------------------------------- /examples/en/plot_compare_reduction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_compare_reduction.py -------------------------------------------------------------------------------- /examples/en/plot_cv_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_cv_predict.py -------------------------------------------------------------------------------- /examples/en/plot_digits_pipe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_digits_pipe.py -------------------------------------------------------------------------------- /examples/en/plot_feature_stacker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_feature_stacker.py -------------------------------------------------------------------------------- /examples/en/plot_isotonic_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_isotonic_regression.py -------------------------------------------------------------------------------- /examples/en/plot_johnson_lindenstrauss_bound.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_johnson_lindenstrauss_bound.py -------------------------------------------------------------------------------- /examples/en/plot_kernel_approximation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_kernel_approximation.py -------------------------------------------------------------------------------- /examples/en/plot_kernel_ridge_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_kernel_ridge_regression.py -------------------------------------------------------------------------------- /examples/en/plot_missing_values.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_missing_values.py -------------------------------------------------------------------------------- /examples/en/plot_multilabel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_multilabel.py -------------------------------------------------------------------------------- /examples/en/plot_multioutput_face_completion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/plot_multioutput_face_completion.py -------------------------------------------------------------------------------- /examples/en/preprocessing/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/preprocessing/README.txt -------------------------------------------------------------------------------- /examples/en/preprocessing/plot_all_scaling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/preprocessing/plot_all_scaling.py -------------------------------------------------------------------------------- /examples/en/preprocessing/plot_scaling_importance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/preprocessing/plot_scaling_importance.py -------------------------------------------------------------------------------- /examples/en/semi_supervised/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/semi_supervised/README.txt -------------------------------------------------------------------------------- /examples/en/svm/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/README.txt -------------------------------------------------------------------------------- /examples/en/svm/plot_custom_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_custom_kernel.py -------------------------------------------------------------------------------- /examples/en/svm/plot_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_iris.py -------------------------------------------------------------------------------- /examples/en/svm/plot_oneclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_oneclass.py -------------------------------------------------------------------------------- /examples/en/svm/plot_rbf_parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_rbf_parameters.py -------------------------------------------------------------------------------- /examples/en/svm/plot_separating_hyperplane.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_separating_hyperplane.py -------------------------------------------------------------------------------- /examples/en/svm/plot_svm_anova.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_svm_anova.py -------------------------------------------------------------------------------- /examples/en/svm/plot_svm_kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_svm_kernels.py -------------------------------------------------------------------------------- /examples/en/svm/plot_svm_margin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_svm_margin.py -------------------------------------------------------------------------------- /examples/en/svm/plot_svm_nonlinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_svm_nonlinear.py -------------------------------------------------------------------------------- /examples/en/svm/plot_svm_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_svm_regression.py -------------------------------------------------------------------------------- /examples/en/svm/plot_svm_scale_c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_svm_scale_c.py -------------------------------------------------------------------------------- /examples/en/svm/plot_weighted_samples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/svm/plot_weighted_samples.py -------------------------------------------------------------------------------- /examples/en/text/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/text/README.txt -------------------------------------------------------------------------------- /examples/en/text/document_clustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/text/document_clustering.py -------------------------------------------------------------------------------- /examples/en/text/hashing_vs_dict_vectorizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/text/hashing_vs_dict_vectorizer.py -------------------------------------------------------------------------------- /examples/en/tree/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/tree/README.txt -------------------------------------------------------------------------------- /examples/en/tree/plot_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/tree/plot_iris.py -------------------------------------------------------------------------------- /examples/en/tree/plot_tree_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/tree/plot_tree_regression.py -------------------------------------------------------------------------------- /examples/en/tree/plot_tree_regression_multioutput.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/tree/plot_tree_regression_multioutput.py -------------------------------------------------------------------------------- /examples/en/tree/plot_unveil_tree_structure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/en/tree/plot_unveil_tree_structure.py -------------------------------------------------------------------------------- /examples/zh/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/README.txt -------------------------------------------------------------------------------- /examples/zh/applications/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/applications/README.txt -------------------------------------------------------------------------------- /examples/zh/applications/plot_face_recognition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/applications/plot_face_recognition.py -------------------------------------------------------------------------------- /examples/zh/applications/plot_prediction_latency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/applications/plot_prediction_latency.py -------------------------------------------------------------------------------- /examples/zh/applications/plot_stock_market.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/applications/plot_stock_market.py -------------------------------------------------------------------------------- /examples/zh/applications/svm_gui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/applications/svm_gui.py -------------------------------------------------------------------------------- /examples/zh/bicluster/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/bicluster/README.txt -------------------------------------------------------------------------------- /examples/zh/bicluster/plot_bicluster_newsgroups.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/bicluster/plot_bicluster_newsgroups.py -------------------------------------------------------------------------------- /examples/zh/bicluster/plot_spectral_biclustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/bicluster/plot_spectral_biclustering.py -------------------------------------------------------------------------------- /examples/zh/bicluster/plot_spectral_coclustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/bicluster/plot_spectral_coclustering.py -------------------------------------------------------------------------------- /examples/zh/calibration/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/calibration/README.txt -------------------------------------------------------------------------------- /examples/zh/calibration/plot_calibration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/calibration/plot_calibration.py -------------------------------------------------------------------------------- /examples/zh/calibration/plot_calibration_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/calibration/plot_calibration_curve.py -------------------------------------------------------------------------------- /examples/zh/calibration/plot_compare_calibration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/calibration/plot_compare_calibration.py -------------------------------------------------------------------------------- /examples/zh/classification/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/classification/README.txt -------------------------------------------------------------------------------- /examples/zh/classification/plot_lda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/classification/plot_lda.py -------------------------------------------------------------------------------- /examples/zh/classification/plot_lda_qda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/classification/plot_lda_qda.py -------------------------------------------------------------------------------- /examples/zh/cluster/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/README.txt -------------------------------------------------------------------------------- /examples/zh/cluster/plot_affinity_propagation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_affinity_propagation.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_agglomerative_clustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_agglomerative_clustering.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_birch_vs_minibatchkmeans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_birch_vs_minibatchkmeans.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_cluster_comparison.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_cluster_comparison.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_cluster_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_cluster_iris.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_color_quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_color_quantization.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_dbscan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_dbscan.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_dict_face_patches.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_dict_face_patches.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_digits_agglomeration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_digits_agglomeration.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_digits_linkage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_digits_linkage.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_face_compress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_face_compress.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_face_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_face_segmentation.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_face_ward_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_face_ward_segmentation.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_kmeans_assumptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_kmeans_assumptions.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_kmeans_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_kmeans_digits.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_mean_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_mean_shift.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_mini_batch_kmeans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_mini_batch_kmeans.py -------------------------------------------------------------------------------- /examples/zh/cluster/plot_segmentation_toy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cluster/plot_segmentation_toy.py -------------------------------------------------------------------------------- /examples/zh/covariance/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/covariance/README.txt -------------------------------------------------------------------------------- /examples/zh/covariance/plot_covariance_estimation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/covariance/plot_covariance_estimation.py -------------------------------------------------------------------------------- /examples/zh/covariance/plot_lw_vs_oas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/covariance/plot_lw_vs_oas.py -------------------------------------------------------------------------------- /examples/zh/covariance/plot_mahalanobis_distances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/covariance/plot_mahalanobis_distances.py -------------------------------------------------------------------------------- /examples/zh/covariance/plot_outlier_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/covariance/plot_outlier_detection.py -------------------------------------------------------------------------------- /examples/zh/covariance/plot_sparse_cov.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/covariance/plot_sparse_cov.py -------------------------------------------------------------------------------- /examples/zh/cross_decomposition/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/cross_decomposition/README.txt -------------------------------------------------------------------------------- /examples/zh/datasets/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/datasets/README.txt -------------------------------------------------------------------------------- /examples/zh/datasets/plot_digits_last_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/datasets/plot_digits_last_image.py -------------------------------------------------------------------------------- /examples/zh/datasets/plot_iris_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/datasets/plot_iris_dataset.py -------------------------------------------------------------------------------- /examples/zh/datasets/plot_random_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/datasets/plot_random_dataset.py -------------------------------------------------------------------------------- /examples/zh/decomposition/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/README.txt -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_beta_divergence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_beta_divergence.py -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_ica_vs_pca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_ica_vs_pca.py -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_image_denoising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_image_denoising.py -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_incremental_pca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_incremental_pca.py -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_kernel_pca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_kernel_pca.py -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_pca_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_pca_3d.py -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_pca_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_pca_iris.py -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_pca_vs_lda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_pca_vs_lda.py -------------------------------------------------------------------------------- /examples/zh/decomposition/plot_sparse_coding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/decomposition/plot_sparse_coding.py -------------------------------------------------------------------------------- /examples/zh/ensemble/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/README.txt -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_adaboost_hastie_10_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_adaboost_hastie_10_2.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_adaboost_multiclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_adaboost_multiclass.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_adaboost_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_adaboost_regression.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_adaboost_twoclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_adaboost_twoclass.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_bias_variance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_bias_variance.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_ensemble_oob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_ensemble_oob.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_feature_transformation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_feature_transformation.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_forest_importances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_forest_importances.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_forest_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_forest_iris.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_gradient_boosting_oob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_gradient_boosting_oob.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_isolation_forest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_isolation_forest.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_partial_dependence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_partial_dependence.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_random_forest_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_random_forest_embedding.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_voting_decision_regions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_voting_decision_regions.py -------------------------------------------------------------------------------- /examples/zh/ensemble/plot_voting_probas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/ensemble/plot_voting_probas.py -------------------------------------------------------------------------------- /examples/zh/exercises/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/exercises/README.txt -------------------------------------------------------------------------------- /examples/zh/exercises/plot_cv_diabetes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/exercises/plot_cv_diabetes.py -------------------------------------------------------------------------------- /examples/zh/exercises/plot_cv_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/exercises/plot_cv_digits.py -------------------------------------------------------------------------------- /examples/zh/exercises/plot_iris_exercise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/exercises/plot_iris_exercise.py -------------------------------------------------------------------------------- /examples/zh/feature_selection/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/feature_selection/README.txt -------------------------------------------------------------------------------- /examples/zh/feature_selection/plot_f_test_vs_mi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/feature_selection/plot_f_test_vs_mi.py -------------------------------------------------------------------------------- /examples/zh/feature_selection/plot_rfe_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/feature_selection/plot_rfe_digits.py -------------------------------------------------------------------------------- /examples/zh/gaussian_process/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/gaussian_process/README.txt -------------------------------------------------------------------------------- /examples/zh/gaussian_process/plot_compare_gpr_krr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/gaussian_process/plot_compare_gpr_krr.py -------------------------------------------------------------------------------- /examples/zh/gaussian_process/plot_gpc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/gaussian_process/plot_gpc.py -------------------------------------------------------------------------------- /examples/zh/gaussian_process/plot_gpc_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/gaussian_process/plot_gpc_iris.py -------------------------------------------------------------------------------- /examples/zh/gaussian_process/plot_gpc_xor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/gaussian_process/plot_gpc_xor.py -------------------------------------------------------------------------------- /examples/zh/gaussian_process/plot_gpr_co2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/gaussian_process/plot_gpr_co2.py -------------------------------------------------------------------------------- /examples/zh/gaussian_process/plot_gpr_noisy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/gaussian_process/plot_gpr_noisy.py -------------------------------------------------------------------------------- /examples/zh/hetero_feature_union.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/hetero_feature_union.py -------------------------------------------------------------------------------- /examples/zh/linear_model/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/README.txt -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_ard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_ard.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_bayesian_ridge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_bayesian_ridge.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_huber_vs_ridge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_huber_vs_ridge.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_iris_logistic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_iris_logistic.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_lasso_lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_lasso_lars.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_logistic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_logistic.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_logistic_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_logistic_path.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_ols.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_ols.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_ols_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_ols_3d.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_ols_ridge_variance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_ols_ridge_variance.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_omp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_omp.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_ransac.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_ransac.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_ridge_coeffs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_ridge_coeffs.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_ridge_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_ridge_path.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_robust_fit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_robust_fit.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_sgd_comparison.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_sgd_comparison.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_sgd_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_sgd_iris.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_sgd_loss_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_sgd_loss_functions.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_sgd_penalties.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_sgd_penalties.py -------------------------------------------------------------------------------- /examples/zh/linear_model/plot_theilsen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/linear_model/plot_theilsen.py -------------------------------------------------------------------------------- /examples/zh/manifold/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/manifold/README.txt -------------------------------------------------------------------------------- /examples/zh/manifold/plot_compare_methods.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/manifold/plot_compare_methods.py -------------------------------------------------------------------------------- /examples/zh/manifold/plot_lle_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/manifold/plot_lle_digits.py -------------------------------------------------------------------------------- /examples/zh/manifold/plot_manifold_sphere.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/manifold/plot_manifold_sphere.py -------------------------------------------------------------------------------- /examples/zh/manifold/plot_mds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/manifold/plot_mds.py -------------------------------------------------------------------------------- /examples/zh/manifold/plot_swissroll.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/manifold/plot_swissroll.py -------------------------------------------------------------------------------- /examples/zh/manifold/plot_t_sne_perplexity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/manifold/plot_t_sne_perplexity.py -------------------------------------------------------------------------------- /examples/zh/mixture/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/mixture/README.txt -------------------------------------------------------------------------------- /examples/zh/mixture/plot_concentration_prior.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/mixture/plot_concentration_prior.py -------------------------------------------------------------------------------- /examples/zh/mixture/plot_gmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/mixture/plot_gmm.py -------------------------------------------------------------------------------- /examples/zh/mixture/plot_gmm_covariances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/mixture/plot_gmm_covariances.py -------------------------------------------------------------------------------- /examples/zh/mixture/plot_gmm_pdf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/mixture/plot_gmm_pdf.py -------------------------------------------------------------------------------- /examples/zh/mixture/plot_gmm_selection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/mixture/plot_gmm_selection.py -------------------------------------------------------------------------------- /examples/zh/mixture/plot_gmm_sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/mixture/plot_gmm_sin.py -------------------------------------------------------------------------------- /examples/zh/model_selection/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/model_selection/README.txt -------------------------------------------------------------------------------- /examples/zh/model_selection/plot_confusion_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/model_selection/plot_confusion_matrix.py -------------------------------------------------------------------------------- /examples/zh/model_selection/plot_learning_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/model_selection/plot_learning_curve.py -------------------------------------------------------------------------------- /examples/zh/model_selection/plot_precision_recall.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/model_selection/plot_precision_recall.py -------------------------------------------------------------------------------- /examples/zh/model_selection/plot_roc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/model_selection/plot_roc.py -------------------------------------------------------------------------------- /examples/zh/model_selection/plot_roc_crossval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/model_selection/plot_roc_crossval.py -------------------------------------------------------------------------------- /examples/zh/model_selection/plot_validation_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/model_selection/plot_validation_curve.py -------------------------------------------------------------------------------- /examples/zh/multioutput/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/multioutput/README.txt -------------------------------------------------------------------------------- /examples/zh/neighbors/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neighbors/README.txt -------------------------------------------------------------------------------- /examples/zh/neighbors/plot_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neighbors/plot_classification.py -------------------------------------------------------------------------------- /examples/zh/neighbors/plot_digits_kde_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neighbors/plot_digits_kde_sampling.py -------------------------------------------------------------------------------- /examples/zh/neighbors/plot_kde_1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neighbors/plot_kde_1d.py -------------------------------------------------------------------------------- /examples/zh/neighbors/plot_lof.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neighbors/plot_lof.py -------------------------------------------------------------------------------- /examples/zh/neighbors/plot_nearest_centroid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neighbors/plot_nearest_centroid.py -------------------------------------------------------------------------------- /examples/zh/neighbors/plot_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neighbors/plot_regression.py -------------------------------------------------------------------------------- /examples/zh/neighbors/plot_species_kde.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neighbors/plot_species_kde.py -------------------------------------------------------------------------------- /examples/zh/neural_networks/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neural_networks/README.txt -------------------------------------------------------------------------------- /examples/zh/neural_networks/plot_mlp_alpha.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neural_networks/plot_mlp_alpha.py -------------------------------------------------------------------------------- /examples/zh/neural_networks/plot_mnist_filters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/neural_networks/plot_mnist_filters.py -------------------------------------------------------------------------------- /examples/zh/plot_compare_reduction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_compare_reduction.py -------------------------------------------------------------------------------- /examples/zh/plot_cv_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_cv_predict.py -------------------------------------------------------------------------------- /examples/zh/plot_digits_pipe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_digits_pipe.py -------------------------------------------------------------------------------- /examples/zh/plot_feature_stacker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_feature_stacker.py -------------------------------------------------------------------------------- /examples/zh/plot_isotonic_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_isotonic_regression.py -------------------------------------------------------------------------------- /examples/zh/plot_johnson_lindenstrauss_bound.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_johnson_lindenstrauss_bound.py -------------------------------------------------------------------------------- /examples/zh/plot_kernel_approximation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_kernel_approximation.py -------------------------------------------------------------------------------- /examples/zh/plot_kernel_ridge_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_kernel_ridge_regression.py -------------------------------------------------------------------------------- /examples/zh/plot_missing_values.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_missing_values.py -------------------------------------------------------------------------------- /examples/zh/plot_multilabel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_multilabel.py -------------------------------------------------------------------------------- /examples/zh/plot_multioutput_face_completion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/plot_multioutput_face_completion.py -------------------------------------------------------------------------------- /examples/zh/preprocessing/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/preprocessing/README.txt -------------------------------------------------------------------------------- /examples/zh/preprocessing/plot_all_scaling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/preprocessing/plot_all_scaling.py -------------------------------------------------------------------------------- /examples/zh/preprocessing/plot_scaling_importance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/preprocessing/plot_scaling_importance.py -------------------------------------------------------------------------------- /examples/zh/semi_supervised/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/semi_supervised/README.txt -------------------------------------------------------------------------------- /examples/zh/svm/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/README.txt -------------------------------------------------------------------------------- /examples/zh/svm/plot_custom_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_custom_kernel.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_iris.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_oneclass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_oneclass.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_rbf_parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_rbf_parameters.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_separating_hyperplane.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_separating_hyperplane.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_svm_anova.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_svm_anova.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_svm_kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_svm_kernels.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_svm_margin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_svm_margin.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_svm_nonlinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_svm_nonlinear.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_svm_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_svm_regression.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_svm_scale_c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_svm_scale_c.py -------------------------------------------------------------------------------- /examples/zh/svm/plot_weighted_samples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/svm/plot_weighted_samples.py -------------------------------------------------------------------------------- /examples/zh/text/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/text/README.txt -------------------------------------------------------------------------------- /examples/zh/text/document_clustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/text/document_clustering.py -------------------------------------------------------------------------------- /examples/zh/text/hashing_vs_dict_vectorizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/text/hashing_vs_dict_vectorizer.py -------------------------------------------------------------------------------- /examples/zh/tree/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/tree/README.txt -------------------------------------------------------------------------------- /examples/zh/tree/plot_iris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/tree/plot_iris.py -------------------------------------------------------------------------------- /examples/zh/tree/plot_tree_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/tree/plot_tree_regression.py -------------------------------------------------------------------------------- /examples/zh/tree/plot_tree_regression_multioutput.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/tree/plot_tree_regression_multioutput.py -------------------------------------------------------------------------------- /examples/zh/tree/plot_unveil_tree_structure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/examples/zh/tree/plot_unveil_tree_structure.py -------------------------------------------------------------------------------- /flowchart/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/flowchart/README.md -------------------------------------------------------------------------------- /flowchart/images/classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/flowchart/images/classification.png -------------------------------------------------------------------------------- /flowchart/images/clustering.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/flowchart/images/clustering.png -------------------------------------------------------------------------------- /flowchart/images/dimensionalityReduce.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/flowchart/images/dimensionalityReduce.png -------------------------------------------------------------------------------- /flowchart/images/ml_map.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/flowchart/images/ml_map.png -------------------------------------------------------------------------------- /flowchart/images/regression.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/flowchart/images/regression.png -------------------------------------------------------------------------------- /flowchart/src/regression/SGDRegressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/flowchart/src/regression/SGDRegressor.py -------------------------------------------------------------------------------- /help/git-branch-usage.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/git-branch-usage.md -------------------------------------------------------------------------------- /help/img/git-branch_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_1.png -------------------------------------------------------------------------------- /help/img/git-branch_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_2.png -------------------------------------------------------------------------------- /help/img/git-branch_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_3.png -------------------------------------------------------------------------------- /help/img/git-branch_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_4.png -------------------------------------------------------------------------------- /help/img/git-branch_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_5.png -------------------------------------------------------------------------------- /help/img/git-branch_6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_6.png -------------------------------------------------------------------------------- /help/img/git-branch_7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_7.png -------------------------------------------------------------------------------- /help/img/git-branch_8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_8.png -------------------------------------------------------------------------------- /help/img/git-branch_9.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-branch_9.png -------------------------------------------------------------------------------- /help/img/git-cmd-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/git-cmd-1.png -------------------------------------------------------------------------------- /help/img/github-spark-zh-cn-new-pull-request-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/github-spark-zh-cn-new-pull-request-1.png -------------------------------------------------------------------------------- /help/img/github-spark-zh-cn-new-pull-request-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/github-spark-zh-cn-new-pull-request-2.png -------------------------------------------------------------------------------- /help/img/github-spark-zh-cn-new-pull-request-3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/github-spark-zh-cn-new-pull-request-3.png -------------------------------------------------------------------------------- /help/img/vscode-console-usage-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/vscode-console-usage-1.png -------------------------------------------------------------------------------- /help/img/vscode-editor-markdown-preview-usage-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/vscode-editor-markdown-preview-usage-1.png -------------------------------------------------------------------------------- /help/img/vscode-editor-preview-usage-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/vscode-editor-preview-usage-1.png -------------------------------------------------------------------------------- /help/img/vscode-editor-usage-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/vscode-editor-usage-1.png -------------------------------------------------------------------------------- /help/img/vscode-setting-markdown-preview-style-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/vscode-setting-markdown-preview-style-1.png -------------------------------------------------------------------------------- /help/img/vscode-setting-markdown-preview-style-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/vscode-setting-markdown-preview-style-2.png -------------------------------------------------------------------------------- /help/img/vscode-usage-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/img/vscode-usage-1.png -------------------------------------------------------------------------------- /help/vscode-markdown-preview-github-style.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/vscode-markdown-preview-github-style.md -------------------------------------------------------------------------------- /help/vscode-windows-usage.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/wizardforcel/scikit-learn-doc-zh/HEAD/help/vscode-windows-usage.md --------------------------------------------------------------------------------