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.

Files changed (282) hide show
  1. daal4py/__init__.py +73 -0
  2. daal4py/__main__.py +58 -0
  3. daal4py/_daal4py.cpython-313-x86_64-linux-gnu.so +0 -0
  4. daal4py/doc/third-party-programs.txt +424 -0
  5. daal4py/mb/__init__.py +19 -0
  6. daal4py/mb/model_builders.py +377 -0
  7. daal4py/mpi_transceiver.cpython-313-x86_64-linux-gnu.so +0 -0
  8. daal4py/sklearn/__init__.py +40 -0
  9. daal4py/sklearn/_n_jobs_support.py +248 -0
  10. daal4py/sklearn/_utils.py +245 -0
  11. daal4py/sklearn/cluster/__init__.py +20 -0
  12. daal4py/sklearn/cluster/dbscan.py +165 -0
  13. daal4py/sklearn/cluster/k_means.py +597 -0
  14. daal4py/sklearn/cluster/tests/test_dbscan.py +109 -0
  15. daal4py/sklearn/decomposition/__init__.py +19 -0
  16. daal4py/sklearn/decomposition/_pca.py +524 -0
  17. daal4py/sklearn/ensemble/AdaBoostClassifier.py +196 -0
  18. daal4py/sklearn/ensemble/GBTDAAL.py +337 -0
  19. daal4py/sklearn/ensemble/__init__.py +27 -0
  20. daal4py/sklearn/ensemble/_forest.py +1397 -0
  21. daal4py/sklearn/ensemble/tests/test_decision_forest.py +206 -0
  22. daal4py/sklearn/linear_model/__init__.py +29 -0
  23. daal4py/sklearn/linear_model/_coordinate_descent.py +848 -0
  24. daal4py/sklearn/linear_model/_linear.py +272 -0
  25. daal4py/sklearn/linear_model/_ridge.py +325 -0
  26. daal4py/sklearn/linear_model/coordinate_descent.py +17 -0
  27. daal4py/sklearn/linear_model/linear.py +17 -0
  28. daal4py/sklearn/linear_model/logistic_loss.py +195 -0
  29. daal4py/sklearn/linear_model/logistic_path.py +1026 -0
  30. daal4py/sklearn/linear_model/ridge.py +17 -0
  31. daal4py/sklearn/linear_model/tests/test_linear.py +208 -0
  32. daal4py/sklearn/linear_model/tests/test_ridge.py +69 -0
  33. daal4py/sklearn/manifold/__init__.py +19 -0
  34. daal4py/sklearn/manifold/_t_sne.py +405 -0
  35. daal4py/sklearn/metrics/__init__.py +20 -0
  36. daal4py/sklearn/metrics/_pairwise.py +236 -0
  37. daal4py/sklearn/metrics/_ranking.py +210 -0
  38. daal4py/sklearn/model_selection/__init__.py +19 -0
  39. daal4py/sklearn/model_selection/_split.py +309 -0
  40. daal4py/sklearn/model_selection/tests/test_split.py +56 -0
  41. daal4py/sklearn/monkeypatch/__init__.py +0 -0
  42. daal4py/sklearn/monkeypatch/dispatcher.py +232 -0
  43. daal4py/sklearn/monkeypatch/tests/_models_info.py +161 -0
  44. daal4py/sklearn/monkeypatch/tests/test_monkeypatch.py +71 -0
  45. daal4py/sklearn/monkeypatch/tests/test_patching.py +90 -0
  46. daal4py/sklearn/monkeypatch/tests/utils/_launch_algorithms.py +117 -0
  47. daal4py/sklearn/neighbors/__init__.py +21 -0
  48. daal4py/sklearn/neighbors/_base.py +503 -0
  49. daal4py/sklearn/neighbors/_classification.py +139 -0
  50. daal4py/sklearn/neighbors/_regression.py +74 -0
  51. daal4py/sklearn/neighbors/_unsupervised.py +55 -0
  52. daal4py/sklearn/neighbors/tests/test_kneighbors.py +113 -0
  53. daal4py/sklearn/svm/__init__.py +19 -0
  54. daal4py/sklearn/svm/svm.py +734 -0
  55. daal4py/sklearn/utils/__init__.py +21 -0
  56. daal4py/sklearn/utils/base.py +75 -0
  57. daal4py/sklearn/utils/tests/test_utils.py +51 -0
  58. daal4py/sklearn/utils/validation.py +696 -0
  59. onedal/__init__.py +83 -0
  60. onedal/_config.py +54 -0
  61. onedal/_device_offload.py +204 -0
  62. onedal/_onedal_py_dpc.cpython-313-x86_64-linux-gnu.so +0 -0
  63. onedal/_onedal_py_host.cpython-313-x86_64-linux-gnu.so +0 -0
  64. onedal/_onedal_py_spmd_dpc.cpython-313-x86_64-linux-gnu.so +0 -0
  65. onedal/basic_statistics/__init__.py +20 -0
  66. onedal/basic_statistics/basic_statistics.py +107 -0
  67. onedal/basic_statistics/incremental_basic_statistics.py +175 -0
  68. onedal/basic_statistics/tests/test_basic_statistics.py +242 -0
  69. onedal/basic_statistics/tests/test_incremental_basic_statistics.py +279 -0
  70. onedal/basic_statistics/tests/utils.py +50 -0
  71. onedal/cluster/__init__.py +27 -0
  72. onedal/cluster/dbscan.py +105 -0
  73. onedal/cluster/kmeans.py +557 -0
  74. onedal/cluster/kmeans_init.py +112 -0
  75. onedal/cluster/tests/test_dbscan.py +125 -0
  76. onedal/cluster/tests/test_kmeans.py +88 -0
  77. onedal/cluster/tests/test_kmeans_init.py +93 -0
  78. onedal/common/_base.py +38 -0
  79. onedal/common/_estimator_checks.py +47 -0
  80. onedal/common/_mixin.py +62 -0
  81. onedal/common/_policy.py +55 -0
  82. onedal/common/_spmd_policy.py +30 -0
  83. onedal/common/hyperparameters.py +125 -0
  84. onedal/common/tests/test_policy.py +76 -0
  85. onedal/common/tests/test_sycl.py +128 -0
  86. onedal/covariance/__init__.py +20 -0
  87. onedal/covariance/covariance.py +122 -0
  88. onedal/covariance/incremental_covariance.py +161 -0
  89. onedal/covariance/tests/test_covariance.py +50 -0
  90. onedal/covariance/tests/test_incremental_covariance.py +190 -0
  91. onedal/datatypes/__init__.py +19 -0
  92. onedal/datatypes/_data_conversion.py +121 -0
  93. onedal/datatypes/tests/common.py +126 -0
  94. onedal/datatypes/tests/test_data.py +475 -0
  95. onedal/decomposition/__init__.py +20 -0
  96. onedal/decomposition/incremental_pca.py +214 -0
  97. onedal/decomposition/pca.py +186 -0
  98. onedal/decomposition/tests/test_incremental_pca.py +285 -0
  99. onedal/ensemble/__init__.py +29 -0
  100. onedal/ensemble/forest.py +736 -0
  101. onedal/ensemble/tests/test_random_forest.py +97 -0
  102. onedal/linear_model/__init__.py +27 -0
  103. onedal/linear_model/incremental_linear_model.py +292 -0
  104. onedal/linear_model/linear_model.py +325 -0
  105. onedal/linear_model/logistic_regression.py +247 -0
  106. onedal/linear_model/tests/test_incremental_linear_regression.py +213 -0
  107. onedal/linear_model/tests/test_incremental_ridge_regression.py +171 -0
  108. onedal/linear_model/tests/test_linear_regression.py +259 -0
  109. onedal/linear_model/tests/test_logistic_regression.py +95 -0
  110. onedal/linear_model/tests/test_ridge.py +95 -0
  111. onedal/neighbors/__init__.py +19 -0
  112. onedal/neighbors/neighbors.py +763 -0
  113. onedal/neighbors/tests/test_knn_classification.py +49 -0
  114. onedal/primitives/__init__.py +27 -0
  115. onedal/primitives/get_tree.py +25 -0
  116. onedal/primitives/kernel_functions.py +152 -0
  117. onedal/primitives/tests/test_kernel_functions.py +159 -0
  118. onedal/spmd/__init__.py +25 -0
  119. onedal/spmd/_base.py +30 -0
  120. onedal/spmd/basic_statistics/__init__.py +20 -0
  121. onedal/spmd/basic_statistics/basic_statistics.py +30 -0
  122. onedal/spmd/basic_statistics/incremental_basic_statistics.py +71 -0
  123. onedal/spmd/cluster/__init__.py +28 -0
  124. onedal/spmd/cluster/dbscan.py +23 -0
  125. onedal/spmd/cluster/kmeans.py +56 -0
  126. onedal/spmd/covariance/__init__.py +20 -0
  127. onedal/spmd/covariance/covariance.py +26 -0
  128. onedal/spmd/covariance/incremental_covariance.py +83 -0
  129. onedal/spmd/decomposition/__init__.py +20 -0
  130. onedal/spmd/decomposition/incremental_pca.py +124 -0
  131. onedal/spmd/decomposition/pca.py +26 -0
  132. onedal/spmd/ensemble/__init__.py +19 -0
  133. onedal/spmd/ensemble/forest.py +28 -0
  134. onedal/spmd/linear_model/__init__.py +21 -0
  135. onedal/spmd/linear_model/incremental_linear_model.py +101 -0
  136. onedal/spmd/linear_model/linear_model.py +30 -0
  137. onedal/spmd/linear_model/logistic_regression.py +38 -0
  138. onedal/spmd/neighbors/__init__.py +19 -0
  139. onedal/spmd/neighbors/neighbors.py +75 -0
  140. onedal/svm/__init__.py +19 -0
  141. onedal/svm/svm.py +556 -0
  142. onedal/svm/tests/test_csr_svm.py +351 -0
  143. onedal/svm/tests/test_nusvc.py +204 -0
  144. onedal/svm/tests/test_nusvr.py +210 -0
  145. onedal/svm/tests/test_svc.py +176 -0
  146. onedal/svm/tests/test_svr.py +243 -0
  147. onedal/tests/test_common.py +57 -0
  148. onedal/tests/utils/_dataframes_support.py +162 -0
  149. onedal/tests/utils/_device_selection.py +102 -0
  150. onedal/utils/__init__.py +49 -0
  151. onedal/utils/_array_api.py +81 -0
  152. onedal/utils/_dpep_helpers.py +56 -0
  153. onedal/utils/tests/test_validation.py +142 -0
  154. onedal/utils/validation.py +464 -0
  155. scikit_learn_intelex-2025.4.0.dist-info/LICENSE.txt +202 -0
  156. scikit_learn_intelex-2025.4.0.dist-info/METADATA +190 -0
  157. scikit_learn_intelex-2025.4.0.dist-info/RECORD +282 -0
  158. scikit_learn_intelex-2025.4.0.dist-info/WHEEL +5 -0
  159. scikit_learn_intelex-2025.4.0.dist-info/top_level.txt +3 -0
  160. sklearnex/__init__.py +66 -0
  161. sklearnex/__main__.py +58 -0
  162. sklearnex/_config.py +116 -0
  163. sklearnex/_device_offload.py +126 -0
  164. sklearnex/_utils.py +177 -0
  165. sklearnex/basic_statistics/__init__.py +20 -0
  166. sklearnex/basic_statistics/basic_statistics.py +261 -0
  167. sklearnex/basic_statistics/incremental_basic_statistics.py +352 -0
  168. sklearnex/basic_statistics/tests/test_basic_statistics.py +405 -0
  169. sklearnex/basic_statistics/tests/test_incremental_basic_statistics.py +455 -0
  170. sklearnex/cluster/__init__.py +20 -0
  171. sklearnex/cluster/dbscan.py +197 -0
  172. sklearnex/cluster/k_means.py +397 -0
  173. sklearnex/cluster/tests/test_dbscan.py +38 -0
  174. sklearnex/cluster/tests/test_kmeans.py +157 -0
  175. sklearnex/conftest.py +82 -0
  176. sklearnex/covariance/__init__.py +19 -0
  177. sklearnex/covariance/incremental_covariance.py +405 -0
  178. sklearnex/covariance/tests/test_incremental_covariance.py +287 -0
  179. sklearnex/decomposition/__init__.py +19 -0
  180. sklearnex/decomposition/pca.py +427 -0
  181. sklearnex/decomposition/tests/test_pca.py +58 -0
  182. sklearnex/dispatcher.py +534 -0
  183. sklearnex/doc/third-party-programs.txt +424 -0
  184. sklearnex/ensemble/__init__.py +29 -0
  185. sklearnex/ensemble/_forest.py +2029 -0
  186. sklearnex/ensemble/tests/test_forest.py +140 -0
  187. sklearnex/glob/__main__.py +72 -0
  188. sklearnex/glob/dispatcher.py +101 -0
  189. sklearnex/linear_model/__init__.py +32 -0
  190. sklearnex/linear_model/coordinate_descent.py +30 -0
  191. sklearnex/linear_model/incremental_linear.py +495 -0
  192. sklearnex/linear_model/incremental_ridge.py +432 -0
  193. sklearnex/linear_model/linear.py +346 -0
  194. sklearnex/linear_model/logistic_regression.py +415 -0
  195. sklearnex/linear_model/ridge.py +390 -0
  196. sklearnex/linear_model/tests/test_incremental_linear.py +267 -0
  197. sklearnex/linear_model/tests/test_incremental_ridge.py +214 -0
  198. sklearnex/linear_model/tests/test_linear.py +142 -0
  199. sklearnex/linear_model/tests/test_logreg.py +134 -0
  200. sklearnex/linear_model/tests/test_ridge.py +256 -0
  201. sklearnex/manifold/__init__.py +19 -0
  202. sklearnex/manifold/t_sne.py +26 -0
  203. sklearnex/manifold/tests/test_tsne.py +250 -0
  204. sklearnex/metrics/__init__.py +23 -0
  205. sklearnex/metrics/pairwise.py +22 -0
  206. sklearnex/metrics/ranking.py +20 -0
  207. sklearnex/metrics/tests/test_metrics.py +39 -0
  208. sklearnex/model_selection/__init__.py +21 -0
  209. sklearnex/model_selection/split.py +22 -0
  210. sklearnex/model_selection/tests/test_model_selection.py +34 -0
  211. sklearnex/neighbors/__init__.py +27 -0
  212. sklearnex/neighbors/_lof.py +236 -0
  213. sklearnex/neighbors/common.py +310 -0
  214. sklearnex/neighbors/knn_classification.py +231 -0
  215. sklearnex/neighbors/knn_regression.py +207 -0
  216. sklearnex/neighbors/knn_unsupervised.py +178 -0
  217. sklearnex/neighbors/tests/test_neighbors.py +82 -0
  218. sklearnex/preview/__init__.py +17 -0
  219. sklearnex/preview/covariance/__init__.py +19 -0
  220. sklearnex/preview/covariance/covariance.py +142 -0
  221. sklearnex/preview/covariance/tests/test_covariance.py +66 -0
  222. sklearnex/preview/decomposition/__init__.py +19 -0
  223. sklearnex/preview/decomposition/incremental_pca.py +244 -0
  224. sklearnex/preview/decomposition/tests/test_incremental_pca.py +336 -0
  225. sklearnex/spmd/__init__.py +25 -0
  226. sklearnex/spmd/basic_statistics/__init__.py +20 -0
  227. sklearnex/spmd/basic_statistics/basic_statistics.py +21 -0
  228. sklearnex/spmd/basic_statistics/incremental_basic_statistics.py +30 -0
  229. sklearnex/spmd/basic_statistics/tests/test_basic_statistics_spmd.py +107 -0
  230. sklearnex/spmd/basic_statistics/tests/test_incremental_basic_statistics_spmd.py +306 -0
  231. sklearnex/spmd/cluster/__init__.py +30 -0
  232. sklearnex/spmd/cluster/dbscan.py +50 -0
  233. sklearnex/spmd/cluster/kmeans.py +21 -0
  234. sklearnex/spmd/cluster/tests/test_dbscan_spmd.py +97 -0
  235. sklearnex/spmd/cluster/tests/test_kmeans_spmd.py +173 -0
  236. sklearnex/spmd/covariance/__init__.py +20 -0
  237. sklearnex/spmd/covariance/covariance.py +21 -0
  238. sklearnex/spmd/covariance/incremental_covariance.py +37 -0
  239. sklearnex/spmd/covariance/tests/test_covariance_spmd.py +107 -0
  240. sklearnex/spmd/covariance/tests/test_incremental_covariance_spmd.py +184 -0
  241. sklearnex/spmd/decomposition/__init__.py +20 -0
  242. sklearnex/spmd/decomposition/incremental_pca.py +30 -0
  243. sklearnex/spmd/decomposition/pca.py +21 -0
  244. sklearnex/spmd/decomposition/tests/test_incremental_pca_spmd.py +269 -0
  245. sklearnex/spmd/decomposition/tests/test_pca_spmd.py +128 -0
  246. sklearnex/spmd/ensemble/__init__.py +19 -0
  247. sklearnex/spmd/ensemble/forest.py +71 -0
  248. sklearnex/spmd/ensemble/tests/test_forest_spmd.py +265 -0
  249. sklearnex/spmd/linear_model/__init__.py +21 -0
  250. sklearnex/spmd/linear_model/incremental_linear_model.py +35 -0
  251. sklearnex/spmd/linear_model/linear_model.py +21 -0
  252. sklearnex/spmd/linear_model/logistic_regression.py +21 -0
  253. sklearnex/spmd/linear_model/tests/test_incremental_linear_spmd.py +331 -0
  254. sklearnex/spmd/linear_model/tests/test_linear_regression_spmd.py +145 -0
  255. sklearnex/spmd/linear_model/tests/test_logistic_regression_spmd.py +162 -0
  256. sklearnex/spmd/neighbors/__init__.py +19 -0
  257. sklearnex/spmd/neighbors/neighbors.py +25 -0
  258. sklearnex/spmd/neighbors/tests/test_neighbors_spmd.py +288 -0
  259. sklearnex/svm/__init__.py +29 -0
  260. sklearnex/svm/_common.py +339 -0
  261. sklearnex/svm/nusvc.py +371 -0
  262. sklearnex/svm/nusvr.py +170 -0
  263. sklearnex/svm/svc.py +399 -0
  264. sklearnex/svm/svr.py +167 -0
  265. sklearnex/svm/tests/test_svm.py +93 -0
  266. sklearnex/tests/test_common.py +491 -0
  267. sklearnex/tests/test_config.py +123 -0
  268. sklearnex/tests/test_hyperparameters.py +43 -0
  269. sklearnex/tests/test_memory_usage.py +347 -0
  270. sklearnex/tests/test_monkeypatch.py +269 -0
  271. sklearnex/tests/test_n_jobs_support.py +108 -0
  272. sklearnex/tests/test_parallel.py +48 -0
  273. sklearnex/tests/test_patching.py +377 -0
  274. sklearnex/tests/test_run_to_run_stability.py +326 -0
  275. sklearnex/tests/utils/__init__.py +48 -0
  276. sklearnex/tests/utils/base.py +436 -0
  277. sklearnex/tests/utils/spmd.py +198 -0
  278. sklearnex/utils/__init__.py +19 -0
  279. sklearnex/utils/_array_api.py +82 -0
  280. sklearnex/utils/parallel.py +59 -0
  281. sklearnex/utils/tests/test_validation.py +238 -0
  282. sklearnex/utils/validation.py +208 -0
@@ -0,0 +1,140 @@
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
+ import pytest
18
+ from numpy.testing import assert_allclose
19
+ from sklearn.datasets import make_classification, make_regression
20
+
21
+ from daal4py.sklearn._utils import daal_check_version
22
+ from onedal.tests.utils._dataframes_support import (
23
+ _as_numpy,
24
+ _convert_to_dataframe,
25
+ get_dataframes_and_queues,
26
+ )
27
+
28
+ hparam_values = [
29
+ (None, None, None, None),
30
+ (8, 100, 32, 0.3),
31
+ (16, 100, 32, 0.3),
32
+ (32, 100, 32, 0.3),
33
+ (64, 10, 32, 0.1),
34
+ (128, 100, 1000, 1.0),
35
+ ]
36
+
37
+
38
+ @pytest.mark.parametrize("dataframe, queue", get_dataframes_and_queues())
39
+ @pytest.mark.parametrize("block, trees, rows, scale", hparam_values)
40
+ def test_sklearnex_import_rf_classifier(dataframe, queue, block, trees, rows, scale):
41
+ from sklearnex.ensemble import RandomForestClassifier
42
+
43
+ X, y = make_classification(
44
+ n_samples=1000,
45
+ n_features=4,
46
+ n_informative=2,
47
+ n_redundant=0,
48
+ random_state=0,
49
+ shuffle=False,
50
+ )
51
+ X = _convert_to_dataframe(X, sycl_queue=queue, target_df=dataframe)
52
+ y = _convert_to_dataframe(y, sycl_queue=queue, target_df=dataframe)
53
+ rf = RandomForestClassifier(max_depth=2, random_state=0).fit(X, y)
54
+ hparams = RandomForestClassifier.get_hyperparameters("infer")
55
+ if hparams and block is not None:
56
+ hparams.block_size = block
57
+ hparams.min_trees_for_threading = trees
58
+ hparams.min_number_of_rows_for_vect_seq_compute = rows
59
+ hparams.scale_factor_for_vect_parallel_compute = scale
60
+ assert "sklearnex" in rf.__module__
61
+ assert_allclose([1], _as_numpy(rf.predict([[0, 0, 0, 0]])))
62
+
63
+
64
+ @pytest.mark.parametrize("dataframe,queue", get_dataframes_and_queues())
65
+ def test_sklearnex_import_rf_regression(dataframe, queue):
66
+ if (not daal_check_version((2025, "P", 200))) and queue and queue.sycl_device.is_gpu:
67
+ pytest.skip("Skipping due to bug in histogram merges fixed in 2025.2.")
68
+ from sklearnex.ensemble import RandomForestRegressor
69
+
70
+ X, y = make_regression(n_features=4, n_informative=2, random_state=0, shuffle=False)
71
+ X = _convert_to_dataframe(X, sycl_queue=queue, target_df=dataframe)
72
+ y = _convert_to_dataframe(y, sycl_queue=queue, target_df=dataframe)
73
+ rf = RandomForestRegressor(max_depth=2, random_state=0).fit(X, y)
74
+ assert "sklearnex" in rf.__module__
75
+ pred = _as_numpy(rf.predict([[0, 0, 0, 0]]))
76
+
77
+ # Check that the prediction is within a reasonable range.
78
+ # 'y' should be in the neighborhood of zero for x=0.
79
+ assert pred[0] >= -10
80
+ assert pred[0] <= 10
81
+
82
+ # Check that the trees aren't just empty nodes predicting the mean
83
+ for estimator in rf.estimators_:
84
+ assert estimator.tree_.children_left.shape[0] > 1
85
+
86
+
87
+ @pytest.mark.parametrize("dataframe,queue", get_dataframes_and_queues())
88
+ def test_sklearnex_import_et_classifier(dataframe, queue):
89
+ if (not daal_check_version((2025, "P", 200))) and queue and queue.sycl_device.is_gpu:
90
+ pytest.skip("Skipping due to bug in histogram merges fixed in 2025.2.")
91
+ from sklearnex.ensemble import ExtraTreesClassifier
92
+
93
+ X, y = make_classification(
94
+ n_samples=1000,
95
+ n_features=4,
96
+ n_informative=2,
97
+ n_redundant=0,
98
+ random_state=0,
99
+ shuffle=False,
100
+ )
101
+ X = _convert_to_dataframe(X, sycl_queue=queue, target_df=dataframe)
102
+ y = _convert_to_dataframe(y, sycl_queue=queue, target_df=dataframe)
103
+ # For the 2023.2 release, random_state is not supported
104
+ # defaults to seed=777, although it is set to 0
105
+ rf = ExtraTreesClassifier(max_depth=2, random_state=0).fit(X, y)
106
+ assert "sklearnex" in rf.__module__
107
+ assert_allclose([1], _as_numpy(rf.predict([[0, 0, 0, 0]])))
108
+
109
+
110
+ @pytest.mark.parametrize("dataframe,queue", get_dataframes_and_queues())
111
+ def test_sklearnex_import_et_regression(dataframe, queue):
112
+ if (not daal_check_version((2025, "P", 200))) and queue and queue.sycl_device.is_gpu:
113
+ pytest.skip("Skipping due to bug in histogram merges fixed in 2025.2.")
114
+ from sklearnex.ensemble import ExtraTreesRegressor
115
+
116
+ X, y = make_regression(n_features=1, random_state=0, shuffle=False)
117
+ X = _convert_to_dataframe(X, sycl_queue=queue, target_df=dataframe)
118
+ y = _convert_to_dataframe(y, sycl_queue=queue, target_df=dataframe)
119
+ # For the 2023.2 release, random_state is not supported
120
+ # defaults to seed=777, although it is set to 0
121
+ rf = ExtraTreesRegressor(random_state=0).fit(X, y)
122
+ assert "sklearnex" in rf.__module__
123
+ pred = _as_numpy(
124
+ rf.predict(
125
+ [
126
+ [
127
+ 0,
128
+ ]
129
+ ]
130
+ )
131
+ )
132
+
133
+ # Check that the prediction is within a reasonable range.
134
+ # 'y' should be in the neighborhood of zero for x=0.
135
+ assert pred[0] >= -10
136
+ assert pred[0] <= 10
137
+
138
+ # Check that the trees aren't just empty nodes predicting the mean
139
+ for estimator in rf.estimators_:
140
+ assert estimator.tree_.children_left.shape[0] > 1
@@ -0,0 +1,72 @@
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 sklearnex import patch_sklearn, unpatch_sklearn
18
+
19
+
20
+ def _main():
21
+ import argparse
22
+
23
+ # Adding custom extend action for support all python versions
24
+ class ExtendAction(argparse.Action):
25
+ def __call__(self, parser, namespace, values, option_string=None):
26
+ items = getattr(namespace, self.dest) or []
27
+ items.extend(values)
28
+ setattr(namespace, self.dest, items)
29
+
30
+ parser = argparse.ArgumentParser(
31
+ prog="python -m sklearnex.glob",
32
+ description="""
33
+ Patch all your Scikit-learn applications using Intel(R) Extension for
34
+ scikit-learn.""",
35
+ formatter_class=argparse.ArgumentDefaultsHelpFormatter,
36
+ )
37
+
38
+ parser.register("action", "extend", ExtendAction)
39
+ parser.add_argument(
40
+ "action",
41
+ choices=["patch_sklearn", "unpatch_sklearn"],
42
+ help="Enable or Disable patching",
43
+ )
44
+ parser.add_argument(
45
+ "--no-verbose",
46
+ "-nv",
47
+ action="store_false",
48
+ help="Disable additional information about enabling patching",
49
+ )
50
+ parser.add_argument(
51
+ "--algorithm",
52
+ "-a",
53
+ action="extend",
54
+ type=str,
55
+ nargs="+",
56
+ help="The name of an algorithm to be patched globally",
57
+ )
58
+ args = parser.parse_args()
59
+
60
+ if args.action == "patch_sklearn":
61
+ patch_sklearn(name=args.algorithm, verbose=args.no_verbose, global_patch=True)
62
+ elif args.action == "unpatch_sklearn":
63
+ unpatch_sklearn(global_unpatch=True)
64
+ else:
65
+ raise RuntimeError(
66
+ "Invalid choice for the action attribute."
67
+ " Expected: patch_sklearn or unpatch_sklearn."
68
+ f" Got {args.action}"
69
+ )
70
+
71
+
72
+ _main()
@@ -0,0 +1,101 @@
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
+
18
+ def get_patch_str(name=None, verbose=True):
19
+ return f"""try:
20
+ # TEMP. FIX: sklearnex.patch_sklearn imports sklearn beforehand
21
+ # when it didn't initialized _threadpool_controller required for
22
+ # pairwise distances dispatching during imports.
23
+ # Manually setting and deleting _threadpool_controller during patch fixes it.
24
+ import sklearn
25
+ from threadpoolctl import ThreadpoolController
26
+ sklearn._threadpool_controller = ThreadpoolController()
27
+ from sklearnex import patch_sklearn
28
+ patch_sklearn(name={str(name)}, verbose={str(verbose)})
29
+ del patch_sklearn, sklearn._threadpool_controller
30
+ except ImportError:
31
+ pass"""
32
+
33
+
34
+ def get_patch_str_re():
35
+ return r"""\ntry:
36
+ \# TEMP. FIX: sklearnex.patch_sklearn imports sklearn beforehand
37
+ \# when it didn't initialized _threadpool_controller required for
38
+ \# pairwise distances dispatching during imports.
39
+ \# Manually setting and deleting _threadpool_controller during patch fixes it.
40
+ import sklearn
41
+ from threadpoolctl import ThreadpoolController
42
+ sklearn._threadpool_controller = ThreadpoolController\(\)
43
+ from sklearnex import patch_sklearn
44
+ patch_sklearn\(name=.*, verbose=.*\)
45
+ del patch_sklearn, sklearn._threadpool_controller
46
+ except ImportError:
47
+ pass\n"""
48
+
49
+
50
+ def patch_sklearn_global(name=None, verbose=True):
51
+ import os
52
+ import re
53
+
54
+ try:
55
+ import sklearn
56
+ except ImportError:
57
+ raise ImportError("Scikit-learn could not be imported. Nothing to patch\n")
58
+
59
+ init_file_path = sklearn.__file__
60
+ distributor_file_path = os.path.join(
61
+ os.path.dirname(init_file_path), "_distributor_init.py"
62
+ )
63
+
64
+ with open(distributor_file_path, "r", encoding="utf-8") as distributor_file:
65
+ lines = distributor_file.read()
66
+ if re.search(get_patch_str_re(), lines):
67
+ lines = re.sub(get_patch_str_re(), "", lines)
68
+
69
+ with open(distributor_file_path, "w", encoding="utf-8") as distributor_file:
70
+ distributor_file.write(lines + "\n" + get_patch_str(name, verbose) + "\n")
71
+ print(
72
+ "Scikit-learn was successfully globally patched"
73
+ " by Intel(R) Extension for Scikit-learn"
74
+ )
75
+ return
76
+
77
+
78
+ def unpatch_sklearn_global():
79
+ import os
80
+ import re
81
+
82
+ try:
83
+ import sklearn
84
+ except ImportError:
85
+ raise ImportError("Scikit-learn could not be imported. Nothing to unpatch\n")
86
+
87
+ init_file_path = sklearn.__file__
88
+ distributor_file_path = os.path.join(
89
+ os.path.dirname(init_file_path), "_distributor_init.py"
90
+ )
91
+
92
+ with open(distributor_file_path, "r", encoding="utf-8") as distributor_file:
93
+ lines = distributor_file.read()
94
+ if not re.search(get_patch_str_re(), lines):
95
+ print("Nothing to unpatch: Scikit-learn is not patched\n")
96
+ return
97
+ lines = re.sub(get_patch_str_re(), "", lines)
98
+
99
+ with open(distributor_file_path, "w", encoding="utf-8") as distributor_file:
100
+ distributor_file.write(lines)
101
+ print("Scikit-learn was successfully globally unpatched")
@@ -0,0 +1,32 @@
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 .coordinate_descent import ElasticNet, Lasso
18
+ from .incremental_linear import IncrementalLinearRegression
19
+ from .incremental_ridge import IncrementalRidge
20
+ from .linear import LinearRegression
21
+ from .logistic_regression import LogisticRegression
22
+ from .ridge import Ridge
23
+
24
+ __all__ = [
25
+ "ElasticNet",
26
+ "IncrementalLinearRegression",
27
+ "IncrementalRidge",
28
+ "Lasso",
29
+ "LinearRegression",
30
+ "LogisticRegression",
31
+ "Ridge",
32
+ ]
@@ -0,0 +1,30 @@
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 daal4py.sklearn.linear_model import ElasticNet, Lasso
18
+ from onedal._device_offload import support_input_format
19
+
20
+ # Note: `sklearnex.linear_model.ElasticNet` only has functional
21
+ # sycl GPU support. No GPU device will be offloaded.
22
+ ElasticNet.fit = support_input_format(queue_param=False)(ElasticNet.fit)
23
+ ElasticNet.predict = support_input_format(queue_param=False)(ElasticNet.predict)
24
+ ElasticNet.score = support_input_format(queue_param=False)(ElasticNet.score)
25
+
26
+ # Note: `sklearnex.linear_model.Lasso` only has functional
27
+ # sycl GPU support. No GPU device will be offloaded.
28
+ Lasso.fit = support_input_format(queue_param=False)(Lasso.fit)
29
+ Lasso.predict = support_input_format(queue_param=False)(Lasso.predict)
30
+ Lasso.score = support_input_format(queue_param=False)(Lasso.score)