在好例子网,分享、交流、成长!
您当前所在位置:首页Others 开发实例一般编程问题 → scikit-learn-examples(强烈推荐的sklearn官方代码).zip

scikit-learn-examples(强烈推荐的sklearn官方代码).zip

一般编程问题

下载此实例
  • 开发语言:Others
  • 实例大小:0.33M
  • 下载次数:3
  • 浏览次数:60
  • 发布时间:2021-11-18
  • 实例类别:一般编程问题
  • 发 布 人:js2021
  • 文件格式:.zip
  • 所需积分:2
 

实例介绍

【实例简介】
scikit-learn-examples(强烈推荐的sklearn官方代码).zip
【实例截图】
【核心代码】
4744302542847632150.zip
└── examples
├── applications
│   ├── face_recognition.py
│   ├── plot_model_complexity_influence.py
│   ├── plot_outlier_detection_housing.py
│   ├── plot_out_of_core_classification.py
│   ├── plot_prediction_latency.py
│   ├── plot_species_distribution_modeling.py
│   ├── plot_stock_market.py
│   ├── plot_tomography_l1_reconstruction.py
│   ├── README.txt
│   ├── svm_gui.py
│   ├── topics_extraction_with_nmf_lda.py
│   └── wikipedia_principal_eigenvector.py
├── bicluster
│   ├── bicluster_newsgroups.py
│   ├── plot_spectral_biclustering.py
│   ├── plot_spectral_coclustering.py
│   └── README.txt
├── calibration
│   ├── plot_calibration_curve.py
│   ├── plot_calibration_multiclass.py
│   ├── plot_calibration.py
│   ├── plot_compare_calibration.py
│   └── README.txt
├── classification
│   ├── plot_classification_probability.py
│   ├── plot_classifier_comparison.py
│   ├── plot_digits_classification.py
│   ├── plot_lda.py
│   ├── plot_lda_qda.py
│   └── README.txt
├── cluster
│   ├── plot_adjusted_for_chance_measures.py
│   ├── plot_affinity_propagation.py
│   ├── plot_agglomerative_clustering_metrics.py
│   ├── plot_agglomerative_clustering.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
│   └── README.txt
├── covariance
│   ├── 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
│   └── README.txt
├── cross_decomposition
│   ├── plot_compare_cross_decomposition.py
│   └── README.txt
├── datasets
│   ├── plot_digits_last_image.py
│   ├── plot_iris_dataset.py
│   ├── plot_random_dataset.py
│   ├── plot_random_multilabel_dataset.py
│   └── README.txt
├── decomposition
│   ├── 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
│   └── README.txt
├── ensemble
│   ├── 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_faces.py
│   ├── plot_forest_importances.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
│   └── README.txt
├── exercises
│   ├── digits_classification_exercise.py
│   ├── plot_cv_diabetes.py
│   ├── plot_cv_digits.py
│   ├── plot_iris_exercise.py
│   └── README.txt
├── feature_selection
│   ├── feature_selection_pipeline.py
│   ├── plot_feature_selection.py
│   ├── plot_f_test_vs_mi.py
│   ├── plot_permutation_test_for_classification.py
│   ├── plot_rfe_digits.py
│   ├── plot_rfe_with_cross_validation.py
│   ├── plot_select_from_model_boston.py
│   └── README.txt
├── feature_stacker.py
├── gaussian_process
│   ├── plot_compare_gpr_krr.py
│   ├── plot_gpc_iris.py
│   ├── plot_gpc_isoprobability.py
│   ├── plot_gpc.py
│   ├── plot_gpc_xor.py
│   ├── plot_gpr_co2.py
│   ├── plot_gpr_noisy.py
│   ├── plot_gpr_noisy_targets.py
│   ├── plot_gpr_prior_posterior.py
│   └── README.txt
├── hetero_feature_union.py
├── linear_model
│   ├── lasso_dense_vs_sparse_data.py
│   ├── 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_lars.py
│   ├── plot_lasso_model_selection.py
│   ├── plot_logistic_l1_l2_sparsity.py
│   ├── plot_logistic_multinomial.py
│   ├── plot_logistic_path.py
│   ├── plot_logistic.py
│   ├── plot_multi_task_lasso_support.py
│   ├── plot_ols_3d.py
│   ├── plot_ols.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_sparse_recovery.py
│   ├── plot_theilsen.py
│   └── README.txt
├── manifold
│   ├── plot_compare_methods.py
│   ├── plot_lle_digits.py
│   ├── plot_manifold_sphere.py
│   ├── plot_mds.py
│   ├── plot_swissroll.py
│   └── README.txt
├── missing_values.py
├── mixture
│   ├── plot_concentration_prior.py
│   ├── plot_gmm_covariances.py
│   ├── plot_gmm_pdf.py
│   ├── plot_gmm.py
│   ├── plot_gmm_selection.py
│   ├── plot_gmm_sin.py
│   └── README.txt
├── model_selection
│   ├── grid_search_digits.py
│   ├── grid_search_text_feature_extraction.py
│   ├── plot_confusion_matrix.py
│   ├── plot_learning_curve.py
│   ├── plot_nested_cross_validation_iris.py
│   ├── plot_precision_recall.py
│   ├── plot_roc_crossval.py
│   ├── plot_roc.py
│   ├── plot_train_error_vs_test_error.py
│   ├── plot_underfitting_overfitting.py
│   ├── plot_validation_curve.py
│   ├── randomized_search.py
│   └── README.txt
├── neighbors
│   ├── plot_approximate_nearest_neighbors_hyperparameters.py
│   ├── plot_approximate_nearest_neighbors_scalability.py
│   ├── 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
│   └── README.txt
├── neural_networks
│   ├── plot_mlp_alpha.py
│   ├── plot_mlp_training_curves.py
│   ├── plot_mnist_filters.py
│   ├── plot_rbm_logistic_classification.py
│   └── README.txt
├── plot_compare_reduction.py
├── plot_cv_predict.py
├── plot_digits_pipe.py
├── plot_isotonic_regression.py
├── plot_johnson_lindenstrauss_bound.py
├── plot_kernel_approximation.py
├── plot_kernel_ridge_regression.py
├── plot_multilabel.py
├── plot_multioutput_face_completion.py
├── preprocessing
│   ├── plot_function_transformer.py
│   ├── plot_robust_scaling.py
│   ├── plot_scaling_importance.py
│   └── README.txt
├── README.txt
├── semi_supervised
│   ├── plot_label_propagation_digits_active_learning.py
│   ├── plot_label_propagation_digits.py
│   ├── plot_label_propagation_structure.py
│   ├── plot_label_propagation_versus_svm_iris.py
│   └── README.txt
├── svm
│   ├── 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
│   └── README.txt
├── text
│   ├── document_classification_20newsgroups.py
│   ├── document_clustering.py
│   ├── hashing_vs_dict_vectorizer.py
│   └── README.txt
└── tree
├── plot_iris.py
├── plot_tree_regression_multioutput.py
├── plot_tree_regression.py
├── plot_unveil_tree_structure.py
└── README.txt

25 directories, 243 files

标签:

实例下载地址

scikit-learn-examples(强烈推荐的sklearn官方代码).zip

不能下载?内容有错? 点击这里报错 + 投诉 + 提问

好例子网口号:伸出你的我的手 — 分享

网友评论

发表评论

(您的评论需要经过审核才能显示)

查看所有0条评论>>

小贴士

感谢您为本站写下的评论,您的评论对其它用户来说具有重要的参考价值,所以请认真填写。

  • 类似“顶”、“沙发”之类没有营养的文字,对勤劳贡献的楼主来说是令人沮丧的反馈信息。
  • 相信您也不想看到一排文字/表情墙,所以请不要反馈意义不大的重复字符,也请尽量不要纯表情的回复。
  • 提问之前请再仔细看一遍楼主的说明,或许是您遗漏了。
  • 请勿到处挖坑绊人、招贴广告。既占空间让人厌烦,又没人会搭理,于人于己都无利。

关于好例子网

本站旨在为广大IT学习爱好者提供一个非营利性互相学习交流分享平台。本站所有资源都可以被免费获取学习研究。本站资源来自网友分享,对搜索内容的合法性不具有预见性、识别性、控制性,仅供学习研究,请务必在下载后24小时内给予删除,不得用于其他任何用途,否则后果自负。基于互联网的特殊性,平台无法对用户传输的作品、信息、内容的权属或合法性、安全性、合规性、真实性、科学性、完整权、有效性等进行实质审查;无论平台是否已进行审查,用户均应自行承担因其传输的作品、信息、内容而可能或已经产生的侵权或权属纠纷等法律责任。本站所有资源不代表本站的观点或立场,基于网友分享,根据中国法律《信息网络传播权保护条例》第二十二与二十三条之规定,若资源存在侵权或相关问题请联系本站客服人员,点此联系我们。关于更多版权及免责申明参见 版权及免责申明

;
报警