From cc66a60009c247deab61fb3dcd0324c256912775 Mon Sep 17 00:00:00 2001 From: adrinjalali Date: Thu, 13 Jun 2024 12:43:23 +0200 Subject: [PATCH] CLN use new license notice line --- benchmarks/bench_covertype.py | 2 +- benchmarks/bench_mnist.py | 2 +- benchmarks/bench_plot_nmf.py | 2 +- benchmarks/bench_plot_parallel_pairwise.py | 2 +- benchmarks/bench_plot_polynomial_kernel_approximation.py | 2 +- benchmarks/bench_rcv1_logreg_convergence.py | 2 +- benchmarks/bench_sgd_regression.py | 2 +- benchmarks/bench_tsne_mnist.py | 2 +- examples/applications/plot_model_complexity_influence.py | 2 +- examples/applications/plot_out_of_core_classification.py | 2 +- examples/applications/plot_outlier_detection_wine.py | 2 +- examples/applications/plot_prediction_latency.py | 2 +- examples/applications/plot_species_distribution_modeling.py | 2 +- examples/applications/plot_stock_market.py | 2 +- examples/applications/plot_tomography_l1_reconstruction.py | 2 +- examples/applications/plot_topics_extraction_with_nmf_lda.py | 2 +- examples/applications/wikipedia_principal_eigenvector.py | 2 +- examples/bicluster/plot_spectral_biclustering.py | 2 +- examples/bicluster/plot_spectral_coclustering.py | 2 +- examples/calibration/plot_calibration.py | 2 +- examples/calibration/plot_calibration_curve.py | 2 +- examples/calibration/plot_calibration_multiclass.py | 2 +- examples/calibration/plot_compare_calibration.py | 2 +- examples/classification/plot_classification_probability.py | 2 +- examples/classification/plot_classifier_comparison.py | 2 +- examples/classification/plot_digits_classification.py | 2 +- examples/cluster/plot_adjusted_for_chance_measures.py | 2 +- examples/cluster/plot_agglomerative_clustering.py | 2 +- examples/cluster/plot_agglomerative_clustering_metrics.py | 2 +- examples/cluster/plot_agglomerative_dendrogram.py | 2 +- examples/cluster/plot_birch_vs_minibatchkmeans.py | 2 +- examples/cluster/plot_cluster_iris.py | 2 +- examples/cluster/plot_coin_segmentation.py | 2 +- examples/cluster/plot_coin_ward_segmentation.py | 2 +- examples/cluster/plot_color_quantization.py | 2 +- examples/cluster/plot_digits_agglomeration.py | 2 +- examples/cluster/plot_digits_linkage.py | 2 +- examples/cluster/plot_face_compress.py | 2 +- .../plot_feature_agglomeration_vs_univariate_selection.py | 2 +- examples/cluster/plot_kmeans_assumptions.py | 2 +- examples/cluster/plot_kmeans_stability_low_dim_dense.py | 2 +- examples/cluster/plot_optics.py | 2 +- examples/cluster/plot_segmentation_toy.py | 2 +- examples/cluster/plot_ward_structured_vs_unstructured.py | 2 +- examples/compose/plot_column_transformer.py | 2 +- examples/compose/plot_column_transformer_mixed_types.py | 2 +- examples/compose/plot_digits_pipe.py | 2 +- examples/compose/plot_feature_union.py | 2 +- examples/compose/plot_transformed_target.py | 2 +- examples/covariance/plot_sparse_cov.py | 2 +- examples/datasets/plot_digits_last_image.py | 2 +- examples/datasets/plot_iris_dataset.py | 2 +- examples/decomposition/plot_ica_vs_pca.py | 2 +- examples/decomposition/plot_incremental_pca.py | 2 +- examples/decomposition/plot_kernel_pca.py | 2 +- examples/decomposition/plot_pca_iris.py | 2 +- examples/decomposition/plot_pca_vs_fa_model_selection.py | 2 +- examples/decomposition/plot_varimax_fa.py | 2 +- examples/developing_estimators/sklearn_is_fitted.py | 2 +- examples/ensemble/plot_adaboost_multiclass.py | 2 +- examples/ensemble/plot_adaboost_regression.py | 2 +- examples/ensemble/plot_adaboost_twoclass.py | 2 +- examples/ensemble/plot_bias_variance.py | 2 +- examples/ensemble/plot_ensemble_oob.py | 2 +- examples/ensemble/plot_feature_transformation.py | 2 +- examples/ensemble/plot_forest_hist_grad_boosting_comparison.py | 2 +- examples/ensemble/plot_gradient_boosting_oob.py | 2 +- examples/ensemble/plot_gradient_boosting_regression.py | 2 +- examples/ensemble/plot_gradient_boosting_regularization.py | 2 +- examples/ensemble/plot_hgbt_regression.py | 2 +- examples/ensemble/plot_random_forest_regression_multioutput.py | 2 +- examples/ensemble/plot_stack_predictors.py | 2 +- examples/gaussian_process/plot_compare_gpr_krr.py | 2 +- examples/gaussian_process/plot_gpc.py | 2 +- examples/gaussian_process/plot_gpc_isoprobability.py | 2 +- examples/gaussian_process/plot_gpc_xor.py | 2 +- examples/gaussian_process/plot_gpr_co2.py | 2 +- examples/gaussian_process/plot_gpr_noisy.py | 2 +- examples/gaussian_process/plot_gpr_noisy_targets.py | 2 +- examples/gaussian_process/plot_gpr_prior_posterior.py | 2 +- examples/impute/plot_missing_values.py | 2 +- examples/kernel_approximation/plot_scalable_poly_kernels.py | 2 +- examples/linear_model/plot_huber_vs_ridge.py | 2 +- examples/linear_model/plot_iris_logistic.py | 2 +- examples/linear_model/plot_lasso_coordinate_descent_path.py | 2 +- examples/linear_model/plot_lasso_lars.py | 2 +- examples/linear_model/plot_lasso_lars_ic.py | 2 +- examples/linear_model/plot_lasso_model_selection.py | 2 +- examples/linear_model/plot_logistic.py | 2 +- examples/linear_model/plot_logistic_l1_l2_sparsity.py | 2 +- examples/linear_model/plot_logistic_multinomial.py | 2 +- examples/linear_model/plot_logistic_path.py | 2 +- examples/linear_model/plot_multi_task_lasso_support.py | 2 +- examples/linear_model/plot_ols.py | 2 +- examples/linear_model/plot_ols_3d.py | 2 +- examples/linear_model/plot_ols_ridge_variance.py | 2 +- examples/linear_model/plot_polynomial_interpolation.py | 2 +- examples/linear_model/plot_quantile_regression.py | 2 +- examples/linear_model/plot_ridge_path.py | 2 +- examples/linear_model/plot_sgd_comparison.py | 2 +- examples/linear_model/plot_sgd_early_stopping.py | 2 +- examples/linear_model/plot_sparse_logistic_regression_mnist.py | 2 +- examples/linear_model/plot_theilsen.py | 2 +- examples/manifold/plot_lle_digits.py | 2 +- examples/manifold/plot_manifold_sphere.py | 2 +- examples/manifold/plot_mds.py | 2 +- examples/manifold/plot_t_sne_perplexity.py | 2 +- examples/miscellaneous/plot_anomaly_comparison.py | 2 +- examples/miscellaneous/plot_isotonic_regression.py | 2 +- examples/miscellaneous/plot_kernel_approximation.py | 2 +- examples/miscellaneous/plot_kernel_ridge_regression.py | 2 +- examples/miscellaneous/plot_multilabel.py | 2 +- examples/miscellaneous/plot_outlier_detection_bench.py | 2 +- examples/mixture/plot_concentration_prior.py | 2 +- examples/mixture/plot_gmm_covariances.py | 2 +- .../model_selection/plot_grid_search_text_feature_extraction.py | 2 +- examples/model_selection/plot_multi_metric_evaluation.py | 2 +- .../plot_permutation_tests_for_classification.py | 2 +- examples/model_selection/plot_train_error_vs_test_error.py | 2 +- examples/multioutput/plot_classifier_chain_yeast.py | 2 +- examples/neighbors/approximate_nearest_neighbors.py | 2 +- examples/neighbors/plot_caching_nearest_neighbors.py | 2 +- examples/neighbors/plot_nca_classification.py | 2 +- examples/neighbors/plot_nca_dim_reduction.py | 2 +- examples/neighbors/plot_nca_illustration.py | 2 +- examples/neighbors/plot_regression.py | 2 +- examples/neighbors/plot_species_kde.py | 2 +- examples/neural_networks/plot_mlp_alpha.py | 2 +- examples/neural_networks/plot_rbm_logistic_classification.py | 2 +- examples/preprocessing/plot_all_scaling.py | 2 +- examples/preprocessing/plot_discretization.py | 2 +- examples/preprocessing/plot_discretization_classification.py | 2 +- examples/preprocessing/plot_discretization_strategies.py | 2 +- examples/preprocessing/plot_map_data_to_normal.py | 2 +- examples/preprocessing/plot_scaling_importance.py | 2 +- examples/semi_supervised/plot_label_propagation_digits.py | 2 +- .../plot_label_propagation_digits_active_learning.py | 2 +- examples/semi_supervised/plot_label_propagation_structure.py | 2 +- .../semi_supervised/plot_self_training_varying_threshold.py | 2 +- .../semi_supervised/plot_semi_supervised_versus_svm_iris.py | 2 +- examples/svm/plot_svm_kernels.py | 2 +- examples/svm/plot_svm_margin.py | 2 +- examples/svm/plot_svm_scale_c.py | 2 +- examples/svm/plot_svm_tie_breaking.py | 2 +- examples/text/plot_document_classification_20newsgroups.py | 2 +- examples/text/plot_document_clustering.py | 2 +- examples/text/plot_hashing_vs_dict_vectorizer.py | 2 +- sklearn/base.py | 2 +- sklearn/calibration.py | 2 +- sklearn/cluster/_affinity_propagation.py | 2 +- sklearn/cluster/_bicluster.py | 2 +- sklearn/cluster/_birch.py | 2 +- sklearn/cluster/_dbscan.py | 2 +- sklearn/cluster/_feature_agglomeration.py | 2 +- sklearn/cluster/_k_means_common.pyx | 2 +- sklearn/cluster/_kmeans.py | 2 +- sklearn/cluster/_spectral.py | 2 +- sklearn/cluster/tests/test_hierarchical.py | 2 +- sklearn/cluster/tests/test_optics.py | 2 +- sklearn/compose/_column_transformer.py | 2 +- sklearn/compose/_target.py | 2 +- sklearn/covariance/_elliptic_envelope.py | 2 +- sklearn/covariance/_empirical_covariance.py | 2 +- sklearn/covariance/_graph_lasso.py | 2 +- sklearn/covariance/_robust_covariance.py | 2 +- sklearn/covariance/_shrunk_covariance.py | 2 +- sklearn/covariance/tests/test_covariance.py | 2 +- sklearn/covariance/tests/test_robust_covariance.py | 2 +- sklearn/cross_decomposition/_pls.py | 2 +- sklearn/datasets/_base.py | 2 +- sklearn/datasets/_california_housing.py | 2 +- sklearn/datasets/_covtype.py | 2 +- sklearn/datasets/_lfw.py | 2 +- sklearn/datasets/_olivetti_faces.py | 2 +- sklearn/datasets/_rcv1.py | 2 +- sklearn/datasets/_samples_generator.py | 2 +- sklearn/datasets/_species_distributions.py | 2 +- sklearn/datasets/_svmlight_format_fast.pyx | 2 +- sklearn/datasets/_svmlight_format_io.py | 2 +- sklearn/datasets/_twenty_newsgroups.py | 2 +- sklearn/decomposition/_base.py | 2 +- sklearn/decomposition/_cdnmf_fast.pyx | 2 +- sklearn/decomposition/_dict_learning.py | 2 +- sklearn/decomposition/_factor_analysis.py | 2 +- sklearn/decomposition/_fastica.py | 2 +- sklearn/decomposition/_incremental_pca.py | 2 +- sklearn/decomposition/_kernel_pca.py | 2 +- sklearn/decomposition/_nmf.py | 2 +- sklearn/decomposition/_pca.py | 2 +- sklearn/decomposition/_sparse_pca.py | 2 +- sklearn/decomposition/tests/test_factor_analysis.py | 2 +- sklearn/decomposition/tests/test_sparse_pca.py | 2 +- sklearn/discriminant_analysis.py | 2 +- sklearn/dummy.py | 2 +- sklearn/ensemble/_bagging.py | 2 +- sklearn/ensemble/_base.py | 2 +- sklearn/ensemble/_forest.py | 2 +- sklearn/ensemble/_gb.py | 2 +- sklearn/ensemble/_gradient_boosting.pyx | 2 +- sklearn/ensemble/_iforest.py | 2 +- sklearn/ensemble/_stacking.py | 2 +- sklearn/ensemble/_voting.py | 2 +- sklearn/ensemble/_weight_boosting.py | 2 +- sklearn/ensemble/tests/test_bagging.py | 2 +- sklearn/ensemble/tests/test_base.py | 2 +- sklearn/ensemble/tests/test_forest.py | 2 +- sklearn/ensemble/tests/test_iforest.py | 2 +- sklearn/ensemble/tests/test_stacking.py | 2 +- sklearn/externals/_scipy/sparse/csgraph/_laplacian.py | 2 +- sklearn/feature_extraction/_dict_vectorizer.py | 2 +- sklearn/feature_extraction/_hash.py | 2 +- sklearn/feature_extraction/_hashing_fast.pyx | 2 +- sklearn/feature_extraction/image.py | 2 +- sklearn/feature_extraction/tests/test_dict_vectorizer.py | 2 +- sklearn/feature_extraction/tests/test_image.py | 2 +- sklearn/feature_extraction/text.py | 2 +- sklearn/feature_selection/_base.py | 2 +- sklearn/feature_selection/_from_model.py | 2 +- sklearn/feature_selection/_rfe.py | 2 +- sklearn/feature_selection/_univariate_selection.py | 2 +- sklearn/gaussian_process/__init__.py | 2 +- sklearn/gaussian_process/_gpc.py | 2 +- sklearn/gaussian_process/_gpr.py | 2 +- sklearn/gaussian_process/kernels.py | 2 +- sklearn/gaussian_process/tests/test_gpc.py | 2 +- sklearn/gaussian_process/tests/test_gpr.py | 2 +- sklearn/gaussian_process/tests/test_kernels.py | 2 +- sklearn/impute/_base.py | 2 +- sklearn/impute/_knn.py | 2 +- sklearn/inspection/_partial_dependence.py | 2 +- sklearn/isotonic.py | 2 +- sklearn/kernel_approximation.py | 2 +- sklearn/kernel_ridge.py | 2 +- sklearn/linear_model/_base.py | 2 +- sklearn/linear_model/_bayes.py | 2 +- sklearn/linear_model/_cd_fast.pyx | 2 +- sklearn/linear_model/_coordinate_descent.py | 2 +- sklearn/linear_model/_huber.py | 2 +- sklearn/linear_model/_least_angle.py | 2 +- sklearn/linear_model/_omp.py | 2 +- sklearn/linear_model/_passive_aggressive.py | 2 +- sklearn/linear_model/_perceptron.py | 2 +- sklearn/linear_model/_quantile.py | 2 +- sklearn/linear_model/_ransac.py | 2 +- sklearn/linear_model/_ridge.py | 2 +- sklearn/linear_model/_sag.py | 2 +- sklearn/linear_model/_sgd_fast.pxd | 2 +- sklearn/linear_model/_stochastic_gradient.py | 2 +- sklearn/linear_model/_theil_sen.py | 2 +- sklearn/linear_model/tests/test_base.py | 2 +- sklearn/linear_model/tests/test_bayes.py | 2 +- sklearn/linear_model/tests/test_common.py | 2 +- sklearn/linear_model/tests/test_coordinate_descent.py | 2 +- sklearn/linear_model/tests/test_huber.py | 2 +- sklearn/linear_model/tests/test_omp.py | 2 +- sklearn/linear_model/tests/test_quantile.py | 2 +- sklearn/linear_model/tests/test_sag.py | 2 +- sklearn/linear_model/tests/test_theil_sen.py | 2 +- sklearn/manifold/_isomap.py | 2 +- sklearn/manifold/_locally_linear.py | 2 +- sklearn/manifold/_mds.py | 2 +- sklearn/manifold/_spectral_embedding.py | 2 +- sklearn/manifold/_t_sne.py | 2 +- sklearn/metrics/_base.py | 2 +- sklearn/metrics/_classification.py | 2 +- sklearn/metrics/_dist_metrics.pyx.tp | 2 +- sklearn/metrics/_pairwise_fast.pyx | 2 +- sklearn/metrics/_ranking.py | 2 +- sklearn/metrics/_regression.py | 2 +- sklearn/metrics/cluster/_expected_mutual_info_fast.pyx | 2 +- sklearn/metrics/cluster/_supervised.py | 2 +- sklearn/metrics/cluster/_unsupervised.py | 2 +- sklearn/metrics/pairwise.py | 2 +- sklearn/mixture/_base.py | 2 +- sklearn/mixture/_bayesian_mixture.py | 2 +- sklearn/mixture/_gaussian_mixture.py | 2 +- sklearn/mixture/tests/test_bayesian_mixture.py | 2 +- sklearn/mixture/tests/test_gaussian_mixture.py | 2 +- sklearn/mixture/tests/test_mixture.py | 2 +- sklearn/model_selection/_search.py | 2 +- sklearn/model_selection/_split.py | 2 +- sklearn/model_selection/_validation.py | 2 +- sklearn/multiclass.py | 2 +- sklearn/multioutput.py | 2 +- sklearn/naive_bayes.py | 2 +- sklearn/neighbors/_ball_tree.pyx.tp | 2 +- sklearn/neighbors/_base.py | 2 +- sklearn/neighbors/_classification.py | 2 +- sklearn/neighbors/_graph.py | 2 +- sklearn/neighbors/_kd_tree.pyx.tp | 2 +- sklearn/neighbors/_lof.py | 2 +- sklearn/neighbors/_nca.py | 2 +- sklearn/neighbors/_nearest_centroid.py | 2 +- sklearn/neighbors/_regression.py | 2 +- sklearn/neighbors/tests/test_lof.py | 2 +- sklearn/neighbors/tests/test_nca.py | 2 +- sklearn/neighbors/tests/test_neighbors_tree.py | 2 +- sklearn/neural_network/__init__.py | 2 +- sklearn/neural_network/_base.py | 2 +- sklearn/neural_network/_multilayer_perceptron.py | 2 +- sklearn/neural_network/_rbm.py | 2 +- sklearn/neural_network/_stochastic_optimizers.py | 2 +- sklearn/neural_network/tests/test_mlp.py | 2 +- sklearn/pipeline.py | 2 +- sklearn/preprocessing/_data.py | 2 +- sklearn/preprocessing/_discretization.py | 2 +- sklearn/preprocessing/_encoders.py | 2 +- sklearn/preprocessing/_label.py | 2 +- sklearn/preprocessing/tests/test_data.py | 2 +- sklearn/random_projection.py | 2 +- sklearn/semi_supervised/_label_propagation.py | 2 +- sklearn/semi_supervised/_self_training.py | 2 +- sklearn/semi_supervised/tests/test_self_training.py | 2 +- sklearn/svm/__init__.py | 2 +- sklearn/svm/_bounds.py | 2 +- sklearn/tests/test_base.py | 2 +- sklearn/tests/test_calibration.py | 2 +- sklearn/tests/test_check_build.py | 2 +- sklearn/tests/test_common.py | 2 +- sklearn/tests/test_docstring_parameters.py | 2 +- sklearn/tests/test_metadata_routing.py | 2 +- sklearn/tree/_classes.py | 2 +- sklearn/tree/_criterion.pxd | 2 +- sklearn/tree/_criterion.pyx | 2 +- sklearn/tree/_export.py | 2 +- sklearn/tree/_reingold_tilford.py | 2 +- sklearn/tree/_splitter.pxd | 2 +- sklearn/tree/_splitter.pyx | 2 +- sklearn/tree/_tree.pxd | 2 +- sklearn/tree/_tree.pyx | 2 +- sklearn/tree/_utils.pxd | 2 +- sklearn/tree/_utils.pyx | 2 +- sklearn/utils/_fast_dict.pxd | 2 +- sklearn/utils/_fast_dict.pyx | 2 +- sklearn/utils/_metadata_requests.py | 2 +- sklearn/utils/_random.pxd | 2 +- sklearn/utils/_random.pyx | 2 +- sklearn/utils/_show_versions.py | 2 +- sklearn/utils/_testing.py | 2 +- sklearn/utils/_weight_vector.pyx.tp | 2 +- sklearn/utils/class_weight.py | 2 +- sklearn/utils/extmath.py | 2 +- sklearn/utils/fixes.py | 2 +- sklearn/utils/graph.py | 2 +- sklearn/utils/metadata_routing.py | 2 +- sklearn/utils/metaestimators.py | 2 +- sklearn/utils/multiclass.py | 2 +- sklearn/utils/murmurhash.pyx | 2 +- sklearn/utils/optimize.py | 2 +- sklearn/utils/random.py | 2 +- sklearn/utils/sparsefuncs.py | 2 +- sklearn/utils/sparsefuncs_fast.pyx | 2 +- sklearn/utils/tests/test_deprecation.py | 2 +- sklearn/utils/tests/test_extmath.py | 2 +- sklearn/utils/tests/test_fixes.py | 2 +- sklearn/utils/tests/test_murmurhash.py | 2 +- sklearn/utils/tests/test_seq_dataset.py | 2 +- sklearn/utils/validation.py | 2 +- 358 files changed, 358 insertions(+), 358 deletions(-) diff --git a/benchmarks/bench_covertype.py b/benchmarks/bench_covertype.py index 5b8cdd588c8ee..ec753b4c1119d 100644 --- a/benchmarks/bench_covertype.py +++ b/benchmarks/bench_covertype.py @@ -43,7 +43,7 @@ # Author: Peter Prettenhofer # Arnaud Joly -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import argparse import os diff --git a/benchmarks/bench_mnist.py b/benchmarks/bench_mnist.py index 334e69ed5a30a..e8f6ee82c3206 100644 --- a/benchmarks/bench_mnist.py +++ b/benchmarks/bench_mnist.py @@ -28,7 +28,7 @@ # Author: Issam H. Laradji # Arnaud Joly -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import argparse import os diff --git a/benchmarks/bench_plot_nmf.py b/benchmarks/bench_plot_nmf.py index f05ede117191b..38a8b8d5ca902 100644 --- a/benchmarks/bench_plot_nmf.py +++ b/benchmarks/bench_plot_nmf.py @@ -5,7 +5,7 @@ # Authors: Tom Dupre la Tour (benchmark) # Chih-Jen Linn (original projected gradient NMF implementation) # Anthony Di Franco (projected gradient, Python and NumPy port) -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers import sys diff --git a/benchmarks/bench_plot_parallel_pairwise.py b/benchmarks/bench_plot_parallel_pairwise.py index ca12972f9be6c..d780ae8358198 100644 --- a/benchmarks/bench_plot_parallel_pairwise.py +++ b/benchmarks/bench_plot_parallel_pairwise.py @@ -1,5 +1,5 @@ # Author: Mathieu Blondel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time import matplotlib.pyplot as plt diff --git a/benchmarks/bench_plot_polynomial_kernel_approximation.py b/benchmarks/bench_plot_polynomial_kernel_approximation.py index a80455e21c255..37c317a816a99 100644 --- a/benchmarks/bench_plot_polynomial_kernel_approximation.py +++ b/benchmarks/bench_plot_polynomial_kernel_approximation.py @@ -40,7 +40,7 @@ """ # Author: Daniel Lopez-Sanchez -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # Load data manipulation functions # Will use this for timing results diff --git a/benchmarks/bench_rcv1_logreg_convergence.py b/benchmarks/bench_rcv1_logreg_convergence.py index 166c6c2f5f9d1..d719d6d8185e2 100644 --- a/benchmarks/bench_rcv1_logreg_convergence.py +++ b/benchmarks/bench_rcv1_logreg_convergence.py @@ -1,7 +1,7 @@ # Authors: Tom Dupre la Tour # Olivier Grisel # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import gc import time diff --git a/benchmarks/bench_sgd_regression.py b/benchmarks/bench_sgd_regression.py index 4b1b902795feb..80fd4281ddbb5 100644 --- a/benchmarks/bench_sgd_regression.py +++ b/benchmarks/bench_sgd_regression.py @@ -1,5 +1,5 @@ # Author: Peter Prettenhofer -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import gc from time import time diff --git a/benchmarks/bench_tsne_mnist.py b/benchmarks/bench_tsne_mnist.py index 813fffcf29141..8649c7a46b629 100644 --- a/benchmarks/bench_tsne_mnist.py +++ b/benchmarks/bench_tsne_mnist.py @@ -5,7 +5,7 @@ """ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import argparse import json diff --git a/examples/applications/plot_model_complexity_influence.py b/examples/applications/plot_model_complexity_influence.py index f83be241230c3..878d615bf2d0e 100644 --- a/examples/applications/plot_model_complexity_influence.py +++ b/examples/applications/plot_model_complexity_influence.py @@ -39,7 +39,7 @@ # Authors: Eustache Diemert # Maria Telenczuk # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time diff --git a/examples/applications/plot_out_of_core_classification.py b/examples/applications/plot_out_of_core_classification.py index 4183c4dabad75..a2c9fc1c53f60 100644 --- a/examples/applications/plot_out_of_core_classification.py +++ b/examples/applications/plot_out_of_core_classification.py @@ -16,7 +16,7 @@ # Authors: Eustache Diemert # @FedericoV -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools import re diff --git a/examples/applications/plot_outlier_detection_wine.py b/examples/applications/plot_outlier_detection_wine.py index 9db863828556e..2f69dca168a99 100644 --- a/examples/applications/plot_outlier_detection_wine.py +++ b/examples/applications/plot_outlier_detection_wine.py @@ -24,7 +24,7 @@ """ # Author: Virgile Fritsch -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # First example diff --git a/examples/applications/plot_prediction_latency.py b/examples/applications/plot_prediction_latency.py index 0c966b3b1e28e..62f7bb5d7c0f0 100644 --- a/examples/applications/plot_prediction_latency.py +++ b/examples/applications/plot_prediction_latency.py @@ -14,7 +14,7 @@ """ # Authors: Eustache Diemert -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import gc import time diff --git a/examples/applications/plot_species_distribution_modeling.py b/examples/applications/plot_species_distribution_modeling.py index bdf50918840c2..6a65b5c6f8b5e 100644 --- a/examples/applications/plot_species_distribution_modeling.py +++ b/examples/applications/plot_species_distribution_modeling.py @@ -39,7 +39,7 @@ # Authors: Peter Prettenhofer # Jake Vanderplas # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from time import time diff --git a/examples/applications/plot_stock_market.py b/examples/applications/plot_stock_market.py index 30d9c441ffa57..2cf4d4d6d5363 100644 --- a/examples/applications/plot_stock_market.py +++ b/examples/applications/plot_stock_market.py @@ -11,7 +11,7 @@ """ # Author: Gael Varoquaux gael.varoquaux@normalesup.org -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Retrieve the data from Internet diff --git a/examples/applications/plot_tomography_l1_reconstruction.py b/examples/applications/plot_tomography_l1_reconstruction.py index d851613402571..8d20d946e0307 100644 --- a/examples/applications/plot_tomography_l1_reconstruction.py +++ b/examples/applications/plot_tomography_l1_reconstruction.py @@ -37,7 +37,7 @@ class :class:`~sklearn.linear_model.Lasso`, that uses the coordinate descent """ # Author: Emmanuelle Gouillart -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/applications/plot_topics_extraction_with_nmf_lda.py b/examples/applications/plot_topics_extraction_with_nmf_lda.py index 86821b5458492..fb8e7d5014774 100644 --- a/examples/applications/plot_topics_extraction_with_nmf_lda.py +++ b/examples/applications/plot_topics_extraction_with_nmf_lda.py @@ -24,7 +24,7 @@ # Author: Olivier Grisel # Lars Buitinck # Chyi-Kwei Yau -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from time import time diff --git a/examples/applications/wikipedia_principal_eigenvector.py b/examples/applications/wikipedia_principal_eigenvector.py index 0be1661d7ed5c..26eefb09001aa 100644 --- a/examples/applications/wikipedia_principal_eigenvector.py +++ b/examples/applications/wikipedia_principal_eigenvector.py @@ -31,7 +31,7 @@ """ # Author: Olivier Grisel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import os from bz2 import BZ2File diff --git a/examples/bicluster/plot_spectral_biclustering.py b/examples/bicluster/plot_spectral_biclustering.py index 041ef4c4944f6..eb25030e0d604 100644 --- a/examples/bicluster/plot_spectral_biclustering.py +++ b/examples/bicluster/plot_spectral_biclustering.py @@ -19,7 +19,7 @@ """ # Author: Kemal Eren -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate sample data diff --git a/examples/bicluster/plot_spectral_coclustering.py b/examples/bicluster/plot_spectral_coclustering.py index 92b10d93956e7..2838d0c5f20dd 100644 --- a/examples/bicluster/plot_spectral_coclustering.py +++ b/examples/bicluster/plot_spectral_coclustering.py @@ -16,7 +16,7 @@ """ # Author: Kemal Eren -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from matplotlib import pyplot as plt diff --git a/examples/calibration/plot_calibration.py b/examples/calibration/plot_calibration.py index 91dca761d1fe3..4636599d6f858 100644 --- a/examples/calibration/plot_calibration.py +++ b/examples/calibration/plot_calibration.py @@ -28,7 +28,7 @@ # Alexandre Gramfort # Balazs Kegl # Jan Hendrik Metzen -# License: BSD Style. +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate synthetic dataset diff --git a/examples/calibration/plot_calibration_curve.py b/examples/calibration/plot_calibration_curve.py index af708346c2b7a..f1dbdd8cfed93 100644 --- a/examples/calibration/plot_calibration_curve.py +++ b/examples/calibration/plot_calibration_curve.py @@ -14,7 +14,7 @@ # Author: Alexandre Gramfort # Jan Hendrik Metzen -# License: BSD 3 clause. +# SPDX-License-Identifier: BSD-3-Clause # %% # Dataset # ------- diff --git a/examples/calibration/plot_calibration_multiclass.py b/examples/calibration/plot_calibration_multiclass.py index fc6349f3dea5f..6f01593e02a78 100644 --- a/examples/calibration/plot_calibration_multiclass.py +++ b/examples/calibration/plot_calibration_multiclass.py @@ -28,7 +28,7 @@ class of an instance (red: class 1, green: class 2, blue: class 3). # the classifier but not calibrate the predicted probabilities. # Author: Jan Hendrik Metzen -# License: BSD Style. +# SPDX-License-Identifier: BSD-3-Clause import numpy as np diff --git a/examples/calibration/plot_compare_calibration.py b/examples/calibration/plot_compare_calibration.py index a53a5c5e7a3d1..03e96269e1f32 100644 --- a/examples/calibration/plot_compare_calibration.py +++ b/examples/calibration/plot_compare_calibration.py @@ -18,7 +18,7 @@ # %% # Author: Jan Hendrik Metzen -# License: BSD 3 clause. +# SPDX-License-Identifier: BSD-3-Clause # # Dataset # ------- diff --git a/examples/classification/plot_classification_probability.py b/examples/classification/plot_classification_probability.py index 42c8643b9107a..3b50570e64263 100644 --- a/examples/classification/plot_classification_probability.py +++ b/examples/classification/plot_classification_probability.py @@ -18,7 +18,7 @@ """ # Author: Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/classification/plot_classifier_comparison.py b/examples/classification/plot_classifier_comparison.py index 6a4a4cb60db88..4fb8a142e2606 100644 --- a/examples/classification/plot_classifier_comparison.py +++ b/examples/classification/plot_classifier_comparison.py @@ -22,7 +22,7 @@ # Code source: Gaël Varoquaux # Andreas Müller # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/classification/plot_digits_classification.py b/examples/classification/plot_digits_classification.py index d6208400d5416..120bc0b57dd3f 100644 --- a/examples/classification/plot_digits_classification.py +++ b/examples/classification/plot_digits_classification.py @@ -9,7 +9,7 @@ """ # Author: Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # Standard scientific Python imports import matplotlib.pyplot as plt diff --git a/examples/cluster/plot_adjusted_for_chance_measures.py b/examples/cluster/plot_adjusted_for_chance_measures.py index 1ab8f11d6d627..f412f0c260802 100644 --- a/examples/cluster/plot_adjusted_for_chance_measures.py +++ b/examples/cluster/plot_adjusted_for_chance_measures.py @@ -17,7 +17,7 @@ # Author: Olivier Grisel # Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Defining the list of metrics to evaluate diff --git a/examples/cluster/plot_agglomerative_clustering.py b/examples/cluster/plot_agglomerative_clustering.py index 0cbce55cd3f29..8a5c1b5538482 100644 --- a/examples/cluster/plot_agglomerative_clustering.py +++ b/examples/cluster/plot_agglomerative_clustering.py @@ -25,7 +25,7 @@ """ # Authors: Gael Varoquaux, Nelle Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time diff --git a/examples/cluster/plot_agglomerative_clustering_metrics.py b/examples/cluster/plot_agglomerative_clustering_metrics.py index 8eb2ea3f7285f..5c613d42f0f3f 100644 --- a/examples/cluster/plot_agglomerative_clustering_metrics.py +++ b/examples/cluster/plot_agglomerative_clustering_metrics.py @@ -35,7 +35,7 @@ """ # Author: Gael Varoquaux -# License: BSD 3-Clause or CC-0 +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.patheffects as PathEffects import matplotlib.pyplot as plt diff --git a/examples/cluster/plot_agglomerative_dendrogram.py b/examples/cluster/plot_agglomerative_dendrogram.py index 20c22f4f0bb39..1a9c11e4b95ed 100644 --- a/examples/cluster/plot_agglomerative_dendrogram.py +++ b/examples/cluster/plot_agglomerative_dendrogram.py @@ -1,5 +1,5 @@ # Authors: Mathew Kallada, Andreas Mueller -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause """ ========================================= Plot Hierarchical Clustering Dendrogram diff --git a/examples/cluster/plot_birch_vs_minibatchkmeans.py b/examples/cluster/plot_birch_vs_minibatchkmeans.py index c9c213c948913..29994cc7b7943 100644 --- a/examples/cluster/plot_birch_vs_minibatchkmeans.py +++ b/examples/cluster/plot_birch_vs_minibatchkmeans.py @@ -23,7 +23,7 @@ # Authors: Manoj Kumar -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from itertools import cycle from time import time diff --git a/examples/cluster/plot_cluster_iris.py b/examples/cluster/plot_cluster_iris.py index ad85c0c9910a7..e3a6d6a3d8664 100644 --- a/examples/cluster/plot_cluster_iris.py +++ b/examples/cluster/plot_cluster_iris.py @@ -20,7 +20,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt diff --git a/examples/cluster/plot_coin_segmentation.py b/examples/cluster/plot_coin_segmentation.py index 2a3d1c67a01e0..a84302ea48546 100644 --- a/examples/cluster/plot_coin_segmentation.py +++ b/examples/cluster/plot_coin_segmentation.py @@ -23,7 +23,7 @@ # Author: Gael Varoquaux # Brian Cheung # Andrew Knyazev -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time diff --git a/examples/cluster/plot_coin_ward_segmentation.py b/examples/cluster/plot_coin_ward_segmentation.py index 1a505dbc4efaa..d748dc723f962 100644 --- a/examples/cluster/plot_coin_ward_segmentation.py +++ b/examples/cluster/plot_coin_ward_segmentation.py @@ -11,7 +11,7 @@ # Author : Vincent Michel, 2010 # Alexandre Gramfort, 2011 -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate data diff --git a/examples/cluster/plot_color_quantization.py b/examples/cluster/plot_color_quantization.py index ec21949466daf..4ede3f969ba60 100644 --- a/examples/cluster/plot_color_quantization.py +++ b/examples/cluster/plot_color_quantization.py @@ -23,7 +23,7 @@ # Olivier Grisel # Mathieu Blondel # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from time import time diff --git a/examples/cluster/plot_digits_agglomeration.py b/examples/cluster/plot_digits_agglomeration.py index faedefb8aeed8..3773a300cb51a 100644 --- a/examples/cluster/plot_digits_agglomeration.py +++ b/examples/cluster/plot_digits_agglomeration.py @@ -10,7 +10,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/cluster/plot_digits_linkage.py b/examples/cluster/plot_digits_linkage.py index ae67bd5d8e0f4..995b414cf366b 100644 --- a/examples/cluster/plot_digits_linkage.py +++ b/examples/cluster/plot_digits_linkage.py @@ -28,7 +28,7 @@ """ # Authors: Gael Varoquaux -# License: BSD 3 clause (C) INRIA 2014 +# SPDX-License-Identifier: BSD-3-Clause from time import time diff --git a/examples/cluster/plot_face_compress.py b/examples/cluster/plot_face_compress.py index a632d783e6f02..da20e9f210899 100644 --- a/examples/cluster/plot_face_compress.py +++ b/examples/cluster/plot_face_compress.py @@ -9,7 +9,7 @@ # Authors: Gael Varoquaux # Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Original image diff --git a/examples/cluster/plot_feature_agglomeration_vs_univariate_selection.py b/examples/cluster/plot_feature_agglomeration_vs_univariate_selection.py index 577d65f314337..a899f5c612458 100644 --- a/examples/cluster/plot_feature_agglomeration_vs_univariate_selection.py +++ b/examples/cluster/plot_feature_agglomeration_vs_univariate_selection.py @@ -15,7 +15,7 @@ """ # Author: Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% import shutil diff --git a/examples/cluster/plot_kmeans_assumptions.py b/examples/cluster/plot_kmeans_assumptions.py index 46a7ec6fa58b5..7da131ff887b1 100644 --- a/examples/cluster/plot_kmeans_assumptions.py +++ b/examples/cluster/plot_kmeans_assumptions.py @@ -10,7 +10,7 @@ # Author: Phil Roth # Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Data generation diff --git a/examples/cluster/plot_kmeans_stability_low_dim_dense.py b/examples/cluster/plot_kmeans_stability_low_dim_dense.py index 9340239a3d00e..88aa4182f2c2a 100644 --- a/examples/cluster/plot_kmeans_stability_low_dim_dense.py +++ b/examples/cluster/plot_kmeans_stability_low_dim_dense.py @@ -24,7 +24,7 @@ """ # Author: Olivier Grisel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.cm as cm import matplotlib.pyplot as plt diff --git a/examples/cluster/plot_optics.py b/examples/cluster/plot_optics.py index c8fe1f1eebbc1..717768c84bca5 100644 --- a/examples/cluster/plot_optics.py +++ b/examples/cluster/plot_optics.py @@ -19,7 +19,7 @@ # Authors: Shane Grigsby # Adrin Jalali -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.gridspec as gridspec import matplotlib.pyplot as plt diff --git a/examples/cluster/plot_segmentation_toy.py b/examples/cluster/plot_segmentation_toy.py index 6fc41f7a5daf2..71c22c64212f4 100644 --- a/examples/cluster/plot_segmentation_toy.py +++ b/examples/cluster/plot_segmentation_toy.py @@ -28,7 +28,7 @@ # Authors: Emmanuelle Gouillart # Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate the data diff --git a/examples/cluster/plot_ward_structured_vs_unstructured.py b/examples/cluster/plot_ward_structured_vs_unstructured.py index 446d744b31e78..db9b9b1b334da 100644 --- a/examples/cluster/plot_ward_structured_vs_unstructured.py +++ b/examples/cluster/plot_ward_structured_vs_unstructured.py @@ -23,7 +23,7 @@ # Authors : Vincent Michel, 2010 # Alexandre Gramfort, 2010 # Gael Varoquaux, 2010 -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time as time diff --git a/examples/compose/plot_column_transformer.py b/examples/compose/plot_column_transformer.py index 207f7450a2705..75dc4ec0dd88a 100644 --- a/examples/compose/plot_column_transformer.py +++ b/examples/compose/plot_column_transformer.py @@ -20,7 +20,7 @@ # Author: Matt Terry # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np diff --git a/examples/compose/plot_column_transformer_mixed_types.py b/examples/compose/plot_column_transformer_mixed_types.py index d7d5da768ea2c..403d961b2dc6c 100644 --- a/examples/compose/plot_column_transformer_mixed_types.py +++ b/examples/compose/plot_column_transformer_mixed_types.py @@ -27,7 +27,7 @@ # Author: Pedro Morales # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% import numpy as np diff --git a/examples/compose/plot_digits_pipe.py b/examples/compose/plot_digits_pipe.py index 223fef687f65f..511878fcd4d99 100644 --- a/examples/compose/plot_digits_pipe.py +++ b/examples/compose/plot_digits_pipe.py @@ -12,7 +12,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/compose/plot_feature_union.py b/examples/compose/plot_feature_union.py index 01f7e02bfe44f..8c77ee9ba448e 100644 --- a/examples/compose/plot_feature_union.py +++ b/examples/compose/plot_feature_union.py @@ -18,7 +18,7 @@ # Author: Andreas Mueller # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from sklearn.datasets import load_iris from sklearn.decomposition import PCA diff --git a/examples/compose/plot_transformed_target.py b/examples/compose/plot_transformed_target.py index ec7c09aebe45a..931d500882038 100644 --- a/examples/compose/plot_transformed_target.py +++ b/examples/compose/plot_transformed_target.py @@ -12,7 +12,7 @@ """ # Author: Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause print(__doc__) diff --git a/examples/covariance/plot_sparse_cov.py b/examples/covariance/plot_sparse_cov.py index a088aeb7e69c0..1acdf12823381 100644 --- a/examples/covariance/plot_sparse_cov.py +++ b/examples/covariance/plot_sparse_cov.py @@ -51,7 +51,7 @@ """ # author: Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # Copyright: INRIA # %% diff --git a/examples/datasets/plot_digits_last_image.py b/examples/datasets/plot_digits_last_image.py index fd051a3ad29bf..ce6c48e58715e 100644 --- a/examples/datasets/plot_digits_last_image.py +++ b/examples/datasets/plot_digits_last_image.py @@ -16,7 +16,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt diff --git a/examples/datasets/plot_iris_dataset.py b/examples/datasets/plot_iris_dataset.py index 32aba8918547e..d36ebca1ebe83 100644 --- a/examples/datasets/plot_iris_dataset.py +++ b/examples/datasets/plot_iris_dataset.py @@ -17,7 +17,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Loading the iris dataset diff --git a/examples/decomposition/plot_ica_vs_pca.py b/examples/decomposition/plot_ica_vs_pca.py index 07f6327e9922f..e2bad1420d3dd 100644 --- a/examples/decomposition/plot_ica_vs_pca.py +++ b/examples/decomposition/plot_ica_vs_pca.py @@ -30,7 +30,7 @@ """ # Authors: Alexandre Gramfort, Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate sample data diff --git a/examples/decomposition/plot_incremental_pca.py b/examples/decomposition/plot_incremental_pca.py index 8e5aeccfddc8a..d18e54f2cdff8 100644 --- a/examples/decomposition/plot_incremental_pca.py +++ b/examples/decomposition/plot_incremental_pca.py @@ -20,7 +20,7 @@ """ # Authors: Kyle Kastner -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/decomposition/plot_kernel_pca.py b/examples/decomposition/plot_kernel_pca.py index 10f82ffec15f0..7dceef67ff707 100644 --- a/examples/decomposition/plot_kernel_pca.py +++ b/examples/decomposition/plot_kernel_pca.py @@ -19,7 +19,7 @@ # Authors: Mathieu Blondel # Andreas Mueller # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Projecting data: `PCA` vs. `KernelPCA` diff --git a/examples/decomposition/plot_pca_iris.py b/examples/decomposition/plot_pca_iris.py index d025ba34adc27..f574e14bdfd17 100644 --- a/examples/decomposition/plot_pca_iris.py +++ b/examples/decomposition/plot_pca_iris.py @@ -11,7 +11,7 @@ """ # Code source: Gaël Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt diff --git a/examples/decomposition/plot_pca_vs_fa_model_selection.py b/examples/decomposition/plot_pca_vs_fa_model_selection.py index e269fc6b5c278..665a44678c4d6 100644 --- a/examples/decomposition/plot_pca_vs_fa_model_selection.py +++ b/examples/decomposition/plot_pca_vs_fa_model_selection.py @@ -27,7 +27,7 @@ # Authors: Alexandre Gramfort # Denis A. Engemann -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Create the data diff --git a/examples/decomposition/plot_varimax_fa.py b/examples/decomposition/plot_varimax_fa.py index 9d4c3b9ed1ee7..e7ee190bb685b 100644 --- a/examples/decomposition/plot_varimax_fa.py +++ b/examples/decomposition/plot_varimax_fa.py @@ -17,7 +17,7 @@ """ # Authors: Jona Sassenhagen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/developing_estimators/sklearn_is_fitted.py b/examples/developing_estimators/sklearn_is_fitted.py index b144f8f2fa363..177a608d4cc74 100644 --- a/examples/developing_estimators/sklearn_is_fitted.py +++ b/examples/developing_estimators/sklearn_is_fitted.py @@ -29,7 +29,7 @@ # Author: Kushan # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from sklearn.base import BaseEstimator, ClassifierMixin from sklearn.utils.validation import check_is_fitted diff --git a/examples/ensemble/plot_adaboost_multiclass.py b/examples/ensemble/plot_adaboost_multiclass.py index 8c14d7196999d..8ae7372b0874f 100644 --- a/examples/ensemble/plot_adaboost_multiclass.py +++ b/examples/ensemble/plot_adaboost_multiclass.py @@ -26,7 +26,7 @@ """ # Noel Dawe -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Creating the dataset diff --git a/examples/ensemble/plot_adaboost_regression.py b/examples/ensemble/plot_adaboost_regression.py index 8ba01df63b561..2a961bc47adc1 100644 --- a/examples/ensemble/plot_adaboost_regression.py +++ b/examples/ensemble/plot_adaboost_regression.py @@ -25,7 +25,7 @@ # Author: Noel Dawe # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np diff --git a/examples/ensemble/plot_adaboost_twoclass.py b/examples/ensemble/plot_adaboost_twoclass.py index cb070d66a58d8..c55bca940b224 100644 --- a/examples/ensemble/plot_adaboost_twoclass.py +++ b/examples/ensemble/plot_adaboost_twoclass.py @@ -19,7 +19,7 @@ # Author: Noel Dawe # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/ensemble/plot_bias_variance.py b/examples/ensemble/plot_bias_variance.py index 9239603115db1..185f429276e5c 100644 --- a/examples/ensemble/plot_bias_variance.py +++ b/examples/ensemble/plot_bias_variance.py @@ -64,7 +64,7 @@ """ # Author: Gilles Louppe -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/ensemble/plot_ensemble_oob.py b/examples/ensemble/plot_ensemble_oob.py index 972ca1f6259aa..b801d8ba97766 100644 --- a/examples/ensemble/plot_ensemble_oob.py +++ b/examples/ensemble/plot_ensemble_oob.py @@ -24,7 +24,7 @@ # Gilles Louppe # Andreas Mueller # -# License: BSD 3 Clause +# SPDX-License-Identifier: BSD-3-Clause from collections import OrderedDict diff --git a/examples/ensemble/plot_feature_transformation.py b/examples/ensemble/plot_feature_transformation.py index d492de07fec87..198a17b2f58b5 100644 --- a/examples/ensemble/plot_feature_transformation.py +++ b/examples/ensemble/plot_feature_transformation.py @@ -22,7 +22,7 @@ # Author: Tim Head # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # First, we will create a large dataset and split it into three sets: diff --git a/examples/ensemble/plot_forest_hist_grad_boosting_comparison.py b/examples/ensemble/plot_forest_hist_grad_boosting_comparison.py index 853caec241491..2bbf1b093d963 100644 --- a/examples/ensemble/plot_forest_hist_grad_boosting_comparison.py +++ b/examples/ensemble/plot_forest_hist_grad_boosting_comparison.py @@ -28,7 +28,7 @@ """ # Author: Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Load dataset diff --git a/examples/ensemble/plot_gradient_boosting_oob.py b/examples/ensemble/plot_gradient_boosting_oob.py index 0cb40ad2c11ea..44818bd744043 100644 --- a/examples/ensemble/plot_gradient_boosting_oob.py +++ b/examples/ensemble/plot_gradient_boosting_oob.py @@ -24,7 +24,7 @@ # Author: Peter Prettenhofer # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/ensemble/plot_gradient_boosting_regression.py b/examples/ensemble/plot_gradient_boosting_regression.py index 76437680708be..d8e3f8132fab7 100644 --- a/examples/ensemble/plot_gradient_boosting_regression.py +++ b/examples/ensemble/plot_gradient_boosting_regression.py @@ -22,7 +22,7 @@ # Maria Telenczuk # Katrina Ni # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/ensemble/plot_gradient_boosting_regularization.py b/examples/ensemble/plot_gradient_boosting_regularization.py index 218d69d5ac7d7..8e4aa834cdeb9 100644 --- a/examples/ensemble/plot_gradient_boosting_regularization.py +++ b/examples/ensemble/plot_gradient_boosting_regularization.py @@ -23,7 +23,7 @@ # Author: Peter Prettenhofer # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/ensemble/plot_hgbt_regression.py b/examples/ensemble/plot_hgbt_regression.py index a704fefbe9a31..f56d5e6f6cd28 100644 --- a/examples/ensemble/plot_hgbt_regression.py +++ b/examples/ensemble/plot_hgbt_regression.py @@ -27,7 +27,7 @@ """ # Author: Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Preparing the data diff --git a/examples/ensemble/plot_random_forest_regression_multioutput.py b/examples/ensemble/plot_random_forest_regression_multioutput.py index ce8346c329127..5053bdb7c91da 100644 --- a/examples/ensemble/plot_random_forest_regression_multioutput.py +++ b/examples/ensemble/plot_random_forest_regression_multioutput.py @@ -23,7 +23,7 @@ # Author: Tim Head # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/ensemble/plot_stack_predictors.py b/examples/ensemble/plot_stack_predictors.py index 1d0db0575fbbe..6b1219a4ecfa4 100644 --- a/examples/ensemble/plot_stack_predictors.py +++ b/examples/ensemble/plot_stack_predictors.py @@ -18,7 +18,7 @@ # Authors: Guillaume Lemaitre # Maria Telenczuk -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Download the dataset diff --git a/examples/gaussian_process/plot_compare_gpr_krr.py b/examples/gaussian_process/plot_compare_gpr_krr.py index 8379baf148256..8be92626fe126 100644 --- a/examples/gaussian_process/plot_compare_gpr_krr.py +++ b/examples/gaussian_process/plot_compare_gpr_krr.py @@ -27,7 +27,7 @@ # Authors: Jan Hendrik Metzen # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Generating a dataset diff --git a/examples/gaussian_process/plot_gpc.py b/examples/gaussian_process/plot_gpc.py index 21a99065e06ce..7e71e5a9bbcd2 100644 --- a/examples/gaussian_process/plot_gpc.py +++ b/examples/gaussian_process/plot_gpc.py @@ -24,7 +24,7 @@ # Authors: Jan Hendrik Metzen # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from matplotlib import pyplot as plt diff --git a/examples/gaussian_process/plot_gpc_isoprobability.py b/examples/gaussian_process/plot_gpc_isoprobability.py index a986d285632b7..15e9d7a472280 100644 --- a/examples/gaussian_process/plot_gpc_isoprobability.py +++ b/examples/gaussian_process/plot_gpc_isoprobability.py @@ -11,7 +11,7 @@ # Author: Vincent Dubourg # Adapted to GaussianProcessClassifier: # Jan Hendrik Metzen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from matplotlib import cm diff --git a/examples/gaussian_process/plot_gpc_xor.py b/examples/gaussian_process/plot_gpc_xor.py index 4439a5ee722b6..653cc30b52aa9 100644 --- a/examples/gaussian_process/plot_gpc_xor.py +++ b/examples/gaussian_process/plot_gpc_xor.py @@ -13,7 +13,7 @@ # Authors: Jan Hendrik Metzen # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/gaussian_process/plot_gpr_co2.py b/examples/gaussian_process/plot_gpr_co2.py index bf64092b0482e..b1e61ea51c2be 100644 --- a/examples/gaussian_process/plot_gpr_co2.py +++ b/examples/gaussian_process/plot_gpr_co2.py @@ -23,7 +23,7 @@ # Authors: Jan Hendrik Metzen # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Build the dataset diff --git a/examples/gaussian_process/plot_gpr_noisy.py b/examples/gaussian_process/plot_gpr_noisy.py index 31d3b149aa47f..43eb7a14cf972 100644 --- a/examples/gaussian_process/plot_gpr_noisy.py +++ b/examples/gaussian_process/plot_gpr_noisy.py @@ -11,7 +11,7 @@ # Authors: Jan Hendrik Metzen # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Data generation diff --git a/examples/gaussian_process/plot_gpr_noisy_targets.py b/examples/gaussian_process/plot_gpr_noisy_targets.py index b8c3be558831e..2009078e33c57 100644 --- a/examples/gaussian_process/plot_gpr_noisy_targets.py +++ b/examples/gaussian_process/plot_gpr_noisy_targets.py @@ -23,7 +23,7 @@ # Jake Vanderplas # Jan Hendrik Metzen # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Dataset generation diff --git a/examples/gaussian_process/plot_gpr_prior_posterior.py b/examples/gaussian_process/plot_gpr_prior_posterior.py index f889eba202748..78d3c1a3ff71d 100644 --- a/examples/gaussian_process/plot_gpr_prior_posterior.py +++ b/examples/gaussian_process/plot_gpr_prior_posterior.py @@ -15,7 +15,7 @@ # Authors: Jan Hendrik Metzen # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Helper function diff --git a/examples/impute/plot_missing_values.py b/examples/impute/plot_missing_values.py index 4b9f8ae079d8a..88b58bbac7210 100644 --- a/examples/impute/plot_missing_values.py +++ b/examples/impute/plot_missing_values.py @@ -29,7 +29,7 @@ """ # Authors: Maria Telenczuk -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Download the data and make missing values sets diff --git a/examples/kernel_approximation/plot_scalable_poly_kernels.py b/examples/kernel_approximation/plot_scalable_poly_kernels.py index 13c917da06132..7be13a694a441 100644 --- a/examples/kernel_approximation/plot_scalable_poly_kernels.py +++ b/examples/kernel_approximation/plot_scalable_poly_kernels.py @@ -22,7 +22,7 @@ """ # Author: Daniel Lopez-Sanchez -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Preparing the data diff --git a/examples/linear_model/plot_huber_vs_ridge.py b/examples/linear_model/plot_huber_vs_ridge.py index 7c0222b71a721..9ae9dcf0fb2b5 100644 --- a/examples/linear_model/plot_huber_vs_ridge.py +++ b/examples/linear_model/plot_huber_vs_ridge.py @@ -14,7 +14,7 @@ """ # Authors: Manoj Kumar mks542@nyu.edu -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_iris_logistic.py b/examples/linear_model/plot_iris_logistic.py index b1e4d76c7f221..ca7cb00d5f878 100644 --- a/examples/linear_model/plot_iris_logistic.py +++ b/examples/linear_model/plot_iris_logistic.py @@ -12,7 +12,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt diff --git a/examples/linear_model/plot_lasso_coordinate_descent_path.py b/examples/linear_model/plot_lasso_coordinate_descent_path.py index ee2f09f000d23..4d89095a010cd 100644 --- a/examples/linear_model/plot_lasso_coordinate_descent_path.py +++ b/examples/linear_model/plot_lasso_coordinate_descent_path.py @@ -11,7 +11,7 @@ """ # Author: Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from itertools import cycle diff --git a/examples/linear_model/plot_lasso_lars.py b/examples/linear_model/plot_lasso_lars.py index 5444aeec90c65..9d859ba07ab29 100644 --- a/examples/linear_model/plot_lasso_lars.py +++ b/examples/linear_model/plot_lasso_lars.py @@ -12,7 +12,7 @@ # Author: Fabian Pedregosa # Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_lasso_lars_ic.py b/examples/linear_model/plot_lasso_lars_ic.py index ab53a4f7612e3..42a482b0ab804 100644 --- a/examples/linear_model/plot_lasso_lars_ic.py +++ b/examples/linear_model/plot_lasso_lars_ic.py @@ -26,7 +26,7 @@ # Author: Alexandre Gramfort # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # We will use the diabetes dataset. diff --git a/examples/linear_model/plot_lasso_model_selection.py b/examples/linear_model/plot_lasso_model_selection.py index 169d85ed81644..cb332e2d865e2 100644 --- a/examples/linear_model/plot_lasso_model_selection.py +++ b/examples/linear_model/plot_lasso_model_selection.py @@ -17,7 +17,7 @@ # Gael Varoquaux # Alexandre Gramfort # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Dataset diff --git a/examples/linear_model/plot_logistic.py b/examples/linear_model/plot_logistic.py index 6ed3c86e8c27b..a22bc5cb39119 100644 --- a/examples/linear_model/plot_logistic.py +++ b/examples/linear_model/plot_logistic.py @@ -10,7 +10,7 @@ """ # Code source: Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_logistic_l1_l2_sparsity.py b/examples/linear_model/plot_logistic_l1_l2_sparsity.py index c53c2fe881cff..0edbaeef2add2 100644 --- a/examples/linear_model/plot_logistic_l1_l2_sparsity.py +++ b/examples/linear_model/plot_logistic_l1_l2_sparsity.py @@ -18,7 +18,7 @@ # Authors: Alexandre Gramfort # Mathieu Blondel # Andreas Mueller -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_logistic_multinomial.py b/examples/linear_model/plot_logistic_multinomial.py index c21cfd2523b2f..481c72e6c3696 100644 --- a/examples/linear_model/plot_logistic_multinomial.py +++ b/examples/linear_model/plot_logistic_multinomial.py @@ -10,7 +10,7 @@ """ # Authors: Tom Dupre la Tour -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_logistic_path.py b/examples/linear_model/plot_logistic_path.py index 52cf2c6587237..a35e86c4ffa3a 100644 --- a/examples/linear_model/plot_logistic_path.py +++ b/examples/linear_model/plot_logistic_path.py @@ -26,7 +26,7 @@ """ # Author: Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Load data diff --git a/examples/linear_model/plot_multi_task_lasso_support.py b/examples/linear_model/plot_multi_task_lasso_support.py index 9b6ea64ce4d85..6d24b6269c7bd 100644 --- a/examples/linear_model/plot_multi_task_lasso_support.py +++ b/examples/linear_model/plot_multi_task_lasso_support.py @@ -14,7 +14,7 @@ """ # Author: Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate data diff --git a/examples/linear_model/plot_ols.py b/examples/linear_model/plot_ols.py index 244bd86387474..d94bfadf435a9 100644 --- a/examples/linear_model/plot_ols.py +++ b/examples/linear_model/plot_ols.py @@ -15,7 +15,7 @@ """ # Code source: Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_ols_3d.py b/examples/linear_model/plot_ols_3d.py index 0c95d483f1bf3..328131a3b81c0 100644 --- a/examples/linear_model/plot_ols_3d.py +++ b/examples/linear_model/plot_ols_3d.py @@ -11,7 +11,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # First we load the diabetes dataset. diff --git a/examples/linear_model/plot_ols_ridge_variance.py b/examples/linear_model/plot_ols_ridge_variance.py index a03d9c253c1cf..324770887afcf 100644 --- a/examples/linear_model/plot_ols_ridge_variance.py +++ b/examples/linear_model/plot_ols_ridge_variance.py @@ -21,7 +21,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt diff --git a/examples/linear_model/plot_polynomial_interpolation.py b/examples/linear_model/plot_polynomial_interpolation.py index f648b7aea762d..8afc537c8c855 100644 --- a/examples/linear_model/plot_polynomial_interpolation.py +++ b/examples/linear_model/plot_polynomial_interpolation.py @@ -40,7 +40,7 @@ # Jake Vanderplas # Christian Lorentzen # Malte Londschien -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_quantile_regression.py b/examples/linear_model/plot_quantile_regression.py index 70dda86fabd60..58071a56ff2bf 100644 --- a/examples/linear_model/plot_quantile_regression.py +++ b/examples/linear_model/plot_quantile_regression.py @@ -17,7 +17,7 @@ # Authors: David Dale # Christian Lorentzen # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Dataset generation diff --git a/examples/linear_model/plot_ridge_path.py b/examples/linear_model/plot_ridge_path.py index 01f9d45a63f8d..fc093d7982bf6 100644 --- a/examples/linear_model/plot_ridge_path.py +++ b/examples/linear_model/plot_ridge_path.py @@ -28,7 +28,7 @@ """ # Author: Fabian Pedregosa -- -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_sgd_comparison.py b/examples/linear_model/plot_sgd_comparison.py index 0477e42cf5947..98e38d667cf56 100644 --- a/examples/linear_model/plot_sgd_comparison.py +++ b/examples/linear_model/plot_sgd_comparison.py @@ -7,7 +7,7 @@ """ # Author: Rob Zinkov -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/linear_model/plot_sgd_early_stopping.py b/examples/linear_model/plot_sgd_early_stopping.py index e740ac5031715..97c090c97122b 100644 --- a/examples/linear_model/plot_sgd_early_stopping.py +++ b/examples/linear_model/plot_sgd_early_stopping.py @@ -39,7 +39,7 @@ # Authors: Tom Dupre la Tour # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import sys import time diff --git a/examples/linear_model/plot_sparse_logistic_regression_mnist.py b/examples/linear_model/plot_sparse_logistic_regression_mnist.py index 119d30a6b3bff..962d10f307916 100644 --- a/examples/linear_model/plot_sparse_logistic_regression_mnist.py +++ b/examples/linear_model/plot_sparse_logistic_regression_mnist.py @@ -18,7 +18,7 @@ """ # Author: Arthur Mensch -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time diff --git a/examples/linear_model/plot_theilsen.py b/examples/linear_model/plot_theilsen.py index eb0ac4966841d..bbf46d7c226e2 100644 --- a/examples/linear_model/plot_theilsen.py +++ b/examples/linear_model/plot_theilsen.py @@ -36,7 +36,7 @@ """ # Author: Florian Wilhelm -- -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time diff --git a/examples/manifold/plot_lle_digits.py b/examples/manifold/plot_lle_digits.py index c5c866d287d17..7e062e83e642e 100644 --- a/examples/manifold/plot_lle_digits.py +++ b/examples/manifold/plot_lle_digits.py @@ -12,7 +12,7 @@ # Mathieu Blondel # Gael Varoquaux # Guillaume Lemaitre -# License: BSD 3 clause (C) INRIA 2011 +# SPDX-License-Identifier: BSD-3-Clause # %% diff --git a/examples/manifold/plot_manifold_sphere.py b/examples/manifold/plot_manifold_sphere.py index 1e69c4ef8145c..cbbb58134f9c5 100644 --- a/examples/manifold/plot_manifold_sphere.py +++ b/examples/manifold/plot_manifold_sphere.py @@ -26,7 +26,7 @@ """ # Author: Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from time import time diff --git a/examples/manifold/plot_mds.py b/examples/manifold/plot_mds.py index 87db0f5ad3a50..59d879e282cde 100644 --- a/examples/manifold/plot_mds.py +++ b/examples/manifold/plot_mds.py @@ -11,7 +11,7 @@ """ # Author: Nelle Varoquaux -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from matplotlib import pyplot as plt diff --git a/examples/manifold/plot_t_sne_perplexity.py b/examples/manifold/plot_t_sne_perplexity.py index 01505dbacf685..9be9dc8b8894c 100644 --- a/examples/manifold/plot_t_sne_perplexity.py +++ b/examples/manifold/plot_t_sne_perplexity.py @@ -25,7 +25,7 @@ """ # Author: Narine Kokhlikyan -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause from time import time diff --git a/examples/miscellaneous/plot_anomaly_comparison.py b/examples/miscellaneous/plot_anomaly_comparison.py index 7fb6b71e2a5c6..37c751048d7ff 100644 --- a/examples/miscellaneous/plot_anomaly_comparison.py +++ b/examples/miscellaneous/plot_anomaly_comparison.py @@ -64,7 +64,7 @@ # Author: Alexandre Gramfort # Albert Thomas -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time diff --git a/examples/miscellaneous/plot_isotonic_regression.py b/examples/miscellaneous/plot_isotonic_regression.py index a1c1174c9e9de..fcb82b5173c48 100644 --- a/examples/miscellaneous/plot_isotonic_regression.py +++ b/examples/miscellaneous/plot_isotonic_regression.py @@ -21,7 +21,7 @@ # Author: Nelle Varoquaux # Alexandre Gramfort -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/miscellaneous/plot_kernel_approximation.py b/examples/miscellaneous/plot_kernel_approximation.py index f61cf5bd23387..aaaff1d7ae66c 100644 --- a/examples/miscellaneous/plot_kernel_approximation.py +++ b/examples/miscellaneous/plot_kernel_approximation.py @@ -36,7 +36,7 @@ # Author: Gael Varoquaux # Andreas Mueller -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # Standard scientific Python imports from time import time diff --git a/examples/miscellaneous/plot_kernel_ridge_regression.py b/examples/miscellaneous/plot_kernel_ridge_regression.py index b865778156c3c..5c3696df62f6d 100644 --- a/examples/miscellaneous/plot_kernel_ridge_regression.py +++ b/examples/miscellaneous/plot_kernel_ridge_regression.py @@ -20,7 +20,7 @@ # %% # Authors: Jan Hendrik Metzen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate sample data diff --git a/examples/miscellaneous/plot_multilabel.py b/examples/miscellaneous/plot_multilabel.py index b424c3253104a..f49d9e57c2f1c 100644 --- a/examples/miscellaneous/plot_multilabel.py +++ b/examples/miscellaneous/plot_multilabel.py @@ -30,7 +30,7 @@ """ # Authors: Vlad Niculae, Mathieu Blondel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/miscellaneous/plot_outlier_detection_bench.py b/examples/miscellaneous/plot_outlier_detection_bench.py index 7af47fe282ec0..60c34ab965f58 100644 --- a/examples/miscellaneous/plot_outlier_detection_bench.py +++ b/examples/miscellaneous/plot_outlier_detection_bench.py @@ -20,7 +20,7 @@ # Author: Pharuj Rajborirug # Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Dataset preprocessing and model training diff --git a/examples/mixture/plot_concentration_prior.py b/examples/mixture/plot_concentration_prior.py index 6561186adb119..b723a52c61eaf 100644 --- a/examples/mixture/plot_concentration_prior.py +++ b/examples/mixture/plot_concentration_prior.py @@ -30,7 +30,7 @@ """ # Author: Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib as mpl import matplotlib.gridspec as gridspec diff --git a/examples/mixture/plot_gmm_covariances.py b/examples/mixture/plot_gmm_covariances.py index 9466e11749966..5b746ec45167d 100644 --- a/examples/mixture/plot_gmm_covariances.py +++ b/examples/mixture/plot_gmm_covariances.py @@ -29,7 +29,7 @@ # Author: Ron Weiss , Gael Varoquaux # Modified by Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib as mpl import matplotlib.pyplot as plt diff --git a/examples/model_selection/plot_grid_search_text_feature_extraction.py b/examples/model_selection/plot_grid_search_text_feature_extraction.py index f82cd82b13112..bb7f06c12b99e 100644 --- a/examples/model_selection/plot_grid_search_text_feature_extraction.py +++ b/examples/model_selection/plot_grid_search_text_feature_extraction.py @@ -18,7 +18,7 @@ # Peter Prettenhofer # Mathieu Blondel # Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Data loading diff --git a/examples/model_selection/plot_multi_metric_evaluation.py b/examples/model_selection/plot_multi_metric_evaluation.py index 674bf8bc1b07c..6816cb3824015 100644 --- a/examples/model_selection/plot_multi_metric_evaluation.py +++ b/examples/model_selection/plot_multi_metric_evaluation.py @@ -17,7 +17,7 @@ """ # Author: Raghav RV -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from matplotlib import pyplot as plt diff --git a/examples/model_selection/plot_permutation_tests_for_classification.py b/examples/model_selection/plot_permutation_tests_for_classification.py index 102dfaf1fb466..119790b5c6baf 100644 --- a/examples/model_selection/plot_permutation_tests_for_classification.py +++ b/examples/model_selection/plot_permutation_tests_for_classification.py @@ -11,7 +11,7 @@ # Authors: Alexandre Gramfort # Lucy Liu -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Dataset diff --git a/examples/model_selection/plot_train_error_vs_test_error.py b/examples/model_selection/plot_train_error_vs_test_error.py index af7e7d14cdac0..fffa96a63611f 100644 --- a/examples/model_selection/plot_train_error_vs_test_error.py +++ b/examples/model_selection/plot_train_error_vs_test_error.py @@ -13,7 +13,7 @@ """ # Author: Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate sample data diff --git a/examples/multioutput/plot_classifier_chain_yeast.py b/examples/multioutput/plot_classifier_chain_yeast.py index eb40b1ef83d04..c9d55e69a0219 100644 --- a/examples/multioutput/plot_classifier_chain_yeast.py +++ b/examples/multioutput/plot_classifier_chain_yeast.py @@ -21,7 +21,7 @@ """ # Author: Adam Kleczewski -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Loading a dataset diff --git a/examples/neighbors/approximate_nearest_neighbors.py b/examples/neighbors/approximate_nearest_neighbors.py index 97ae3ec5663dd..ebf477954116d 100644 --- a/examples/neighbors/approximate_nearest_neighbors.py +++ b/examples/neighbors/approximate_nearest_neighbors.py @@ -15,7 +15,7 @@ """ # Author: Tom Dupre la Tour -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # First we try to import the packages and warn the user in case they are diff --git a/examples/neighbors/plot_caching_nearest_neighbors.py b/examples/neighbors/plot_caching_nearest_neighbors.py index 10c0d315da7af..cf3ca8961f5a2 100644 --- a/examples/neighbors/plot_caching_nearest_neighbors.py +++ b/examples/neighbors/plot_caching_nearest_neighbors.py @@ -20,7 +20,7 @@ # Author: Tom Dupre la Tour # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from tempfile import TemporaryDirectory import matplotlib.pyplot as plt diff --git a/examples/neighbors/plot_nca_classification.py b/examples/neighbors/plot_nca_classification.py index f76770640ed03..0703caf90056e 100644 --- a/examples/neighbors/plot_nca_classification.py +++ b/examples/neighbors/plot_nca_classification.py @@ -15,7 +15,7 @@ """ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt from matplotlib.colors import ListedColormap diff --git a/examples/neighbors/plot_nca_dim_reduction.py b/examples/neighbors/plot_nca_dim_reduction.py index 82fd35616929e..415618f6bc4c7 100644 --- a/examples/neighbors/plot_nca_dim_reduction.py +++ b/examples/neighbors/plot_nca_dim_reduction.py @@ -28,7 +28,7 @@ """ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/neighbors/plot_nca_illustration.py b/examples/neighbors/plot_nca_illustration.py index e5fd2f9cb67bd..7085817f4e9fa 100644 --- a/examples/neighbors/plot_nca_illustration.py +++ b/examples/neighbors/plot_nca_illustration.py @@ -10,7 +10,7 @@ """ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/neighbors/plot_regression.py b/examples/neighbors/plot_regression.py index d5ceba8a34860..d47c9033144ab 100644 --- a/examples/neighbors/plot_regression.py +++ b/examples/neighbors/plot_regression.py @@ -12,7 +12,7 @@ # Author: Alexandre Gramfort # Fabian Pedregosa # -# License: BSD 3 clause (C) INRIA +# SPDX-License-Identifier: BSD-3-Clause # %% diff --git a/examples/neighbors/plot_species_kde.py b/examples/neighbors/plot_species_kde.py index 3783138dfcb76..fdc88395c5f09 100644 --- a/examples/neighbors/plot_species_kde.py +++ b/examples/neighbors/plot_species_kde.py @@ -38,7 +38,7 @@ # Author: Jake Vanderplas # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/neural_networks/plot_mlp_alpha.py b/examples/neural_networks/plot_mlp_alpha.py index b53beef54c115..bbbc575677ac4 100644 --- a/examples/neural_networks/plot_mlp_alpha.py +++ b/examples/neural_networks/plot_mlp_alpha.py @@ -18,7 +18,7 @@ """ # Author: Issam H. Laradji -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from matplotlib import pyplot as plt diff --git a/examples/neural_networks/plot_rbm_logistic_classification.py b/examples/neural_networks/plot_rbm_logistic_classification.py index 3ba878d4ad191..47e55dc7923fd 100644 --- a/examples/neural_networks/plot_rbm_logistic_classification.py +++ b/examples/neural_networks/plot_rbm_logistic_classification.py @@ -12,7 +12,7 @@ """ # Authors: Yann N. Dauphin, Vlad Niculae, Gabriel Synnaeve -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause # %% # Generate data diff --git a/examples/preprocessing/plot_all_scaling.py b/examples/preprocessing/plot_all_scaling.py index f53c50e33875a..c9a1f32f13166 100644 --- a/examples/preprocessing/plot_all_scaling.py +++ b/examples/preprocessing/plot_all_scaling.py @@ -43,7 +43,7 @@ # Author: Raghav RV # Guillaume Lemaitre # Thomas Unterthiner -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib as mpl import numpy as np diff --git a/examples/preprocessing/plot_discretization.py b/examples/preprocessing/plot_discretization.py index 002d606da0c9d..640e5c343da9f 100644 --- a/examples/preprocessing/plot_discretization.py +++ b/examples/preprocessing/plot_discretization.py @@ -29,7 +29,7 @@ # Author: Andreas Müller # Hanmin Qin -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/preprocessing/plot_discretization_classification.py b/examples/preprocessing/plot_discretization_classification.py index 50b32cd9eaab3..04a461a61799f 100644 --- a/examples/preprocessing/plot_discretization_classification.py +++ b/examples/preprocessing/plot_discretization_classification.py @@ -31,7 +31,7 @@ # Code source: Tom Dupré la Tour # Adapted from plot_classifier_comparison by Gaël Varoquaux and Andreas Müller # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/preprocessing/plot_discretization_strategies.py b/examples/preprocessing/plot_discretization_strategies.py index b4c2f3ca1858d..45aa6ff28af08 100644 --- a/examples/preprocessing/plot_discretization_strategies.py +++ b/examples/preprocessing/plot_discretization_strategies.py @@ -17,7 +17,7 @@ """ # Author: Tom Dupré la Tour -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/preprocessing/plot_map_data_to_normal.py b/examples/preprocessing/plot_map_data_to_normal.py index a521039098871..f7772d76247d1 100644 --- a/examples/preprocessing/plot_map_data_to_normal.py +++ b/examples/preprocessing/plot_map_data_to_normal.py @@ -36,7 +36,7 @@ # Author: Eric Chang # Nicolas Hug -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/preprocessing/plot_scaling_importance.py b/examples/preprocessing/plot_scaling_importance.py index 138bc9c57b4a2..d12803ea14397 100644 --- a/examples/preprocessing/plot_scaling_importance.py +++ b/examples/preprocessing/plot_scaling_importance.py @@ -29,7 +29,7 @@ # Author: Tyler Lanigan # Sebastian Raschka # Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Load and prepare data diff --git a/examples/semi_supervised/plot_label_propagation_digits.py b/examples/semi_supervised/plot_label_propagation_digits.py index bfdff8e362e47..dd98dd128927c 100644 --- a/examples/semi_supervised/plot_label_propagation_digits.py +++ b/examples/semi_supervised/plot_label_propagation_digits.py @@ -17,7 +17,7 @@ class will be very good. """ # Authors: Clay Woolam -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause # %% # Data generation diff --git a/examples/semi_supervised/plot_label_propagation_digits_active_learning.py b/examples/semi_supervised/plot_label_propagation_digits_active_learning.py index 45af1d7891b2e..0f88523f99063 100644 --- a/examples/semi_supervised/plot_label_propagation_digits_active_learning.py +++ b/examples/semi_supervised/plot_label_propagation_digits_active_learning.py @@ -21,7 +21,7 @@ """ # Authors: Clay Woolam -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/semi_supervised/plot_label_propagation_structure.py b/examples/semi_supervised/plot_label_propagation_structure.py index cfcd1c1bf5a54..856f6a80356de 100644 --- a/examples/semi_supervised/plot_label_propagation_structure.py +++ b/examples/semi_supervised/plot_label_propagation_structure.py @@ -13,7 +13,7 @@ # Authors: Clay Woolam # Andreas Mueller -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause # %% # We generate a dataset with two concentric circles. In addition, a label diff --git a/examples/semi_supervised/plot_self_training_varying_threshold.py b/examples/semi_supervised/plot_self_training_varying_threshold.py index 2c7a485d06eb0..3f95923d1599a 100644 --- a/examples/semi_supervised/plot_self_training_varying_threshold.py +++ b/examples/semi_supervised/plot_self_training_varying_threshold.py @@ -30,7 +30,7 @@ """ # Authors: Oliver Rausch -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/semi_supervised/plot_semi_supervised_versus_svm_iris.py b/examples/semi_supervised/plot_semi_supervised_versus_svm_iris.py index 766f7ea0a79c6..e9017a5133d70 100644 --- a/examples/semi_supervised/plot_semi_supervised_versus_svm_iris.py +++ b/examples/semi_supervised/plot_semi_supervised_versus_svm_iris.py @@ -16,7 +16,7 @@ # Authors: Clay Woolam # Oliver Rausch -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/svm/plot_svm_kernels.py b/examples/svm/plot_svm_kernels.py index a63de6765f083..9d859864084f0 100644 --- a/examples/svm/plot_svm_kernels.py +++ b/examples/svm/plot_svm_kernels.py @@ -37,7 +37,7 @@ """ # Code source: Gaël Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Creating a dataset diff --git a/examples/svm/plot_svm_margin.py b/examples/svm/plot_svm_margin.py index 72d9608bbbe44..de293f61b848d 100644 --- a/examples/svm/plot_svm_margin.py +++ b/examples/svm/plot_svm_margin.py @@ -15,7 +15,7 @@ # Code source: Gaël Varoquaux # Modified for documentation by Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/svm/plot_svm_scale_c.py b/examples/svm/plot_svm_scale_c.py index ea09f03ec7f95..687ea905ac332 100644 --- a/examples/svm/plot_svm_scale_c.py +++ b/examples/svm/plot_svm_scale_c.py @@ -36,7 +36,7 @@ # Author: Andreas Mueller # Jaques Grobler -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Data generation diff --git a/examples/svm/plot_svm_tie_breaking.py b/examples/svm/plot_svm_tie_breaking.py index 848b81dee9c69..0a43d4125aec5 100644 --- a/examples/svm/plot_svm_tie_breaking.py +++ b/examples/svm/plot_svm_tie_breaking.py @@ -15,7 +15,7 @@ """ # Code source: Andreas Mueller, Adrin Jalali -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import matplotlib.pyplot as plt import numpy as np diff --git a/examples/text/plot_document_classification_20newsgroups.py b/examples/text/plot_document_classification_20newsgroups.py index 04aad46c8451a..b54195c688be8 100644 --- a/examples/text/plot_document_classification_20newsgroups.py +++ b/examples/text/plot_document_classification_20newsgroups.py @@ -19,7 +19,7 @@ # Mathieu Blondel # Arturo Amor # Lars Buitinck -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% diff --git a/examples/text/plot_document_clustering.py b/examples/text/plot_document_clustering.py index 2c3506f4ec32e..226081327b64c 100644 --- a/examples/text/plot_document_clustering.py +++ b/examples/text/plot_document_clustering.py @@ -27,7 +27,7 @@ # Lars Buitinck # Olivier Grisel # Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Loading text data diff --git a/examples/text/plot_hashing_vs_dict_vectorizer.py b/examples/text/plot_hashing_vs_dict_vectorizer.py index 6c08f947e4a2f..8664dbdc51cd0 100644 --- a/examples/text/plot_hashing_vs_dict_vectorizer.py +++ b/examples/text/plot_hashing_vs_dict_vectorizer.py @@ -29,7 +29,7 @@ # Author: Lars Buitinck # Olivier Grisel # Arturo Amor -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # %% # Load Data diff --git a/sklearn/base.py b/sklearn/base.py index d4245ade4e499..448f0922582f4 100644 --- a/sklearn/base.py +++ b/sklearn/base.py @@ -1,7 +1,7 @@ """Base classes for all estimators and various utility functions.""" # Author: Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import copy import functools diff --git a/sklearn/calibration.py b/sklearn/calibration.py index 4fb0c508dba71..ba1b2eb49769c 100644 --- a/sklearn/calibration.py +++ b/sklearn/calibration.py @@ -5,7 +5,7 @@ # Jan Hendrik Metzen # Mathieu Blondel # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from inspect import signature diff --git a/sklearn/cluster/_affinity_propagation.py b/sklearn/cluster/_affinity_propagation.py index 735e30d3ea4b2..13b57c6bd9abb 100644 --- a/sklearn/cluster/_affinity_propagation.py +++ b/sklearn/cluster/_affinity_propagation.py @@ -3,7 +3,7 @@ # Author: Alexandre Gramfort alexandre.gramfort@inria.fr # Gael Varoquaux gael.varoquaux@normalesup.org -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/cluster/_bicluster.py b/sklearn/cluster/_bicluster.py index b22f6a369fcc1..53da309085beb 100644 --- a/sklearn/cluster/_bicluster.py +++ b/sklearn/cluster/_bicluster.py @@ -1,7 +1,7 @@ """Spectral biclustering algorithms.""" # Authors : Kemal Eren -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from abc import ABCMeta, abstractmethod from numbers import Integral diff --git a/sklearn/cluster/_birch.py b/sklearn/cluster/_birch.py index b7d8ff06622a7..2ee4508e89e9f 100644 --- a/sklearn/cluster/_birch.py +++ b/sklearn/cluster/_birch.py @@ -1,7 +1,7 @@ # Authors: Manoj Kumar # Alexandre Gramfort # Joel Nothman -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from math import sqrt diff --git a/sklearn/cluster/_dbscan.py b/sklearn/cluster/_dbscan.py index 0b117717297de..5d2ee114ba17b 100644 --- a/sklearn/cluster/_dbscan.py +++ b/sklearn/cluster/_dbscan.py @@ -6,7 +6,7 @@ # Joel Nothman # Lars Buitinck # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/cluster/_feature_agglomeration.py b/sklearn/cluster/_feature_agglomeration.py index c91952061a6f6..1393a7f9f85d6 100644 --- a/sklearn/cluster/_feature_agglomeration.py +++ b/sklearn/cluster/_feature_agglomeration.py @@ -4,7 +4,7 @@ """ # Author: V. Michel, A. Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np diff --git a/sklearn/cluster/_k_means_common.pyx b/sklearn/cluster/_k_means_common.pyx index 7c9c1bb54eaae..afb7e62a593b8 100644 --- a/sklearn/cluster/_k_means_common.pyx +++ b/sklearn/cluster/_k_means_common.pyx @@ -2,7 +2,7 @@ # Olivier Grisel # Lars Buitinck # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from cython cimport floating diff --git a/sklearn/cluster/_kmeans.py b/sklearn/cluster/_kmeans.py index 2ab6f1e95563b..34ce65597c55a 100644 --- a/sklearn/cluster/_kmeans.py +++ b/sklearn/cluster/_kmeans.py @@ -9,7 +9,7 @@ # Olivier Grisel # Mathieu Blondel # Robert Layton -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABC, abstractmethod diff --git a/sklearn/cluster/_spectral.py b/sklearn/cluster/_spectral.py index 91606056c17aa..7827c309353df 100644 --- a/sklearn/cluster/_spectral.py +++ b/sklearn/cluster/_spectral.py @@ -4,7 +4,7 @@ # Brian Cheung # Wei LI # Andrew Knyazev -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/cluster/tests/test_hierarchical.py b/sklearn/cluster/tests/test_hierarchical.py index 0a139bf3c4571..ba7ce18795c8c 100644 --- a/sklearn/cluster/tests/test_hierarchical.py +++ b/sklearn/cluster/tests/test_hierarchical.py @@ -5,7 +5,7 @@ # Authors: Vincent Michel, 2010, Gael Varoquaux 2012, # Matteo Visconti di Oleggio Castello 2014 -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools import shutil from functools import partial diff --git a/sklearn/cluster/tests/test_optics.py b/sklearn/cluster/tests/test_optics.py index e2140cf0f8b2c..ecf732ab91312 100644 --- a/sklearn/cluster/tests/test_optics.py +++ b/sklearn/cluster/tests/test_optics.py @@ -1,6 +1,6 @@ # Authors: Shane Grigsby # Adrin Jalali -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings import numpy as np diff --git a/sklearn/compose/_column_transformer.py b/sklearn/compose/_column_transformer.py index e594df3da92e7..a685a3311a817 100644 --- a/sklearn/compose/_column_transformer.py +++ b/sklearn/compose/_column_transformer.py @@ -6,7 +6,7 @@ # Author: Andreas Mueller # Joris Van den Bossche -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import warnings from collections import Counter, UserList from itertools import chain diff --git a/sklearn/compose/_target.py b/sklearn/compose/_target.py index 4db174770e333..27a908810bea6 100644 --- a/sklearn/compose/_target.py +++ b/sklearn/compose/_target.py @@ -1,6 +1,6 @@ # Authors: Andreas Mueller # Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/covariance/_elliptic_envelope.py b/sklearn/covariance/_elliptic_envelope.py index ed99a38c0ee56..e8e92055928f8 100644 --- a/sklearn/covariance/_elliptic_envelope.py +++ b/sklearn/covariance/_elliptic_envelope.py @@ -1,6 +1,6 @@ # Author: Virgile Fritsch # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Real diff --git a/sklearn/covariance/_empirical_covariance.py b/sklearn/covariance/_empirical_covariance.py index db52bfa05ded3..d67e8aa82eefb 100644 --- a/sklearn/covariance/_empirical_covariance.py +++ b/sklearn/covariance/_empirical_covariance.py @@ -7,7 +7,7 @@ # Gael Varoquaux # Virgile Fritsch # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # avoid division truncation import warnings diff --git a/sklearn/covariance/_graph_lasso.py b/sklearn/covariance/_graph_lasso.py index 75bfc396340c9..75188bd7bbaa5 100644 --- a/sklearn/covariance/_graph_lasso.py +++ b/sklearn/covariance/_graph_lasso.py @@ -3,7 +3,7 @@ """ # Author: Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # Copyright: INRIA import operator import sys diff --git a/sklearn/covariance/_robust_covariance.py b/sklearn/covariance/_robust_covariance.py index 980bf964e6dfa..1c023b24e4c48 100644 --- a/sklearn/covariance/_robust_covariance.py +++ b/sklearn/covariance/_robust_covariance.py @@ -7,7 +7,7 @@ # Author: Virgile Fritsch # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/covariance/_shrunk_covariance.py b/sklearn/covariance/_shrunk_covariance.py index caf23ffaf687e..5c095375c8ec4 100644 --- a/sklearn/covariance/_shrunk_covariance.py +++ b/sklearn/covariance/_shrunk_covariance.py @@ -10,7 +10,7 @@ # Gael Varoquaux # Virgile Fritsch # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # avoid division truncation import warnings diff --git a/sklearn/covariance/tests/test_covariance.py b/sklearn/covariance/tests/test_covariance.py index ef4bd63149d60..ff39548e55986 100644 --- a/sklearn/covariance/tests/test_covariance.py +++ b/sklearn/covariance/tests/test_covariance.py @@ -2,7 +2,7 @@ # Gael Varoquaux # Virgile Fritsch # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import pytest diff --git a/sklearn/covariance/tests/test_robust_covariance.py b/sklearn/covariance/tests/test_robust_covariance.py index 44dcdbbbf8249..9c91fd1494485 100644 --- a/sklearn/covariance/tests/test_robust_covariance.py +++ b/sklearn/covariance/tests/test_robust_covariance.py @@ -2,7 +2,7 @@ # Gael Varoquaux # Virgile Fritsch # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools diff --git a/sklearn/cross_decomposition/_pls.py b/sklearn/cross_decomposition/_pls.py index b6f7dd663724e..6995796640fb6 100644 --- a/sklearn/cross_decomposition/_pls.py +++ b/sklearn/cross_decomposition/_pls.py @@ -3,7 +3,7 @@ """ # Author: Edouard Duchesnay -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABCMeta, abstractmethod diff --git a/sklearn/datasets/_base.py b/sklearn/datasets/_base.py index aa145384c042d..e7e5b74f18cb2 100644 --- a/sklearn/datasets/_base.py +++ b/sklearn/datasets/_base.py @@ -5,7 +5,7 @@ # Copyright (c) 2007 David Cournapeau # 2010 Fabian Pedregosa # 2010 Olivier Grisel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import csv import gzip import hashlib diff --git a/sklearn/datasets/_california_housing.py b/sklearn/datasets/_california_housing.py index a1e4b911f1bef..ec307610e2a73 100644 --- a/sklearn/datasets/_california_housing.py +++ b/sklearn/datasets/_california_housing.py @@ -20,7 +20,7 @@ """ # Authors: Peter Prettenhofer -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import logging import tarfile diff --git a/sklearn/datasets/_covtype.py b/sklearn/datasets/_covtype.py index 5d2055227141d..362465cc107c1 100644 --- a/sklearn/datasets/_covtype.py +++ b/sklearn/datasets/_covtype.py @@ -12,7 +12,7 @@ # Author: Lars Buitinck # Peter Prettenhofer -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import logging import os diff --git a/sklearn/datasets/_lfw.py b/sklearn/datasets/_lfw.py index be72baa981da7..c24a19ddeb7f2 100644 --- a/sklearn/datasets/_lfw.py +++ b/sklearn/datasets/_lfw.py @@ -7,7 +7,7 @@ """ # Copyright (c) 2011 Olivier Grisel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import logging from numbers import Integral, Real diff --git a/sklearn/datasets/_olivetti_faces.py b/sklearn/datasets/_olivetti_faces.py index b0051c1520169..2fac832a1fbf6 100644 --- a/sklearn/datasets/_olivetti_faces.py +++ b/sklearn/datasets/_olivetti_faces.py @@ -11,7 +11,7 @@ """ # Copyright (c) 2011 David Warde-Farley -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Integral, Real from os import PathLike, makedirs, remove diff --git a/sklearn/datasets/_rcv1.py b/sklearn/datasets/_rcv1.py index c1b59b0a2c7cf..eca09132a683b 100644 --- a/sklearn/datasets/_rcv1.py +++ b/sklearn/datasets/_rcv1.py @@ -6,7 +6,7 @@ """ # Author: Tom Dupre la Tour -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import logging from gzip import GzipFile diff --git a/sklearn/datasets/_samples_generator.py b/sklearn/datasets/_samples_generator.py index e4fabcd892d7e..25a1ccb3d9dd1 100644 --- a/sklearn/datasets/_samples_generator.py +++ b/sklearn/datasets/_samples_generator.py @@ -4,7 +4,7 @@ # Authors: B. Thirion, G. Varoquaux, A. Gramfort, V. Michel, O. Grisel, # G. Louppe, J. Nothman -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import array import numbers diff --git a/sklearn/datasets/_species_distributions.py b/sklearn/datasets/_species_distributions.py index 2bd6f0207b069..f3132442d5588 100644 --- a/sklearn/datasets/_species_distributions.py +++ b/sklearn/datasets/_species_distributions.py @@ -35,7 +35,7 @@ # Authors: Peter Prettenhofer # Jake Vanderplas # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import logging from io import BytesIO diff --git a/sklearn/datasets/_svmlight_format_fast.pyx b/sklearn/datasets/_svmlight_format_fast.pyx index 103d43bf88965..0eb94e126af6f 100644 --- a/sklearn/datasets/_svmlight_format_fast.pyx +++ b/sklearn/datasets/_svmlight_format_fast.pyx @@ -3,7 +3,7 @@ # Authors: Mathieu Blondel # Lars Buitinck # Olivier Grisel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import array from cpython cimport array diff --git a/sklearn/datasets/_svmlight_format_io.py b/sklearn/datasets/_svmlight_format_io.py index c567ed6859895..c4a2f9dff48ed 100644 --- a/sklearn/datasets/_svmlight_format_io.py +++ b/sklearn/datasets/_svmlight_format_io.py @@ -13,7 +13,7 @@ # Authors: Mathieu Blondel # Lars Buitinck # Olivier Grisel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import os.path from contextlib import closing diff --git a/sklearn/datasets/_twenty_newsgroups.py b/sklearn/datasets/_twenty_newsgroups.py index 9156bb0018ff4..6866daf672300 100644 --- a/sklearn/datasets/_twenty_newsgroups.py +++ b/sklearn/datasets/_twenty_newsgroups.py @@ -23,7 +23,7 @@ """ # Copyright (c) 2011 Olivier Grisel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import codecs import logging diff --git a/sklearn/decomposition/_base.py b/sklearn/decomposition/_base.py index 5c9d8419f675e..0e31afd23b39e 100644 --- a/sklearn/decomposition/_base.py +++ b/sklearn/decomposition/_base.py @@ -6,7 +6,7 @@ # Denis A. Engemann # Kyle Kastner # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from abc import ABCMeta, abstractmethod diff --git a/sklearn/decomposition/_cdnmf_fast.pyx b/sklearn/decomposition/_cdnmf_fast.pyx index 65db92171c75d..ff5feeec8ec4a 100644 --- a/sklearn/decomposition/_cdnmf_fast.pyx +++ b/sklearn/decomposition/_cdnmf_fast.pyx @@ -1,5 +1,5 @@ # Author: Mathieu Blondel, Tom Dupre la Tour -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from cython cimport floating from libc.math cimport fabs diff --git a/sklearn/decomposition/_dict_learning.py b/sklearn/decomposition/_dict_learning.py index 267e1cbfe756b..ba013b4c5bbc1 100644 --- a/sklearn/decomposition/_dict_learning.py +++ b/sklearn/decomposition/_dict_learning.py @@ -1,7 +1,7 @@ """Dictionary learning.""" # Author: Vlad Niculae, Gael Varoquaux, Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools import sys diff --git a/sklearn/decomposition/_factor_analysis.py b/sklearn/decomposition/_factor_analysis.py index af3498d534483..4c81a35a1db52 100644 --- a/sklearn/decomposition/_factor_analysis.py +++ b/sklearn/decomposition/_factor_analysis.py @@ -17,7 +17,7 @@ # Alexandre Gramfort # Denis A. Engemann -# License: BSD3 +# SPDX-License-Identifier: BSD-3-Clause import warnings from math import log, sqrt diff --git a/sklearn/decomposition/_fastica.py b/sklearn/decomposition/_fastica.py index a4f36e5ba87db..36420dec15abb 100644 --- a/sklearn/decomposition/_fastica.py +++ b/sklearn/decomposition/_fastica.py @@ -7,7 +7,7 @@ # Authors: Pierre Lafaye de Micheaux, Stefan van der Walt, Gael Varoquaux, # Bertrand Thirion, Alexandre Gramfort, Denis A. Engemann -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/decomposition/_incremental_pca.py b/sklearn/decomposition/_incremental_pca.py index 1089b2c54e086..6cba376787015 100644 --- a/sklearn/decomposition/_incremental_pca.py +++ b/sklearn/decomposition/_incremental_pca.py @@ -2,7 +2,7 @@ # Author: Kyle Kastner # Giorgio Patrini -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Integral diff --git a/sklearn/decomposition/_kernel_pca.py b/sklearn/decomposition/_kernel_pca.py index 88b1bb63a4fb0..986181497ab12 100644 --- a/sklearn/decomposition/_kernel_pca.py +++ b/sklearn/decomposition/_kernel_pca.py @@ -2,7 +2,7 @@ # Author: Mathieu Blondel # Sylvain Marie -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Integral, Real diff --git a/sklearn/decomposition/_nmf.py b/sklearn/decomposition/_nmf.py index 0970c93deb1ec..3e24d83a766ef 100644 --- a/sklearn/decomposition/_nmf.py +++ b/sklearn/decomposition/_nmf.py @@ -4,7 +4,7 @@ # Lars Buitinck # Mathieu Blondel # Tom Dupre la Tour -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools import time diff --git a/sklearn/decomposition/_pca.py b/sklearn/decomposition/_pca.py index cb0f2e7e02fb3..715d28af5ff7e 100644 --- a/sklearn/decomposition/_pca.py +++ b/sklearn/decomposition/_pca.py @@ -7,7 +7,7 @@ # Michael Eickenberg # Giorgio Patrini # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from math import log, sqrt from numbers import Integral, Real diff --git a/sklearn/decomposition/_sparse_pca.py b/sklearn/decomposition/_sparse_pca.py index b284e784d4466..ac79ae031e988 100644 --- a/sklearn/decomposition/_sparse_pca.py +++ b/sklearn/decomposition/_sparse_pca.py @@ -1,7 +1,7 @@ """Matrix factorization with Sparse PCA.""" # Author: Vlad Niculae, Gael Varoquaux, Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Integral, Real diff --git a/sklearn/decomposition/tests/test_factor_analysis.py b/sklearn/decomposition/tests/test_factor_analysis.py index 2ff14f8d71722..5916b6b9fe0e5 100644 --- a/sklearn/decomposition/tests/test_factor_analysis.py +++ b/sklearn/decomposition/tests/test_factor_analysis.py @@ -1,6 +1,6 @@ # Author: Christian Osendorfer # Alexandre Gramfort -# License: BSD3 +# SPDX-License-Identifier: BSD-3-Clause from itertools import combinations diff --git a/sklearn/decomposition/tests/test_sparse_pca.py b/sklearn/decomposition/tests/test_sparse_pca.py index 532d8dbd5e82f..ad81123ab9eee 100644 --- a/sklearn/decomposition/tests/test_sparse_pca.py +++ b/sklearn/decomposition/tests/test_sparse_pca.py @@ -1,5 +1,5 @@ # Author: Vlad Niculae -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import sys diff --git a/sklearn/discriminant_analysis.py b/sklearn/discriminant_analysis.py index cceaba93273da..cf358f1051aae 100644 --- a/sklearn/discriminant_analysis.py +++ b/sklearn/discriminant_analysis.py @@ -5,7 +5,7 @@ # Matthieu Perrot # Mathieu Blondel -# License: BSD 3-Clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/dummy.py b/sklearn/dummy.py index 9a30e6a84118a..d737957b5192a 100644 --- a/sklearn/dummy.py +++ b/sklearn/dummy.py @@ -3,7 +3,7 @@ # Author: Mathieu Blondel # Arnaud Joly # Maheshakya Wijewardena -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/ensemble/_bagging.py b/sklearn/ensemble/_bagging.py index 7f278cb06f2ba..ac6227adaa478 100644 --- a/sklearn/ensemble/_bagging.py +++ b/sklearn/ensemble/_bagging.py @@ -1,7 +1,7 @@ """Bagging meta-estimator.""" # Author: Gilles Louppe -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools diff --git a/sklearn/ensemble/_base.py b/sklearn/ensemble/_base.py index 18079b02c49f1..4290efe994202 100644 --- a/sklearn/ensemble/_base.py +++ b/sklearn/ensemble/_base.py @@ -1,7 +1,7 @@ """Base class for ensemble-based estimators.""" # Authors: Gilles Louppe -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from abc import ABCMeta, abstractmethod from typing import List diff --git a/sklearn/ensemble/_forest.py b/sklearn/ensemble/_forest.py index 28c404c3e406b..41f9934e33b9d 100644 --- a/sklearn/ensemble/_forest.py +++ b/sklearn/ensemble/_forest.py @@ -37,7 +37,7 @@ class calls the ``fit`` method of each sub-estimator on random samples # Joly Arnaud # Fares Hedayati # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import threading diff --git a/sklearn/ensemble/_gb.py b/sklearn/ensemble/_gb.py index 18d89b21f5512..c52edd18a3d85 100644 --- a/sklearn/ensemble/_gb.py +++ b/sklearn/ensemble/_gb.py @@ -18,7 +18,7 @@ # Authors: Peter Prettenhofer, Scott White, Gilles Louppe, Emanuele Olivetti, # Arnaud Joly, Jacob Schreiber -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import math import warnings diff --git a/sklearn/ensemble/_gradient_boosting.pyx b/sklearn/ensemble/_gradient_boosting.pyx index 034f3c45be8a7..20ed6c41ec760 100644 --- a/sklearn/ensemble/_gradient_boosting.pyx +++ b/sklearn/ensemble/_gradient_boosting.pyx @@ -1,6 +1,6 @@ # Author: Peter Prettenhofer # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from libc.stdlib cimport free from libc.string cimport memset diff --git a/sklearn/ensemble/_iforest.py b/sklearn/ensemble/_iforest.py index 480d1f2d3e4ef..d673658070d84 100644 --- a/sklearn/ensemble/_iforest.py +++ b/sklearn/ensemble/_iforest.py @@ -1,6 +1,6 @@ # Authors: Nicolas Goix # Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers from numbers import Integral, Real diff --git a/sklearn/ensemble/_stacking.py b/sklearn/ensemble/_stacking.py index 9dc93b6c35975..bb0706d124aef 100644 --- a/sklearn/ensemble/_stacking.py +++ b/sklearn/ensemble/_stacking.py @@ -1,7 +1,7 @@ """Stacking classifier and regressor.""" # Authors: Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from abc import ABCMeta, abstractmethod from copy import deepcopy diff --git a/sklearn/ensemble/_voting.py b/sklearn/ensemble/_voting.py index 7c54be40dc013..a4fb5149484cd 100644 --- a/sklearn/ensemble/_voting.py +++ b/sklearn/ensemble/_voting.py @@ -11,7 +11,7 @@ # Ramil Nugmanov # Mohamed Ali Jamaoui # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from abc import abstractmethod from numbers import Integral diff --git a/sklearn/ensemble/_weight_boosting.py b/sklearn/ensemble/_weight_boosting.py index 5af3c22bde52c..926f3152a1ee6 100644 --- a/sklearn/ensemble/_weight_boosting.py +++ b/sklearn/ensemble/_weight_boosting.py @@ -21,7 +21,7 @@ # Hamzeh Alsalhi # Arnaud Joly # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABCMeta, abstractmethod diff --git a/sklearn/ensemble/tests/test_bagging.py b/sklearn/ensemble/tests/test_bagging.py index da855a568b402..930870abdf742 100644 --- a/sklearn/ensemble/tests/test_bagging.py +++ b/sklearn/ensemble/tests/test_bagging.py @@ -3,7 +3,7 @@ """ # Author: Gilles Louppe -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from itertools import cycle, product import joblib diff --git a/sklearn/ensemble/tests/test_base.py b/sklearn/ensemble/tests/test_base.py index aa06edc19e756..f0f9dae814897 100644 --- a/sklearn/ensemble/tests/test_base.py +++ b/sklearn/ensemble/tests/test_base.py @@ -3,7 +3,7 @@ """ # Authors: Gilles Louppe -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from collections import OrderedDict diff --git a/sklearn/ensemble/tests/test_forest.py b/sklearn/ensemble/tests/test_forest.py index 2468f8fc5b590..fa82f4a50c56d 100644 --- a/sklearn/ensemble/tests/test_forest.py +++ b/sklearn/ensemble/tests/test_forest.py @@ -6,7 +6,7 @@ # Brian Holt, # Andreas Mueller, # Arnaud Joly -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools import math diff --git a/sklearn/ensemble/tests/test_iforest.py b/sklearn/ensemble/tests/test_iforest.py index 22dcc92906a6b..30dab5ee6124a 100644 --- a/sklearn/ensemble/tests/test_iforest.py +++ b/sklearn/ensemble/tests/test_iforest.py @@ -4,7 +4,7 @@ # Authors: Nicolas Goix # Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from unittest.mock import Mock, patch diff --git a/sklearn/ensemble/tests/test_stacking.py b/sklearn/ensemble/tests/test_stacking.py index 1c038cd469216..965ff9d6d3e14 100644 --- a/sklearn/ensemble/tests/test_stacking.py +++ b/sklearn/ensemble/tests/test_stacking.py @@ -1,7 +1,7 @@ """Test the stacking classifier and regressor.""" # Authors: Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import re from unittest.mock import Mock diff --git a/sklearn/externals/_scipy/sparse/csgraph/_laplacian.py b/sklearn/externals/_scipy/sparse/csgraph/_laplacian.py index f862d261d66de..34c816628ee73 100644 --- a/sklearn/externals/_scipy/sparse/csgraph/_laplacian.py +++ b/sklearn/externals/_scipy/sparse/csgraph/_laplacian.py @@ -8,7 +8,7 @@ Laplacian of a compressed-sparse graph """ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from scipy.sparse import issparse diff --git a/sklearn/feature_extraction/_dict_vectorizer.py b/sklearn/feature_extraction/_dict_vectorizer.py index 9855684b550c4..b02e48c0d80e4 100644 --- a/sklearn/feature_extraction/_dict_vectorizer.py +++ b/sklearn/feature_extraction/_dict_vectorizer.py @@ -1,6 +1,6 @@ # Authors: Lars Buitinck # Dan Blanchard -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from array import array from collections.abc import Iterable, Mapping diff --git a/sklearn/feature_extraction/_hash.py b/sklearn/feature_extraction/_hash.py index 9874bc0a02835..f1bcef613dde5 100644 --- a/sklearn/feature_extraction/_hash.py +++ b/sklearn/feature_extraction/_hash.py @@ -1,5 +1,5 @@ # Author: Lars Buitinck -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from itertools import chain from numbers import Integral diff --git a/sklearn/feature_extraction/_hashing_fast.pyx b/sklearn/feature_extraction/_hashing_fast.pyx index 93e7ac7e88540..72e326dcbdbc7 100644 --- a/sklearn/feature_extraction/_hashing_fast.pyx +++ b/sklearn/feature_extraction/_hashing_fast.pyx @@ -1,5 +1,5 @@ # Author: Lars Buitinck -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from libc.stdlib cimport abs from libcpp.vector cimport vector diff --git a/sklearn/feature_extraction/image.py b/sklearn/feature_extraction/image.py index 66dfc6f872b59..36d142123ae70 100644 --- a/sklearn/feature_extraction/image.py +++ b/sklearn/feature_extraction/image.py @@ -4,7 +4,7 @@ # Gael Varoquaux # Olivier Grisel # Vlad Niculae -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from itertools import product from numbers import Integral, Number, Real diff --git a/sklearn/feature_extraction/tests/test_dict_vectorizer.py b/sklearn/feature_extraction/tests/test_dict_vectorizer.py index e9784d68d7199..c9f805ccdd00a 100644 --- a/sklearn/feature_extraction/tests/test_dict_vectorizer.py +++ b/sklearn/feature_extraction/tests/test_dict_vectorizer.py @@ -1,6 +1,6 @@ # Authors: Lars Buitinck # Dan Blanchard -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from random import Random diff --git a/sklearn/feature_extraction/tests/test_image.py b/sklearn/feature_extraction/tests/test_image.py index 375652c848db6..b211f6dbe2ba3 100644 --- a/sklearn/feature_extraction/tests/test_image.py +++ b/sklearn/feature_extraction/tests/test_image.py @@ -1,6 +1,6 @@ # Authors: Emmanuelle Gouillart # Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import pytest diff --git a/sklearn/feature_extraction/text.py b/sklearn/feature_extraction/text.py index 8607d6dab4373..3fb02f6aa2fa3 100644 --- a/sklearn/feature_extraction/text.py +++ b/sklearn/feature_extraction/text.py @@ -7,7 +7,7 @@ # Jochen Wersdörfer # Roman Sinayev # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import array import re diff --git a/sklearn/feature_selection/_base.py b/sklearn/feature_selection/_base.py index 666550c196b97..f78b11dfac9ec 100644 --- a/sklearn/feature_selection/_base.py +++ b/sklearn/feature_selection/_base.py @@ -1,7 +1,7 @@ """Generic feature selection mixin""" # Authors: G. Varoquaux, A. Gramfort, L. Buitinck, J. Nothman -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABCMeta, abstractmethod diff --git a/sklearn/feature_selection/_from_model.py b/sklearn/feature_selection/_from_model.py index 46c2b9ebbb163..7c354299b4c86 100644 --- a/sklearn/feature_selection/_from_model.py +++ b/sklearn/feature_selection/_from_model.py @@ -1,5 +1,5 @@ # Authors: Gilles Louppe, Mathieu Blondel, Maheshakya Wijewardena -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from copy import deepcopy from numbers import Integral, Real diff --git a/sklearn/feature_selection/_rfe.py b/sklearn/feature_selection/_rfe.py index a0f4b74a44671..27319d950ea1a 100644 --- a/sklearn/feature_selection/_rfe.py +++ b/sklearn/feature_selection/_rfe.py @@ -2,7 +2,7 @@ # Vincent Michel # Gilles Louppe # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause """Recursive feature elimination for feature ranking""" diff --git a/sklearn/feature_selection/_univariate_selection.py b/sklearn/feature_selection/_univariate_selection.py index df1b5072ce741..d15cd36d4b58b 100644 --- a/sklearn/feature_selection/_univariate_selection.py +++ b/sklearn/feature_selection/_univariate_selection.py @@ -2,7 +2,7 @@ # Authors: V. Michel, B. Thirion, G. Varoquaux, A. Gramfort, E. Duchesnay. # L. Buitinck, A. Joly -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/gaussian_process/__init__.py b/sklearn/gaussian_process/__init__.py index b1488a8c3e663..f338847d3e250 100644 --- a/sklearn/gaussian_process/__init__.py +++ b/sklearn/gaussian_process/__init__.py @@ -3,7 +3,7 @@ # Author: Jan Hendrik Metzen # Vincent Dubourg # (mostly translation, see implementation details) -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from . import kernels from ._gpc import GaussianProcessClassifier diff --git a/sklearn/gaussian_process/_gpc.py b/sklearn/gaussian_process/_gpc.py index 013815795a853..a2088d7898a10 100644 --- a/sklearn/gaussian_process/_gpc.py +++ b/sklearn/gaussian_process/_gpc.py @@ -2,7 +2,7 @@ # Authors: Jan Hendrik Metzen # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Integral from operator import itemgetter diff --git a/sklearn/gaussian_process/_gpr.py b/sklearn/gaussian_process/_gpr.py index 829c1e2fad2d8..feefc25ad60e7 100644 --- a/sklearn/gaussian_process/_gpr.py +++ b/sklearn/gaussian_process/_gpr.py @@ -2,7 +2,7 @@ # Authors: Jan Hendrik Metzen # Modified by: Pete Green -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/gaussian_process/kernels.py b/sklearn/gaussian_process/kernels.py index 9c26d4fc466ee..7da74aa842ecb 100644 --- a/sklearn/gaussian_process/kernels.py +++ b/sklearn/gaussian_process/kernels.py @@ -16,7 +16,7 @@ # Author: Jan Hendrik Metzen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # Note: this module is strongly inspired by the kernel module of the george # package. diff --git a/sklearn/gaussian_process/tests/test_gpc.py b/sklearn/gaussian_process/tests/test_gpc.py index bd8bd39e1cc01..e23fe7c7582a7 100644 --- a/sklearn/gaussian_process/tests/test_gpc.py +++ b/sklearn/gaussian_process/tests/test_gpc.py @@ -1,7 +1,7 @@ """Testing for Gaussian process classification""" # Author: Jan Hendrik Metzen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/gaussian_process/tests/test_gpr.py b/sklearn/gaussian_process/tests/test_gpr.py index e280827926d28..675a4199654ce 100644 --- a/sklearn/gaussian_process/tests/test_gpr.py +++ b/sklearn/gaussian_process/tests/test_gpr.py @@ -2,7 +2,7 @@ # Author: Jan Hendrik Metzen # Modified by: Pete Green -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import re import sys diff --git a/sklearn/gaussian_process/tests/test_kernels.py b/sklearn/gaussian_process/tests/test_kernels.py index 8733f94c94e06..935b77e9201a4 100644 --- a/sklearn/gaussian_process/tests/test_kernels.py +++ b/sklearn/gaussian_process/tests/test_kernels.py @@ -1,7 +1,7 @@ """Testing for kernels for Gaussian processes.""" # Author: Jan Hendrik Metzen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from inspect import signature diff --git a/sklearn/impute/_base.py b/sklearn/impute/_base.py index 04a4dffd10e68..9b82335f191d8 100644 --- a/sklearn/impute/_base.py +++ b/sklearn/impute/_base.py @@ -1,6 +1,6 @@ # Authors: Nicolas Tresegnie # Sergey Feldman -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers import warnings diff --git a/sklearn/impute/_knn.py b/sklearn/impute/_knn.py index 025e4ce76c134..890b26ce45384 100644 --- a/sklearn/impute/_knn.py +++ b/sklearn/impute/_knn.py @@ -1,6 +1,6 @@ # Authors: Ashim Bhattarai # Thomas J Fan -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Integral diff --git a/sklearn/inspection/_partial_dependence.py b/sklearn/inspection/_partial_dependence.py index b6ca19c407f34..1d114ec80feea 100644 --- a/sklearn/inspection/_partial_dependence.py +++ b/sklearn/inspection/_partial_dependence.py @@ -3,7 +3,7 @@ # Authors: Peter Prettenhofer # Trevor Stephens # Nicolas Hug -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from collections.abc import Iterable diff --git a/sklearn/isotonic.py b/sklearn/isotonic.py index 66acd3edb29b3..955d5412a0923 100644 --- a/sklearn/isotonic.py +++ b/sklearn/isotonic.py @@ -3,7 +3,7 @@ # Authors: Fabian Pedregosa # Alexandre Gramfort # Nelle Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import math import warnings diff --git a/sklearn/kernel_approximation.py b/sklearn/kernel_approximation.py index 118b37a9b03f2..8d20ca543698a 100644 --- a/sklearn/kernel_approximation.py +++ b/sklearn/kernel_approximation.py @@ -2,7 +2,7 @@ # Author: Andreas Mueller # Daniel Lopez-Sanchez (TensorSketch) -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/kernel_ridge.py b/sklearn/kernel_ridge.py index bdd31d5105336..c1e657aeed33b 100644 --- a/sklearn/kernel_ridge.py +++ b/sklearn/kernel_ridge.py @@ -2,7 +2,7 @@ # Authors: Mathieu Blondel # Jan Hendrik Metzen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Real import numpy as np diff --git a/sklearn/linear_model/_base.py b/sklearn/linear_model/_base.py index eac754f3f88b4..81d602e34880e 100644 --- a/sklearn/linear_model/_base.py +++ b/sklearn/linear_model/_base.py @@ -12,7 +12,7 @@ # Maryan Morel # Giorgio Patrini # Maria Telenczuk -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers import warnings diff --git a/sklearn/linear_model/_bayes.py b/sklearn/linear_model/_bayes.py index a572c82e6e158..e1e3759cd9e62 100644 --- a/sklearn/linear_model/_bayes.py +++ b/sklearn/linear_model/_bayes.py @@ -3,7 +3,7 @@ """ # Authors: V. Michel, F. Pedregosa, A. Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from math import log from numbers import Integral, Real diff --git a/sklearn/linear_model/_cd_fast.pyx b/sklearn/linear_model/_cd_fast.pyx index 4f5cb59555cdc..26cfa73d0ad73 100644 --- a/sklearn/linear_model/_cd_fast.pyx +++ b/sklearn/linear_model/_cd_fast.pyx @@ -4,7 +4,7 @@ # Alexis Mignon # Manoj Kumar # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from libc.math cimport fabs import numpy as np diff --git a/sklearn/linear_model/_coordinate_descent.py b/sklearn/linear_model/_coordinate_descent.py index 6a62fa1e245e2..9406e9b2dd1eb 100644 --- a/sklearn/linear_model/_coordinate_descent.py +++ b/sklearn/linear_model/_coordinate_descent.py @@ -3,7 +3,7 @@ # Olivier Grisel # Gael Varoquaux # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers import sys diff --git a/sklearn/linear_model/_huber.py b/sklearn/linear_model/_huber.py index 4c60a2de8cb86..669544bf5a5ba 100644 --- a/sklearn/linear_model/_huber.py +++ b/sklearn/linear_model/_huber.py @@ -1,5 +1,5 @@ # Authors: Manoj Kumar mks542@nyu.edu -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Integral, Real diff --git a/sklearn/linear_model/_least_angle.py b/sklearn/linear_model/_least_angle.py index fae9f523847ad..b4d0150738442 100644 --- a/sklearn/linear_model/_least_angle.py +++ b/sklearn/linear_model/_least_angle.py @@ -7,7 +7,7 @@ # Alexandre Gramfort # Gael Varoquaux # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import sys import warnings diff --git a/sklearn/linear_model/_omp.py b/sklearn/linear_model/_omp.py index f52ef553eab4c..be98341a18901 100644 --- a/sklearn/linear_model/_omp.py +++ b/sklearn/linear_model/_omp.py @@ -2,7 +2,7 @@ # Author: Vlad Niculae # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from math import sqrt diff --git a/sklearn/linear_model/_passive_aggressive.py b/sklearn/linear_model/_passive_aggressive.py index 3a7ffbf9bfaea..6f988cf63b4ac 100644 --- a/sklearn/linear_model/_passive_aggressive.py +++ b/sklearn/linear_model/_passive_aggressive.py @@ -1,5 +1,5 @@ # Authors: Rob Zinkov, Mathieu Blondel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Real from ..base import _fit_context diff --git a/sklearn/linear_model/_perceptron.py b/sklearn/linear_model/_perceptron.py index b97550fa52e8c..22a606bc8fdc6 100644 --- a/sklearn/linear_model/_perceptron.py +++ b/sklearn/linear_model/_perceptron.py @@ -1,5 +1,5 @@ # Author: Mathieu Blondel -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Real from ..utils._param_validation import Interval, StrOptions diff --git a/sklearn/linear_model/_quantile.py b/sklearn/linear_model/_quantile.py index 33451d8640bff..6e04b7c7c4c5b 100644 --- a/sklearn/linear_model/_quantile.py +++ b/sklearn/linear_model/_quantile.py @@ -1,6 +1,6 @@ # Authors: David Dale # Christian Lorentzen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Real diff --git a/sklearn/linear_model/_ransac.py b/sklearn/linear_model/_ransac.py index b6bf7b082fc5e..d11dedb3f3952 100644 --- a/sklearn/linear_model/_ransac.py +++ b/sklearn/linear_model/_ransac.py @@ -1,6 +1,6 @@ # Author: Johannes Schönberger # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/linear_model/_ridge.py b/sklearn/linear_model/_ridge.py index b336565cff1f6..2d76368c0533b 100644 --- a/sklearn/linear_model/_ridge.py +++ b/sklearn/linear_model/_ridge.py @@ -6,7 +6,7 @@ # Reuben Fletcher-Costin # Fabian Pedregosa # Michael Eickenberg -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers diff --git a/sklearn/linear_model/_sag.py b/sklearn/linear_model/_sag.py index 758e361fc1ad9..3b41272b4f447 100644 --- a/sklearn/linear_model/_sag.py +++ b/sklearn/linear_model/_sag.py @@ -2,7 +2,7 @@ # Authors: Tom Dupre la Tour # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/linear_model/_sgd_fast.pxd b/sklearn/linear_model/_sgd_fast.pxd index da7f155c6fa6e..c6991b8aa5bc2 100644 --- a/sklearn/linear_model/_sgd_fast.pxd +++ b/sklearn/linear_model/_sgd_fast.pxd @@ -1,4 +1,4 @@ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause """Helper to load LossFunction from sgd_fast.pyx to sag_fast.pyx""" cdef class LossFunction: diff --git a/sklearn/linear_model/_stochastic_gradient.py b/sklearn/linear_model/_stochastic_gradient.py index e0fad5d8be8b8..1c22a36ed2ebe 100644 --- a/sklearn/linear_model/_stochastic_gradient.py +++ b/sklearn/linear_model/_stochastic_gradient.py @@ -1,7 +1,7 @@ # Authors: Peter Prettenhofer (main author) # Mathieu Blondel (partial_fit support) # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause """Classification, regression and One-Class SVM using Stochastic Gradient Descent (SGD). """ diff --git a/sklearn/linear_model/_theil_sen.py b/sklearn/linear_model/_theil_sen.py index b1ebd6524cb27..20841624dd63f 100644 --- a/sklearn/linear_model/_theil_sen.py +++ b/sklearn/linear_model/_theil_sen.py @@ -4,7 +4,7 @@ # Author: Florian Wilhelm # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/linear_model/tests/test_base.py b/sklearn/linear_model/tests/test_base.py index 7c9f734dcf5b5..6672e7b59495b 100644 --- a/sklearn/linear_model/tests/test_base.py +++ b/sklearn/linear_model/tests/test_base.py @@ -2,7 +2,7 @@ # Fabian Pedregosa # Maria Telenczuk # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/linear_model/tests/test_bayes.py b/sklearn/linear_model/tests/test_bayes.py index 48fa42b81dfd0..339d48ade68dd 100644 --- a/sklearn/linear_model/tests/test_bayes.py +++ b/sklearn/linear_model/tests/test_bayes.py @@ -1,7 +1,7 @@ # Author: Alexandre Gramfort # Fabian Pedregosa # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from math import log diff --git a/sklearn/linear_model/tests/test_common.py b/sklearn/linear_model/tests/test_common.py index ff9d7aad146f3..6aa7c737983ac 100644 --- a/sklearn/linear_model/tests/test_common.py +++ b/sklearn/linear_model/tests/test_common.py @@ -1,4 +1,4 @@ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import inspect diff --git a/sklearn/linear_model/tests/test_coordinate_descent.py b/sklearn/linear_model/tests/test_coordinate_descent.py index edc75b7d9dcda..91145e153dd7b 100644 --- a/sklearn/linear_model/tests/test_coordinate_descent.py +++ b/sklearn/linear_model/tests/test_coordinate_descent.py @@ -1,6 +1,6 @@ # Authors: Olivier Grisel # Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from copy import deepcopy diff --git a/sklearn/linear_model/tests/test_huber.py b/sklearn/linear_model/tests/test_huber.py index 3856d74464f0b..4d95c9caa20d7 100644 --- a/sklearn/linear_model/tests/test_huber.py +++ b/sklearn/linear_model/tests/test_huber.py @@ -1,5 +1,5 @@ # Authors: Manoj Kumar mks542@nyu.edu -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import pytest diff --git a/sklearn/linear_model/tests/test_omp.py b/sklearn/linear_model/tests/test_omp.py index 53b806a552a63..98cf5be1f2d0c 100644 --- a/sklearn/linear_model/tests/test_omp.py +++ b/sklearn/linear_model/tests/test_omp.py @@ -1,5 +1,5 @@ # Author: Vlad Niculae -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np diff --git a/sklearn/linear_model/tests/test_quantile.py b/sklearn/linear_model/tests/test_quantile.py index 53c1e1f071dcb..9dea00e56af4a 100644 --- a/sklearn/linear_model/tests/test_quantile.py +++ b/sklearn/linear_model/tests/test_quantile.py @@ -1,6 +1,6 @@ # Authors: David Dale # Christian Lorentzen -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import pytest diff --git a/sklearn/linear_model/tests/test_sag.py b/sklearn/linear_model/tests/test_sag.py index a51d1406559ff..8588da791ae63 100644 --- a/sklearn/linear_model/tests/test_sag.py +++ b/sklearn/linear_model/tests/test_sag.py @@ -1,7 +1,7 @@ # Authors: Danny Sullivan # Tom Dupre la Tour # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import math import re diff --git a/sklearn/linear_model/tests/test_theil_sen.py b/sklearn/linear_model/tests/test_theil_sen.py index f72c18c24a809..299c5d528fce4 100644 --- a/sklearn/linear_model/tests/test_theil_sen.py +++ b/sklearn/linear_model/tests/test_theil_sen.py @@ -3,7 +3,7 @@ """ # Author: Florian Wilhelm -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import os import re import sys diff --git a/sklearn/manifold/_isomap.py b/sklearn/manifold/_isomap.py index c6e8bfdc42685..67826d148c4b0 100644 --- a/sklearn/manifold/_isomap.py +++ b/sklearn/manifold/_isomap.py @@ -1,7 +1,7 @@ """Isomap for manifold learning""" # Author: Jake Vanderplas -- -# License: BSD 3 clause (C) 2011 +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/manifold/_locally_linear.py b/sklearn/manifold/_locally_linear.py index 18f7f504a1e31..4fa737a832743 100644 --- a/sklearn/manifold/_locally_linear.py +++ b/sklearn/manifold/_locally_linear.py @@ -2,7 +2,7 @@ # Author: Fabian Pedregosa -- # Jake Vanderplas -- -# License: BSD 3 clause (C) INRIA 2011 +# SPDX-License-Identifier: BSD-3-Clause from numbers import Integral, Real diff --git a/sklearn/manifold/_mds.py b/sklearn/manifold/_mds.py index 760336da52e9f..f57ce6c4c8d2c 100644 --- a/sklearn/manifold/_mds.py +++ b/sklearn/manifold/_mds.py @@ -3,7 +3,7 @@ """ # author: Nelle Varoquaux -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral, Real diff --git a/sklearn/manifold/_spectral_embedding.py b/sklearn/manifold/_spectral_embedding.py index 2e2e262183a17..4e4cd31ba4d26 100644 --- a/sklearn/manifold/_spectral_embedding.py +++ b/sklearn/manifold/_spectral_embedding.py @@ -2,7 +2,7 @@ # Author: Gael Varoquaux # Wei LI -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/manifold/_t_sne.py b/sklearn/manifold/_t_sne.py index e3e804fb0257d..86fcad3fca5df 100644 --- a/sklearn/manifold/_t_sne.py +++ b/sklearn/manifold/_t_sne.py @@ -1,7 +1,7 @@ # Author: Alexander Fabisch -- # Author: Christopher Moody # Author: Nick Travers -# License: BSD 3 clause (C) 2014 +# SPDX-License-Identifier: BSD-3-Clause # This is the exact and Barnes-Hut t-SNE implementation. There are other # modifications of the algorithm: diff --git a/sklearn/metrics/_base.py b/sklearn/metrics/_base.py index c344008755004..842534e2d44e5 100644 --- a/sklearn/metrics/_base.py +++ b/sklearn/metrics/_base.py @@ -11,7 +11,7 @@ # Lars Buitinck # Joel Nothman # Noel Dawe -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from itertools import combinations diff --git a/sklearn/metrics/_classification.py b/sklearn/metrics/_classification.py index 1fb4c1d694be0..6b0ad06d7fe31 100644 --- a/sklearn/metrics/_classification.py +++ b/sklearn/metrics/_classification.py @@ -20,7 +20,7 @@ # Bernardo Stein # Shangwu Yao # Michal Karbownik -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/metrics/_dist_metrics.pyx.tp b/sklearn/metrics/_dist_metrics.pyx.tp index 6b5ea300f038b..a9844795cf592 100644 --- a/sklearn/metrics/_dist_metrics.pyx.tp +++ b/sklearn/metrics/_dist_metrics.pyx.tp @@ -11,7 +11,7 @@ implementation_specific_values = [ }} # By Jake Vanderplas (2013) # written for the scikit-learn project -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import numpy as np cimport numpy as cnp diff --git a/sklearn/metrics/_pairwise_fast.pyx b/sklearn/metrics/_pairwise_fast.pyx index fd05a56a46ef5..0cdbe4a690f6c 100644 --- a/sklearn/metrics/_pairwise_fast.pyx +++ b/sklearn/metrics/_pairwise_fast.pyx @@ -2,7 +2,7 @@ # Lars Buitinck # Paolo Toccaceli # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from cython cimport floating from cython.parallel cimport prange diff --git a/sklearn/metrics/_ranking.py b/sklearn/metrics/_ranking.py index 6a53fb542fd32..95266fe5dcbbd 100644 --- a/sklearn/metrics/_ranking.py +++ b/sklearn/metrics/_ranking.py @@ -16,7 +16,7 @@ # Joel Nothman # Noel Dawe # Michal Karbownik -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/metrics/_regression.py b/sklearn/metrics/_regression.py index 5172f6555bcff..78e22d3a75ddd 100644 --- a/sklearn/metrics/_regression.py +++ b/sklearn/metrics/_regression.py @@ -25,7 +25,7 @@ # Sylvain Marie # Ohad Michel # Alejandro Martin Gil -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Real diff --git a/sklearn/metrics/cluster/_expected_mutual_info_fast.pyx b/sklearn/metrics/cluster/_expected_mutual_info_fast.pyx index 93316a3ebceb2..3b7d9d0095053 100644 --- a/sklearn/metrics/cluster/_expected_mutual_info_fast.pyx +++ b/sklearn/metrics/cluster/_expected_mutual_info_fast.pyx @@ -1,6 +1,6 @@ # Authors: Robert Layton # Corey Lynch -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from libc.math cimport exp, lgamma diff --git a/sklearn/metrics/cluster/_supervised.py b/sklearn/metrics/cluster/_supervised.py index 1f72eae3725f6..8e178e21a55ec 100644 --- a/sklearn/metrics/cluster/_supervised.py +++ b/sklearn/metrics/cluster/_supervised.py @@ -13,7 +13,7 @@ # Joel Nothman # Arya McCarthy # Uwe F Mayer -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/metrics/cluster/_unsupervised.py b/sklearn/metrics/cluster/_unsupervised.py index 8e032b971d54e..5aceced696c79 100644 --- a/sklearn/metrics/cluster/_unsupervised.py +++ b/sklearn/metrics/cluster/_unsupervised.py @@ -3,7 +3,7 @@ # Authors: Robert Layton # Arnaud Fouchet # Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import functools diff --git a/sklearn/metrics/pairwise.py b/sklearn/metrics/pairwise.py index e3faffa77ae51..fe0498cfbde0a 100644 --- a/sklearn/metrics/pairwise.py +++ b/sklearn/metrics/pairwise.py @@ -7,7 +7,7 @@ # Philippe Gervais # Lars Buitinck # Joel Nothman -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools import warnings diff --git a/sklearn/mixture/_base.py b/sklearn/mixture/_base.py index 8aa1531832279..00286d8e8aa3d 100644 --- a/sklearn/mixture/_base.py +++ b/sklearn/mixture/_base.py @@ -2,7 +2,7 @@ # Author: Wei Xue # Modified by Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABCMeta, abstractmethod diff --git a/sklearn/mixture/_bayesian_mixture.py b/sklearn/mixture/_bayesian_mixture.py index fda1a83702bbf..c091be2f909f5 100644 --- a/sklearn/mixture/_bayesian_mixture.py +++ b/sklearn/mixture/_bayesian_mixture.py @@ -2,7 +2,7 @@ # Author: Wei Xue # Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import math from numbers import Real diff --git a/sklearn/mixture/_gaussian_mixture.py b/sklearn/mixture/_gaussian_mixture.py index 443589b177319..c10a8145ffca9 100644 --- a/sklearn/mixture/_gaussian_mixture.py +++ b/sklearn/mixture/_gaussian_mixture.py @@ -2,7 +2,7 @@ # Author: Wei Xue # Modified by Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from scipy import linalg diff --git a/sklearn/mixture/tests/test_bayesian_mixture.py b/sklearn/mixture/tests/test_bayesian_mixture.py index 9c6eb4a86ea0d..1b6083e3e7eb9 100644 --- a/sklearn/mixture/tests/test_bayesian_mixture.py +++ b/sklearn/mixture/tests/test_bayesian_mixture.py @@ -1,6 +1,6 @@ # Author: Wei Xue # Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import copy import numpy as np diff --git a/sklearn/mixture/tests/test_gaussian_mixture.py b/sklearn/mixture/tests/test_gaussian_mixture.py index 19931634df329..76b43d2f521b9 100644 --- a/sklearn/mixture/tests/test_gaussian_mixture.py +++ b/sklearn/mixture/tests/test_gaussian_mixture.py @@ -1,6 +1,6 @@ # Author: Wei Xue # Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import copy import itertools diff --git a/sklearn/mixture/tests/test_mixture.py b/sklearn/mixture/tests/test_mixture.py index f0ea3494f0e7d..2bd53be51990b 100644 --- a/sklearn/mixture/tests/test_mixture.py +++ b/sklearn/mixture/tests/test_mixture.py @@ -1,5 +1,5 @@ # Author: Guillaume Lemaitre -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import pytest diff --git a/sklearn/model_selection/_search.py b/sklearn/model_selection/_search.py index 10f92b73efc3b..b6aaab3c71945 100644 --- a/sklearn/model_selection/_search.py +++ b/sklearn/model_selection/_search.py @@ -8,7 +8,7 @@ # Andreas Mueller # Olivier Grisel # Raghav RV -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers import operator diff --git a/sklearn/model_selection/_split.py b/sklearn/model_selection/_split.py index b67da2bcf1df8..bae48e5b93d77 100644 --- a/sklearn/model_selection/_split.py +++ b/sklearn/model_selection/_split.py @@ -9,7 +9,7 @@ # Raghav RV # Leandro Hermida # Rodion Martynov -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers import warnings diff --git a/sklearn/model_selection/_validation.py b/sklearn/model_selection/_validation.py index 2e98d51158fd7..9477e25193df9 100644 --- a/sklearn/model_selection/_validation.py +++ b/sklearn/model_selection/_validation.py @@ -8,7 +8,7 @@ # Olivier Grisel # Raghav RV # Michal Karbownik -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers diff --git a/sklearn/multiclass.py b/sklearn/multiclass.py index 5883f4a05f9a0..41639d464b7cd 100644 --- a/sklearn/multiclass.py +++ b/sklearn/multiclass.py @@ -28,7 +28,7 @@ # Author: Mathieu Blondel # Author: Hamzeh Alsalhi <93hamsal@gmail.com> # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import array import itertools diff --git a/sklearn/multioutput.py b/sklearn/multioutput.py index 3851bc58aa151..854cb2ea1170d 100644 --- a/sklearn/multioutput.py +++ b/sklearn/multioutput.py @@ -11,7 +11,7 @@ # Author: Michael Williamson # Author: James Ashton Nichols # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from abc import ABCMeta, abstractmethod diff --git a/sklearn/naive_bayes.py b/sklearn/naive_bayes.py index 1c9b92ddd0fc9..2e54aed15d212 100644 --- a/sklearn/naive_bayes.py +++ b/sklearn/naive_bayes.py @@ -12,7 +12,7 @@ # Jan Hendrik Metzen # (parts based on earlier work by Mathieu Blondel) # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABCMeta, abstractmethod from numbers import Integral, Real diff --git a/sklearn/neighbors/_ball_tree.pyx.tp b/sklearn/neighbors/_ball_tree.pyx.tp index f0d433fdec01c..0f176dbd02b08 100644 --- a/sklearn/neighbors/_ball_tree.pyx.tp +++ b/sklearn/neighbors/_ball_tree.pyx.tp @@ -12,7 +12,7 @@ implementation_specific_values = [ ] # Author: Jake Vanderplas -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause }} diff --git a/sklearn/neighbors/_base.py b/sklearn/neighbors/_base.py index 39fe4b221789c..9ad66da042e2f 100644 --- a/sklearn/neighbors/_base.py +++ b/sklearn/neighbors/_base.py @@ -6,7 +6,7 @@ # Sparseness support by Lars Buitinck # Multi-output support by Arnaud Joly # -# License: BSD 3 clause (C) INRIA, University of Amsterdam +# SPDX-License-Identifier: BSD-3-Clause import itertools import numbers import warnings diff --git a/sklearn/neighbors/_classification.py b/sklearn/neighbors/_classification.py index 26ffa273d0a60..199557ee3d513 100644 --- a/sklearn/neighbors/_classification.py +++ b/sklearn/neighbors/_classification.py @@ -6,7 +6,7 @@ # Sparseness support by Lars Buitinck # Multi-output support by Arnaud Joly # -# License: BSD 3 clause (C) INRIA, University of Amsterdam +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Integral diff --git a/sklearn/neighbors/_graph.py b/sklearn/neighbors/_graph.py index d0456fc59e542..c461992bc55b1 100644 --- a/sklearn/neighbors/_graph.py +++ b/sklearn/neighbors/_graph.py @@ -3,7 +3,7 @@ # Author: Jake Vanderplas # Tom Dupre la Tour # -# License: BSD 3 clause (C) INRIA, University of Amsterdam +# SPDX-License-Identifier: BSD-3-Clause import itertools from ..base import ClassNamePrefixFeaturesOutMixin, TransformerMixin, _fit_context diff --git a/sklearn/neighbors/_kd_tree.pyx.tp b/sklearn/neighbors/_kd_tree.pyx.tp index c8d5779c00d36..d21af05270b9a 100644 --- a/sklearn/neighbors/_kd_tree.pyx.tp +++ b/sklearn/neighbors/_kd_tree.pyx.tp @@ -13,7 +13,7 @@ implementation_specific_values = [ # By Jake Vanderplas (2013) # written for the scikit-learn project -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause }} diff --git a/sklearn/neighbors/_lof.py b/sklearn/neighbors/_lof.py index c120908c51e80..9b7a130a4ef4e 100644 --- a/sklearn/neighbors/_lof.py +++ b/sklearn/neighbors/_lof.py @@ -1,6 +1,6 @@ # Authors: Nicolas Goix # Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from numbers import Real diff --git a/sklearn/neighbors/_nca.py b/sklearn/neighbors/_nca.py index b304c3fb9792f..40aec01ee007a 100644 --- a/sklearn/neighbors/_nca.py +++ b/sklearn/neighbors/_nca.py @@ -4,7 +4,7 @@ # Authors: William de Vazelhes # John Chiotellis -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import sys import time diff --git a/sklearn/neighbors/_nearest_centroid.py b/sklearn/neighbors/_nearest_centroid.py index d63fb8fcd2937..4bd939f06c896 100644 --- a/sklearn/neighbors/_nearest_centroid.py +++ b/sklearn/neighbors/_nearest_centroid.py @@ -5,7 +5,7 @@ # Author: Robert Layton # Olivier Grisel # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Real diff --git a/sklearn/neighbors/_regression.py b/sklearn/neighbors/_regression.py index 2897c1ce409e8..749c84c13f9e4 100644 --- a/sklearn/neighbors/_regression.py +++ b/sklearn/neighbors/_regression.py @@ -7,7 +7,7 @@ # Multi-output support by Arnaud Joly # Empty radius support by Andreas Bjerre-Nielsen # -# License: BSD 3 clause (C) INRIA, University of Amsterdam, +# SPDX-License-Identifier: BSD-3-Clause # University of Copenhagen import warnings diff --git a/sklearn/neighbors/tests/test_lof.py b/sklearn/neighbors/tests/test_lof.py index 9b87b8ceeec40..8775bd41bd8bb 100644 --- a/sklearn/neighbors/tests/test_lof.py +++ b/sklearn/neighbors/tests/test_lof.py @@ -1,6 +1,6 @@ # Authors: Nicolas Goix # Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import re from math import sqrt diff --git a/sklearn/neighbors/tests/test_nca.py b/sklearn/neighbors/tests/test_nca.py index a3eb5a8c6de17..16c1016994cf9 100644 --- a/sklearn/neighbors/tests/test_nca.py +++ b/sklearn/neighbors/tests/test_nca.py @@ -4,7 +4,7 @@ # Authors: William de Vazelhes # John Chiotellis -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import re diff --git a/sklearn/neighbors/tests/test_neighbors_tree.py b/sklearn/neighbors/tests/test_neighbors_tree.py index 4d8bac12f7423..de19152e8b7f2 100644 --- a/sklearn/neighbors/tests/test_neighbors_tree.py +++ b/sklearn/neighbors/tests/test_neighbors_tree.py @@ -1,4 +1,4 @@ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import itertools import pickle diff --git a/sklearn/neural_network/__init__.py b/sklearn/neural_network/__init__.py index 0b349b05f9a0c..7bf5f1241de69 100644 --- a/sklearn/neural_network/__init__.py +++ b/sklearn/neural_network/__init__.py @@ -1,6 +1,6 @@ """Models based on neural networks.""" -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from ._multilayer_perceptron import MLPClassifier, MLPRegressor from ._rbm import BernoulliRBM diff --git a/sklearn/neural_network/_base.py b/sklearn/neural_network/_base.py index 60ef660ef917d..d9ef1bf896326 100644 --- a/sklearn/neural_network/_base.py +++ b/sklearn/neural_network/_base.py @@ -1,7 +1,7 @@ """Utilities for the neural network modules""" # Author: Issam H. Laradji -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from scipy.special import expit as logistic_sigmoid diff --git a/sklearn/neural_network/_multilayer_perceptron.py b/sklearn/neural_network/_multilayer_perceptron.py index f56f68ac852c2..0b5d6cf945054 100644 --- a/sklearn/neural_network/_multilayer_perceptron.py +++ b/sklearn/neural_network/_multilayer_perceptron.py @@ -3,7 +3,7 @@ # Authors: Issam H. Laradji # Andreas Mueller # Jiyuan Qian -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABCMeta, abstractmethod diff --git a/sklearn/neural_network/_rbm.py b/sklearn/neural_network/_rbm.py index 4b7f0f9422625..1c9763237e425 100644 --- a/sklearn/neural_network/_rbm.py +++ b/sklearn/neural_network/_rbm.py @@ -4,7 +4,7 @@ # Vlad Niculae # Gabriel Synnaeve # Lars Buitinck -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import time from numbers import Integral, Real diff --git a/sklearn/neural_network/_stochastic_optimizers.py b/sklearn/neural_network/_stochastic_optimizers.py index ab87300aff110..1b30dadfc5c93 100644 --- a/sklearn/neural_network/_stochastic_optimizers.py +++ b/sklearn/neural_network/_stochastic_optimizers.py @@ -1,7 +1,7 @@ """Stochastic optimization methods for MLP""" # Authors: Jiyuan Qian -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np diff --git a/sklearn/neural_network/tests/test_mlp.py b/sklearn/neural_network/tests/test_mlp.py index 64ad4c5edc019..9cfba86d9958a 100644 --- a/sklearn/neural_network/tests/test_mlp.py +++ b/sklearn/neural_network/tests/test_mlp.py @@ -3,7 +3,7 @@ """ # Author: Issam H. Laradji -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import re import sys diff --git a/sklearn/pipeline.py b/sklearn/pipeline.py index 4d8e268163940..7b823dc6a56d0 100644 --- a/sklearn/pipeline.py +++ b/sklearn/pipeline.py @@ -5,7 +5,7 @@ # Virgile Fritsch # Alexandre Gramfort # Lars Buitinck -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause from collections import Counter, defaultdict from itertools import chain, islice diff --git a/sklearn/preprocessing/_data.py b/sklearn/preprocessing/_data.py index de5bef6506523..8c087f2f3820f 100644 --- a/sklearn/preprocessing/_data.py +++ b/sklearn/preprocessing/_data.py @@ -5,7 +5,7 @@ # Eric Martin # Giorgio Patrini # Eric Chang -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/preprocessing/_discretization.py b/sklearn/preprocessing/_discretization.py index ee8a336a75453..9cebf7d752b13 100644 --- a/sklearn/preprocessing/_discretization.py +++ b/sklearn/preprocessing/_discretization.py @@ -1,7 +1,7 @@ # Author: Henry Lin # Tom Dupré la Tour -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/preprocessing/_encoders.py b/sklearn/preprocessing/_encoders.py index d8796f7fa42c3..239709fe39d92 100644 --- a/sklearn/preprocessing/_encoders.py +++ b/sklearn/preprocessing/_encoders.py @@ -1,6 +1,6 @@ # Authors: Andreas Mueller # Joris Van den Bossche -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers import warnings diff --git a/sklearn/preprocessing/_label.py b/sklearn/preprocessing/_label.py index ecf0c400a2c2f..36cb18dacd6ad 100644 --- a/sklearn/preprocessing/_label.py +++ b/sklearn/preprocessing/_label.py @@ -4,7 +4,7 @@ # Andreas Mueller # Joel Nothman # Hamzeh Alsalhi -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import array import itertools diff --git a/sklearn/preprocessing/tests/test_data.py b/sklearn/preprocessing/tests/test_data.py index 3810e485ae301..49d91e5a085d9 100644 --- a/sklearn/preprocessing/tests/test_data.py +++ b/sklearn/preprocessing/tests/test_data.py @@ -2,7 +2,7 @@ # # Giorgio Patrini # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import re import warnings diff --git a/sklearn/random_projection.py b/sklearn/random_projection.py index c6f7057396d4a..a9d4e1813ecfc 100644 --- a/sklearn/random_projection.py +++ b/sklearn/random_projection.py @@ -24,7 +24,7 @@ # Authors: Olivier Grisel , # Arnaud Joly -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABCMeta, abstractmethod diff --git a/sklearn/semi_supervised/_label_propagation.py b/sklearn/semi_supervised/_label_propagation.py index 1ae37d06a46f3..161d2f2e94912 100644 --- a/sklearn/semi_supervised/_label_propagation.py +++ b/sklearn/semi_supervised/_label_propagation.py @@ -54,7 +54,7 @@ # Authors: Clay Woolam # Utkarsh Upadhyay -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import warnings from abc import ABCMeta, abstractmethod from numbers import Integral, Real diff --git a/sklearn/semi_supervised/_self_training.py b/sklearn/semi_supervised/_self_training.py index 810447c1e6f46..708174203405c 100644 --- a/sklearn/semi_supervised/_self_training.py +++ b/sklearn/semi_supervised/_self_training.py @@ -14,7 +14,7 @@ # Authors: Oliver Rausch # Patrice Becker -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause def _estimator_has(attr): diff --git a/sklearn/semi_supervised/tests/test_self_training.py b/sklearn/semi_supervised/tests/test_self_training.py index 2efeb32446f89..c1bef4c7b3a8d 100644 --- a/sklearn/semi_supervised/tests/test_self_training.py +++ b/sklearn/semi_supervised/tests/test_self_training.py @@ -15,7 +15,7 @@ from sklearn.tree import DecisionTreeClassifier # Author: Oliver Rausch -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # load the iris dataset and randomly permute it iris = load_iris() diff --git a/sklearn/svm/__init__.py b/sklearn/svm/__init__.py index 660427198991a..898c1253a55b4 100644 --- a/sklearn/svm/__init__.py +++ b/sklearn/svm/__init__.py @@ -6,7 +6,7 @@ # Author: Fabian Pedregosa with help from # the scikit-learn community. LibSVM and LibLinear are copyright # of their respective owners. -# License: BSD 3 clause (C) INRIA 2010 +# SPDX-License-Identifier: BSD-3-Clause from ._bounds import l1_min_c from ._classes import SVC, SVR, LinearSVC, LinearSVR, NuSVC, NuSVR, OneClassSVM diff --git a/sklearn/svm/_bounds.py b/sklearn/svm/_bounds.py index b02720637c03b..979f2e7f5f4b7 100644 --- a/sklearn/svm/_bounds.py +++ b/sklearn/svm/_bounds.py @@ -1,7 +1,7 @@ """Determination of parameter bounds""" # Author: Paolo Losi -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from numbers import Real diff --git a/sklearn/tests/test_base.py b/sklearn/tests/test_base.py index 917da863ece3b..54ef8d7893945 100644 --- a/sklearn/tests/test_base.py +++ b/sklearn/tests/test_base.py @@ -1,5 +1,5 @@ # Author: Gael Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import pickle import re diff --git a/sklearn/tests/test_calibration.py b/sklearn/tests/test_calibration.py index 833ef2ea7e558..260bcc47b70d4 100644 --- a/sklearn/tests/test_calibration.py +++ b/sklearn/tests/test_calibration.py @@ -1,5 +1,5 @@ # Authors: Alexandre Gramfort -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import pytest diff --git a/sklearn/tests/test_check_build.py b/sklearn/tests/test_check_build.py index 3c8e64e1ba906..982418c8276e9 100644 --- a/sklearn/tests/test_check_build.py +++ b/sklearn/tests/test_check_build.py @@ -3,7 +3,7 @@ """ # Author: G Varoquaux -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import pytest diff --git a/sklearn/tests/test_common.py b/sklearn/tests/test_common.py index d444cf321c9a8..d1aeaeb7353ca 100644 --- a/sklearn/tests/test_common.py +++ b/sklearn/tests/test_common.py @@ -4,7 +4,7 @@ # Authors: Andreas Mueller # Gael Varoquaux gael.varoquaux@normalesup.org -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import os import pkgutil diff --git a/sklearn/tests/test_docstring_parameters.py b/sklearn/tests/test_docstring_parameters.py index 4b606580230a3..2f4fc6affb7fb 100644 --- a/sklearn/tests/test_docstring_parameters.py +++ b/sklearn/tests/test_docstring_parameters.py @@ -1,6 +1,6 @@ # Authors: Alexandre Gramfort # Raghav RV -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import importlib import inspect diff --git a/sklearn/tests/test_metadata_routing.py b/sklearn/tests/test_metadata_routing.py index 109c730bf0718..2a0a50c2a7db2 100644 --- a/sklearn/tests/test_metadata_routing.py +++ b/sklearn/tests/test_metadata_routing.py @@ -3,7 +3,7 @@ """ # Author: Adrin Jalali -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import re diff --git a/sklearn/tree/_classes.py b/sklearn/tree/_classes.py index 9f99d831a0990..a1b71759137c7 100644 --- a/sklearn/tree/_classes.py +++ b/sklearn/tree/_classes.py @@ -12,7 +12,7 @@ # Fares Hedayati # Nelson Liu # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import copy import numbers diff --git a/sklearn/tree/_criterion.pxd b/sklearn/tree/_criterion.pxd index ccf7c3c26635c..9102e8afb2caa 100644 --- a/sklearn/tree/_criterion.pxd +++ b/sklearn/tree/_criterion.pxd @@ -5,7 +5,7 @@ # Arnaud Joly # Jacob Schreiber # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # See _criterion.pyx for implementation details. from ..utils._typedefs cimport float64_t, int8_t, intp_t diff --git a/sklearn/tree/_criterion.pyx b/sklearn/tree/_criterion.pyx index d694a8a00057c..f6f4226527a61 100644 --- a/sklearn/tree/_criterion.pyx +++ b/sklearn/tree/_criterion.pyx @@ -10,7 +10,7 @@ # Jacob Schreiber # Nelson Liu # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from libc.string cimport memcpy from libc.string cimport memset diff --git a/sklearn/tree/_export.py b/sklearn/tree/_export.py index dd3c6551739fc..196abd76ef4d1 100644 --- a/sklearn/tree/_export.py +++ b/sklearn/tree/_export.py @@ -10,7 +10,7 @@ # Trevor Stephens # Li Li # Giuseppe Vettigli -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from collections.abc import Iterable from io import StringIO from numbers import Integral diff --git a/sklearn/tree/_reingold_tilford.py b/sklearn/tree/_reingold_tilford.py index 8f0b6af08bd51..49f14886f424f 100644 --- a/sklearn/tree/_reingold_tilford.py +++ b/sklearn/tree/_reingold_tilford.py @@ -1,5 +1,5 @@ # Authors: William Mill (bill@billmill.org) -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np diff --git a/sklearn/tree/_splitter.pxd b/sklearn/tree/_splitter.pxd index b624f989cf79b..1260ce26cea27 100644 --- a/sklearn/tree/_splitter.pxd +++ b/sklearn/tree/_splitter.pxd @@ -5,7 +5,7 @@ # Arnaud Joly # Jacob Schreiber # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # See _splitter.pyx for details. from ._criterion cimport Criterion diff --git a/sklearn/tree/_splitter.pyx b/sklearn/tree/_splitter.pyx index 5872683f416d5..c3e01c10bd431 100644 --- a/sklearn/tree/_splitter.pyx +++ b/sklearn/tree/_splitter.pyx @@ -9,7 +9,7 @@ # Fares Hedayati # Jacob Schreiber # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from cython cimport final from libc.math cimport isnan diff --git a/sklearn/tree/_tree.pxd b/sklearn/tree/_tree.pxd index 870f7fe875b0c..0e69934b5e411 100644 --- a/sklearn/tree/_tree.pxd +++ b/sklearn/tree/_tree.pxd @@ -6,7 +6,7 @@ # Jacob Schreiber # Nelson Liu # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # See _tree.pyx for details. diff --git a/sklearn/tree/_tree.pyx b/sklearn/tree/_tree.pyx index 374cd2e29df79..5034bc8654ba6 100644 --- a/sklearn/tree/_tree.pyx +++ b/sklearn/tree/_tree.pyx @@ -10,7 +10,7 @@ # Jacob Schreiber # Nelson Liu # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from cpython cimport Py_INCREF, PyObject, PyTypeObject diff --git a/sklearn/tree/_utils.pxd b/sklearn/tree/_utils.pxd index b59d18879ca94..08c1c5f0e7c45 100644 --- a/sklearn/tree/_utils.pxd +++ b/sklearn/tree/_utils.pxd @@ -4,7 +4,7 @@ # Jacob Schreiber # Nelson Liu # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause # See _utils.pyx for details. diff --git a/sklearn/tree/_utils.pyx b/sklearn/tree/_utils.pyx index 21b21df9c3007..e48f447105849 100644 --- a/sklearn/tree/_utils.pyx +++ b/sklearn/tree/_utils.pyx @@ -5,7 +5,7 @@ # Nelson Liu # # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from libc.stdlib cimport free from libc.stdlib cimport realloc diff --git a/sklearn/utils/_fast_dict.pxd b/sklearn/utils/_fast_dict.pxd index 4a9d6ef4eb7b7..e63db6436b504 100644 --- a/sklearn/utils/_fast_dict.pxd +++ b/sklearn/utils/_fast_dict.pxd @@ -1,5 +1,5 @@ # Author: Gael Varoquaux -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause """ Uses C++ map containers for fast dict-like behavior with keys being integers, and values float. diff --git a/sklearn/utils/_fast_dict.pyx b/sklearn/utils/_fast_dict.pyx index 0bf208fb5e146..30f036bdbaff4 100644 --- a/sklearn/utils/_fast_dict.pyx +++ b/sklearn/utils/_fast_dict.pyx @@ -3,7 +3,7 @@ Uses C++ map containers for fast dict-like behavior with keys being integers, and values float. """ # Author: Gael Varoquaux -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause # C++ from cython.operator cimport dereference as deref, preincrement as inc diff --git a/sklearn/utils/_metadata_requests.py b/sklearn/utils/_metadata_requests.py index 02a79bb8a6f20..dee423888bd8a 100644 --- a/sklearn/utils/_metadata_requests.py +++ b/sklearn/utils/_metadata_requests.py @@ -75,7 +75,7 @@ """ # Author: Adrin Jalali -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import inspect from collections import namedtuple diff --git a/sklearn/utils/_random.pxd b/sklearn/utils/_random.pxd index 7c188179e964b..b2ab307a3819e 100644 --- a/sklearn/utils/_random.pxd +++ b/sklearn/utils/_random.pxd @@ -1,6 +1,6 @@ # Authors: Arnaud Joly # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from ._typedefs cimport uint32_t diff --git a/sklearn/utils/_random.pyx b/sklearn/utils/_random.pyx index 3779fad597bb7..ac9dff4036e41 100644 --- a/sklearn/utils/_random.pyx +++ b/sklearn/utils/_random.pyx @@ -1,6 +1,6 @@ # Author: Arnaud Joly # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause """ Random utility function ======================= diff --git a/sklearn/utils/_show_versions.py b/sklearn/utils/_show_versions.py index cc17b71b23799..a947e35838504 100644 --- a/sklearn/utils/_show_versions.py +++ b/sklearn/utils/_show_versions.py @@ -4,7 +4,7 @@ adapted from :func:`pandas.show_versions` """ -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import platform import sys diff --git a/sklearn/utils/_testing.py b/sklearn/utils/_testing.py index 8c5b5971ca075..e756f74446420 100644 --- a/sklearn/utils/_testing.py +++ b/sklearn/utils/_testing.py @@ -9,7 +9,7 @@ # Denis Engemann # Giorgio Patrini # Thierry Guillemot -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import atexit import contextlib import functools diff --git a/sklearn/utils/_weight_vector.pyx.tp b/sklearn/utils/_weight_vector.pyx.tp index bd2ac79a6764f..536106c54844f 100644 --- a/sklearn/utils/_weight_vector.pyx.tp +++ b/sklearn/utils/_weight_vector.pyx.tp @@ -24,7 +24,7 @@ dtypes = [('64', 'double', 1e-9), # Lars Buitinck # Danny Sullivan # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause cimport cython from libc.limits cimport INT_MAX diff --git a/sklearn/utils/class_weight.py b/sklearn/utils/class_weight.py index b3c0aaaaf4411..b038fb423c229 100644 --- a/sklearn/utils/class_weight.py +++ b/sklearn/utils/class_weight.py @@ -2,7 +2,7 @@ # Authors: Andreas Mueller # Manoj Kumar -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from scipy import sparse diff --git a/sklearn/utils/extmath.py b/sklearn/utils/extmath.py index 638423e1ebc54..c3c870b73fa22 100644 --- a/sklearn/utils/extmath.py +++ b/sklearn/utils/extmath.py @@ -8,7 +8,7 @@ # Stefan van der Walt # Kyle Kastner # Giorgio Patrini -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from functools import partial diff --git a/sklearn/utils/fixes.py b/sklearn/utils/fixes.py index 15eeb75308b33..56426b27c555c 100644 --- a/sklearn/utils/fixes.py +++ b/sklearn/utils/fixes.py @@ -9,7 +9,7 @@ # Fabian Pedregosa # Lars Buitinck # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import platform import struct diff --git a/sklearn/utils/graph.py b/sklearn/utils/graph.py index fd06f1df5f6c9..f0cb7fbdad047 100644 --- a/sklearn/utils/graph.py +++ b/sklearn/utils/graph.py @@ -3,7 +3,7 @@ # Authors: Aric Hagberg # Gael Varoquaux # Jake Vanderplas -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from scipy import sparse diff --git a/sklearn/utils/metadata_routing.py b/sklearn/utils/metadata_routing.py index b50c54b86b7a1..e7d89ee2952c7 100644 --- a/sklearn/utils/metadata_routing.py +++ b/sklearn/utils/metadata_routing.py @@ -4,7 +4,7 @@ # import issue. # # Author: Adrin Jalali -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from ._metadata_requests import WARN, UNUSED, UNCHANGED # noqa from ._metadata_requests import get_routing_for_object # noqa diff --git a/sklearn/utils/metaestimators.py b/sklearn/utils/metaestimators.py index 36edf4d166083..5db4dbfd2f8a3 100644 --- a/sklearn/utils/metaestimators.py +++ b/sklearn/utils/metaestimators.py @@ -2,7 +2,7 @@ # Author: Joel Nothman # Andreas Mueller -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause from abc import ABCMeta, abstractmethod from contextlib import suppress from typing import Any, List diff --git a/sklearn/utils/multiclass.py b/sklearn/utils/multiclass.py index 1abc7832f4407..bd5cbe4bad071 100644 --- a/sklearn/utils/multiclass.py +++ b/sklearn/utils/multiclass.py @@ -2,7 +2,7 @@ # Author: Arnaud Joly, Joel Nothman, Hamzeh Alsalhi # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import warnings from collections.abc import Sequence diff --git a/sklearn/utils/murmurhash.pyx b/sklearn/utils/murmurhash.pyx index b7dacfb48b4a2..0f9aaef4644bc 100644 --- a/sklearn/utils/murmurhash.pyx +++ b/sklearn/utils/murmurhash.pyx @@ -12,7 +12,7 @@ and can be found here: """ # Author: Olivier Grisel # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from ..utils._typedefs cimport int32_t, uint32_t diff --git a/sklearn/utils/optimize.py b/sklearn/utils/optimize.py index 5ad2c2daace14..ac91110651d94 100644 --- a/sklearn/utils/optimize.py +++ b/sklearn/utils/optimize.py @@ -12,7 +12,7 @@ # This is a modified file from scipy.optimize # Original authors: Travis Oliphant, Eric Jones # Modifications by Gael Varoquaux, Mathieu Blondel and Tom Dupre la Tour -# License: BSD +# SPDX-License-Identifier: BSD-3-Clause import warnings diff --git a/sklearn/utils/random.py b/sklearn/utils/random.py index 9121f8425b58b..384f0e0d886ef 100644 --- a/sklearn/utils/random.py +++ b/sklearn/utils/random.py @@ -2,7 +2,7 @@ # Author: Hamzeh Alsalhi # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import array import numpy as np diff --git a/sklearn/utils/sparsefuncs.py b/sklearn/utils/sparsefuncs.py index 29fb8fab8b75f..1deaccc7164f7 100644 --- a/sklearn/utils/sparsefuncs.py +++ b/sklearn/utils/sparsefuncs.py @@ -4,7 +4,7 @@ # Thomas Unterthiner # Giorgio Patrini # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import scipy.sparse as sp from scipy.sparse.linalg import LinearOperator diff --git a/sklearn/utils/sparsefuncs_fast.pyx b/sklearn/utils/sparsefuncs_fast.pyx index a6fdcd8c94463..a1c0f3e161eac 100644 --- a/sklearn/utils/sparsefuncs_fast.pyx +++ b/sklearn/utils/sparsefuncs_fast.pyx @@ -6,7 +6,7 @@ # Lars Buitinck # Giorgio Patrini # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from libc.math cimport fabs, sqrt, isnan from libc.stdint cimport intptr_t diff --git a/sklearn/utils/tests/test_deprecation.py b/sklearn/utils/tests/test_deprecation.py index 4d04b48da2f0b..b74bdfcf3a7b7 100644 --- a/sklearn/utils/tests/test_deprecation.py +++ b/sklearn/utils/tests/test_deprecation.py @@ -1,5 +1,5 @@ # Authors: Raghav RV -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import pickle diff --git a/sklearn/utils/tests/test_extmath.py b/sklearn/utils/tests/test_extmath.py index 5ec962433d7c0..7a48a9c47863b 100644 --- a/sklearn/utils/tests/test_extmath.py +++ b/sklearn/utils/tests/test_extmath.py @@ -2,7 +2,7 @@ # Mathieu Blondel # Denis Engemann # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import pytest from scipy import linalg, sparse diff --git a/sklearn/utils/tests/test_fixes.py b/sklearn/utils/tests/test_fixes.py index c312b8568c4c6..0d8ce84cd1b8f 100644 --- a/sklearn/utils/tests/test_fixes.py +++ b/sklearn/utils/tests/test_fixes.py @@ -1,7 +1,7 @@ # Authors: Gael Varoquaux # Justin Vincent # Lars Buitinck -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np import pytest diff --git a/sklearn/utils/tests/test_murmurhash.py b/sklearn/utils/tests/test_murmurhash.py index 18730302124f9..d73a9dc8c2963 100644 --- a/sklearn/utils/tests/test_murmurhash.py +++ b/sklearn/utils/tests/test_murmurhash.py @@ -1,6 +1,6 @@ # Author: Olivier Grisel # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numpy as np from numpy.testing import assert_array_almost_equal, assert_array_equal diff --git a/sklearn/utils/tests/test_seq_dataset.py b/sklearn/utils/tests/test_seq_dataset.py index 82864c6b97a08..7d2f1600c2d7e 100644 --- a/sklearn/utils/tests/test_seq_dataset.py +++ b/sklearn/utils/tests/test_seq_dataset.py @@ -1,7 +1,7 @@ # Author: Tom Dupre la Tour # Joan Massich # -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause from itertools import product diff --git a/sklearn/utils/validation.py b/sklearn/utils/validation.py index a2d621e6a0dc6..324e10a3ea404 100644 --- a/sklearn/utils/validation.py +++ b/sklearn/utils/validation.py @@ -7,7 +7,7 @@ # Alexandre Gramfort # Nicolas Tresegnie # Sylvain Marie -# License: BSD 3 clause +# SPDX-License-Identifier: BSD-3-Clause import numbers import operator