scikit-learn-intelex 2025.4.0__py313-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-313-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-313-x86_64-linux-gnu.so +0 -0
- daal4py/sklearn/__init__.py +40 -0
- daal4py/sklearn/_n_jobs_support.py +248 -0
- daal4py/sklearn/_utils.py +245 -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 +196 -0
- daal4py/sklearn/ensemble/GBTDAAL.py +337 -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 +208 -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 +236 -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 +90 -0
- daal4py/sklearn/monkeypatch/tests/utils/_launch_algorithms.py +117 -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 +696 -0
- onedal/__init__.py +83 -0
- onedal/_config.py +54 -0
- onedal/_device_offload.py +204 -0
- onedal/_onedal_py_dpc.cpython-313-x86_64-linux-gnu.so +0 -0
- onedal/_onedal_py_host.cpython-313-x86_64-linux-gnu.so +0 -0
- onedal/_onedal_py_spmd_dpc.cpython-313-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 +175 -0
- onedal/basic_statistics/tests/test_basic_statistics.py +242 -0
- onedal/basic_statistics/tests/test_incremental_basic_statistics.py +279 -0
- onedal/basic_statistics/tests/utils.py +50 -0
- onedal/cluster/__init__.py +27 -0
- onedal/cluster/dbscan.py +105 -0
- onedal/cluster/kmeans.py +557 -0
- onedal/cluster/kmeans_init.py +112 -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 +55 -0
- onedal/common/_spmd_policy.py +30 -0
- onedal/common/hyperparameters.py +125 -0
- onedal/common/tests/test_policy.py +76 -0
- onedal/common/tests/test_sycl.py +128 -0
- onedal/covariance/__init__.py +20 -0
- onedal/covariance/covariance.py +122 -0
- onedal/covariance/incremental_covariance.py +161 -0
- onedal/covariance/tests/test_covariance.py +50 -0
- onedal/covariance/tests/test_incremental_covariance.py +190 -0
- onedal/datatypes/__init__.py +19 -0
- onedal/datatypes/_data_conversion.py +121 -0
- onedal/datatypes/tests/common.py +126 -0
- onedal/datatypes/tests/test_data.py +475 -0
- onedal/decomposition/__init__.py +20 -0
- onedal/decomposition/incremental_pca.py +214 -0
- onedal/decomposition/pca.py +186 -0
- onedal/decomposition/tests/test_incremental_pca.py +285 -0
- onedal/ensemble/__init__.py +29 -0
- onedal/ensemble/forest.py +736 -0
- onedal/ensemble/tests/test_random_forest.py +97 -0
- onedal/linear_model/__init__.py +27 -0
- onedal/linear_model/incremental_linear_model.py +292 -0
- onedal/linear_model/linear_model.py +325 -0
- onedal/linear_model/logistic_regression.py +247 -0
- onedal/linear_model/tests/test_incremental_linear_regression.py +213 -0
- onedal/linear_model/tests/test_incremental_ridge_regression.py +171 -0
- onedal/linear_model/tests/test_linear_regression.py +259 -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 +763 -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 +152 -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 +71 -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 +83 -0
- onedal/spmd/decomposition/__init__.py +20 -0
- onedal/spmd/decomposition/incremental_pca.py +124 -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 +101 -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 +176 -0
- onedal/svm/tests/test_svr.py +243 -0
- onedal/tests/test_common.py +57 -0
- onedal/tests/utils/_dataframes_support.py +162 -0
- onedal/tests/utils/_device_selection.py +102 -0
- onedal/utils/__init__.py +49 -0
- onedal/utils/_array_api.py +81 -0
- onedal/utils/_dpep_helpers.py +56 -0
- onedal/utils/tests/test_validation.py +142 -0
- onedal/utils/validation.py +464 -0
- scikit_learn_intelex-2025.4.0.dist-info/LICENSE.txt +202 -0
- scikit_learn_intelex-2025.4.0.dist-info/METADATA +190 -0
- scikit_learn_intelex-2025.4.0.dist-info/RECORD +282 -0
- scikit_learn_intelex-2025.4.0.dist-info/WHEEL +5 -0
- scikit_learn_intelex-2025.4.0.dist-info/top_level.txt +3 -0
- sklearnex/__init__.py +66 -0
- sklearnex/__main__.py +58 -0
- sklearnex/_config.py +116 -0
- sklearnex/_device_offload.py +126 -0
- sklearnex/_utils.py +177 -0
- sklearnex/basic_statistics/__init__.py +20 -0
- sklearnex/basic_statistics/basic_statistics.py +261 -0
- sklearnex/basic_statistics/incremental_basic_statistics.py +352 -0
- sklearnex/basic_statistics/tests/test_basic_statistics.py +405 -0
- sklearnex/basic_statistics/tests/test_incremental_basic_statistics.py +455 -0
- sklearnex/cluster/__init__.py +20 -0
- sklearnex/cluster/dbscan.py +197 -0
- sklearnex/cluster/k_means.py +397 -0
- sklearnex/cluster/tests/test_dbscan.py +38 -0
- sklearnex/cluster/tests/test_kmeans.py +157 -0
- sklearnex/conftest.py +82 -0
- sklearnex/covariance/__init__.py +19 -0
- sklearnex/covariance/incremental_covariance.py +405 -0
- sklearnex/covariance/tests/test_incremental_covariance.py +287 -0
- sklearnex/decomposition/__init__.py +19 -0
- sklearnex/decomposition/pca.py +427 -0
- sklearnex/decomposition/tests/test_pca.py +58 -0
- sklearnex/dispatcher.py +534 -0
- sklearnex/doc/third-party-programs.txt +424 -0
- sklearnex/ensemble/__init__.py +29 -0
- sklearnex/ensemble/_forest.py +2029 -0
- sklearnex/ensemble/tests/test_forest.py +140 -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 +495 -0
- sklearnex/linear_model/incremental_ridge.py +432 -0
- sklearnex/linear_model/linear.py +346 -0
- sklearnex/linear_model/logistic_regression.py +415 -0
- sklearnex/linear_model/ridge.py +390 -0
- sklearnex/linear_model/tests/test_incremental_linear.py +267 -0
- sklearnex/linear_model/tests/test_incremental_ridge.py +214 -0
- sklearnex/linear_model/tests/test_linear.py +142 -0
- sklearnex/linear_model/tests/test_logreg.py +134 -0
- sklearnex/linear_model/tests/test_ridge.py +256 -0
- sklearnex/manifold/__init__.py +19 -0
- sklearnex/manifold/t_sne.py +26 -0
- sklearnex/manifold/tests/test_tsne.py +250 -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 +236 -0
- sklearnex/neighbors/common.py +310 -0
- sklearnex/neighbors/knn_classification.py +231 -0
- sklearnex/neighbors/knn_regression.py +207 -0
- sklearnex/neighbors/knn_unsupervised.py +178 -0
- sklearnex/neighbors/tests/test_neighbors.py +82 -0
- sklearnex/preview/__init__.py +17 -0
- sklearnex/preview/covariance/__init__.py +19 -0
- sklearnex/preview/covariance/covariance.py +142 -0
- sklearnex/preview/covariance/tests/test_covariance.py +66 -0
- sklearnex/preview/decomposition/__init__.py +19 -0
- sklearnex/preview/decomposition/incremental_pca.py +244 -0
- sklearnex/preview/decomposition/tests/test_incremental_pca.py +336 -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 +306 -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 +173 -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 +331 -0
- sklearnex/spmd/linear_model/tests/test_linear_regression_spmd.py +145 -0
- sklearnex/spmd/linear_model/tests/test_logistic_regression_spmd.py +162 -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 +339 -0
- sklearnex/svm/nusvc.py +371 -0
- sklearnex/svm/nusvr.py +170 -0
- sklearnex/svm/svc.py +399 -0
- sklearnex/svm/svr.py +167 -0
- sklearnex/svm/tests/test_svm.py +93 -0
- sklearnex/tests/test_common.py +491 -0
- sklearnex/tests/test_config.py +123 -0
- sklearnex/tests/test_hyperparameters.py +43 -0
- sklearnex/tests/test_memory_usage.py +347 -0
- sklearnex/tests/test_monkeypatch.py +269 -0
- sklearnex/tests/test_n_jobs_support.py +108 -0
- sklearnex/tests/test_parallel.py +48 -0
- sklearnex/tests/test_patching.py +377 -0
- sklearnex/tests/test_run_to_run_stability.py +326 -0
- sklearnex/tests/utils/__init__.py +48 -0
- sklearnex/tests/utils/base.py +436 -0
- sklearnex/tests/utils/spmd.py +198 -0
- sklearnex/utils/__init__.py +19 -0
- sklearnex/utils/_array_api.py +82 -0
- sklearnex/utils/parallel.py +59 -0
- sklearnex/utils/tests/test_validation.py +238 -0
- sklearnex/utils/validation.py +208 -0
sklearnex/_config.py
ADDED
|
@@ -0,0 +1,116 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2021 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 contextlib import contextmanager
|
|
18
|
+
from os import environ
|
|
19
|
+
|
|
20
|
+
from sklearn import get_config as skl_get_config
|
|
21
|
+
from sklearn import set_config as skl_set_config
|
|
22
|
+
|
|
23
|
+
from daal4py.sklearn._utils import sklearn_check_version
|
|
24
|
+
from onedal._config import _get_config as onedal_get_config
|
|
25
|
+
|
|
26
|
+
|
|
27
|
+
def get_config():
|
|
28
|
+
"""Retrieve current values for configuration set by :func:`set_config`
|
|
29
|
+
Returns
|
|
30
|
+
-------
|
|
31
|
+
config : dict
|
|
32
|
+
Keys are parameter names that can be passed to :func:`set_config`.
|
|
33
|
+
See Also
|
|
34
|
+
--------
|
|
35
|
+
config_context : Context manager for global configuration.
|
|
36
|
+
set_config : Set global configuration.
|
|
37
|
+
"""
|
|
38
|
+
sklearn = skl_get_config()
|
|
39
|
+
sklearnex = onedal_get_config()
|
|
40
|
+
return {**sklearn, **sklearnex}
|
|
41
|
+
|
|
42
|
+
|
|
43
|
+
def set_config(
|
|
44
|
+
target_offload=None,
|
|
45
|
+
allow_fallback_to_host=None,
|
|
46
|
+
allow_sklearn_after_onedal=None,
|
|
47
|
+
**sklearn_configs,
|
|
48
|
+
):
|
|
49
|
+
"""Set global configuration
|
|
50
|
+
Parameters
|
|
51
|
+
----------
|
|
52
|
+
target_offload : string or dpctl.SyclQueue, default=None
|
|
53
|
+
The device primarily used to perform computations.
|
|
54
|
+
If string, expected to be "auto" (the execution context
|
|
55
|
+
is deduced from input data location),
|
|
56
|
+
or SYCL* filter selector string. Global default: "auto".
|
|
57
|
+
allow_fallback_to_host : bool, default=None
|
|
58
|
+
If True, allows to fallback computation to host device
|
|
59
|
+
in case particular estimator does not support the selected one.
|
|
60
|
+
Global default: False.
|
|
61
|
+
allow_sklearn_after_onedal : bool, default=None
|
|
62
|
+
If True, allows to fallback computation to sklearn after onedal
|
|
63
|
+
backend in case of runtime error on onedal backend computations.
|
|
64
|
+
Global default: True.
|
|
65
|
+
See Also
|
|
66
|
+
--------
|
|
67
|
+
config_context : Context manager for global configuration.
|
|
68
|
+
get_config : Retrieve current values of the global configuration.
|
|
69
|
+
"""
|
|
70
|
+
|
|
71
|
+
array_api_dispatch = sklearn_configs.get("array_api_dispatch", False)
|
|
72
|
+
if array_api_dispatch and sklearn_check_version("1.6"):
|
|
73
|
+
environ["SCIPY_ARRAY_API"] = "1"
|
|
74
|
+
|
|
75
|
+
skl_set_config(**sklearn_configs)
|
|
76
|
+
|
|
77
|
+
local_config = onedal_get_config(copy=False)
|
|
78
|
+
|
|
79
|
+
if target_offload is not None:
|
|
80
|
+
local_config["target_offload"] = target_offload
|
|
81
|
+
if allow_fallback_to_host is not None:
|
|
82
|
+
local_config["allow_fallback_to_host"] = allow_fallback_to_host
|
|
83
|
+
if allow_sklearn_after_onedal is not None:
|
|
84
|
+
local_config["allow_sklearn_after_onedal"] = allow_sklearn_after_onedal
|
|
85
|
+
|
|
86
|
+
|
|
87
|
+
@contextmanager
|
|
88
|
+
def config_context(**new_config):
|
|
89
|
+
"""Context manager for global scikit-learn configuration
|
|
90
|
+
Parameters
|
|
91
|
+
----------
|
|
92
|
+
target_offload : string or dpctl.SyclQueue, default=None
|
|
93
|
+
The device primarily used to perform computations.
|
|
94
|
+
If string, expected to be "auto" (the execution context
|
|
95
|
+
is deduced from input data location),
|
|
96
|
+
or SYCL* filter selector string. Global default: "auto".
|
|
97
|
+
allow_fallback_to_host : bool, default=None
|
|
98
|
+
If True, allows to fallback computation to host device
|
|
99
|
+
in case particular estimator does not support the selected one.
|
|
100
|
+
Global default: False.
|
|
101
|
+
Notes
|
|
102
|
+
-----
|
|
103
|
+
All settings, not just those presently modified, will be returned to
|
|
104
|
+
their previous values when the context manager is exited.
|
|
105
|
+
See Also
|
|
106
|
+
--------
|
|
107
|
+
set_config : Set global scikit-learn configuration.
|
|
108
|
+
get_config : Retrieve current values of the global configuration.
|
|
109
|
+
"""
|
|
110
|
+
old_config = get_config()
|
|
111
|
+
set_config(**new_config)
|
|
112
|
+
|
|
113
|
+
try:
|
|
114
|
+
yield
|
|
115
|
+
finally:
|
|
116
|
+
set_config(**old_config)
|
|
@@ -0,0 +1,126 @@
|
|
|
1
|
+
# ==============================================================================
|
|
2
|
+
# Copyright 2021 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 functools import wraps
|
|
18
|
+
|
|
19
|
+
from onedal._device_offload import _copy_to_usm, _get_global_queue, _transfer_to_host
|
|
20
|
+
from onedal.utils._array_api import _asarray
|
|
21
|
+
from onedal.utils._dpep_helpers import dpnp_available
|
|
22
|
+
|
|
23
|
+
if dpnp_available:
|
|
24
|
+
import dpnp
|
|
25
|
+
from onedal.utils._array_api import _convert_to_dpnp
|
|
26
|
+
|
|
27
|
+
from ._config import get_config
|
|
28
|
+
|
|
29
|
+
|
|
30
|
+
def _get_backend(obj, queue, method_name, *data):
|
|
31
|
+
cpu_device = queue is None or queue.sycl_device.is_cpu
|
|
32
|
+
gpu_device = queue is not None and queue.sycl_device.is_gpu
|
|
33
|
+
|
|
34
|
+
if cpu_device:
|
|
35
|
+
patching_status = obj._onedal_cpu_supported(method_name, *data)
|
|
36
|
+
if patching_status.get_status():
|
|
37
|
+
return "onedal", queue, patching_status
|
|
38
|
+
else:
|
|
39
|
+
return "sklearn", None, patching_status
|
|
40
|
+
|
|
41
|
+
allow_fallback_to_host = get_config()["allow_fallback_to_host"]
|
|
42
|
+
|
|
43
|
+
if gpu_device:
|
|
44
|
+
patching_status = obj._onedal_gpu_supported(method_name, *data)
|
|
45
|
+
if patching_status.get_status():
|
|
46
|
+
return "onedal", queue, patching_status
|
|
47
|
+
else:
|
|
48
|
+
if allow_fallback_to_host:
|
|
49
|
+
patching_status = obj._onedal_cpu_supported(method_name, *data)
|
|
50
|
+
if patching_status.get_status():
|
|
51
|
+
return "onedal", None, patching_status
|
|
52
|
+
else:
|
|
53
|
+
return "sklearn", None, patching_status
|
|
54
|
+
else:
|
|
55
|
+
return "sklearn", None, patching_status
|
|
56
|
+
|
|
57
|
+
raise RuntimeError("Device support is not implemented")
|
|
58
|
+
|
|
59
|
+
|
|
60
|
+
def dispatch(obj, method_name, branches, *args, **kwargs):
|
|
61
|
+
q = _get_global_queue()
|
|
62
|
+
has_usm_data_for_args, q, hostargs = _transfer_to_host(q, *args)
|
|
63
|
+
has_usm_data_for_kwargs, q, hostvalues = _transfer_to_host(q, *kwargs.values())
|
|
64
|
+
hostkwargs = dict(zip(kwargs.keys(), hostvalues))
|
|
65
|
+
|
|
66
|
+
backend, q, patching_status = _get_backend(obj, q, method_name, *hostargs)
|
|
67
|
+
has_usm_data = has_usm_data_for_args or has_usm_data_for_kwargs
|
|
68
|
+
if backend == "onedal":
|
|
69
|
+
# Host args only used before onedal backend call.
|
|
70
|
+
# Device will be offloaded when onedal backend will be called.
|
|
71
|
+
patching_status.write_log(queue=q, transferred_to_host=False)
|
|
72
|
+
return branches[backend](obj, *hostargs, **hostkwargs, queue=q)
|
|
73
|
+
if backend == "sklearn":
|
|
74
|
+
if (
|
|
75
|
+
"array_api_dispatch" in get_config()
|
|
76
|
+
and get_config()["array_api_dispatch"]
|
|
77
|
+
and "array_api_support" in obj._get_tags()
|
|
78
|
+
and obj._get_tags()["array_api_support"]
|
|
79
|
+
and not has_usm_data
|
|
80
|
+
):
|
|
81
|
+
# USM ndarrays are also excluded for the fallback Array API. Currently, DPNP.ndarray is
|
|
82
|
+
# not compliant with the Array API standard, and DPCTL usm_ndarray Array API is compliant,
|
|
83
|
+
# except for the linalg module. There is no guarantee that stock scikit-learn will
|
|
84
|
+
# work with such input data. The condition will be updated after DPNP.ndarray and
|
|
85
|
+
# DPCTL usm_ndarray enabling for conformance testing and these arrays supportance
|
|
86
|
+
# of the fallback cases.
|
|
87
|
+
# If `array_api_dispatch` enabled and array api is supported for the stock scikit-learn,
|
|
88
|
+
# then raw inputs are used for the fallback.
|
|
89
|
+
patching_status.write_log(transferred_to_host=False)
|
|
90
|
+
return branches[backend](obj, *args, **kwargs)
|
|
91
|
+
else:
|
|
92
|
+
patching_status.write_log()
|
|
93
|
+
return branches[backend](obj, *hostargs, **hostkwargs)
|
|
94
|
+
raise RuntimeError(
|
|
95
|
+
f"Undefined backend {backend} in " f"{obj.__class__.__name__}.{method_name}"
|
|
96
|
+
)
|
|
97
|
+
|
|
98
|
+
|
|
99
|
+
def wrap_output_data(func):
|
|
100
|
+
"""
|
|
101
|
+
Converts and moves the output arrays of the decorated function
|
|
102
|
+
to match the input array type and device.
|
|
103
|
+
"""
|
|
104
|
+
|
|
105
|
+
@wraps(func)
|
|
106
|
+
def wrapper(self, *args, **kwargs):
|
|
107
|
+
result = func(self, *args, **kwargs)
|
|
108
|
+
if not (len(args) == 0 and len(kwargs) == 0):
|
|
109
|
+
data = (*args, *kwargs.values())
|
|
110
|
+
usm_iface = getattr(data[0], "__sycl_usm_array_interface__", None)
|
|
111
|
+
if usm_iface is not None:
|
|
112
|
+
result = _copy_to_usm(usm_iface["syclobj"], result)
|
|
113
|
+
if dpnp_available and isinstance(data[0], dpnp.ndarray):
|
|
114
|
+
result = _convert_to_dpnp(result)
|
|
115
|
+
return result
|
|
116
|
+
config = get_config()
|
|
117
|
+
if not ("transform_output" in config and config["transform_output"]):
|
|
118
|
+
input_array_api = getattr(data[0], "__array_namespace__", lambda: None)()
|
|
119
|
+
if input_array_api:
|
|
120
|
+
input_array_api_device = data[0].device
|
|
121
|
+
result = _asarray(
|
|
122
|
+
result, input_array_api, device=input_array_api_device
|
|
123
|
+
)
|
|
124
|
+
return result
|
|
125
|
+
|
|
126
|
+
return wrapper
|
sklearnex/_utils.py
ADDED
|
@@ -0,0 +1,177 @@
|
|
|
1
|
+
# ===============================================================================
|
|
2
|
+
# Copyright 2021 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 logging
|
|
18
|
+
import os
|
|
19
|
+
import re
|
|
20
|
+
import warnings
|
|
21
|
+
from abc import ABC
|
|
22
|
+
|
|
23
|
+
import sklearn
|
|
24
|
+
|
|
25
|
+
from daal4py.sklearn._utils import (
|
|
26
|
+
PatchingConditionsChain as daal4py_PatchingConditionsChain,
|
|
27
|
+
)
|
|
28
|
+
from daal4py.sklearn._utils import daal_check_version, sklearn_check_version
|
|
29
|
+
|
|
30
|
+
# Note: if inheriting from '_HTMLDocumentationLinkMixin' here, it then doesn't matter
|
|
31
|
+
# the order of inheritance of classes for estimators when this is later subclassed,
|
|
32
|
+
# whereas if inheriting from something else, the subclass that inherits from this needs
|
|
33
|
+
# to be the first inherited class in estimators in order for it to take effect.
|
|
34
|
+
if sklearn_check_version("1.4"):
|
|
35
|
+
from sklearn.utils._estimator_html_repr import _HTMLDocumentationLinkMixin
|
|
36
|
+
|
|
37
|
+
BaseForHTMLDocLink = _HTMLDocumentationLinkMixin
|
|
38
|
+
else:
|
|
39
|
+
BaseForHTMLDocLink = ABC
|
|
40
|
+
|
|
41
|
+
|
|
42
|
+
class PatchingConditionsChain(daal4py_PatchingConditionsChain):
|
|
43
|
+
def get_status(self):
|
|
44
|
+
return self.patching_is_enabled
|
|
45
|
+
|
|
46
|
+
def write_log(self, queue=None, transferred_to_host=True):
|
|
47
|
+
if self.patching_is_enabled:
|
|
48
|
+
self.logger.info(
|
|
49
|
+
f"{self.scope_name}: {get_patch_message('onedal', queue=queue, transferred_to_host=transferred_to_host)}"
|
|
50
|
+
)
|
|
51
|
+
else:
|
|
52
|
+
self.logger.debug(
|
|
53
|
+
f"{self.scope_name}: debugging for the patch is enabled to track"
|
|
54
|
+
" the usage of Intel® oneAPI Data Analytics Library (oneDAL)"
|
|
55
|
+
)
|
|
56
|
+
for message in self.messages:
|
|
57
|
+
self.logger.debug(
|
|
58
|
+
f"{self.scope_name}: patching failed with cause - {message}"
|
|
59
|
+
)
|
|
60
|
+
self.logger.info(
|
|
61
|
+
f"{self.scope_name}: {get_patch_message('sklearn', transferred_to_host=transferred_to_host)}"
|
|
62
|
+
)
|
|
63
|
+
|
|
64
|
+
|
|
65
|
+
def set_sklearn_ex_verbose():
|
|
66
|
+
log_level = os.environ.get("SKLEARNEX_VERBOSE")
|
|
67
|
+
|
|
68
|
+
logger = logging.getLogger("sklearnex")
|
|
69
|
+
logging_channel = logging.StreamHandler()
|
|
70
|
+
logging_formatter = logging.Formatter("%(levelname)s:%(name)s: %(message)s")
|
|
71
|
+
logging_channel.setFormatter(logging_formatter)
|
|
72
|
+
logger.addHandler(logging_channel)
|
|
73
|
+
|
|
74
|
+
try:
|
|
75
|
+
if log_level is not None:
|
|
76
|
+
logger.setLevel(log_level)
|
|
77
|
+
except Exception:
|
|
78
|
+
warnings.warn(
|
|
79
|
+
'Unknown level "{}" for logging.\n'
|
|
80
|
+
'Please, use one of "CRITICAL", "ERROR", '
|
|
81
|
+
'"WARNING", "INFO", "DEBUG".'.format(log_level)
|
|
82
|
+
)
|
|
83
|
+
|
|
84
|
+
|
|
85
|
+
def get_patch_message(s, queue=None, transferred_to_host=True):
|
|
86
|
+
if s == "onedal":
|
|
87
|
+
message = "running accelerated version on "
|
|
88
|
+
if queue is not None:
|
|
89
|
+
if queue.sycl_device.is_gpu:
|
|
90
|
+
message += "GPU"
|
|
91
|
+
elif queue.sycl_device.is_cpu:
|
|
92
|
+
message += "CPU"
|
|
93
|
+
else:
|
|
94
|
+
raise RuntimeError("Unsupported device")
|
|
95
|
+
else:
|
|
96
|
+
message += "CPU"
|
|
97
|
+
elif s == "sklearn":
|
|
98
|
+
message = "fallback to original Scikit-learn"
|
|
99
|
+
elif s == "sklearn_after_onedal":
|
|
100
|
+
message = "failed to run accelerated version, fallback to original Scikit-learn"
|
|
101
|
+
else:
|
|
102
|
+
raise ValueError(
|
|
103
|
+
f"Invalid input - expected one of 'onedal','sklearn',"
|
|
104
|
+
f" 'sklearn_after_onedal', got {s}"
|
|
105
|
+
)
|
|
106
|
+
if transferred_to_host:
|
|
107
|
+
message += (
|
|
108
|
+
". All input data transferred to host for further backend computations."
|
|
109
|
+
)
|
|
110
|
+
return message
|
|
111
|
+
|
|
112
|
+
|
|
113
|
+
def get_sklearnex_version(rule):
|
|
114
|
+
return daal_check_version(rule)
|
|
115
|
+
|
|
116
|
+
|
|
117
|
+
def register_hyperparameters(hyperparameters_map):
|
|
118
|
+
"""Decorator for hyperparameters support in estimator class.
|
|
119
|
+
Adds `get_hyperparameters` method to class.
|
|
120
|
+
"""
|
|
121
|
+
|
|
122
|
+
def decorator(cls):
|
|
123
|
+
"""Add `get_hyperparameters()` static method"""
|
|
124
|
+
|
|
125
|
+
class StaticHyperparametersAccessor:
|
|
126
|
+
"""Like a @staticmethod, but additionally raises a Warning when called on an instance."""
|
|
127
|
+
|
|
128
|
+
def __get__(self, instance, _):
|
|
129
|
+
if instance is not None:
|
|
130
|
+
warnings.warn(
|
|
131
|
+
"Hyperparameters are static variables and can not be modified per instance."
|
|
132
|
+
)
|
|
133
|
+
return self.get_hyperparameters
|
|
134
|
+
|
|
135
|
+
def get_hyperparameters(self, op):
|
|
136
|
+
return hyperparameters_map[op]
|
|
137
|
+
|
|
138
|
+
cls.get_hyperparameters = StaticHyperparametersAccessor()
|
|
139
|
+
return cls
|
|
140
|
+
|
|
141
|
+
return decorator
|
|
142
|
+
|
|
143
|
+
|
|
144
|
+
# This abstract class is meant to generate a clickable doc link for classses
|
|
145
|
+
# in sklearnex that are not part of base scikit-learn.
|
|
146
|
+
class IntelEstimator(BaseForHTMLDocLink):
|
|
147
|
+
@property
|
|
148
|
+
def _doc_link_module(self) -> str:
|
|
149
|
+
return "sklearnex"
|
|
150
|
+
|
|
151
|
+
@property
|
|
152
|
+
def _doc_link_template(self) -> str:
|
|
153
|
+
module_path, _ = self.__class__.__module__.rsplit(".", 1)
|
|
154
|
+
class_name = self.__class__.__name__
|
|
155
|
+
return f"https://uxlfoundation.github.io/scikit-learn-intelex/latest/non-scikit-algorithms.html#{module_path}.{class_name}"
|
|
156
|
+
|
|
157
|
+
|
|
158
|
+
# This abstract class is meant to generate a clickable doc link for classses
|
|
159
|
+
# in sklearnex that have counterparts in scikit-learn.
|
|
160
|
+
class PatchableEstimator(BaseForHTMLDocLink):
|
|
161
|
+
@property
|
|
162
|
+
def _doc_link_module(self) -> str:
|
|
163
|
+
return "sklearnex"
|
|
164
|
+
|
|
165
|
+
@property
|
|
166
|
+
def _doc_link_template(self) -> str:
|
|
167
|
+
if re.search(r"^\d\.\d\.\d$", sklearn.__version__):
|
|
168
|
+
sklearn_version_parts = sklearn.__version__.split(".")
|
|
169
|
+
doc_version_url = sklearn_version_parts[0] + "." + sklearn_version_parts[1]
|
|
170
|
+
else:
|
|
171
|
+
doc_version_url = "stable"
|
|
172
|
+
module_path, _ = self.__class__.__module__.rsplit(".", 1)
|
|
173
|
+
module_path = re.sub("sklearnex", "sklearn", module_path)
|
|
174
|
+
class_name = self.__class__.__name__
|
|
175
|
+
# for TSNE, which re-uses daal4py
|
|
176
|
+
module_path = re.sub(r"daal4py\.", "", module_path)
|
|
177
|
+
return f"https://scikit-learn.org/{doc_version_url}/modules/generated/{module_path}.{class_name}.html"
|
|
@@ -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"]
|