Import scikit-learn_0.18.orig.tar.gz
authorYaroslav Halchenko <debian@onerussian.com>
Fri, 30 Sep 2016 01:29:45 +0000 (01:29 +0000)
committerYaroslav Halchenko <debian@onerussian.com>
Fri, 30 Sep 2016 01:29:45 +0000 (01:29 +0000)
commitbc123a260e2597bdf636c6db7513352805b953bf
tree572586c383961eeddb3f0138de91c0cd7b00509c
Import scikit-learn_0.18.orig.tar.gz

[dgit import orig scikit-learn_0.18.orig.tar.gz]
1043 files changed:
.coveragerc [new file with mode: 0644]
.gitattributes [new file with mode: 0644]
.gitignore [new file with mode: 0644]
.landscape.yml [new file with mode: 0644]
.mailmap [new file with mode: 0644]
.travis.yml [new file with mode: 0644]
AUTHORS.rst [new file with mode: 0644]
CONTRIBUTING.md [new file with mode: 0644]
COPYING [new file with mode: 0644]
ISSUE_TEMPLATE.md [new file with mode: 0644]
MANIFEST.in [new file with mode: 0644]
Makefile [new file with mode: 0644]
PULL_REQUEST_TEMPLATE.md [new file with mode: 0644]
README.rst [new file with mode: 0644]
appveyor.yml [new file with mode: 0644]
benchmarks/bench_20newsgroups.py [new file with mode: 0644]
benchmarks/bench_covertype.py [new file with mode: 0644]
benchmarks/bench_glm.py [new file with mode: 0644]
benchmarks/bench_glmnet.py [new file with mode: 0644]
benchmarks/bench_isolation_forest.py [new file with mode: 0644]
benchmarks/bench_isotonic.py [new file with mode: 0644]
benchmarks/bench_lasso.py [new file with mode: 0644]
benchmarks/bench_mnist.py [new file with mode: 0644]
benchmarks/bench_multilabel_metrics.py [new file with mode: 0755]
benchmarks/bench_plot_approximate_neighbors.py [new file with mode: 0644]
benchmarks/bench_plot_fastkmeans.py [new file with mode: 0644]
benchmarks/bench_plot_incremental_pca.py [new file with mode: 0644]
benchmarks/bench_plot_lasso_path.py [new file with mode: 0644]
benchmarks/bench_plot_neighbors.py [new file with mode: 0644]
benchmarks/bench_plot_nmf.py [new file with mode: 0644]
benchmarks/bench_plot_omp_lars.py [new file with mode: 0644]
benchmarks/bench_plot_parallel_pairwise.py [new file with mode: 0644]
benchmarks/bench_plot_randomized_svd.py [new file with mode: 0644]
benchmarks/bench_plot_svd.py [new file with mode: 0644]
benchmarks/bench_plot_ward.py [new file with mode: 0644]
benchmarks/bench_random_projections.py [new file with mode: 0644]
benchmarks/bench_rcv1_logreg_convergence.py [new file with mode: 0644]
benchmarks/bench_sample_without_replacement.py [new file with mode: 0644]
benchmarks/bench_sgd_regression.py [new file with mode: 0644]
benchmarks/bench_sparsify.py [new file with mode: 0644]
benchmarks/bench_tree.py [new file with mode: 0644]
build_tools/appveyor/install.ps1 [new file with mode: 0644]
build_tools/appveyor/requirements.txt [new file with mode: 0644]
build_tools/appveyor/run_with_env.cmd [new file with mode: 0644]
build_tools/circle/build_doc.sh [new file with mode: 0755]
build_tools/circle/check_build_doc.py [new file with mode: 0644]
build_tools/circle/push_doc.sh [new file with mode: 0755]
build_tools/cythonize.py [new file with mode: 0755]
build_tools/travis/after_success.sh [new file with mode: 0755]
build_tools/travis/flake8_diff.sh [new file with mode: 0755]
build_tools/travis/install.sh [new file with mode: 0755]
build_tools/travis/test_script.sh [new file with mode: 0755]
build_tools/windows/windows_testing_downloader.ps1 [new file with mode: 0644]
circle.yml [new file with mode: 0644]
doc/Makefile [new file with mode: 0644]
doc/README.md [new file with mode: 0644]
doc/about.rst [new file with mode: 0644]
doc/conf.py [new file with mode: 0644]
doc/data_transforms.rst [new file with mode: 0644]
doc/datasets/covtype.rst [new file with mode: 0644]
doc/datasets/index.rst [new file with mode: 0644]
doc/datasets/kddcup99.rst [new file with mode: 0644]
doc/datasets/labeled_faces.rst [new file with mode: 0644]
doc/datasets/labeled_faces_fixture.py [new file with mode: 0644]
doc/datasets/mldata.rst [new file with mode: 0644]
doc/datasets/mldata_fixture.py [new file with mode: 0644]
doc/datasets/olivetti_faces.rst [new file with mode: 0644]
doc/datasets/rcv1.rst [new file with mode: 0644]
doc/datasets/rcv1_fixture.py [new file with mode: 0644]
doc/datasets/twenty_newsgroups.rst [new file with mode: 0644]
doc/datasets/twenty_newsgroups_fixture.py [new file with mode: 0644]
doc/developers/advanced_installation.rst [new file with mode: 0644]
doc/developers/contributing.rst [new file with mode: 0644]
doc/developers/debugging.rst [new file with mode: 0644]
doc/developers/index.rst [new file with mode: 0644]
doc/developers/maintainer.rst [new file with mode: 0644]
doc/developers/performance.rst [new file with mode: 0644]
doc/developers/utilities.rst [new file with mode: 0644]
doc/documentation.rst [new file with mode: 0644]
doc/faq.rst [new file with mode: 0644]
doc/images/cds-logo.png [new file with mode: 0644]
doc/images/inria-logo.jpg [new file with mode: 0644]
doc/images/iris.pdf [new file with mode: 0644]
doc/images/iris.svg [new file with mode: 0644]
doc/images/last_digit.png [new file with mode: 0644]
doc/images/lda_model_graph.png [new file with mode: 0644]
doc/images/ml_map.png [new file with mode: 0644]
doc/images/multilayerperceptron_network.png [new file with mode: 0644]
doc/images/no_image.png [new file with mode: 0644]
doc/images/nyu_short_color.png [new file with mode: 0644]
doc/images/plot_digits_classification.png [new file with mode: 0644]
doc/images/plot_face_recognition_1.png [new file with mode: 0644]
doc/images/plot_face_recognition_2.png [new file with mode: 0644]
doc/images/rbm_graph.png [new file with mode: 0644]
doc/images/scikit-learn-logo-notext.png [new file with mode: 0644]
doc/includes/big_toc_css.rst [new file with mode: 0644]
doc/includes/bigger_toc_css.rst [new file with mode: 0644]
doc/index.rst [new file with mode: 0644]
doc/install.rst [new file with mode: 0644]
doc/logos/favicon.ico [new file with mode: 0755]
doc/logos/identity.pdf [new file with mode: 0755]
doc/logos/scikit-learn-logo-notext.png [new file with mode: 0644]
doc/logos/scikit-learn-logo-small.png [new file with mode: 0644]
doc/logos/scikit-learn-logo-thumb.png [new file with mode: 0644]
doc/logos/scikit-learn-logo.bmp [new file with mode: 0644]
doc/logos/scikit-learn-logo.png [new file with mode: 0644]
doc/logos/scikit-learn-logo.svg [new file with mode: 0644]
doc/make.bat [new file with mode: 0644]
doc/model_selection.rst [new file with mode: 0644]
doc/modules/biclustering.rst [new file with mode: 0644]
doc/modules/calibration.rst [new file with mode: 0644]
doc/modules/classes.rst [new file with mode: 0644]
doc/modules/clustering.rst [new file with mode: 0644]
doc/modules/computational_performance.rst [new file with mode: 0644]
doc/modules/covariance.rst [new file with mode: 0644]
doc/modules/cross_decomposition.rst [new file with mode: 0644]
doc/modules/cross_validation.rst [new file with mode: 0644]
doc/modules/decomposition.rst [new file with mode: 0644]
doc/modules/density.rst [new file with mode: 0644]
doc/modules/dp-derivation.rst [new file with mode: 0644]
doc/modules/ensemble.rst [new file with mode: 0644]
doc/modules/feature_extraction.rst [new file with mode: 0644]
doc/modules/feature_selection.rst [new file with mode: 0644]
doc/modules/gaussian_process.rst [new file with mode: 0644]
doc/modules/glm_data/lasso_enet_coordinate_descent.png [new file with mode: 0644]
doc/modules/grid_search.rst [new file with mode: 0644]
doc/modules/isotonic.rst [new file with mode: 0644]
doc/modules/kernel_approximation.rst [new file with mode: 0644]
doc/modules/kernel_ridge.rst [new file with mode: 0644]
doc/modules/label_propagation.rst [new file with mode: 0644]
doc/modules/lda_qda.rst [new file with mode: 0644]
doc/modules/learning_curve.rst [new file with mode: 0644]
doc/modules/linear_model.rst [new file with mode: 0644]
doc/modules/manifold.rst [new file with mode: 0644]
doc/modules/metrics.rst [new file with mode: 0644]
doc/modules/mixture.rst [new file with mode: 0644]
doc/modules/model_evaluation.rst [new file with mode: 0644]
doc/modules/model_persistence.rst [new file with mode: 0644]
doc/modules/multiclass.rst [new file with mode: 0644]
doc/modules/naive_bayes.rst [new file with mode: 0644]
doc/modules/neighbors.rst [new file with mode: 0644]
doc/modules/neural_networks_supervised.rst [new file with mode: 0644]
doc/modules/neural_networks_unsupervised.rst [new file with mode: 0644]
doc/modules/outlier_detection.rst [new file with mode: 0644]
doc/modules/pipeline.rst [new file with mode: 0644]
doc/modules/preprocessing.rst [new file with mode: 0644]
doc/modules/preprocessing_targets.rst [new file with mode: 0644]
doc/modules/random_projection.rst [new file with mode: 0644]
doc/modules/scaling_strategies.rst [new file with mode: 0644]
doc/modules/sgd.rst [new file with mode: 0644]
doc/modules/svm.rst [new file with mode: 0644]
doc/modules/tree.rst [new file with mode: 0644]
doc/modules/unsupervised_reduction.rst [new file with mode: 0644]
doc/preface.rst [new file with mode: 0644]
doc/presentations.rst [new file with mode: 0644]
doc/related_projects.rst [new file with mode: 0644]
doc/sphinxext/LICENSE.txt [new file with mode: 0644]
doc/sphinxext/MANIFEST.in [new file with mode: 0644]
doc/sphinxext/README.txt [new file with mode: 0644]
doc/sphinxext/github_link.py [new file with mode: 0644]
doc/sphinxext/numpy_ext/__init__.py [new file with mode: 0644]
doc/sphinxext/numpy_ext/docscrape.py [new file with mode: 0644]
doc/sphinxext/numpy_ext/docscrape_sphinx.py [new file with mode: 0644]
doc/sphinxext/numpy_ext/numpydoc.py [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/__init__.py [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/_static/broken_example.png [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/_static/gallery.css [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/_static/no_image.png [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/backreferences.py [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/docs_resolv.py [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/gen_gallery.py [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/gen_rst.py [new file with mode: 0644]
doc/sphinxext/sphinx_gallery/notebook.py [new file with mode: 0644]
doc/supervised_learning.rst [new file with mode: 0644]
doc/support.rst [new file with mode: 0644]
doc/templates/class.rst [new file with mode: 0644]
doc/templates/class_with_call.rst [new file with mode: 0644]
doc/templates/class_without_init.rst [new file with mode: 0644]
doc/templates/function.rst [new file with mode: 0644]
doc/testimonials/README.txt [new file with mode: 0644]
doc/testimonials/images/Makefile [new file with mode: 0644]
doc/testimonials/images/aweber.png [new file with mode: 0644]
doc/testimonials/images/bestofmedia-logo.png [new file with mode: 0644]
doc/testimonials/images/betaworks.png [new file with mode: 0644]
doc/testimonials/images/birchbox.jpg [new file with mode: 0644]
doc/testimonials/images/booking.png [new file with mode: 0644]
doc/testimonials/images/change-logo.png [new file with mode: 0644]
doc/testimonials/images/dataiku_logo.png [new file with mode: 0644]
doc/testimonials/images/datapublica.png [new file with mode: 0644]
doc/testimonials/images/datarobot.png [new file with mode: 0644]
doc/testimonials/images/evernote.png [new file with mode: 0644]
doc/testimonials/images/howaboutwe.png [new file with mode: 0644]
doc/testimonials/images/infonea.jpg [new file with mode: 0644]
doc/testimonials/images/inria.png [new file with mode: 0644]
doc/testimonials/images/lovely.png [new file with mode: 0644]
doc/testimonials/images/machinalis.png [new file with mode: 0644]
doc/testimonials/images/okcupid.png [new file with mode: 0644]
doc/testimonials/images/ottogroup_logo.png [new file with mode: 0644]
doc/testimonials/images/peerindex.png [new file with mode: 0644]
doc/testimonials/images/phimeca.png [new file with mode: 0644]
doc/testimonials/images/rangespan.png [new file with mode: 0644]
doc/testimonials/images/solido_logo.png [new file with mode: 0644]
doc/testimonials/images/spotify.png [new file with mode: 0644]
doc/testimonials/images/telecomparistech.jpg [new file with mode: 0644]
doc/testimonials/images/yhat.png [new file with mode: 0644]
doc/testimonials/testimonials.rst [new file with mode: 0644]
doc/themes/scikit-learn/layout.html [new file with mode: 0644]
doc/themes/scikit-learn/static/ML_MAPS_README.rst [new file with mode: 0644]
doc/themes/scikit-learn/static/css/bootstrap-responsive.css [new file with mode: 0644]
doc/themes/scikit-learn/static/css/bootstrap-responsive.min.css [new file with mode: 0644]
doc/themes/scikit-learn/static/css/bootstrap.css [new file with mode: 0644]
doc/themes/scikit-learn/static/css/bootstrap.min.css [new file with mode: 0644]
doc/themes/scikit-learn/static/css/examples.css [new file with mode: 0644]
doc/themes/scikit-learn/static/gallery.css [new file with mode: 0644]
doc/themes/scikit-learn/static/img/FNRS-logo.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/forkme.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/glyphicons-halflings-white.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/glyphicons-halflings.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/google.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/inria-small.jpg [new file with mode: 0644]
doc/themes/scikit-learn/static/img/inria-small.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/nyu_short_color.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/plot_classifier_comparison_1.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/plot_manifold_sphere_1.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/scikit-learn-logo-notext.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/scikit-learn-logo-small.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/scikit-learn-logo.png [new file with mode: 0644]
doc/themes/scikit-learn/static/img/scikit-learn-logo.svg [new file with mode: 0644]
doc/themes/scikit-learn/static/img/telecom.png [new file with mode: 0644]
doc/themes/scikit-learn/static/jquery.maphilight.js [new file with mode: 0644]
doc/themes/scikit-learn/static/js/bootstrap.js [new file with mode: 0644]
doc/themes/scikit-learn/static/js/copybutton.js [new file with mode: 0644]
doc/themes/scikit-learn/static/nature.css_t [new file with mode: 0644]
doc/themes/scikit-learn/theme.conf [new file with mode: 0644]
doc/tune_toc.rst [new file with mode: 0644]
doc/tutorial/basic/tutorial.rst [new file with mode: 0644]
doc/tutorial/common_includes/info.txt [new file with mode: 0644]
doc/tutorial/index.rst [new file with mode: 0644]
doc/tutorial/machine_learning_map/ML_MAPS_README.txt [new file with mode: 0644]
doc/tutorial/machine_learning_map/index.rst [new file with mode: 0644]
doc/tutorial/machine_learning_map/parse_path.py [new file with mode: 0644]
doc/tutorial/machine_learning_map/pyparsing.py [new file with mode: 0644]
doc/tutorial/machine_learning_map/svg2imagemap.py [new file with mode: 0644]
doc/tutorial/statistical_inference/finding_help.rst [new file with mode: 0644]
doc/tutorial/statistical_inference/index.rst [new file with mode: 0644]
doc/tutorial/statistical_inference/model_selection.rst [new file with mode: 0644]
doc/tutorial/statistical_inference/putting_together.rst [new file with mode: 0644]
doc/tutorial/statistical_inference/settings.rst [new file with mode: 0644]
doc/tutorial/statistical_inference/supervised_learning.rst [new file with mode: 0644]
doc/tutorial/statistical_inference/unsupervised_learning.rst [new file with mode: 0644]
doc/tutorial/statistical_inference/unsupervised_learning_fixture.py [new file with mode: 0644]
doc/tutorial/text_analytics/.gitignore [new file with mode: 0644]
doc/tutorial/text_analytics/data/languages/fetch_data.py [new file with mode: 0644]
doc/tutorial/text_analytics/data/movie_reviews/fetch_data.py [new file with mode: 0644]
doc/tutorial/text_analytics/data/twenty_newsgroups/fetch_data.py [new file with mode: 0644]
doc/tutorial/text_analytics/skeletons/exercise_01_language_train_model.py [new file with mode: 0644]
doc/tutorial/text_analytics/skeletons/exercise_02_sentiment.py [new file with mode: 0644]
doc/tutorial/text_analytics/solutions/exercise_01_language_train_model.py [new file with mode: 0644]
doc/tutorial/text_analytics/solutions/exercise_02_sentiment.py [new file with mode: 0644]
doc/tutorial/text_analytics/solutions/generate_skeletons.py [new file with mode: 0644]
doc/tutorial/text_analytics/working_with_text_data.rst [new file with mode: 0644]
doc/tutorial/text_analytics/working_with_text_data_fixture.py [new file with mode: 0644]
doc/unsupervised_learning.rst [new file with mode: 0644]
doc/user_guide.rst [new file with mode: 0644]
doc/whats_new.rst [new file with mode: 0644]
examples/README.txt [new file with mode: 0644]
examples/applications/README.txt [new file with mode: 0644]
examples/applications/face_recognition.py [new file with mode: 0644]
examples/applications/plot_model_complexity_influence.py [new file with mode: 0644]
examples/applications/plot_out_of_core_classification.py [new file with mode: 0644]
examples/applications/plot_outlier_detection_housing.py [new file with mode: 0644]
examples/applications/plot_prediction_latency.py [new file with mode: 0644]
examples/applications/plot_species_distribution_modeling.py [new file with mode: 0644]
examples/applications/plot_stock_market.py [new file with mode: 0644]
examples/applications/plot_tomography_l1_reconstruction.py [new file with mode: 0644]
examples/applications/svm_gui.py [new file with mode: 0644]
examples/applications/topics_extraction_with_nmf_lda.py [new file with mode: 0644]
examples/applications/wikipedia_principal_eigenvector.py [new file with mode: 0644]
examples/bicluster/README.txt [new file with mode: 0644]
examples/bicluster/bicluster_newsgroups.py [new file with mode: 0644]
examples/bicluster/plot_spectral_biclustering.py [new file with mode: 0644]
examples/bicluster/plot_spectral_coclustering.py [new file with mode: 0644]
examples/calibration/README.txt [new file with mode: 0644]
examples/calibration/plot_calibration.py [new file with mode: 0644]
examples/calibration/plot_calibration_curve.py [new file with mode: 0644]
examples/calibration/plot_calibration_multiclass.py [new file with mode: 0644]
examples/calibration/plot_compare_calibration.py [new file with mode: 0644]
examples/classification/README.txt [new file with mode: 0644]
examples/classification/plot_classification_probability.py [new file with mode: 0644]
examples/classification/plot_classifier_comparison.py [new file with mode: 0644]
examples/classification/plot_digits_classification.py [new file with mode: 0644]
examples/classification/plot_lda.py [new file with mode: 0644]
examples/classification/plot_lda_qda.py [new file with mode: 0644]
examples/cluster/README.txt [new file with mode: 0644]
examples/cluster/plot_adjusted_for_chance_measures.py [new file with mode: 0644]
examples/cluster/plot_affinity_propagation.py [new file with mode: 0644]
examples/cluster/plot_agglomerative_clustering.py [new file with mode: 0644]
examples/cluster/plot_agglomerative_clustering_metrics.py [new file with mode: 0644]
examples/cluster/plot_birch_vs_minibatchkmeans.py [new file with mode: 0644]
examples/cluster/plot_cluster_comparison.py [new file with mode: 0644]
examples/cluster/plot_cluster_iris.py [new file with mode: 0644]
examples/cluster/plot_color_quantization.py [new file with mode: 0644]
examples/cluster/plot_dbscan.py [new file with mode: 0644]
examples/cluster/plot_dict_face_patches.py [new file with mode: 0644]
examples/cluster/plot_digits_agglomeration.py [new file with mode: 0644]
examples/cluster/plot_digits_linkage.py [new file with mode: 0644]
examples/cluster/plot_face_compress.py [new file with mode: 0644]
examples/cluster/plot_face_segmentation.py [new file with mode: 0644]
examples/cluster/plot_face_ward_segmentation.py [new file with mode: 0644]
examples/cluster/plot_feature_agglomeration_vs_univariate_selection.py [new file with mode: 0644]
examples/cluster/plot_kmeans_assumptions.py [new file with mode: 0644]
examples/cluster/plot_kmeans_digits.py [new file with mode: 0644]
examples/cluster/plot_kmeans_silhouette_analysis.py [new file with mode: 0644]
examples/cluster/plot_kmeans_stability_low_dim_dense.py [new file with mode: 0644]
examples/cluster/plot_mean_shift.py [new file with mode: 0644]
examples/cluster/plot_mini_batch_kmeans.py [new file with mode: 0644]
examples/cluster/plot_segmentation_toy.py [new file with mode: 0644]
examples/cluster/plot_ward_structured_vs_unstructured.py [new file with mode: 0644]
examples/covariance/README.txt [new file with mode: 0644]
examples/covariance/plot_covariance_estimation.py [new file with mode: 0644]
examples/covariance/plot_lw_vs_oas.py [new file with mode: 0644]
examples/covariance/plot_mahalanobis_distances.py [new file with mode: 0644]
examples/covariance/plot_outlier_detection.py [new file with mode: 0644]
examples/covariance/plot_robust_vs_empirical_covariance.py [new file with mode: 0644]
examples/covariance/plot_sparse_cov.py [new file with mode: 0644]
examples/cross_decomposition/README.txt [new file with mode: 0644]
examples/cross_decomposition/plot_compare_cross_decomposition.py [new file with mode: 0644]
examples/datasets/README.txt [new file with mode: 0644]
examples/datasets/plot_digits_last_image.py [new file with mode: 0644]
examples/datasets/plot_iris_dataset.py [new file with mode: 0644]
examples/datasets/plot_random_dataset.py [new file with mode: 0644]
examples/datasets/plot_random_multilabel_dataset.py [new file with mode: 0644]
examples/decomposition/README.txt [new file with mode: 0644]
examples/decomposition/plot_faces_decomposition.py [new file with mode: 0644]
examples/decomposition/plot_ica_blind_source_separation.py [new file with mode: 0644]
examples/decomposition/plot_ica_vs_pca.py [new file with mode: 0644]
examples/decomposition/plot_image_denoising.py [new file with mode: 0644]
examples/decomposition/plot_incremental_pca.py [new file with mode: 0644]
examples/decomposition/plot_kernel_pca.py [new file with mode: 0644]
examples/decomposition/plot_pca_3d.py [new file with mode: 0644]
examples/decomposition/plot_pca_iris.py [new file with mode: 0644]
examples/decomposition/plot_pca_vs_fa_model_selection.py [new file with mode: 0644]
examples/decomposition/plot_pca_vs_lda.py [new file with mode: 0644]
examples/decomposition/plot_sparse_coding.py [new file with mode: 0644]
examples/ensemble/README.txt [new file with mode: 0644]
examples/ensemble/plot_adaboost_hastie_10_2.py [new file with mode: 0644]
examples/ensemble/plot_adaboost_multiclass.py [new file with mode: 0644]
examples/ensemble/plot_adaboost_regression.py [new file with mode: 0644]
examples/ensemble/plot_adaboost_twoclass.py [new file with mode: 0644]
examples/ensemble/plot_bias_variance.py [new file with mode: 0644]
examples/ensemble/plot_ensemble_oob.py [new file with mode: 0644]
examples/ensemble/plot_feature_transformation.py [new file with mode: 0644]
examples/ensemble/plot_forest_importances.py [new file with mode: 0644]
examples/ensemble/plot_forest_importances_faces.py [new file with mode: 0644]
examples/ensemble/plot_forest_iris.py [new file with mode: 0644]
examples/ensemble/plot_gradient_boosting_oob.py [new file with mode: 0644]
examples/ensemble/plot_gradient_boosting_quantile.py [new file with mode: 0644]
examples/ensemble/plot_gradient_boosting_regression.py [new file with mode: 0644]
examples/ensemble/plot_gradient_boosting_regularization.py [new file with mode: 0644]
examples/ensemble/plot_isolation_forest.py [new file with mode: 0644]
examples/ensemble/plot_partial_dependence.py [new file with mode: 0644]
examples/ensemble/plot_random_forest_embedding.py [new file with mode: 0644]
examples/ensemble/plot_random_forest_regression_multioutput.py [new file with mode: 0644]
examples/ensemble/plot_voting_decision_regions.py [new file with mode: 0644]
examples/ensemble/plot_voting_probas.py [new file with mode: 0644]
examples/exercises/README.txt [new file with mode: 0644]
examples/exercises/digits_classification_exercise.py [new file with mode: 0644]
examples/exercises/plot_cv_diabetes.py [new file with mode: 0644]
examples/exercises/plot_cv_digits.py [new file with mode: 0644]
examples/exercises/plot_iris_exercise.py [new file with mode: 0644]
examples/feature_selection/README.txt [new file with mode: 0644]
examples/feature_selection/feature_selection_pipeline.py [new file with mode: 0644]
examples/feature_selection/plot_f_test_vs_mi.py [new file with mode: 0644]
examples/feature_selection/plot_feature_selection.py [new file with mode: 0644]
examples/feature_selection/plot_permutation_test_for_classification.py [new file with mode: 0644]
examples/feature_selection/plot_rfe_digits.py [new file with mode: 0644]
examples/feature_selection/plot_rfe_with_cross_validation.py [new file with mode: 0644]
examples/feature_selection/plot_select_from_model_boston.py [new file with mode: 0644]
examples/feature_stacker.py [new file with mode: 0644]
examples/gaussian_process/README.txt [new file with mode: 0644]
examples/gaussian_process/plot_compare_gpr_krr.py [new file with mode: 0644]
examples/gaussian_process/plot_gpc.py [new file with mode: 0644]
examples/gaussian_process/plot_gpc_iris.py [new file with mode: 0644]
examples/gaussian_process/plot_gpc_isoprobability.py [new file with mode: 0644]
examples/gaussian_process/plot_gpc_xor.py [new file with mode: 0644]
examples/gaussian_process/plot_gpr_co2.py [new file with mode: 0644]
examples/gaussian_process/plot_gpr_noisy.py [new file with mode: 0644]
examples/gaussian_process/plot_gpr_noisy_targets.py [new file with mode: 0644]
examples/gaussian_process/plot_gpr_prior_posterior.py [new file with mode: 0644]
examples/hetero_feature_union.py [new file with mode: 0644]
examples/linear_model/README.txt [new file with mode: 0644]
examples/linear_model/lasso_dense_vs_sparse_data.py [new file with mode: 0644]
examples/linear_model/plot_ard.py [new file with mode: 0644]
examples/linear_model/plot_bayesian_ridge.py [new file with mode: 0644]
examples/linear_model/plot_huber_vs_ridge.py [new file with mode: 0644]
examples/linear_model/plot_iris_logistic.py [new file with mode: 0644]
examples/linear_model/plot_lasso_and_elasticnet.py [new file with mode: 0644]
examples/linear_model/plot_lasso_coordinate_descent_path.py [new file with mode: 0644]
examples/linear_model/plot_lasso_lars.py [new file with mode: 0644]
examples/linear_model/plot_lasso_model_selection.py [new file with mode: 0644]
examples/linear_model/plot_logistic.py [new file with mode: 0644]
examples/linear_model/plot_logistic_l1_l2_sparsity.py [new file with mode: 0644]
examples/linear_model/plot_logistic_multinomial.py [new file with mode: 0644]
examples/linear_model/plot_logistic_path.py [new file with mode: 0644]
examples/linear_model/plot_multi_task_lasso_support.py [new file with mode: 0644]
examples/linear_model/plot_ols.py [new file with mode: 0644]
examples/linear_model/plot_ols_3d.py [new file with mode: 0644]
examples/linear_model/plot_ols_ridge_variance.py [new file with mode: 0644]
examples/linear_model/plot_omp.py [new file with mode: 0644]
examples/linear_model/plot_polynomial_interpolation.py [new file with mode: 0644]
examples/linear_model/plot_ransac.py [new file with mode: 0644]
examples/linear_model/plot_ridge_coeffs.py [new file with mode: 0644]
examples/linear_model/plot_ridge_path.py [new file with mode: 0644]
examples/linear_model/plot_robust_fit.py [new file with mode: 0644]
examples/linear_model/plot_sgd_comparison.py [new file with mode: 0644]
examples/linear_model/plot_sgd_iris.py [new file with mode: 0644]
examples/linear_model/plot_sgd_loss_functions.py [new file with mode: 0644]
examples/linear_model/plot_sgd_penalties.py [new file with mode: 0644]
examples/linear_model/plot_sgd_separating_hyperplane.py [new file with mode: 0644]
examples/linear_model/plot_sgd_weighted_samples.py [new file with mode: 0644]
examples/linear_model/plot_sparse_recovery.py [new file with mode: 0644]
examples/linear_model/plot_theilsen.py [new file with mode: 0644]
examples/manifold/README.txt [new file with mode: 0644]
examples/manifold/plot_compare_methods.py [new file with mode: 0644]
examples/manifold/plot_lle_digits.py [new file with mode: 0644]
examples/manifold/plot_manifold_sphere.py [new file with mode: 0644]
examples/manifold/plot_mds.py [new file with mode: 0644]
examples/manifold/plot_swissroll.py [new file with mode: 0644]
examples/missing_values.py [new file with mode: 0644]
examples/mixture/README.txt [new file with mode: 0644]
examples/mixture/plot_concentration_prior.py [new file with mode: 0644]
examples/mixture/plot_gmm.py [new file with mode: 0644]
examples/mixture/plot_gmm_covariances.py [new file with mode: 0644]
examples/mixture/plot_gmm_pdf.py [new file with mode: 0644]
examples/mixture/plot_gmm_selection.py [new file with mode: 0644]
examples/mixture/plot_gmm_sin.py [new file with mode: 0644]
examples/model_selection/README.txt [new file with mode: 0644]
examples/model_selection/grid_search_digits.py [new file with mode: 0644]
examples/model_selection/grid_search_text_feature_extraction.py [new file with mode: 0644]
examples/model_selection/plot_confusion_matrix.py [new file with mode: 0644]
examples/model_selection/plot_learning_curve.py [new file with mode: 0644]
examples/model_selection/plot_nested_cross_validation_iris.py [new file with mode: 0644]
examples/model_selection/plot_precision_recall.py [new file with mode: 0644]
examples/model_selection/plot_roc.py [new file with mode: 0644]
examples/model_selection/plot_roc_crossval.py [new file with mode: 0644]
examples/model_selection/plot_train_error_vs_test_error.py [new file with mode: 0644]
examples/model_selection/plot_underfitting_overfitting.py [new file with mode: 0644]
examples/model_selection/plot_validation_curve.py [new file with mode: 0644]
examples/model_selection/randomized_search.py [new file with mode: 0644]
examples/neighbors/README.txt [new file with mode: 0644]
examples/neighbors/plot_approximate_nearest_neighbors_hyperparameters.py [new file with mode: 0644]
examples/neighbors/plot_approximate_nearest_neighbors_scalability.py [new file with mode: 0644]
examples/neighbors/plot_classification.py [new file with mode: 0644]
examples/neighbors/plot_digits_kde_sampling.py [new file with mode: 0644]
examples/neighbors/plot_kde_1d.py [new file with mode: 0644]
examples/neighbors/plot_nearest_centroid.py [new file with mode: 0644]
examples/neighbors/plot_regression.py [new file with mode: 0644]
examples/neighbors/plot_species_kde.py [new file with mode: 0644]
examples/neural_networks/README.txt [new file with mode: 0644]
examples/neural_networks/plot_mlp_alpha.py [new file with mode: 0644]
examples/neural_networks/plot_mlp_training_curves.py [new file with mode: 0644]
examples/neural_networks/plot_mnist_filters.py [new file with mode: 0644]
examples/neural_networks/plot_rbm_logistic_classification.py [new file with mode: 0644]
examples/plot_compare_reduction.py [new file with mode: 0644]
examples/plot_cv_predict.py [new file with mode: 0644]
examples/plot_digits_pipe.py [new file with mode: 0644]
examples/plot_isotonic_regression.py [new file with mode: 0644]
examples/plot_johnson_lindenstrauss_bound.py [new file with mode: 0644]
examples/plot_kernel_approximation.py [new file with mode: 0644]
examples/plot_kernel_ridge_regression.py [new file with mode: 0644]
examples/plot_multilabel.py [new file with mode: 0644]
examples/plot_multioutput_face_completion.py [new file with mode: 0644]
examples/preprocessing/README.txt [new file with mode: 0644]
examples/preprocessing/plot_function_transformer.py [new file with mode: 0644]
examples/preprocessing/plot_robust_scaling.py [new file with mode: 0644]
examples/semi_supervised/README.txt [new file with mode: 0644]
examples/semi_supervised/plot_label_propagation_digits.py [new file with mode: 0644]
examples/semi_supervised/plot_label_propagation_digits_active_learning.py [new file with mode: 0644]
examples/semi_supervised/plot_label_propagation_structure.py [new file with mode: 0644]
examples/semi_supervised/plot_label_propagation_versus_svm_iris.py [new file with mode: 0644]
examples/svm/README.txt [new file with mode: 0644]
examples/svm/plot_custom_kernel.py [new file with mode: 0644]
examples/svm/plot_iris.py [new file with mode: 0644]
examples/svm/plot_oneclass.py [new file with mode: 0644]
examples/svm/plot_rbf_parameters.py [new file with mode: 0644]
examples/svm/plot_separating_hyperplane.py [new file with mode: 0644]
examples/svm/plot_separating_hyperplane_unbalanced.py [new file with mode: 0644]
examples/svm/plot_svm_anova.py [new file with mode: 0644]
examples/svm/plot_svm_kernels.py [new file with mode: 0644]
examples/svm/plot_svm_margin.py [new file with mode: 0644]
examples/svm/plot_svm_nonlinear.py [new file with mode: 0644]
examples/svm/plot_svm_regression.py [new file with mode: 0644]
examples/svm/plot_svm_scale_c.py [new file with mode: 0644]
examples/svm/plot_weighted_samples.py [new file with mode: 0644]
examples/text/README.txt [new file with mode: 0644]
examples/text/document_classification_20newsgroups.py [new file with mode: 0644]
examples/text/document_clustering.py [new file with mode: 0644]
examples/text/hashing_vs_dict_vectorizer.py [new file with mode: 0644]
examples/text/mlcomp_sparse_document_classification.py [new file with mode: 0644]
examples/tree/README.txt [new file with mode: 0644]
examples/tree/plot_iris.py [new file with mode: 0644]
examples/tree/plot_tree_regression.py [new file with mode: 0644]
examples/tree/plot_tree_regression_multioutput.py [new file with mode: 0644]
examples/tree/plot_unveil_tree_structure.py [new file with mode: 0644]
setup.cfg [new file with mode: 0644]
setup.py [new file with mode: 0755]
setup32.cfg [new file with mode: 0644]
site.cfg [new file with mode: 0644]
sklearn/__check_build/__init__.py [new file with mode: 0644]
sklearn/__check_build/_check_build.pyx [new file with mode: 0644]
sklearn/__check_build/setup.py [new file with mode: 0644]
sklearn/__init__.py [new file with mode: 0644]
sklearn/_build_utils/__init__.py [new file with mode: 0644]
sklearn/_isotonic.pyx [new file with mode: 0644]
sklearn/base.py [new file with mode: 0644]
sklearn/calibration.py [new file with mode: 0644]
sklearn/cluster/__init__.py [new file with mode: 0644]
sklearn/cluster/_dbscan_inner.pyx [new file with mode: 0644]
sklearn/cluster/_feature_agglomeration.py [new file with mode: 0644]
sklearn/cluster/_hierarchical.pyx [new file with mode: 0644]
sklearn/cluster/_k_means.pyx [new file with mode: 0644]
sklearn/cluster/_k_means_elkan.pyx [new file with mode: 0644]
sklearn/cluster/affinity_propagation_.py [new file with mode: 0644]
sklearn/cluster/bicluster.py [new file with mode: 0644]
sklearn/cluster/birch.py [new file with mode: 0644]
sklearn/cluster/dbscan_.py [new file with mode: 0644]
sklearn/cluster/hierarchical.py [new file with mode: 0644]
sklearn/cluster/k_means_.py [new file with mode: 0644]
sklearn/cluster/mean_shift_.py [new file with mode: 0644]
sklearn/cluster/setup.py [new file with mode: 0644]
sklearn/cluster/spectral.py [new file with mode: 0644]
sklearn/cluster/tests/__init__.py [new file with mode: 0644]
sklearn/cluster/tests/common.py [new file with mode: 0644]
sklearn/cluster/tests/test_affinity_propagation.py [new file with mode: 0644]
sklearn/cluster/tests/test_bicluster.py [new file with mode: 0644]
sklearn/cluster/tests/test_birch.py [new file with mode: 0644]
sklearn/cluster/tests/test_dbscan.py [new file with mode: 0644]
sklearn/cluster/tests/test_hierarchical.py [new file with mode: 0644]
sklearn/cluster/tests/test_k_means.py [new file with mode: 0644]
sklearn/cluster/tests/test_mean_shift.py [new file with mode: 0644]
sklearn/cluster/tests/test_spectral.py [new file with mode: 0644]
sklearn/covariance/__init__.py [new file with mode: 0644]
sklearn/covariance/empirical_covariance_.py [new file with mode: 0644]
sklearn/covariance/graph_lasso_.py [new file with mode: 0644]
sklearn/covariance/outlier_detection.py [new file with mode: 0644]
sklearn/covariance/robust_covariance.py [new file with mode: 0644]
sklearn/covariance/shrunk_covariance_.py [new file with mode: 0644]
sklearn/covariance/tests/__init__.py [new file with mode: 0644]
sklearn/covariance/tests/test_covariance.py [new file with mode: 0644]
sklearn/covariance/tests/test_graph_lasso.py [new file with mode: 0644]
sklearn/covariance/tests/test_robust_covariance.py [new file with mode: 0644]
sklearn/cross_decomposition/__init__.py [new file with mode: 0644]
sklearn/cross_decomposition/cca_.py [new file with mode: 0644]
sklearn/cross_decomposition/pls_.py [new file with mode: 0644]
sklearn/cross_decomposition/tests/__init__.py [new file with mode: 0644]
sklearn/cross_decomposition/tests/test_pls.py [new file with mode: 0644]
sklearn/cross_validation.py [new file with mode: 0644]
sklearn/datasets/__init__.py [new file with mode: 0644]
sklearn/datasets/_svmlight_format.pyx [new file with mode: 0644]
sklearn/datasets/base.py [new file with mode: 0644]
sklearn/datasets/california_housing.py [new file with mode: 0644]
sklearn/datasets/covtype.py [new file with mode: 0644]
sklearn/datasets/data/boston_house_prices.csv [new file with mode: 0644]
sklearn/datasets/data/breast_cancer.csv [new file with mode: 0644]
sklearn/datasets/data/diabetes_data.csv.gz [new file with mode: 0644]
sklearn/datasets/data/diabetes_target.csv.gz [new file with mode: 0644]
sklearn/datasets/data/digits.csv.gz [new file with mode: 0644]
sklearn/datasets/data/iris.csv [new file with mode: 0644]
sklearn/datasets/data/linnerud_exercise.csv [new file with mode: 0644]
sklearn/datasets/data/linnerud_physiological.csv [new file with mode: 0644]
sklearn/datasets/descr/boston_house_prices.rst [new file with mode: 0644]
sklearn/datasets/descr/breast_cancer.rst [new file with mode: 0644]
sklearn/datasets/descr/diabetes.rst [new file with mode: 0644]
sklearn/datasets/descr/digits.rst [new file with mode: 0644]
sklearn/datasets/descr/iris.rst [new file with mode: 0644]
sklearn/datasets/descr/linnerud.rst [new file with mode: 0644]
sklearn/datasets/images/README.txt [new file with mode: 0644]
sklearn/datasets/images/china.jpg [new file with mode: 0644]
sklearn/datasets/images/flower.jpg [new file with mode: 0644]
sklearn/datasets/kddcup99.py [new file with mode: 0644]
sklearn/datasets/lfw.py [new file with mode: 0644]
sklearn/datasets/mlcomp.py [new file with mode: 0644]
sklearn/datasets/mldata.py [new file with mode: 0644]
sklearn/datasets/olivetti_faces.py [new file with mode: 0644]
sklearn/datasets/rcv1.py [new file with mode: 0644]
sklearn/datasets/samples_generator.py [new file with mode: 0644]
sklearn/datasets/setup.py [new file with mode: 0644]
sklearn/datasets/species_distributions.py [new file with mode: 0644]
sklearn/datasets/svmlight_format.py [new file with mode: 0644]
sklearn/datasets/tests/__init__.py [new file with mode: 0644]
sklearn/datasets/tests/data/svmlight_classification.txt [new file with mode: 0644]
sklearn/datasets/tests/data/svmlight_invalid.txt [new file with mode: 0644]
sklearn/datasets/tests/data/svmlight_invalid_order.txt [new file with mode: 0644]
sklearn/datasets/tests/data/svmlight_multilabel.txt [new file with mode: 0644]
sklearn/datasets/tests/test_20news.py [new file with mode: 0644]
sklearn/datasets/tests/test_base.py [new file with mode: 0644]
sklearn/datasets/tests/test_covtype.py [new file with mode: 0644]
sklearn/datasets/tests/test_kddcup99.py [new file with mode: 0644]
sklearn/datasets/tests/test_lfw.py [new file with mode: 0644]
sklearn/datasets/tests/test_mldata.py [new file with mode: 0644]
sklearn/datasets/tests/test_rcv1.py [new file with mode: 0644]
sklearn/datasets/tests/test_samples_generator.py [new file with mode: 0644]
sklearn/datasets/tests/test_svmlight_format.py [new file with mode: 0644]
sklearn/datasets/twenty_newsgroups.py [new file with mode: 0644]
sklearn/decomposition/__init__.py [new file with mode: 0644]
sklearn/decomposition/_online_lda.pyx [new file with mode: 0644]
sklearn/decomposition/base.py [new file with mode: 0644]
sklearn/decomposition/cdnmf_fast.pyx [new file with mode: 0644]
sklearn/decomposition/dict_learning.py [new file with mode: 0644]
sklearn/decomposition/factor_analysis.py [new file with mode: 0644]
sklearn/decomposition/fastica_.py [new file with mode: 0644]
sklearn/decomposition/incremental_pca.py [new file with mode: 0644]
sklearn/decomposition/kernel_pca.py [new file with mode: 0644]
sklearn/decomposition/nmf.py [new file with mode: 0644]
sklearn/decomposition/online_lda.py [new file with mode: 0644]
sklearn/decomposition/pca.py [new file with mode: 0644]
sklearn/decomposition/setup.py [new file with mode: 0644]
sklearn/decomposition/sparse_pca.py [new file with mode: 0644]
sklearn/decomposition/tests/__init__.py [new file with mode: 0644]
sklearn/decomposition/tests/test_dict_learning.py [new file with mode: 0644]
sklearn/decomposition/tests/test_factor_analysis.py [new file with mode: 0644]
sklearn/decomposition/tests/test_fastica.py [new file with mode: 0644]
sklearn/decomposition/tests/test_incremental_pca.py [new file with mode: 0644]
sklearn/decomposition/tests/test_kernel_pca.py [new file with mode: 0644]
sklearn/decomposition/tests/test_nmf.py [new file with mode: 0644]
sklearn/decomposition/tests/test_online_lda.py [new file with mode: 0644]
sklearn/decomposition/tests/test_pca.py [new file with mode: 0644]
sklearn/decomposition/tests/test_sparse_pca.py [new file with mode: 0644]
sklearn/decomposition/tests/test_truncated_svd.py [new file with mode: 0644]
sklearn/decomposition/truncated_svd.py [new file with mode: 0644]
sklearn/discriminant_analysis.py [new file with mode: 0644]
sklearn/dummy.py [new file with mode: 0644]
sklearn/ensemble/__init__.py [new file with mode: 0644]
sklearn/ensemble/_gradient_boosting.pyx [new file with mode: 0644]
sklearn/ensemble/bagging.py [new file with mode: 0644]
sklearn/ensemble/base.py [new file with mode: 0644]
sklearn/ensemble/forest.py [new file with mode: 0644]
sklearn/ensemble/gradient_boosting.py [new file with mode: 0644]
sklearn/ensemble/iforest.py [new file with mode: 0644]
sklearn/ensemble/partial_dependence.py [new file with mode: 0644]
sklearn/ensemble/setup.py [new file with mode: 0644]
sklearn/ensemble/tests/__init__.py [new file with mode: 0644]
sklearn/ensemble/tests/test_bagging.py [new file with mode: 0644]
sklearn/ensemble/tests/test_base.py [new file with mode: 0644]
sklearn/ensemble/tests/test_forest.py [new file with mode: 0644]
sklearn/ensemble/tests/test_gradient_boosting.py [new file with mode: 0644]
sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py [new file with mode: 0644]
sklearn/ensemble/tests/test_iforest.py [new file with mode: 0644]
sklearn/ensemble/tests/test_partial_dependence.py [new file with mode: 0644]
sklearn/ensemble/tests/test_voting_classifier.py [new file with mode: 0644]
sklearn/ensemble/tests/test_weight_boosting.py [new file with mode: 0755]
sklearn/ensemble/voting_classifier.py [new file with mode: 0644]
sklearn/ensemble/weight_boosting.py [new file with mode: 0644]
sklearn/exceptions.py [new file with mode: 0644]
sklearn/externals/README [new file with mode: 0644]
sklearn/externals/__init__.py [new file with mode: 0644]
sklearn/externals/copy_joblib.sh [new file with mode: 0755]
sklearn/externals/funcsigs.py [new file with mode: 0644]
sklearn/externals/odict.py [new file with mode: 0644]
sklearn/externals/setup.py [new file with mode: 0644]
sklearn/externals/six.py [new file with mode: 0644]
sklearn/externals/test_externals_setup.py [new file with mode: 0644]
sklearn/feature_extraction/__init__.py [new file with mode: 0644]
sklearn/feature_extraction/_hashing.pyx [new file with mode: 0644]
sklearn/feature_extraction/dict_vectorizer.py [new file with mode: 0644]
sklearn/feature_extraction/hashing.py [new file with mode: 0644]
sklearn/feature_extraction/image.py [new file with mode: 0644]
sklearn/feature_extraction/setup.py [new file with mode: 0644]
sklearn/feature_extraction/stop_words.py [new file with mode: 0644]
sklearn/feature_extraction/tests/__init__.py [new file with mode: 0644]
sklearn/feature_extraction/tests/test_dict_vectorizer.py [new file with mode: 0644]
sklearn/feature_extraction/tests/test_feature_hasher.py [new file with mode: 0644]
sklearn/feature_extraction/tests/test_image.py [new file with mode: 0644]
sklearn/feature_extraction/tests/test_text.py [new file with mode: 0644]
sklearn/feature_extraction/text.py [new file with mode: 0644]
sklearn/feature_selection/__init__.py [new file with mode: 0644]
sklearn/feature_selection/base.py [new file with mode: 0644]
sklearn/feature_selection/from_model.py [new file with mode: 0644]
sklearn/feature_selection/mutual_info_.py [new file with mode: 0644]
sklearn/feature_selection/rfe.py [new file with mode: 0644]
sklearn/feature_selection/tests/__init__.py [new file with mode: 0644]
sklearn/feature_selection/tests/test_base.py [new file with mode: 0644]
sklearn/feature_selection/tests/test_chi2.py [new file with mode: 0644]
sklearn/feature_selection/tests/test_feature_select.py [new file with mode: 0644]
sklearn/feature_selection/tests/test_from_model.py [new file with mode: 0644]
sklearn/feature_selection/tests/test_mutual_info.py [new file with mode: 0644]
sklearn/feature_selection/tests/test_rfe.py [new file with mode: 0644]
sklearn/feature_selection/tests/test_variance_threshold.py [new file with mode: 0644]
sklearn/feature_selection/univariate_selection.py [new file with mode: 0644]
sklearn/feature_selection/variance_threshold.py [new file with mode: 0644]
sklearn/gaussian_process/__init__.py [new file with mode: 0644]
sklearn/gaussian_process/correlation_models.py [new file with mode: 0644]
sklearn/gaussian_process/gaussian_process.py [new file with mode: 0644]
sklearn/gaussian_process/gpc.py [new file with mode: 0644]
sklearn/gaussian_process/gpr.py [new file with mode: 0644]
sklearn/gaussian_process/kernels.py [new file with mode: 0644]
sklearn/gaussian_process/regression_models.py [new file with mode: 0644]
sklearn/gaussian_process/tests/__init__.py [new file with mode: 0644]
sklearn/gaussian_process/tests/test_gaussian_process.py [new file with mode: 0644]
sklearn/gaussian_process/tests/test_gpc.py [new file with mode: 0644]
sklearn/gaussian_process/tests/test_gpr.py [new file with mode: 0644]
sklearn/gaussian_process/tests/test_kernels.py [new file with mode: 0644]
sklearn/grid_search.py [new file with mode: 0644]
sklearn/isotonic.py [new file with mode: 0644]
sklearn/kernel_approximation.py [new file with mode: 0644]
sklearn/kernel_ridge.py [new file with mode: 0644]
sklearn/lda.py [new file with mode: 0644]
sklearn/learning_curve.py [new file with mode: 0644]
sklearn/linear_model/__init__.py [new file with mode: 0644]
sklearn/linear_model/base.py [new file with mode: 0644]
sklearn/linear_model/bayes.py [new file with mode: 0644]
sklearn/linear_model/cd_fast.pyx [new file with mode: 0644]
sklearn/linear_model/coordinate_descent.py [new file with mode: 0644]
sklearn/linear_model/huber.py [new file with mode: 0644]
sklearn/linear_model/least_angle.py [new file with mode: 0644]
sklearn/linear_model/logistic.py [new file with mode: 0644]
sklearn/linear_model/omp.py [new file with mode: 0644]
sklearn/linear_model/passive_aggressive.py [new file with mode: 0644]
sklearn/linear_model/perceptron.py [new file with mode: 0644]
sklearn/linear_model/randomized_l1.py [new file with mode: 0644]
sklearn/linear_model/ransac.py [new file with mode: 0644]
sklearn/linear_model/ridge.py [new file with mode: 0644]
sklearn/linear_model/sag.py [new file with mode: 0644]
sklearn/linear_model/sag_fast.pyx [new file with mode: 0644]
sklearn/linear_model/setup.py [new file with mode: 0644]
sklearn/linear_model/sgd_fast.pxd [new file with mode: 0644]
sklearn/linear_model/sgd_fast.pyx [new file with mode: 0644]
sklearn/linear_model/sgd_fast_helpers.h [new file with mode: 0644]
sklearn/linear_model/stochastic_gradient.py [new file with mode: 0644]
sklearn/linear_model/tests/__init__.py [new file with mode: 0644]
sklearn/linear_model/tests/test_base.py [new file with mode: 0644]
sklearn/linear_model/tests/test_bayes.py [new file with mode: 0644]
sklearn/linear_model/tests/test_coordinate_descent.py [new file with mode: 0644]
sklearn/linear_model/tests/test_huber.py [new file with mode: 0644]
sklearn/linear_model/tests/test_least_angle.py [new file with mode: 0644]
sklearn/linear_model/tests/test_logistic.py [new file with mode: 0644]
sklearn/linear_model/tests/test_omp.py [new file with mode: 0644]
sklearn/linear_model/tests/test_passive_aggressive.py [new file with mode: 0644]
sklearn/linear_model/tests/test_perceptron.py [new file with mode: 0644]
sklearn/linear_model/tests/test_randomized_l1.py [new file with mode: 0644]
sklearn/linear_model/tests/test_ransac.py [new file with mode: 0644]
sklearn/linear_model/tests/test_ridge.py [new file with mode: 0644]
sklearn/linear_model/tests/test_sag.py [new file with mode: 0644]
sklearn/linear_model/tests/test_sgd.py [new file with mode: 0644]
sklearn/linear_model/tests/test_sparse_coordinate_descent.py [new file with mode: 0644]
sklearn/linear_model/tests/test_theil_sen.py [new file with mode: 0644]
sklearn/linear_model/theil_sen.py [new file with mode: 0644]
sklearn/manifold/__init__.py [new file with mode: 0644]
sklearn/manifold/_barnes_hut_tsne.pyx [new file with mode: 0644]
sklearn/manifold/_utils.pyx [new file with mode: 0644]
sklearn/manifold/isomap.py [new file with mode: 0644]
sklearn/manifold/locally_linear.py [new file with mode: 0644]
sklearn/manifold/mds.py [new file with mode: 0644]
sklearn/manifold/setup.py [new file with mode: 0644]
sklearn/manifold/spectral_embedding_.py [new file with mode: 0644]
sklearn/manifold/t_sne.py [new file with mode: 0644]
sklearn/manifold/tests/__init__.py [new file with mode: 0644]
sklearn/manifold/tests/test_isomap.py [new file with mode: 0644]
sklearn/manifold/tests/test_locally_linear.py [new file with mode: 0644]
sklearn/manifold/tests/test_mds.py [new file with mode: 0644]
sklearn/manifold/tests/test_spectral_embedding.py [new file with mode: 0644]
sklearn/manifold/tests/test_t_sne.py [new file with mode: 0644]
sklearn/metrics/__init__.py [new file with mode: 0644]
sklearn/metrics/base.py [new file with mode: 0644]
sklearn/metrics/classification.py [new file with mode: 0644]
sklearn/metrics/cluster/__init__.py [new file with mode: 0644]
sklearn/metrics/cluster/bicluster.py [new file with mode: 0644]
sklearn/metrics/cluster/expected_mutual_info_fast.pyx [new file with mode: 0644]
sklearn/metrics/cluster/setup.py [new file with mode: 0644]
sklearn/metrics/cluster/supervised.py [new file with mode: 0644]
sklearn/metrics/cluster/tests/__init__.py [new file with mode: 0644]
sklearn/metrics/cluster/tests/test_bicluster.py [new file with mode: 0644]
sklearn/metrics/cluster/tests/test_supervised.py [new file with mode: 0644]
sklearn/metrics/cluster/tests/test_unsupervised.py [new file with mode: 0644]
sklearn/metrics/cluster/unsupervised.py [new file with mode: 0644]
sklearn/metrics/pairwise.py [new file with mode: 0644]
sklearn/metrics/pairwise_fast.pyx [new file with mode: 0644]
sklearn/metrics/ranking.py [new file with mode: 0644]
sklearn/metrics/regression.py [new file with mode: 0644]
sklearn/metrics/scorer.py [new file with mode: 0644]
sklearn/metrics/setup.py [new file with mode: 0644]
sklearn/metrics/tests/__init__.py [new file with mode: 0644]
sklearn/metrics/tests/test_classification.py [new file with mode: 0644]
sklearn/metrics/tests/test_common.py [new file with mode: 0644]
sklearn/metrics/tests/test_pairwise.py [new file with mode: 0644]
sklearn/metrics/tests/test_ranking.py [new file with mode: 0644]
sklearn/metrics/tests/test_regression.py [new file with mode: 0644]
sklearn/metrics/tests/test_score_objects.py [new file with mode: 0644]
sklearn/mixture/__init__.py [new file with mode: 0644]
sklearn/mixture/base.py [new file with mode: 0644]
sklearn/mixture/bayesian_mixture.py [new file with mode: 0644]
sklearn/mixture/dpgmm.py [new file with mode: 0644]
sklearn/mixture/gaussian_mixture.py [new file with mode: 0644]
sklearn/mixture/gmm.py [new file with mode: 0644]
sklearn/mixture/tests/__init__.py [new file with mode: 0644]
sklearn/mixture/tests/test_bayesian_mixture.py [new file with mode: 0644]
sklearn/mixture/tests/test_dpgmm.py [new file with mode: 0644]
sklearn/mixture/tests/test_gaussian_mixture.py [new file with mode: 0644]
sklearn/mixture/tests/test_gmm.py [new file with mode: 0644]
sklearn/model_selection/__init__.py [new file with mode: 0644]
sklearn/model_selection/_search.py [new file with mode: 0644]
sklearn/model_selection/_split.py [new file with mode: 0644]
sklearn/model_selection/_validation.py [new file with mode: 0644]
sklearn/model_selection/tests/__init__.py [new file with mode: 0644]
sklearn/model_selection/tests/test_search.py [new file with mode: 0644]
sklearn/model_selection/tests/test_split.py [new file with mode: 0644]
sklearn/model_selection/tests/test_validation.py [new file with mode: 0644]
sklearn/multiclass.py [new file with mode: 0644]
sklearn/multioutput.py [new file with mode: 0644]
sklearn/naive_bayes.py [new file with mode: 0644]
sklearn/neighbors/__init__.py [new file with mode: 0644]
sklearn/neighbors/approximate.py [new file with mode: 0644]
sklearn/neighbors/ball_tree.pyx [new file with mode: 0644]
sklearn/neighbors/base.py [new file with mode: 0644]
sklearn/neighbors/binary_tree.pxi [new file with mode: 0755]
sklearn/neighbors/classification.py [new file with mode: 0644]
sklearn/neighbors/dist_metrics.pxd [new file with mode: 0644]
sklearn/neighbors/dist_metrics.pyx [new file with mode: 0644]
sklearn/neighbors/graph.py [new file with mode: 0644]
sklearn/neighbors/kd_tree.pyx [new file with mode: 0644]
sklearn/neighbors/kde.py [new file with mode: 0644]
sklearn/neighbors/nearest_centroid.py [new file with mode: 0644]
sklearn/neighbors/regression.py [new file with mode: 0644]
sklearn/neighbors/setup.py [new file with mode: 0644]
sklearn/neighbors/tests/__init__.py [new file with mode: 0644]
sklearn/neighbors/tests/test_approximate.py [new file with mode: 0644]
sklearn/neighbors/tests/test_ball_tree.py [new file with mode: 0644]
sklearn/neighbors/tests/test_dist_metrics.py [new file with mode: 0644]
sklearn/neighbors/tests/test_kd_tree.py [new file with mode: 0644]
sklearn/neighbors/tests/test_kde.py [new file with mode: 0644]
sklearn/neighbors/tests/test_nearest_centroid.py [new file with mode: 0644]
sklearn/neighbors/tests/test_neighbors.py [new file with mode: 0644]
sklearn/neighbors/typedefs.pxd [new file with mode: 0644]
sklearn/neighbors/typedefs.pyx [new file with mode: 0644]
sklearn/neighbors/unsupervised.py [new file with mode: 0644]
sklearn/neural_network/__init__.py [new file with mode: 0644]
sklearn/neural_network/_base.py [new file with mode: 0644]
sklearn/neural_network/_stochastic_optimizers.py [new file with mode: 0644]
sklearn/neural_network/multilayer_perceptron.py [new file with mode: 0644]
sklearn/neural_network/rbm.py [new file with mode: 0644]
sklearn/neural_network/tests/__init__.py [new file with mode: 0644]
sklearn/neural_network/tests/test_mlp.py [new file with mode: 0644]
sklearn/neural_network/tests/test_rbm.py [new file with mode: 0644]
sklearn/neural_network/tests/test_stochastic_optimizers.py [new file with mode: 0644]
sklearn/pipeline.py [new file with mode: 0644]
sklearn/preprocessing/__init__.py [new file with mode: 0644]
sklearn/preprocessing/_function_transformer.py [new file with mode: 0644]
sklearn/preprocessing/data.py [new file with mode: 0644]
sklearn/preprocessing/imputation.py [new file with mode: 0644]
sklearn/preprocessing/label.py [new file with mode: 0644]
sklearn/preprocessing/tests/__init__.py [new file with mode: 0644]
sklearn/preprocessing/tests/test_data.py [new file with mode: 0644]
sklearn/preprocessing/tests/test_function_transformer.py [new file with mode: 0644]
sklearn/preprocessing/tests/test_imputation.py [new file with mode: 0644]
sklearn/preprocessing/tests/test_label.py [new file with mode: 0644]
sklearn/qda.py [new file with mode: 0644]
sklearn/random_projection.py [new file with mode: 0644]
sklearn/semi_supervised/__init__.py [new file with mode: 0644]
sklearn/semi_supervised/label_propagation.py [new file with mode: 0644]
sklearn/semi_supervised/tests/__init__.py [new file with mode: 0644]
sklearn/semi_supervised/tests/test_label_propagation.py [new file with mode: 0644]
sklearn/setup.py [new file with mode: 0644]
sklearn/src/cblas/ATL_drefasum.c [new file with mode: 0644]
sklearn/src/cblas/ATL_drefcopy.c [new file with mode: 0644]
sklearn/src/cblas/ATL_drefgemv.c [new file with mode: 0644]
sklearn/src/cblas/ATL_drefgemvN.c [new file with mode: 0644]
sklearn/src/cblas/ATL_drefgemvT.c [new file with mode: 0644]
sklearn/src/cblas/ATL_drefger.c [new file with mode: 0644]
sklearn/src/cblas/ATL_drefrot.c [new file with mode: 0644]
sklearn/src/cblas/ATL_drefrotg.c [new file with mode: 0644]
sklearn/src/cblas/ATL_dsrefdot.c [new file with mode: 0644]
sklearn/src/cblas/ATL_srefasum.c [new file with mode: 0644]
sklearn/src/cblas/ATL_srefcopy.c [new file with mode: 0644]
sklearn/src/cblas/ATL_srefnrm2.c [new file with mode: 0644]
sklearn/src/cblas/ATL_srefrot.c [new file with mode: 0644]
sklearn/src/cblas/ATL_srefrotg.c [new file with mode: 0644]
sklearn/src/cblas/README.txt [new file with mode: 0644]
sklearn/src/cblas/atlas_aux.h [new file with mode: 0644]
sklearn/src/cblas/atlas_dsysinfo.h [new file with mode: 0644]
sklearn/src/cblas/atlas_enum.h [new file with mode: 0644]
sklearn/src/cblas/atlas_level1.h [new file with mode: 0644]
sklearn/src/cblas/atlas_level2.h [new file with mode: 0644]
sklearn/src/cblas/atlas_misc.h [new file with mode: 0644]
sklearn/src/cblas/atlas_refalias1.h [new file with mode: 0644]
sklearn/src/cblas/atlas_refalias2.h [new file with mode: 0644]
sklearn/src/cblas/atlas_reflevel1.h [new file with mode: 0644]
sklearn/src/cblas/atlas_reflevel2.h [new file with mode: 0644]
sklearn/src/cblas/atlas_reflvl2.h [new file with mode: 0644]
sklearn/src/cblas/atlas_refmisc.h [new file with mode: 0644]
sklearn/src/cblas/atlas_ssysinfo.h [new file with mode: 0644]
sklearn/src/cblas/atlas_type.h [new file with mode: 0644]
sklearn/src/cblas/cblas.h [new file with mode: 0644]
sklearn/src/cblas/cblas_dasum.c [new file with mode: 0644]
sklearn/src/cblas/cblas_daxpy.c [new file with mode: 0644]
sklearn/src/cblas/cblas_dcopy.c [new file with mode: 0644]
sklearn/src/cblas/cblas_ddot.c [new file with mode: 0644]
sklearn/src/cblas/cblas_dgemv.c [new file with mode: 0644]
sklearn/src/cblas/cblas_dger.c [new file with mode: 0644]
sklearn/src/cblas/cblas_dnrm2.c [new file with mode: 0644]
sklearn/src/cblas/cblas_drot.c [new file with mode: 0644]
sklearn/src/cblas/cblas_drotg.c [new file with mode: 0644]
sklearn/src/cblas/cblas_dscal.c [new file with mode: 0644]
sklearn/src/cblas/cblas_errprn.c [new file with mode: 0644]
sklearn/src/cblas/cblas_sasum.c [new file with mode: 0644]
sklearn/src/cblas/cblas_saxpy.c [new file with mode: 0644]
sklearn/src/cblas/cblas_scopy.c [new file with mode: 0644]
sklearn/src/cblas/cblas_sdot.c [new file with mode: 0644]
sklearn/src/cblas/cblas_snrm2.c [new file with mode: 0644]
sklearn/src/cblas/cblas_srot.c [new file with mode: 0644]
sklearn/src/cblas/cblas_srotg.c [new file with mode: 0644]
sklearn/src/cblas/cblas_xerbla.c [new file with mode: 0644]
sklearn/svm/__init__.py [new file with mode: 0644]
sklearn/svm/base.py [new file with mode: 0644]
sklearn/svm/bounds.py [new file with mode: 0644]
sklearn/svm/classes.py [new file with mode: 0644]
sklearn/svm/liblinear.pxd [new file with mode: 0644]
sklearn/svm/liblinear.pyx [new file with mode: 0644]
sklearn/svm/libsvm.pxd [new file with mode: 0644]
sklearn/svm/libsvm.pyx [new file with mode: 0644]
sklearn/svm/libsvm_sparse.pyx [new file with mode: 0644]
sklearn/svm/setup.py [new file with mode: 0644]
sklearn/svm/src/liblinear/COPYRIGHT [new file with mode: 0644]
sklearn/svm/src/liblinear/liblinear_helper.c [new file with mode: 0644]
sklearn/svm/src/liblinear/linear.cpp [new file with mode: 0644]
sklearn/svm/src/liblinear/linear.h [new file with mode: 0644]
sklearn/svm/src/liblinear/tron.cpp [new file with mode: 0644]
sklearn/svm/src/liblinear/tron.h [new file with mode: 0644]
sklearn/svm/src/libsvm/LIBSVM_CHANGES [new file with mode: 0644]
sklearn/svm/src/libsvm/libsvm_helper.c [new file with mode: 0644]
sklearn/svm/src/libsvm/libsvm_sparse_helper.c [new file with mode: 0644]
sklearn/svm/src/libsvm/libsvm_template.cpp [new file with mode: 0644]
sklearn/svm/src/libsvm/svm.cpp [new file with mode: 0644]
sklearn/svm/src/libsvm/svm.h [new file with mode: 0644]
sklearn/svm/tests/__init__.py [new file with mode: 0644]
sklearn/svm/tests/test_bounds.py [new file with mode: 0644]
sklearn/svm/tests/test_sparse.py [new file with mode: 0644]
sklearn/svm/tests/test_svm.py [new file with mode: 0644]
sklearn/tests/__init__.py [new file with mode: 0644]
sklearn/tests/test_base.py [new file with mode: 0644]
sklearn/tests/test_calibration.py [new file with mode: 0644]
sklearn/tests/test_check_build.py [new file with mode: 0644]
sklearn/tests/test_common.py [new file with mode: 0644]
sklearn/tests/test_cross_validation.py [new file with mode: 0644]
sklearn/tests/test_discriminant_analysis.py [new file with mode: 0644]
sklearn/tests/test_dummy.py [new file with mode: 0644]
sklearn/tests/test_grid_search.py [new file with mode: 0644]
sklearn/tests/test_init.py [new file with mode: 0644]
sklearn/tests/test_isotonic.py [new file with mode: 0644]
sklearn/tests/test_kernel_approximation.py [new file with mode: 0644]
sklearn/tests/test_kernel_ridge.py [new file with mode: 0644]
sklearn/tests/test_learning_curve.py [new file with mode: 0644]
sklearn/tests/test_metaestimators.py [new file with mode: 0644]
sklearn/tests/test_multiclass.py [new file with mode: 0644]
sklearn/tests/test_multioutput.py [new file with mode: 0644]
sklearn/tests/test_naive_bayes.py [new file with mode: 0644]
sklearn/tests/test_pipeline.py [new file with mode: 0644]
sklearn/tests/test_random_projection.py [new file with mode: 0644]
sklearn/tree/__init__.py [new file with mode: 0644]
sklearn/tree/_criterion.pxd [new file with mode: 0644]
sklearn/tree/_criterion.pyx [new file with mode: 0644]
sklearn/tree/_splitter.pxd [new file with mode: 0644]
sklearn/tree/_splitter.pyx [new file with mode: 0644]
sklearn/tree/_tree.pxd [new file with mode: 0644]
sklearn/tree/_tree.pyx [new file with mode: 0644]
sklearn/tree/_utils.pxd [new file with mode: 0644]
sklearn/tree/_utils.pyx [new file with mode: 0644]
sklearn/tree/export.py [new file with mode: 0644]
sklearn/tree/setup.py [new file with mode: 0644]
sklearn/tree/tests/__init__.py [new file with mode: 0644]
sklearn/tree/tests/test_export.py [new file with mode: 0644]
sklearn/tree/tests/test_tree.py [new file with mode: 0644]
sklearn/tree/tree.py [new file with mode: 0644]
sklearn/utils/__init__.py [new file with mode: 0644]
sklearn/utils/_logistic_sigmoid.pyx [new file with mode: 0644]
sklearn/utils/_random.pxd [new file with mode: 0644]
sklearn/utils/_random.pyx [new file with mode: 0644]
sklearn/utils/_scipy_sparse_lsqr_backport.py [new file with mode: 0644]
sklearn/utils/arpack.py [new file with mode: 0644]
sklearn/utils/arrayfuncs.pyx [new file with mode: 0644]
sklearn/utils/bench.py [new file with mode: 0644]
sklearn/utils/class_weight.py [new file with mode: 0644]
sklearn/utils/deprecation.py [new file with mode: 0644]
sklearn/utils/estimator_checks.py [new file with mode: 0644]
sklearn/utils/extmath.py [new file with mode: 0644]
sklearn/utils/fast_dict.pxd [new file with mode: 0644]
sklearn/utils/fast_dict.pyx [new file with mode: 0644]
sklearn/utils/fixes.py [new file with mode: 0644]
sklearn/utils/graph.py [new file with mode: 0644]
sklearn/utils/graph_shortest_path.pyx [new file with mode: 0644]
sklearn/utils/lgamma.pxd [new file with mode: 0644]
sklearn/utils/lgamma.pyx [new file with mode: 0644]
sklearn/utils/linear_assignment_.py [new file with mode: 0644]
sklearn/utils/metaestimators.py [new file with mode: 0644]
sklearn/utils/mocking.py [new file with mode: 0644]
sklearn/utils/multiclass.py [new file with mode: 0644]
sklearn/utils/murmurhash.pxd [new file with mode: 0644]
sklearn/utils/murmurhash.pyx [new file with mode: 0644]
sklearn/utils/optimize.py [new file with mode: 0644]
sklearn/utils/random.py [new file with mode: 0644]
sklearn/utils/seq_dataset.pxd [new file with mode: 0644]
sklearn/utils/seq_dataset.pyx [new file with mode: 0644]
sklearn/utils/setup.py [new file with mode: 0644]
sklearn/utils/sparsefuncs.py [new file with mode: 0644]
sklearn/utils/sparsefuncs_fast.pyx [new file with mode: 0644]
sklearn/utils/sparsetools/README [new file with mode: 0644]
sklearn/utils/sparsetools/__init__.py [new file with mode: 0644]
sklearn/utils/sparsetools/_graph_tools.pyx [new file with mode: 0644]
sklearn/utils/sparsetools/_graph_validation.py [new file with mode: 0644]
sklearn/utils/sparsetools/_traversal.pyx [new file with mode: 0644]
sklearn/utils/sparsetools/setup.py [new file with mode: 0644]
sklearn/utils/sparsetools/tests/__init__.py [new file with mode: 0644]
sklearn/utils/sparsetools/tests/test_traversal.py [new file with mode: 0644]
sklearn/utils/src/MurmurHash3.cpp [new file with mode: 0644]
sklearn/utils/src/MurmurHash3.h [new file with mode: 0644]
sklearn/utils/src/cholesky_delete.h [new file with mode: 0644]
sklearn/utils/src/gamma.c [new file with mode: 0644]
sklearn/utils/src/gamma.h [new file with mode: 0644]
sklearn/utils/stats.py [new file with mode: 0644]
sklearn/utils/testing.py [new file with mode: 0644]
sklearn/utils/tests/__init__.py [new file with mode: 0644]
sklearn/utils/tests/test_bench.py [new file with mode: 0644]
sklearn/utils/tests/test_class_weight.py [new file with mode: 0644]
sklearn/utils/tests/test_estimator_checks.py [new file with mode: 0644]
sklearn/utils/tests/test_extmath.py [new file with mode: 0644]
sklearn/utils/tests/test_fast_dict.py [new file with mode: 0644]
sklearn/utils/tests/test_fixes.py [new file with mode: 0644]
sklearn/utils/tests/test_graph.py [new file with mode: 0644]
sklearn/utils/tests/test_linear_assignment.py [new file with mode: 0644]
sklearn/utils/tests/test_metaestimators.py [new file with mode: 0644]
sklearn/utils/tests/test_multiclass.py [new file with mode: 0644]
sklearn/utils/tests/test_murmurhash.py [new file with mode: 0644]
sklearn/utils/tests/test_optimize.py [new file with mode: 0644]
sklearn/utils/tests/test_random.py [new file with mode: 0644]
sklearn/utils/tests/test_seq_dataset.py [new file with mode: 0644]
sklearn/utils/tests/test_shortest_path.py [new file with mode: 0644]
sklearn/utils/tests/test_sparsefuncs.py [new file with mode: 0644]
sklearn/utils/tests/test_stats.py [new file with mode: 0644]
sklearn/utils/tests/test_testing.py [new file with mode: 0644]
sklearn/utils/tests/test_utils.py [new file with mode: 0644]
sklearn/utils/tests/test_validation.py [new file with mode: 0644]
sklearn/utils/validation.py [new file with mode: 0644]
sklearn/utils/weight_vector.pxd [new file with mode: 0644]
sklearn/utils/weight_vector.pyx [new file with mode: 0644]