scikit-learn-intelex 2025.0.0__py310-none-manylinux_2_28_x86_64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of scikit-learn-intelex might be problematic. Click here for more details.
- daal4py/__init__.py +73 -0
- daal4py/__main__.py +58 -0
- daal4py/_daal4py.cpython-310-x86_64-linux-gnu.so +0 -0
- daal4py/doc/third-party-programs.txt +424 -0
- daal4py/mb/__init__.py +19 -0
- daal4py/mb/model_builders.py +377 -0
- daal4py/mpi_transceiver.cpython-310-x86_64-linux-gnu.so +0 -0
- daal4py/sklearn/__init__.py +40 -0
- daal4py/sklearn/_n_jobs_support.py +242 -0
- daal4py/sklearn/_utils.py +241 -0
- daal4py/sklearn/cluster/__init__.py +20 -0
- daal4py/sklearn/cluster/dbscan.py +165 -0
- daal4py/sklearn/cluster/k_means.py +597 -0
- daal4py/sklearn/cluster/tests/test_dbscan.py +109 -0
- daal4py/sklearn/decomposition/__init__.py +19 -0
- daal4py/sklearn/decomposition/_pca.py +524 -0
- daal4py/sklearn/ensemble/AdaBoostClassifier.py +192 -0
- daal4py/sklearn/ensemble/GBTDAAL.py +318 -0
- daal4py/sklearn/ensemble/__init__.py +27 -0
- daal4py/sklearn/ensemble/_forest.py +1397 -0
- daal4py/sklearn/ensemble/tests/test_decision_forest.py +206 -0
- daal4py/sklearn/linear_model/__init__.py +29 -0
- daal4py/sklearn/linear_model/_coordinate_descent.py +848 -0
- daal4py/sklearn/linear_model/_linear.py +272 -0
- daal4py/sklearn/linear_model/_ridge.py +325 -0
- daal4py/sklearn/linear_model/coordinate_descent.py +17 -0
- daal4py/sklearn/linear_model/linear.py +17 -0
- daal4py/sklearn/linear_model/logistic_loss.py +195 -0
- daal4py/sklearn/linear_model/logistic_path.py +1026 -0
- daal4py/sklearn/linear_model/ridge.py +17 -0
- daal4py/sklearn/linear_model/tests/test_linear.py +196 -0
- daal4py/sklearn/linear_model/tests/test_ridge.py +69 -0
- daal4py/sklearn/manifold/__init__.py +19 -0
- daal4py/sklearn/manifold/_t_sne.py +405 -0
- daal4py/sklearn/metrics/__init__.py +20 -0
- daal4py/sklearn/metrics/_pairwise.py +155 -0
- daal4py/sklearn/metrics/_ranking.py +210 -0
- daal4py/sklearn/model_selection/__init__.py +19 -0
- daal4py/sklearn/model_selection/_split.py +309 -0
- daal4py/sklearn/model_selection/tests/test_split.py +56 -0
- daal4py/sklearn/monkeypatch/__init__.py +0 -0
- daal4py/sklearn/monkeypatch/dispatcher.py +232 -0
- daal4py/sklearn/monkeypatch/tests/_models_info.py +161 -0
- daal4py/sklearn/monkeypatch/tests/test_monkeypatch.py +71 -0
- daal4py/sklearn/monkeypatch/tests/test_patching.py +87 -0
- daal4py/sklearn/monkeypatch/tests/utils/_launch_algorithms.py +118 -0
- daal4py/sklearn/neighbors/__init__.py +21 -0
- daal4py/sklearn/neighbors/_base.py +503 -0
- daal4py/sklearn/neighbors/_classification.py +139 -0
- daal4py/sklearn/neighbors/_regression.py +74 -0
- daal4py/sklearn/neighbors/_unsupervised.py +55 -0
- daal4py/sklearn/neighbors/tests/test_kneighbors.py +113 -0
- daal4py/sklearn/svm/__init__.py +19 -0
- daal4py/sklearn/svm/svm.py +734 -0
- daal4py/sklearn/utils/__init__.py +21 -0
- daal4py/sklearn/utils/base.py +75 -0
- daal4py/sklearn/utils/tests/test_utils.py +51 -0
- daal4py/sklearn/utils/validation.py +693 -0
- onedal/__init__.py +83 -0
- onedal/_config.py +53 -0
- onedal/_device_offload.py +229 -0
- onedal/_onedal_py_dpc.cpython-310-x86_64-linux-gnu.so +0 -0
- onedal/_onedal_py_host.cpython-310-x86_64-linux-gnu.so +0 -0
- onedal/_onedal_py_spmd_dpc.cpython-310-x86_64-linux-gnu.so +0 -0
- onedal/basic_statistics/__init__.py +20 -0
- onedal/basic_statistics/basic_statistics.py +107 -0
- onedal/basic_statistics/incremental_basic_statistics.py +160 -0
- onedal/basic_statistics/tests/test_basic_statistics.py +298 -0
- onedal/basic_statistics/tests/test_incremental_basic_statistics.py +196 -0
- onedal/cluster/__init__.py +27 -0
- onedal/cluster/dbscan.py +110 -0
- onedal/cluster/kmeans.py +560 -0
- onedal/cluster/kmeans_init.py +115 -0
- onedal/cluster/tests/test_dbscan.py +125 -0
- onedal/cluster/tests/test_kmeans.py +88 -0
- onedal/cluster/tests/test_kmeans_init.py +93 -0
- onedal/common/_base.py +38 -0
- onedal/common/_estimator_checks.py +47 -0
- onedal/common/_mixin.py +62 -0
- onedal/common/_policy.py +59 -0
- onedal/common/_spmd_policy.py +30 -0
- onedal/common/hyperparameters.py +116 -0
- onedal/common/tests/test_policy.py +75 -0
- onedal/covariance/__init__.py +20 -0
- onedal/covariance/covariance.py +125 -0
- onedal/covariance/incremental_covariance.py +146 -0
- onedal/covariance/tests/test_covariance.py +50 -0
- onedal/covariance/tests/test_incremental_covariance.py +122 -0
- onedal/datatypes/__init__.py +19 -0
- onedal/datatypes/_data_conversion.py +95 -0
- onedal/datatypes/tests/test_data.py +235 -0
- onedal/decomposition/__init__.py +20 -0
- onedal/decomposition/incremental_pca.py +204 -0
- onedal/decomposition/pca.py +186 -0
- onedal/decomposition/tests/test_incremental_pca.py +198 -0
- onedal/ensemble/__init__.py +29 -0
- onedal/ensemble/forest.py +720 -0
- onedal/ensemble/tests/test_random_forest.py +97 -0
- onedal/linear_model/__init__.py +27 -0
- onedal/linear_model/incremental_linear_model.py +258 -0
- onedal/linear_model/linear_model.py +329 -0
- onedal/linear_model/logistic_regression.py +249 -0
- onedal/linear_model/tests/test_incremental_linear_regression.py +168 -0
- onedal/linear_model/tests/test_incremental_ridge_regression.py +107 -0
- onedal/linear_model/tests/test_linear_regression.py +149 -0
- onedal/linear_model/tests/test_logistic_regression.py +95 -0
- onedal/linear_model/tests/test_ridge.py +95 -0
- onedal/neighbors/__init__.py +19 -0
- onedal/neighbors/neighbors.py +778 -0
- onedal/neighbors/tests/test_knn_classification.py +49 -0
- onedal/primitives/__init__.py +27 -0
- onedal/primitives/get_tree.py +25 -0
- onedal/primitives/kernel_functions.py +153 -0
- onedal/primitives/tests/test_kernel_functions.py +159 -0
- onedal/spmd/__init__.py +25 -0
- onedal/spmd/_base.py +30 -0
- onedal/spmd/basic_statistics/__init__.py +20 -0
- onedal/spmd/basic_statistics/basic_statistics.py +30 -0
- onedal/spmd/basic_statistics/incremental_basic_statistics.py +69 -0
- onedal/spmd/cluster/__init__.py +28 -0
- onedal/spmd/cluster/dbscan.py +23 -0
- onedal/spmd/cluster/kmeans.py +56 -0
- onedal/spmd/covariance/__init__.py +20 -0
- onedal/spmd/covariance/covariance.py +26 -0
- onedal/spmd/covariance/incremental_covariance.py +82 -0
- onedal/spmd/decomposition/__init__.py +20 -0
- onedal/spmd/decomposition/incremental_pca.py +117 -0
- onedal/spmd/decomposition/pca.py +26 -0
- onedal/spmd/ensemble/__init__.py +19 -0
- onedal/spmd/ensemble/forest.py +28 -0
- onedal/spmd/linear_model/__init__.py +21 -0
- onedal/spmd/linear_model/incremental_linear_model.py +97 -0
- onedal/spmd/linear_model/linear_model.py +30 -0
- onedal/spmd/linear_model/logistic_regression.py +38 -0
- onedal/spmd/neighbors/__init__.py +19 -0
- onedal/spmd/neighbors/neighbors.py +75 -0
- onedal/svm/__init__.py +19 -0
- onedal/svm/svm.py +556 -0
- onedal/svm/tests/test_csr_svm.py +351 -0
- onedal/svm/tests/test_nusvc.py +204 -0
- onedal/svm/tests/test_nusvr.py +210 -0
- onedal/svm/tests/test_svc.py +168 -0
- onedal/svm/tests/test_svr.py +243 -0
- onedal/tests/test_common.py +41 -0
- onedal/tests/utils/_dataframes_support.py +168 -0
- onedal/tests/utils/_device_selection.py +107 -0
- onedal/utils/__init__.py +49 -0
- onedal/utils/_array_api.py +91 -0
- onedal/utils/validation.py +432 -0
- scikit_learn_intelex-2025.0.0.dist-info/LICENSE.txt +202 -0
- scikit_learn_intelex-2025.0.0.dist-info/METADATA +231 -0
- scikit_learn_intelex-2025.0.0.dist-info/RECORD +278 -0
- scikit_learn_intelex-2025.0.0.dist-info/WHEEL +5 -0
- scikit_learn_intelex-2025.0.0.dist-info/top_level.txt +3 -0
- sklearnex/__init__.py +65 -0
- sklearnex/__main__.py +58 -0
- sklearnex/_config.py +98 -0
- sklearnex/_device_offload.py +121 -0
- sklearnex/_utils.py +109 -0
- sklearnex/basic_statistics/__init__.py +20 -0
- sklearnex/basic_statistics/basic_statistics.py +140 -0
- sklearnex/basic_statistics/incremental_basic_statistics.py +288 -0
- sklearnex/basic_statistics/tests/test_basic_statistics.py +251 -0
- sklearnex/basic_statistics/tests/test_incremental_basic_statistics.py +384 -0
- sklearnex/cluster/__init__.py +20 -0
- sklearnex/cluster/dbscan.py +192 -0
- sklearnex/cluster/k_means.py +383 -0
- sklearnex/cluster/tests/test_dbscan.py +38 -0
- sklearnex/cluster/tests/test_kmeans.py +153 -0
- sklearnex/conftest.py +73 -0
- sklearnex/covariance/__init__.py +19 -0
- sklearnex/covariance/incremental_covariance.py +368 -0
- sklearnex/covariance/tests/test_incremental_covariance.py +226 -0
- sklearnex/decomposition/__init__.py +19 -0
- sklearnex/decomposition/pca.py +414 -0
- sklearnex/decomposition/tests/test_pca.py +58 -0
- sklearnex/dispatcher.py +543 -0
- sklearnex/doc/third-party-programs.txt +424 -0
- sklearnex/ensemble/__init__.py +29 -0
- sklearnex/ensemble/_forest.py +2016 -0
- sklearnex/ensemble/tests/test_forest.py +120 -0
- sklearnex/glob/__main__.py +72 -0
- sklearnex/glob/dispatcher.py +101 -0
- sklearnex/linear_model/__init__.py +32 -0
- sklearnex/linear_model/coordinate_descent.py +30 -0
- sklearnex/linear_model/incremental_linear.py +463 -0
- sklearnex/linear_model/incremental_ridge.py +418 -0
- sklearnex/linear_model/linear.py +302 -0
- sklearnex/linear_model/logistic_path.py +17 -0
- sklearnex/linear_model/logistic_regression.py +403 -0
- sklearnex/linear_model/ridge.py +24 -0
- sklearnex/linear_model/tests/test_incremental_linear.py +203 -0
- sklearnex/linear_model/tests/test_incremental_ridge.py +153 -0
- sklearnex/linear_model/tests/test_linear.py +142 -0
- sklearnex/linear_model/tests/test_logreg.py +134 -0
- sklearnex/manifold/__init__.py +19 -0
- sklearnex/manifold/t_sne.py +21 -0
- sklearnex/manifold/tests/test_tsne.py +26 -0
- sklearnex/metrics/__init__.py +23 -0
- sklearnex/metrics/pairwise.py +22 -0
- sklearnex/metrics/ranking.py +20 -0
- sklearnex/metrics/tests/test_metrics.py +39 -0
- sklearnex/model_selection/__init__.py +21 -0
- sklearnex/model_selection/split.py +22 -0
- sklearnex/model_selection/tests/test_model_selection.py +34 -0
- sklearnex/neighbors/__init__.py +27 -0
- sklearnex/neighbors/_lof.py +231 -0
- sklearnex/neighbors/common.py +310 -0
- sklearnex/neighbors/knn_classification.py +226 -0
- sklearnex/neighbors/knn_regression.py +203 -0
- sklearnex/neighbors/knn_unsupervised.py +170 -0
- sklearnex/neighbors/tests/test_neighbors.py +80 -0
- sklearnex/preview/__init__.py +17 -0
- sklearnex/preview/covariance/__init__.py +19 -0
- sklearnex/preview/covariance/covariance.py +133 -0
- sklearnex/preview/covariance/tests/test_covariance.py +66 -0
- sklearnex/preview/decomposition/__init__.py +19 -0
- sklearnex/preview/decomposition/incremental_pca.py +228 -0
- sklearnex/preview/decomposition/tests/test_incremental_pca.py +266 -0
- sklearnex/preview/linear_model/__init__.py +19 -0
- sklearnex/preview/linear_model/ridge.py +419 -0
- sklearnex/preview/linear_model/tests/test_ridge.py +102 -0
- sklearnex/spmd/__init__.py +25 -0
- sklearnex/spmd/basic_statistics/__init__.py +20 -0
- sklearnex/spmd/basic_statistics/basic_statistics.py +21 -0
- sklearnex/spmd/basic_statistics/incremental_basic_statistics.py +30 -0
- sklearnex/spmd/basic_statistics/tests/test_basic_statistics_spmd.py +107 -0
- sklearnex/spmd/basic_statistics/tests/test_incremental_basic_statistics_spmd.py +307 -0
- sklearnex/spmd/cluster/__init__.py +30 -0
- sklearnex/spmd/cluster/dbscan.py +50 -0
- sklearnex/spmd/cluster/kmeans.py +21 -0
- sklearnex/spmd/cluster/tests/test_dbscan_spmd.py +97 -0
- sklearnex/spmd/cluster/tests/test_kmeans_spmd.py +172 -0
- sklearnex/spmd/covariance/__init__.py +20 -0
- sklearnex/spmd/covariance/covariance.py +21 -0
- sklearnex/spmd/covariance/incremental_covariance.py +37 -0
- sklearnex/spmd/covariance/tests/test_covariance_spmd.py +107 -0
- sklearnex/spmd/covariance/tests/test_incremental_covariance_spmd.py +184 -0
- sklearnex/spmd/decomposition/__init__.py +20 -0
- sklearnex/spmd/decomposition/incremental_pca.py +30 -0
- sklearnex/spmd/decomposition/pca.py +21 -0
- sklearnex/spmd/decomposition/tests/test_incremental_pca_spmd.py +269 -0
- sklearnex/spmd/decomposition/tests/test_pca_spmd.py +128 -0
- sklearnex/spmd/ensemble/__init__.py +19 -0
- sklearnex/spmd/ensemble/forest.py +71 -0
- sklearnex/spmd/ensemble/tests/test_forest_spmd.py +265 -0
- sklearnex/spmd/linear_model/__init__.py +21 -0
- sklearnex/spmd/linear_model/incremental_linear_model.py +35 -0
- sklearnex/spmd/linear_model/linear_model.py +21 -0
- sklearnex/spmd/linear_model/logistic_regression.py +21 -0
- sklearnex/spmd/linear_model/tests/test_incremental_linear_spmd.py +329 -0
- sklearnex/spmd/linear_model/tests/test_linear_regression_spmd.py +145 -0
- sklearnex/spmd/linear_model/tests/test_logistic_regression_spmd.py +166 -0
- sklearnex/spmd/neighbors/__init__.py +19 -0
- sklearnex/spmd/neighbors/neighbors.py +25 -0
- sklearnex/spmd/neighbors/tests/test_neighbors_spmd.py +288 -0
- sklearnex/svm/__init__.py +29 -0
- sklearnex/svm/_common.py +328 -0
- sklearnex/svm/nusvc.py +332 -0
- sklearnex/svm/nusvr.py +148 -0
- sklearnex/svm/svc.py +360 -0
- sklearnex/svm/svr.py +149 -0
- sklearnex/svm/tests/test_svm.py +93 -0
- sklearnex/tests/_utils.py +328 -0
- sklearnex/tests/_utils_spmd.py +198 -0
- sklearnex/tests/test_common.py +54 -0
- sklearnex/tests/test_config.py +43 -0
- sklearnex/tests/test_memory_usage.py +291 -0
- sklearnex/tests/test_monkeypatch.py +276 -0
- sklearnex/tests/test_n_jobs_support.py +103 -0
- sklearnex/tests/test_parallel.py +48 -0
- sklearnex/tests/test_patching.py +385 -0
- sklearnex/tests/test_run_to_run_stability.py +296 -0
- sklearnex/utils/__init__.py +19 -0
- sklearnex/utils/_array_api.py +82 -0
- sklearnex/utils/parallel.py +59 -0
- sklearnex/utils/tests/test_finite.py +89 -0
- sklearnex/utils/validation.py +17 -0
|
@@ -0,0 +1,102 @@
|
|
|
1
|
+
# ===============================================================================
|
|
2
|
+
# Copyright 2024 Intel Corporation
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ===============================================================================
|
|
16
|
+
|
|
17
|
+
import numpy
|
|
18
|
+
import pytest
|
|
19
|
+
from numpy.testing import assert_allclose
|
|
20
|
+
from sklearn.exceptions import NotFittedError
|
|
21
|
+
|
|
22
|
+
from daal4py.sklearn._utils import daal_check_version
|
|
23
|
+
from onedal.tests.utils._dataframes_support import (
|
|
24
|
+
_convert_to_dataframe,
|
|
25
|
+
get_dataframes_and_queues,
|
|
26
|
+
)
|
|
27
|
+
|
|
28
|
+
|
|
29
|
+
@pytest.mark.parametrize("dataframe,queue", get_dataframes_and_queues())
|
|
30
|
+
def test_sklearnex_import_ridge(dataframe, queue):
|
|
31
|
+
from sklearnex.preview.linear_model import Ridge
|
|
32
|
+
|
|
33
|
+
X = numpy.array([[1, 1], [1, 2], [2, 2], [2, 3]])
|
|
34
|
+
y = numpy.dot(X, numpy.array([1, 2])) + 3
|
|
35
|
+
X_c = _convert_to_dataframe(X, sycl_queue=queue, target_df=dataframe)
|
|
36
|
+
y_c = _convert_to_dataframe(y, sycl_queue=queue, target_df=dataframe)
|
|
37
|
+
ridge_reg = Ridge(alpha=0.5).fit(X_c, y_c)
|
|
38
|
+
|
|
39
|
+
if daal_check_version((2024, "P", 600)):
|
|
40
|
+
assert "preview" in ridge_reg.__module__
|
|
41
|
+
else:
|
|
42
|
+
assert "daal4py" in ridge_reg.__module__
|
|
43
|
+
|
|
44
|
+
assert_allclose(ridge_reg.intercept_, 3.86, rtol=1e-2)
|
|
45
|
+
assert_allclose(ridge_reg.coef_, [0.91, 1.64], rtol=1e-2)
|
|
46
|
+
|
|
47
|
+
|
|
48
|
+
@pytest.mark.parametrize("dataframe,queue", get_dataframes_and_queues())
|
|
49
|
+
@pytest.mark.parametrize("sample_size", [100, 1000])
|
|
50
|
+
@pytest.mark.parametrize("feature_size", [10, 50])
|
|
51
|
+
@pytest.mark.parametrize("alpha", [0.1, 0.5, 1.0])
|
|
52
|
+
def test_ridge_coefficients(dataframe, queue, sample_size, feature_size, alpha):
|
|
53
|
+
from sklearnex.preview.linear_model import Ridge
|
|
54
|
+
|
|
55
|
+
X = numpy.random.rand(sample_size, feature_size)
|
|
56
|
+
y = numpy.random.rand(sample_size)
|
|
57
|
+
X_c = _convert_to_dataframe(X, sycl_queue=queue, target_df=dataframe)
|
|
58
|
+
y_c = _convert_to_dataframe(y, sycl_queue=queue, target_df=dataframe)
|
|
59
|
+
ridge_reg = Ridge(fit_intercept=False, alpha=alpha).fit(X_c, y_c)
|
|
60
|
+
|
|
61
|
+
# computing the coefficients manually
|
|
62
|
+
# using the normal equation formula: (X^T * X + lambda * I)^-1 * X^T * y
|
|
63
|
+
lambda_identity = alpha * numpy.eye(X.shape[1])
|
|
64
|
+
inverse_term = numpy.linalg.inv(numpy.dot(X.T, X) + lambda_identity)
|
|
65
|
+
xt_y = numpy.dot(X.T, y)
|
|
66
|
+
coefficients_manual = numpy.dot(inverse_term, xt_y)
|
|
67
|
+
|
|
68
|
+
assert_allclose(ridge_reg.coef_, coefficients_manual, rtol=1e-6, atol=1e-6)
|
|
69
|
+
|
|
70
|
+
|
|
71
|
+
if daal_check_version((2024, "P", 600)):
|
|
72
|
+
|
|
73
|
+
@pytest.mark.parametrize("dataframe,queue", get_dataframes_and_queues())
|
|
74
|
+
def test_ridge_score_before_fit(dataframe, queue):
|
|
75
|
+
from sklearnex.preview.linear_model import Ridge
|
|
76
|
+
|
|
77
|
+
sample_count, feature_count = 10, 5
|
|
78
|
+
|
|
79
|
+
model = Ridge(fit_intercept=True, alpha=0.5)
|
|
80
|
+
|
|
81
|
+
X, y = numpy.random.rand(sample_count, feature_count), numpy.random.rand(
|
|
82
|
+
sample_count
|
|
83
|
+
)
|
|
84
|
+
X_c = _convert_to_dataframe(X, sycl_queue=queue, target_df=dataframe)
|
|
85
|
+
y_c = _convert_to_dataframe(y, sycl_queue=queue, target_df=dataframe)
|
|
86
|
+
|
|
87
|
+
with pytest.raises(NotFittedError):
|
|
88
|
+
model.score(X_c, y_c)
|
|
89
|
+
|
|
90
|
+
@pytest.mark.parametrize("dataframe,queue", get_dataframes_and_queues())
|
|
91
|
+
def test_ridge_predict_before_fit(dataframe, queue):
|
|
92
|
+
from sklearnex.preview.linear_model import Ridge
|
|
93
|
+
|
|
94
|
+
sample_count, feature_count = 10, 5
|
|
95
|
+
|
|
96
|
+
model = Ridge(fit_intercept=True, alpha=0.5)
|
|
97
|
+
|
|
98
|
+
X = numpy.random.rand(sample_count, feature_count)
|
|
99
|
+
X_c = _convert_to_dataframe(X, sycl_queue=queue, target_df=dataframe)
|
|
100
|
+
|
|
101
|
+
with pytest.raises(NotFittedError):
|
|
102
|
+
model.predict(X_c)
|
|
@@ -0,0 +1,25 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2023 Intel Corporation
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ==============================================================================
|
|
16
|
+
|
|
17
|
+
__all__ = [
|
|
18
|
+
"basic_statistics",
|
|
19
|
+
"cluster",
|
|
20
|
+
"covariance",
|
|
21
|
+
"decomposition",
|
|
22
|
+
"ensemble",
|
|
23
|
+
"linear_model",
|
|
24
|
+
"neighbors",
|
|
25
|
+
]
|
|
@@ -0,0 +1,20 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2023 Intel Corporation
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ==============================================================================
|
|
16
|
+
|
|
17
|
+
from .basic_statistics import BasicStatistics
|
|
18
|
+
from .incremental_basic_statistics import IncrementalBasicStatistics
|
|
19
|
+
|
|
20
|
+
__all__ = ["BasicStatistics", "IncrementalBasicStatistics"]
|
|
@@ -0,0 +1,21 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2023 Intel Corporation
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ==============================================================================
|
|
16
|
+
|
|
17
|
+
from onedal.spmd.basic_statistics import BasicStatistics
|
|
18
|
+
|
|
19
|
+
# TODO:
|
|
20
|
+
# Currently it uses `onedal` module interface.
|
|
21
|
+
# Add sklearnex dispatching.
|
|
@@ -0,0 +1,30 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2024 Intel Corporation
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ==============================================================================
|
|
16
|
+
|
|
17
|
+
|
|
18
|
+
from onedal.spmd.basic_statistics import (
|
|
19
|
+
IncrementalBasicStatistics as onedalSPMD_IncrementalBasicStatistics,
|
|
20
|
+
)
|
|
21
|
+
|
|
22
|
+
from ...basic_statistics import (
|
|
23
|
+
IncrementalBasicStatistics as base_IncrementalBasicStatistics,
|
|
24
|
+
)
|
|
25
|
+
|
|
26
|
+
|
|
27
|
+
class IncrementalBasicStatistics(base_IncrementalBasicStatistics):
|
|
28
|
+
_onedal_incremental_basic_statistics = staticmethod(
|
|
29
|
+
onedalSPMD_IncrementalBasicStatistics
|
|
30
|
+
)
|
|
@@ -0,0 +1,107 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2024 Intel Corporation
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ==============================================================================
|
|
16
|
+
|
|
17
|
+
import numpy as np
|
|
18
|
+
import pytest
|
|
19
|
+
from numpy.testing import assert_allclose
|
|
20
|
+
|
|
21
|
+
from onedal.basic_statistics.tests.test_basic_statistics import options_and_tests
|
|
22
|
+
from onedal.tests.utils._dataframes_support import (
|
|
23
|
+
_convert_to_dataframe,
|
|
24
|
+
get_dataframes_and_queues,
|
|
25
|
+
)
|
|
26
|
+
from sklearnex.tests._utils_spmd import (
|
|
27
|
+
_generate_statistic_data,
|
|
28
|
+
_get_local_tensor,
|
|
29
|
+
_mpi_libs_and_gpu_available,
|
|
30
|
+
)
|
|
31
|
+
|
|
32
|
+
|
|
33
|
+
@pytest.mark.skipif(
|
|
34
|
+
not _mpi_libs_and_gpu_available,
|
|
35
|
+
reason="GPU device and MPI libs required for test",
|
|
36
|
+
)
|
|
37
|
+
@pytest.mark.parametrize(
|
|
38
|
+
"dataframe,queue",
|
|
39
|
+
get_dataframes_and_queues(dataframe_filter_="dpnp,dpctl", device_filter_="gpu"),
|
|
40
|
+
)
|
|
41
|
+
@pytest.mark.mpi
|
|
42
|
+
def test_basic_stats_spmd_gold(dataframe, queue):
|
|
43
|
+
# Import spmd and batch algo
|
|
44
|
+
from onedal.basic_statistics import BasicStatistics as BasicStatistics_Batch
|
|
45
|
+
from sklearnex.spmd.basic_statistics import BasicStatistics as BasicStatistics_SPMD
|
|
46
|
+
|
|
47
|
+
# Create gold data and convert to dataframe
|
|
48
|
+
data = np.array(
|
|
49
|
+
[
|
|
50
|
+
[0.0, 0.0, 0.0],
|
|
51
|
+
[0.0, 1.0, 2.0],
|
|
52
|
+
[0.0, 2.0, 4.0],
|
|
53
|
+
[0.0, 3.0, 8.0],
|
|
54
|
+
[0.0, 4.0, 16.0],
|
|
55
|
+
[0.0, 5.0, 32.0],
|
|
56
|
+
[0.0, 6.0, 64.0],
|
|
57
|
+
]
|
|
58
|
+
)
|
|
59
|
+
|
|
60
|
+
local_dpt_data = _convert_to_dataframe(
|
|
61
|
+
_get_local_tensor(data), sycl_queue=queue, target_df=dataframe
|
|
62
|
+
)
|
|
63
|
+
|
|
64
|
+
# Ensure results of batch algo match spmd
|
|
65
|
+
spmd_result = BasicStatistics_SPMD().fit(local_dpt_data)
|
|
66
|
+
batch_result = BasicStatistics_Batch().fit(data)
|
|
67
|
+
|
|
68
|
+
for option in (opt[0] for opt in options_and_tests):
|
|
69
|
+
assert_allclose(getattr(spmd_result, option), getattr(batch_result, option))
|
|
70
|
+
|
|
71
|
+
|
|
72
|
+
@pytest.mark.skipif(
|
|
73
|
+
not _mpi_libs_and_gpu_available,
|
|
74
|
+
reason="GPU device and MPI libs required for test",
|
|
75
|
+
)
|
|
76
|
+
@pytest.mark.parametrize("n_samples", [100, 10000])
|
|
77
|
+
@pytest.mark.parametrize("n_features", [10, 100])
|
|
78
|
+
@pytest.mark.parametrize("dtype", [np.float32, np.float64])
|
|
79
|
+
@pytest.mark.parametrize(
|
|
80
|
+
"dataframe,queue",
|
|
81
|
+
get_dataframes_and_queues(dataframe_filter_="dpnp,dpctl", device_filter_="gpu"),
|
|
82
|
+
)
|
|
83
|
+
@pytest.mark.mpi
|
|
84
|
+
def test_basic_stats_spmd_synthetic(n_samples, n_features, dataframe, queue, dtype):
|
|
85
|
+
# Import spmd and batch algo
|
|
86
|
+
from onedal.basic_statistics import BasicStatistics as BasicStatistics_Batch
|
|
87
|
+
from sklearnex.spmd.basic_statistics import BasicStatistics as BasicStatistics_SPMD
|
|
88
|
+
|
|
89
|
+
# Generate data and convert to dataframe
|
|
90
|
+
data = _generate_statistic_data(n_samples, n_features, dtype=dtype)
|
|
91
|
+
|
|
92
|
+
local_dpt_data = _convert_to_dataframe(
|
|
93
|
+
_get_local_tensor(data), sycl_queue=queue, target_df=dataframe
|
|
94
|
+
)
|
|
95
|
+
|
|
96
|
+
# Ensure results of batch algo match spmd
|
|
97
|
+
spmd_result = BasicStatistics_SPMD().fit(local_dpt_data)
|
|
98
|
+
batch_result = BasicStatistics_Batch().fit(data)
|
|
99
|
+
|
|
100
|
+
tol = 1e-5 if dtype == np.float32 else 1e-7
|
|
101
|
+
for option in (opt[0] for opt in options_and_tests):
|
|
102
|
+
assert_allclose(
|
|
103
|
+
getattr(spmd_result, option),
|
|
104
|
+
getattr(batch_result, option),
|
|
105
|
+
atol=tol,
|
|
106
|
+
rtol=tol,
|
|
107
|
+
)
|
|
@@ -0,0 +1,307 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2024 Intel Corporation
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ==============================================================================
|
|
16
|
+
|
|
17
|
+
import numpy as np
|
|
18
|
+
import pytest
|
|
19
|
+
from numpy.testing import assert_allclose
|
|
20
|
+
|
|
21
|
+
from onedal.basic_statistics.tests.test_basic_statistics import options_and_tests
|
|
22
|
+
from onedal.tests.utils._dataframes_support import (
|
|
23
|
+
_convert_to_dataframe,
|
|
24
|
+
get_dataframes_and_queues,
|
|
25
|
+
)
|
|
26
|
+
from sklearnex.tests._utils_spmd import (
|
|
27
|
+
_generate_statistic_data,
|
|
28
|
+
_get_local_tensor,
|
|
29
|
+
_mpi_libs_and_gpu_available,
|
|
30
|
+
)
|
|
31
|
+
|
|
32
|
+
|
|
33
|
+
@pytest.mark.skipif(
|
|
34
|
+
not _mpi_libs_and_gpu_available,
|
|
35
|
+
reason="GPU device and MPI libs required for test",
|
|
36
|
+
)
|
|
37
|
+
@pytest.mark.parametrize(
|
|
38
|
+
"dataframe,queue",
|
|
39
|
+
get_dataframes_and_queues(dataframe_filter_="dpnp,dpctl", device_filter_="gpu"),
|
|
40
|
+
)
|
|
41
|
+
@pytest.mark.parametrize("weighted", [True, False])
|
|
42
|
+
@pytest.mark.parametrize("dtype", [np.float32, np.float64])
|
|
43
|
+
@pytest.mark.mpi
|
|
44
|
+
def test_incremental_basic_statistics_fit_spmd_gold(dataframe, queue, weighted, dtype):
|
|
45
|
+
# Import spmd and batch algo
|
|
46
|
+
from sklearnex.basic_statistics import IncrementalBasicStatistics
|
|
47
|
+
from sklearnex.spmd.basic_statistics import (
|
|
48
|
+
IncrementalBasicStatistics as IncrementalBasicStatistics_SPMD,
|
|
49
|
+
)
|
|
50
|
+
|
|
51
|
+
# Create gold data and process into dpt
|
|
52
|
+
data = np.array(
|
|
53
|
+
[
|
|
54
|
+
[0.0, 0.0, 0.0],
|
|
55
|
+
[0.0, 1.0, 2.0],
|
|
56
|
+
[0.0, 2.0, 4.0],
|
|
57
|
+
[0.0, 3.0, 8.0],
|
|
58
|
+
[0.0, 4.0, 16.0],
|
|
59
|
+
[0.0, 5.0, 32.0],
|
|
60
|
+
[0.0, 6.0, 64.0],
|
|
61
|
+
[0.0, 7.0, 128.0],
|
|
62
|
+
],
|
|
63
|
+
dtype=dtype,
|
|
64
|
+
)
|
|
65
|
+
dpt_data = _convert_to_dataframe(data, sycl_queue=queue, target_df=dataframe)
|
|
66
|
+
|
|
67
|
+
local_dpt_data = _convert_to_dataframe(
|
|
68
|
+
_get_local_tensor(data), sycl_queue=queue, target_df=dataframe
|
|
69
|
+
)
|
|
70
|
+
|
|
71
|
+
if weighted:
|
|
72
|
+
# Create weights array containing the weight for each sample in the data
|
|
73
|
+
weights = np.array([0.0, 1.0, 2.0, 3.0, 4.0, 5.0, 6.0, 7.0], dtype=dtype)
|
|
74
|
+
dpt_weights = _convert_to_dataframe(
|
|
75
|
+
weights, sycl_queue=queue, target_df=dataframe
|
|
76
|
+
)
|
|
77
|
+
local_dpt_weights = _convert_to_dataframe(
|
|
78
|
+
_get_local_tensor(weights), sycl_queue=queue, target_df=dataframe
|
|
79
|
+
)
|
|
80
|
+
|
|
81
|
+
# ensure results of batch algo match spmd
|
|
82
|
+
|
|
83
|
+
incbs_spmd = IncrementalBasicStatistics_SPMD().fit(
|
|
84
|
+
local_dpt_data, sample_weight=local_dpt_weights if weighted else None
|
|
85
|
+
)
|
|
86
|
+
incbs = IncrementalBasicStatistics().fit(
|
|
87
|
+
dpt_data, sample_weight=dpt_weights if weighted else None
|
|
88
|
+
)
|
|
89
|
+
|
|
90
|
+
for option, _, _ in options_and_tests:
|
|
91
|
+
assert_allclose(
|
|
92
|
+
getattr(incbs_spmd, option),
|
|
93
|
+
getattr(incbs, option),
|
|
94
|
+
err_msg=f"Result for {option} is incorrect",
|
|
95
|
+
)
|
|
96
|
+
|
|
97
|
+
|
|
98
|
+
@pytest.mark.skipif(
|
|
99
|
+
not _mpi_libs_and_gpu_available,
|
|
100
|
+
reason="GPU device and MPI libs required for test",
|
|
101
|
+
)
|
|
102
|
+
@pytest.mark.parametrize(
|
|
103
|
+
"dataframe,queue",
|
|
104
|
+
get_dataframes_and_queues(dataframe_filter_="dpnp,dpctl", device_filter_="gpu"),
|
|
105
|
+
)
|
|
106
|
+
@pytest.mark.parametrize("num_blocks", [1, 2])
|
|
107
|
+
@pytest.mark.parametrize("weighted", [True, False])
|
|
108
|
+
@pytest.mark.parametrize("dtype", [np.float32, np.float64])
|
|
109
|
+
@pytest.mark.mpi
|
|
110
|
+
def test_incremental_basic_statistics_partial_fit_spmd_gold(
|
|
111
|
+
dataframe, queue, num_blocks, weighted, dtype
|
|
112
|
+
):
|
|
113
|
+
# Import spmd and batch algo
|
|
114
|
+
from sklearnex.basic_statistics import IncrementalBasicStatistics
|
|
115
|
+
from sklearnex.spmd.basic_statistics import (
|
|
116
|
+
IncrementalBasicStatistics as IncrementalBasicStatistics_SPMD,
|
|
117
|
+
)
|
|
118
|
+
|
|
119
|
+
# Create gold data and process into dpt
|
|
120
|
+
data = np.array(
|
|
121
|
+
[
|
|
122
|
+
[0.0, 0.0, 0.0],
|
|
123
|
+
[0.0, 1.0, 2.0],
|
|
124
|
+
[0.0, 2.0, 4.0],
|
|
125
|
+
[0.0, 3.0, 8.0],
|
|
126
|
+
[0.0, 4.0, 16.0],
|
|
127
|
+
[0.0, 5.0, 32.0],
|
|
128
|
+
[0.0, 6.0, 64.0],
|
|
129
|
+
[0.0, 7.0, 128.0],
|
|
130
|
+
],
|
|
131
|
+
dtype=dtype,
|
|
132
|
+
)
|
|
133
|
+
dpt_data = _convert_to_dataframe(data, sycl_queue=queue, target_df=dataframe)
|
|
134
|
+
local_data = _get_local_tensor(data)
|
|
135
|
+
split_local_data = np.array_split(local_data, num_blocks)
|
|
136
|
+
|
|
137
|
+
if weighted:
|
|
138
|
+
# Create weights array containing the weight for each sample in the data
|
|
139
|
+
weights = np.array([0.0, 1.0, 2.0, 3.0, 4.0, 5.0, 6.0, 7.0], dtype=dtype)
|
|
140
|
+
dpt_weights = _convert_to_dataframe(
|
|
141
|
+
weights, sycl_queue=queue, target_df=dataframe
|
|
142
|
+
)
|
|
143
|
+
local_weights = _get_local_tensor(weights)
|
|
144
|
+
split_local_weights = np.array_split(local_weights, num_blocks)
|
|
145
|
+
|
|
146
|
+
incbs_spmd = IncrementalBasicStatistics_SPMD()
|
|
147
|
+
incbs = IncrementalBasicStatistics()
|
|
148
|
+
|
|
149
|
+
for i in range(num_blocks):
|
|
150
|
+
local_dpt_data = _convert_to_dataframe(
|
|
151
|
+
split_local_data[i], sycl_queue=queue, target_df=dataframe
|
|
152
|
+
)
|
|
153
|
+
if weighted:
|
|
154
|
+
local_dpt_weights = _convert_to_dataframe(
|
|
155
|
+
split_local_weights[i], sycl_queue=queue, target_df=dataframe
|
|
156
|
+
)
|
|
157
|
+
incbs_spmd.partial_fit(
|
|
158
|
+
local_dpt_data, sample_weight=local_dpt_weights if weighted else None
|
|
159
|
+
)
|
|
160
|
+
|
|
161
|
+
incbs.fit(dpt_data, sample_weight=dpt_weights if weighted else None)
|
|
162
|
+
|
|
163
|
+
for option, _, _ in options_and_tests:
|
|
164
|
+
assert_allclose(
|
|
165
|
+
getattr(incbs_spmd, option),
|
|
166
|
+
getattr(incbs, option),
|
|
167
|
+
err_msg=f"Result for {option} is incorrect",
|
|
168
|
+
)
|
|
169
|
+
|
|
170
|
+
|
|
171
|
+
@pytest.mark.skipif(
|
|
172
|
+
not _mpi_libs_and_gpu_available,
|
|
173
|
+
reason="GPU device and MPI libs required for test",
|
|
174
|
+
)
|
|
175
|
+
@pytest.mark.parametrize(
|
|
176
|
+
"dataframe,queue",
|
|
177
|
+
get_dataframes_and_queues(dataframe_filter_="dpnp,dpctl", device_filter_="gpu"),
|
|
178
|
+
)
|
|
179
|
+
@pytest.mark.parametrize("num_blocks", [1, 2])
|
|
180
|
+
@pytest.mark.parametrize("weighted", [True, False])
|
|
181
|
+
@pytest.mark.parametrize("result_option", options_and_tests)
|
|
182
|
+
@pytest.mark.parametrize("dtype", [np.float32, np.float64])
|
|
183
|
+
@pytest.mark.mpi
|
|
184
|
+
def test_incremental_basic_statistics_single_option_partial_fit_spmd_gold(
|
|
185
|
+
dataframe, queue, num_blocks, weighted, result_option, dtype
|
|
186
|
+
):
|
|
187
|
+
# Import spmd and batch algo
|
|
188
|
+
from sklearnex.basic_statistics import IncrementalBasicStatistics
|
|
189
|
+
from sklearnex.spmd.basic_statistics import (
|
|
190
|
+
IncrementalBasicStatistics as IncrementalBasicStatistics_SPMD,
|
|
191
|
+
)
|
|
192
|
+
|
|
193
|
+
# Create gold data and process into dpt
|
|
194
|
+
data = np.array(
|
|
195
|
+
[
|
|
196
|
+
[0.0, 0.0, 0.0],
|
|
197
|
+
[0.0, 1.0, 2.0],
|
|
198
|
+
[0.0, 2.0, 4.0],
|
|
199
|
+
[0.0, 3.0, 8.0],
|
|
200
|
+
[0.0, 4.0, 16.0],
|
|
201
|
+
[0.0, 5.0, 32.0],
|
|
202
|
+
[0.0, 6.0, 64.0],
|
|
203
|
+
[0.0, 7.0, 128.0],
|
|
204
|
+
],
|
|
205
|
+
dtype=dtype,
|
|
206
|
+
)
|
|
207
|
+
dpt_data = _convert_to_dataframe(data, sycl_queue=queue, target_df=dataframe)
|
|
208
|
+
local_data = _get_local_tensor(data)
|
|
209
|
+
split_local_data = np.array_split(local_data, num_blocks)
|
|
210
|
+
|
|
211
|
+
if weighted:
|
|
212
|
+
# Create weights array containing the weight for each sample in the data
|
|
213
|
+
weights = np.array([0.0, 1.0, 2.0, 3.0, 4.0, 5.0, 6.0, 7.0], dtype=dtype)
|
|
214
|
+
dpt_weights = _convert_to_dataframe(
|
|
215
|
+
weights, sycl_queue=queue, target_df=dataframe
|
|
216
|
+
)
|
|
217
|
+
local_weights = _get_local_tensor(weights)
|
|
218
|
+
split_local_weights = np.array_split(local_weights, num_blocks)
|
|
219
|
+
|
|
220
|
+
option, _, _ = result_option
|
|
221
|
+
incbs_spmd = IncrementalBasicStatistics_SPMD(result_options=option)
|
|
222
|
+
incbs = IncrementalBasicStatistics(result_options=option)
|
|
223
|
+
|
|
224
|
+
for i in range(num_blocks):
|
|
225
|
+
local_dpt_data = _convert_to_dataframe(
|
|
226
|
+
split_local_data[i], sycl_queue=queue, target_df=dataframe
|
|
227
|
+
)
|
|
228
|
+
if weighted:
|
|
229
|
+
local_dpt_weights = _convert_to_dataframe(
|
|
230
|
+
split_local_weights[i], sycl_queue=queue, target_df=dataframe
|
|
231
|
+
)
|
|
232
|
+
incbs_spmd.partial_fit(
|
|
233
|
+
local_dpt_data, sample_weight=local_dpt_weights if weighted else None
|
|
234
|
+
)
|
|
235
|
+
|
|
236
|
+
incbs.fit(dpt_data, sample_weight=dpt_weights if weighted else None)
|
|
237
|
+
|
|
238
|
+
assert_allclose(getattr(incbs_spmd, option), getattr(incbs, option))
|
|
239
|
+
|
|
240
|
+
|
|
241
|
+
@pytest.mark.skipif(
|
|
242
|
+
not _mpi_libs_and_gpu_available,
|
|
243
|
+
reason="GPU device and MPI libs required for test",
|
|
244
|
+
)
|
|
245
|
+
@pytest.mark.parametrize(
|
|
246
|
+
"dataframe,queue",
|
|
247
|
+
get_dataframes_and_queues(dataframe_filter_="dpnp,dpctl", device_filter_="gpu"),
|
|
248
|
+
)
|
|
249
|
+
@pytest.mark.parametrize("num_blocks", [1, 2])
|
|
250
|
+
@pytest.mark.parametrize("weighted", [True, False])
|
|
251
|
+
@pytest.mark.parametrize("n_samples", [100, 10000])
|
|
252
|
+
@pytest.mark.parametrize("n_features", [10, 100])
|
|
253
|
+
@pytest.mark.parametrize("dtype", [np.float32, np.float64])
|
|
254
|
+
@pytest.mark.mpi
|
|
255
|
+
def test_incremental_basic_statistics_partial_fit_spmd_synthetic(
|
|
256
|
+
dataframe, queue, num_blocks, weighted, n_samples, n_features, dtype
|
|
257
|
+
):
|
|
258
|
+
# Import spmd and batch algo
|
|
259
|
+
from sklearnex.basic_statistics import IncrementalBasicStatistics
|
|
260
|
+
from sklearnex.spmd.basic_statistics import (
|
|
261
|
+
IncrementalBasicStatistics as IncrementalBasicStatistics_SPMD,
|
|
262
|
+
)
|
|
263
|
+
|
|
264
|
+
tol = 2e-3 if dtype == np.float32 else 1e-7
|
|
265
|
+
|
|
266
|
+
# Create gold data and process into dpt
|
|
267
|
+
data = _generate_statistic_data(n_samples, n_features, dtype=dtype)
|
|
268
|
+
local_data = _get_local_tensor(data)
|
|
269
|
+
split_local_data = np.array_split(local_data, num_blocks)
|
|
270
|
+
split_data = np.array_split(data, num_blocks)
|
|
271
|
+
|
|
272
|
+
if weighted:
|
|
273
|
+
# Create weights array containing the weight for each sample in the data
|
|
274
|
+
weights = _generate_statistic_data(n_samples, dtype=dtype)
|
|
275
|
+
local_weights = _get_local_tensor(weights)
|
|
276
|
+
split_local_weights = np.array_split(local_weights, num_blocks)
|
|
277
|
+
split_weights = np.array_split(weights, num_blocks)
|
|
278
|
+
|
|
279
|
+
incbs_spmd = IncrementalBasicStatistics_SPMD()
|
|
280
|
+
incbs = IncrementalBasicStatistics()
|
|
281
|
+
|
|
282
|
+
for i in range(num_blocks):
|
|
283
|
+
local_dpt_data = _convert_to_dataframe(
|
|
284
|
+
split_local_data[i], sycl_queue=queue, target_df=dataframe
|
|
285
|
+
)
|
|
286
|
+
dpt_data = _convert_to_dataframe(
|
|
287
|
+
split_data[i], sycl_queue=queue, target_df=dataframe
|
|
288
|
+
)
|
|
289
|
+
if weighted:
|
|
290
|
+
local_dpt_weights = _convert_to_dataframe(
|
|
291
|
+
split_local_weights[i], sycl_queue=queue, target_df=dataframe
|
|
292
|
+
)
|
|
293
|
+
dpt_weights = _convert_to_dataframe(
|
|
294
|
+
split_weights[i], sycl_queue=queue, target_df=dataframe
|
|
295
|
+
)
|
|
296
|
+
incbs_spmd.partial_fit(
|
|
297
|
+
local_dpt_data, sample_weight=local_dpt_weights if weighted else None
|
|
298
|
+
)
|
|
299
|
+
incbs.partial_fit(dpt_data, sample_weight=dpt_weights if weighted else None)
|
|
300
|
+
|
|
301
|
+
for option, _, _ in options_and_tests:
|
|
302
|
+
assert_allclose(
|
|
303
|
+
getattr(incbs_spmd, option),
|
|
304
|
+
getattr(incbs, option),
|
|
305
|
+
atol=tol,
|
|
306
|
+
err_msg=f"Result for {option} is incorrect",
|
|
307
|
+
)
|
|
@@ -0,0 +1,30 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2023 Intel Corporation
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
# ==============================================================================
|
|
16
|
+
|
|
17
|
+
from daal4py.sklearn._utils import daal_check_version
|
|
18
|
+
|
|
19
|
+
from .dbscan import DBSCAN
|
|
20
|
+
|
|
21
|
+
if daal_check_version((2023, "P", 200)):
|
|
22
|
+
from .kmeans import KMeans
|
|
23
|
+
|
|
24
|
+
__all__ = ["DBSCAN", "KMeans"]
|
|
25
|
+
else:
|
|
26
|
+
# TODO:
|
|
27
|
+
# update versioning for DBSCAN.
|
|
28
|
+
__all__ = [
|
|
29
|
+
"DBSCAN",
|
|
30
|
+
]
|