Skip to content

Navigation Menu

Sign in
Appearance settings

Search code, repositories, users, issues, pull requests...

Provide feedback

We read every piece of feedback, and take your input very seriously.

Saved searches

Use saved searches to filter your results more quickly

Appearance settings

Commit 55ca335

Browse filesBrowse files
authored
CLN use new license notice line (#29246)
1 parent 955ec74 commit 55ca335
Copy full SHA for 55ca335

File tree

358 files changed

+358
-358
lines changed
Filter options

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.
Dismiss banner

358 files changed

+358
-358
lines changed

‎benchmarks/bench_covertype.py

Copy file name to clipboardExpand all lines: benchmarks/bench_covertype.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -43,7 +43,7 @@
4343

4444
# Author: Peter Prettenhofer <peter.prettenhofer@gmail.com>
4545
# Arnaud Joly <arnaud.v.joly@gmail.com>
46-
# License: BSD 3 clause
46+
# SPDX-License-Identifier: BSD-3-Clause
4747

4848
import argparse
4949
import os

‎benchmarks/bench_mnist.py

Copy file name to clipboardExpand all lines: benchmarks/bench_mnist.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@
2828

2929
# Author: Issam H. Laradji
3030
# Arnaud Joly <arnaud.v.joly@gmail.com>
31-
# License: BSD 3 clause
31+
# SPDX-License-Identifier: BSD-3-Clause
3232

3333
import argparse
3434
import os

‎benchmarks/bench_plot_nmf.py

Copy file name to clipboardExpand all lines: benchmarks/bench_plot_nmf.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -5,7 +5,7 @@
55
# Authors: Tom Dupre la Tour (benchmark)
66
# Chih-Jen Linn (original projected gradient NMF implementation)
77
# Anthony Di Franco (projected gradient, Python and NumPy port)
8-
# License: BSD 3 clause
8+
# SPDX-License-Identifier: BSD-3-Clause
99

1010
import numbers
1111
import sys

‎benchmarks/bench_plot_parallel_pairwise.py

Copy file name to clipboardExpand all lines: benchmarks/bench_plot_parallel_pairwise.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,5 @@
11
# Author: Mathieu Blondel <mathieu@mblondel.org>
2-
# License: BSD 3 clause
2+
# SPDX-License-Identifier: BSD-3-Clause
33
import time
44

55
import matplotlib.pyplot as plt

‎benchmarks/bench_plot_polynomial_kernel_approximation.py

Copy file name to clipboardExpand all lines: benchmarks/bench_plot_polynomial_kernel_approximation.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -40,7 +40,7 @@
4040
"""
4141

4242
# Author: Daniel Lopez-Sanchez <lope@usal.es>
43-
# License: BSD 3 clause
43+
# SPDX-License-Identifier: BSD-3-Clause
4444

4545
# Load data manipulation functions
4646
# Will use this for timing results

‎benchmarks/bench_rcv1_logreg_convergence.py

Copy file name to clipboardExpand all lines: benchmarks/bench_rcv1_logreg_convergence.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,7 +1,7 @@
11
# Authors: Tom Dupre la Tour <tom.dupre-la-tour@m4x.org>
22
# Olivier Grisel <olivier.grisel@ensta.org>
33
#
4-
# License: BSD 3 clause
4+
# SPDX-License-Identifier: BSD-3-Clause
55

66
import gc
77
import time

‎benchmarks/bench_sgd_regression.py

Copy file name to clipboardExpand all lines: benchmarks/bench_sgd_regression.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,5 @@
11
# Author: Peter Prettenhofer <peter.prettenhofer@gmail.com>
2-
# License: BSD 3 clause
2+
# SPDX-License-Identifier: BSD-3-Clause
33

44
import gc
55
from time import time

‎benchmarks/bench_tsne_mnist.py

Copy file name to clipboardExpand all lines: benchmarks/bench_tsne_mnist.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -5,7 +5,7 @@
55
66
"""
77

8-
# License: BSD 3 clause
8+
# SPDX-License-Identifier: BSD-3-Clause
99

1010
import argparse
1111
import json

‎examples/applications/plot_model_complexity_influence.py

Copy file name to clipboardExpand all lines: examples/applications/plot_model_complexity_influence.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -39,7 +39,7 @@
3939
# Authors: Eustache Diemert <eustache@diemert.fr>
4040
# Maria Telenczuk <https://github.com/maikia>
4141
# Guillaume Lemaitre <g.lemaitre58@gmail.com>
42-
# License: BSD 3 clause
42+
# SPDX-License-Identifier: BSD-3-Clause
4343

4444
import time
4545

‎examples/applications/plot_out_of_core_classification.py

Copy file name to clipboardExpand all lines: examples/applications/plot_out_of_core_classification.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -16,7 +16,7 @@
1616

1717
# Authors: Eustache Diemert <eustache@diemert.fr>
1818
# @FedericoV <https://github.com/FedericoV/>
19-
# License: BSD 3 clause
19+
# SPDX-License-Identifier: BSD-3-Clause
2020

2121
import itertools
2222
import re

‎examples/applications/plot_outlier_detection_wine.py

Copy file name to clipboardExpand all lines: examples/applications/plot_outlier_detection_wine.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,7 @@
2424
"""
2525

2626
# Author: Virgile Fritsch <virgile.fritsch@inria.fr>
27-
# License: BSD 3 clause
27+
# SPDX-License-Identifier: BSD-3-Clause
2828

2929
# %%
3030
# First example

‎examples/applications/plot_prediction_latency.py

Copy file name to clipboardExpand all lines: examples/applications/plot_prediction_latency.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -14,7 +14,7 @@
1414
"""
1515

1616
# Authors: Eustache Diemert <eustache@diemert.fr>
17-
# License: BSD 3 clause
17+
# SPDX-License-Identifier: BSD-3-Clause
1818

1919
import gc
2020
import time

‎examples/applications/plot_species_distribution_modeling.py

Copy file name to clipboardExpand all lines: examples/applications/plot_species_distribution_modeling.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -39,7 +39,7 @@
3939
# Authors: Peter Prettenhofer <peter.prettenhofer@gmail.com>
4040
# Jake Vanderplas <vanderplas@astro.washington.edu>
4141
#
42-
# License: BSD 3 clause
42+
# SPDX-License-Identifier: BSD-3-Clause
4343

4444
from time import time
4545

‎examples/applications/plot_stock_market.py

Copy file name to clipboardExpand all lines: examples/applications/plot_stock_market.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -11,7 +11,7 @@
1111
"""
1212

1313
# Author: Gael Varoquaux gael.varoquaux@normalesup.org
14-
# License: BSD 3 clause
14+
# SPDX-License-Identifier: BSD-3-Clause
1515

1616
# %%
1717
# Retrieve the data from Internet

‎examples/applications/plot_tomography_l1_reconstruction.py

Copy file name to clipboardExpand all lines: examples/applications/plot_tomography_l1_reconstruction.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -37,7 +37,7 @@ class :class:`~sklearn.linear_model.Lasso`, that uses the coordinate descent
3737
"""
3838

3939
# Author: Emmanuelle Gouillart <emmanuelle.gouillart@nsup.org>
40-
# License: BSD 3 clause
40+
# SPDX-License-Identifier: BSD-3-Clause
4141

4242
import matplotlib.pyplot as plt
4343
import numpy as np

‎examples/applications/plot_topics_extraction_with_nmf_lda.py

Copy file name to clipboardExpand all lines: examples/applications/plot_topics_extraction_with_nmf_lda.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,7 @@
2424
# Author: Olivier Grisel <olivier.grisel@ensta.org>
2525
# Lars Buitinck
2626
# Chyi-Kwei Yau <chyikwei.yau@gmail.com>
27-
# License: BSD 3 clause
27+
# SPDX-License-Identifier: BSD-3-Clause
2828

2929
from time import time
3030

‎examples/applications/wikipedia_principal_eigenvector.py

Copy file name to clipboardExpand all lines: examples/applications/wikipedia_principal_eigenvector.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -31,7 +31,7 @@
3131
"""
3232

3333
# Author: Olivier Grisel <olivier.grisel@ensta.org>
34-
# License: BSD 3 clause
34+
# SPDX-License-Identifier: BSD-3-Clause
3535

3636
import os
3737
from bz2 import BZ2File

‎examples/bicluster/plot_spectral_biclustering.py

Copy file name to clipboardExpand all lines: examples/bicluster/plot_spectral_biclustering.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,7 @@
1919
"""
2020

2121
# Author: Kemal Eren <kemal@kemaleren.com>
22-
# License: BSD 3 clause
22+
# SPDX-License-Identifier: BSD-3-Clause
2323

2424
# %%
2525
# Generate sample data

‎examples/bicluster/plot_spectral_coclustering.py

Copy file name to clipboardExpand all lines: examples/bicluster/plot_spectral_coclustering.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -16,7 +16,7 @@
1616
"""
1717

1818
# Author: Kemal Eren <kemal@kemaleren.com>
19-
# License: BSD 3 clause
19+
# SPDX-License-Identifier: BSD-3-Clause
2020

2121
import numpy as np
2222
from matplotlib import pyplot as plt

‎examples/calibration/plot_calibration.py

Copy file name to clipboardExpand all lines: examples/calibration/plot_calibration.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@
2828
# Alexandre Gramfort <alexandre.gramfort@telecom-paristech.fr>
2929
# Balazs Kegl <balazs.kegl@gmail.com>
3030
# Jan Hendrik Metzen <jhm@informatik.uni-bremen.de>
31-
# License: BSD Style.
31+
# SPDX-License-Identifier: BSD-3-Clause
3232

3333
# %%
3434
# Generate synthetic dataset

‎examples/calibration/plot_calibration_curve.py

Copy file name to clipboardExpand all lines: examples/calibration/plot_calibration_curve.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -14,7 +14,7 @@
1414

1515
# Author: Alexandre Gramfort <alexandre.gramfort@telecom-paristech.fr>
1616
# Jan Hendrik Metzen <jhm@informatik.uni-bremen.de>
17-
# License: BSD 3 clause.
17+
# SPDX-License-Identifier: BSD-3-Clause
1818
# %%
1919
# Dataset
2020
# -------

‎examples/calibration/plot_calibration_multiclass.py

Copy file name to clipboardExpand all lines: examples/calibration/plot_calibration_multiclass.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@ class of an instance (red: class 1, green: class 2, blue: class 3).
2828
# the classifier but not calibrate the predicted probabilities.
2929

3030
# Author: Jan Hendrik Metzen <jhm@informatik.uni-bremen.de>
31-
# License: BSD Style.
31+
# SPDX-License-Identifier: BSD-3-Clause
3232

3333
import numpy as np
3434

‎examples/calibration/plot_compare_calibration.py

Copy file name to clipboardExpand all lines: examples/calibration/plot_compare_calibration.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -18,7 +18,7 @@
1818

1919
# %%
2020
# Author: Jan Hendrik Metzen <jhm@informatik.uni-bremen.de>
21-
# License: BSD 3 clause.
21+
# SPDX-License-Identifier: BSD-3-Clause
2222
#
2323
# Dataset
2424
# -------

‎examples/classification/plot_classification_probability.py

Copy file name to clipboardExpand all lines: examples/classification/plot_classification_probability.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -18,7 +18,7 @@
1818
"""
1919

2020
# Author: Alexandre Gramfort <alexandre.gramfort@inria.fr>
21-
# License: BSD 3 clause
21+
# SPDX-License-Identifier: BSD-3-Clause
2222

2323
import matplotlib.pyplot as plt
2424
import numpy as np

‎examples/classification/plot_classifier_comparison.py

Copy file name to clipboardExpand all lines: examples/classification/plot_classifier_comparison.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,7 @@
2222
# Code source: Gaël Varoquaux
2323
# Andreas Müller
2424
# Modified for documentation by Jaques Grobler
25-
# License: BSD 3 clause
25+
# SPDX-License-Identifier: BSD-3-Clause
2626

2727
import matplotlib.pyplot as plt
2828
import numpy as np

‎examples/classification/plot_digits_classification.py

Copy file name to clipboardExpand all lines: examples/classification/plot_digits_classification.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,7 @@
99
"""
1010

1111
# Author: Gael Varoquaux <gael dot varoquaux at normalesup dot org>
12-
# License: BSD 3 clause
12+
# SPDX-License-Identifier: BSD-3-Clause
1313

1414
# Standard scientific Python imports
1515
import matplotlib.pyplot as plt

‎examples/cluster/plot_adjusted_for_chance_measures.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_adjusted_for_chance_measures.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -17,7 +17,7 @@
1717

1818
# Author: Olivier Grisel <olivier.grisel@ensta.org>
1919
# Arturo Amor <david-arturo.amor-quiroz@inria.fr>
20-
# License: BSD 3 clause
20+
# SPDX-License-Identifier: BSD-3-Clause
2121

2222
# %%
2323
# Defining the list of metrics to evaluate

‎examples/cluster/plot_agglomerative_clustering.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_agglomerative_clustering.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -25,7 +25,7 @@
2525
"""
2626

2727
# Authors: Gael Varoquaux, Nelle Varoquaux
28-
# License: BSD 3 clause
28+
# SPDX-License-Identifier: BSD-3-Clause
2929

3030
import time
3131

‎examples/cluster/plot_agglomerative_clustering_metrics.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_agglomerative_clustering_metrics.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -35,7 +35,7 @@
3535
"""
3636

3737
# Author: Gael Varoquaux
38-
# License: BSD 3-Clause or CC-0
38+
# SPDX-License-Identifier: BSD-3-Clause
3939

4040
import matplotlib.patheffects as PathEffects
4141
import matplotlib.pyplot as plt

‎examples/cluster/plot_agglomerative_dendrogram.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_agglomerative_dendrogram.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,5 @@
11
# Authors: Mathew Kallada, Andreas Mueller
2-
# License: BSD 3 clause
2+
# SPDX-License-Identifier: BSD-3-Clause
33
"""
44
=========================================
55
Plot Hierarchical Clustering Dendrogram

‎examples/cluster/plot_birch_vs_minibatchkmeans.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_birch_vs_minibatchkmeans.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -23,7 +23,7 @@
2323

2424
# Authors: Manoj Kumar <manojkumarsivaraj334@gmail.com
2525
# Alexandre Gramfort <alexandre.gramfort@telecom-paristech.fr>
26-
# License: BSD 3 clause
26+
# SPDX-License-Identifier: BSD-3-Clause
2727

2828
from itertools import cycle
2929
from time import time

‎examples/cluster/plot_cluster_iris.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_cluster_iris.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -20,7 +20,7 @@
2020

2121
# Code source: Gaël Varoquaux
2222
# Modified for documentation by Jaques Grobler
23-
# License: BSD 3 clause
23+
# SPDX-License-Identifier: BSD-3-Clause
2424

2525
import matplotlib.pyplot as plt
2626

‎examples/cluster/plot_coin_segmentation.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_coin_segmentation.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -23,7 +23,7 @@
2323
# Author: Gael Varoquaux <gael.varoquaux@normalesup.org>
2424
# Brian Cheung
2525
# Andrew Knyazev <Andrew.Knyazev@ucdenver.edu>
26-
# License: BSD 3 clause
26+
# SPDX-License-Identifier: BSD-3-Clause
2727

2828
import time
2929

‎examples/cluster/plot_coin_ward_segmentation.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_coin_ward_segmentation.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -11,7 +11,7 @@
1111

1212
# Author : Vincent Michel, 2010
1313
# Alexandre Gramfort, 2011
14-
# License: BSD 3 clause
14+
# SPDX-License-Identifier: BSD-3-Clause
1515

1616
# %%
1717
# Generate data

‎examples/cluster/plot_color_quantization.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_color_quantization.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -23,7 +23,7 @@
2323
# Olivier Grisel <olivier.grisel@ensta.org>
2424
# Mathieu Blondel <mathieu@mblondel.org>
2525
#
26-
# License: BSD 3 clause
26+
# SPDX-License-Identifier: BSD-3-Clause
2727

2828
from time import time
2929

‎examples/cluster/plot_digits_agglomeration.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_digits_agglomeration.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,7 @@
1010

1111
# Code source: Gaël Varoquaux
1212
# Modified for documentation by Jaques Grobler
13-
# License: BSD 3 clause
13+
# SPDX-License-Identifier: BSD-3-Clause
1414

1515
import matplotlib.pyplot as plt
1616
import numpy as np

‎examples/cluster/plot_digits_linkage.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_digits_linkage.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@
2828
"""
2929

3030
# Authors: Gael Varoquaux
31-
# License: BSD 3 clause (C) INRIA 2014
31+
# SPDX-License-Identifier: BSD-3-Clause
3232

3333
from time import time
3434

‎examples/cluster/plot_face_compress.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_face_compress.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,7 @@
99

1010
# Authors: Gael Varoquaux
1111
# Jaques Grobler
12-
# License: BSD 3 clause
12+
# SPDX-License-Identifier: BSD-3-Clause
1313

1414
# %%
1515
# Original image

‎examples/cluster/plot_feature_agglomeration_vs_univariate_selection.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_feature_agglomeration_vs_univariate_selection.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -15,7 +15,7 @@
1515
"""
1616

1717
# Author: Alexandre Gramfort <alexandre.gramfort@inria.fr>
18-
# License: BSD 3 clause
18+
# SPDX-License-Identifier: BSD-3-Clause
1919

2020
# %%
2121
import shutil

‎examples/cluster/plot_kmeans_assumptions.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_kmeans_assumptions.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,7 @@
1010

1111
# Author: Phil Roth <mr.phil.roth@gmail.com>
1212
# Arturo Amor <david-arturo.amor-quiroz@inria.fr>
13-
# License: BSD 3 clause
13+
# SPDX-License-Identifier: BSD-3-Clause
1414

1515
# %%
1616
# Data generation

‎examples/cluster/plot_kmeans_stability_low_dim_dense.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_kmeans_stability_low_dim_dense.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,7 @@
2424
"""
2525

2626
# Author: Olivier Grisel <olivier.grisel@ensta.org>
27-
# License: BSD 3 clause
27+
# SPDX-License-Identifier: BSD-3-Clause
2828

2929
import matplotlib.cm as cm
3030
import matplotlib.pyplot as plt

‎examples/cluster/plot_optics.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_optics.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,7 @@
1919

2020
# Authors: Shane Grigsby <refuge@rocktalus.com>
2121
# Adrin Jalali <adrin.jalali@gmail.com>
22-
# License: BSD 3 clause
22+
# SPDX-License-Identifier: BSD-3-Clause
2323

2424
import matplotlib.gridspec as gridspec
2525
import matplotlib.pyplot as plt

‎examples/cluster/plot_segmentation_toy.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_segmentation_toy.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@
2828

2929
# Authors: Emmanuelle Gouillart <emmanuelle.gouillart@normalesup.org>
3030
# Gael Varoquaux <gael.varoquaux@normalesup.org>
31-
# License: BSD 3 clause
31+
# SPDX-License-Identifier: BSD-3-Clause
3232

3333
# %%
3434
# Generate the data

‎examples/cluster/plot_ward_structured_vs_unstructured.py

Copy file name to clipboardExpand all lines: examples/cluster/plot_ward_structured_vs_unstructured.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -23,7 +23,7 @@
2323
# Authors : Vincent Michel, 2010
2424
# Alexandre Gramfort, 2010
2525
# Gael Varoquaux, 2010
26-
# License: BSD 3 clause
26+
# SPDX-License-Identifier: BSD-3-Clause
2727

2828
import time as time
2929

‎examples/compose/plot_column_transformer.py

Copy file name to clipboardExpand all lines: examples/compose/plot_column_transformer.py
+1-1Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -20,7 +20,7 @@
2020

2121
# Author: Matt Terry <matt.terry@gmail.com>
2222
#
23-
# License: BSD 3 clause
23+
# SPDX-License-Identifier: BSD-3-Clause
2424

2525
import numpy as np
2626

0 commit comments

Comments
0 (0)
Morty Proxy This is a proxified and sanitized view of the page, visit original site.