scikit-learn-intelex


Namescikit-learn-intelex JSON
Version 2024.4.0 PyPI version JSON
download
home_pagehttps://github.com/intel/scikit-learn-intelex
SummaryIntel(R) Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application.
upload_time2024-05-13 17:41:22
maintainerNone
docs_urlNone
authorIntel Corporation
requires_python>=3.7
licenseApache v2.0
keywords machine learning scikit-learn data science data analytics
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            
# Intel(R) Extension for Scikit-learn*

[![Build Status](https://dev.azure.com/daal/daal4py/_apis/build/status/CI?branchName=master)](https://dev.azure.com/daal/daal4py/_build/latest?definitionId=9&branchName=master)
[![Coverity Scan Build Status](https://scan.coverity.com/projects/21716/badge.svg)](https://scan.coverity.com/projects/daal4py)
[![Join the community on GitHub Discussions](https://badgen.net/badge/join%20the%20discussion/on%20github/black?icon=github)](https://github.com/intel/scikit-learn-intelex/discussions)
[![PyPI Version](https://img.shields.io/pypi/v/scikit-learn-intelex)](https://pypi.org/project/scikit-learn-intelex/)
[![Conda Version](https://img.shields.io/conda/vn/conda-forge/scikit-learn-intelex)](https://anaconda.org/conda-forge/scikit-learn-intelex)

With Intel(R) Extension for Scikit-learn you can accelerate your Scikit-learn applications and still have full conformance with all Scikit-Learn APIs and algorithms. This is a free software AI accelerator that brings over 10-100X acceleration across a variety of applications. And you do not even need to change the existing code!

The acceleration is achieved through the use of the Intel(R) oneAPI Data Analytics Library ([oneDAL](https://github.com/oneapi-src/oneDAL)). Patching scikit-learn makes it a well-suited machine learning framework for dealing with real-life problems.

⚠️Intel(R) Extension for Scikit-learn contains scikit-learn patching functionality that was originally available in [**daal4py**](https://github.com/intel/scikit-learn-intelex/tree/master/daal4py) package. All future updates for the patches will be available only in Intel(R) Extension for Scikit-learn. We recommend you to use scikit-learn-intelex package instead of daal4py.
You can learn more about daal4py in [daal4py documentation](https://intelpython.github.io/daal4py).

## 👀 Follow us on Medium

We publish blogs on Medium, so [follow us](https://medium.com/intel-analytics-software/tagged/machine-learning) to learn tips and tricks for more efficient data analysis with the help of Intel(R) Extension for Scikit-learn. Here are our latest blogs:

- [Save Time and Money with Intel Extension for Scikit-learn](https://medium.com/intel-analytics-software/save-time-and-money-with-intel-extension-for-scikit-learn-33627425ae4)
- [Superior Machine Learning Performance on the Latest Intel Xeon Scalable Processors](https://medium.com/intel-analytics-software/superior-machine-learning-performance-on-the-latest-intel-xeon-scalable-processor-efdec279f5a3)
- [Leverage Intel Optimizations in Scikit-Learn](https://medium.com/intel-analytics-software/leverage-intel-optimizations-in-scikit-learn-f562cb9d5544)
- [Intel Gives Scikit-Learn the Performance Boost Data Scientists Need](https://medium.com/intel-analytics-software/intel-gives-scikit-learn-the-performance-boost-data-scientists-need-42eb47c80b18)
- [From Hours to Minutes: 600x Faster SVM](https://medium.com/intel-analytics-software/from-hours-to-minutes-600x-faster-svm-647f904c31ae)
- [Improve the Performance of XGBoost and LightGBM Inference](https://medium.com/intel-analytics-software/improving-the-performance-of-xgboost-and-lightgbm-inference-3b542c03447e)
- [Accelerate Kaggle Challenges Using Intel AI Analytics Toolkit](https://medium.com/intel-analytics-software/accelerate-kaggle-challenges-using-intel-ai-analytics-toolkit-beb148f66d5a)
- [Accelerate Your scikit-learn Applications](https://medium.com/intel-analytics-software/improving-the-performance-of-xgboost-and-lightgbm-inference-3b542c03447e)
- [Accelerate Linear Models for Machine Learning](https://medium.com/intel-analytics-software/accelerating-linear-models-for-machine-learning-5a75ff50a0fe)
- [Accelerate K-Means Clustering](https://medium.com/intel-analytics-software/accelerate-k-means-clustering-6385088788a1)

## 🔗 Important links
- [Notebook examples](https://github.com/intel/scikit-learn-intelex/tree/master/examples/notebooks)
- [Documentation](https://intel.github.io/scikit-learn-intelex/)
- [scikit-learn API and patching](https://intel.github.io/scikit-learn-intelex/)
- [Benchmark code](https://github.com/IntelPython/scikit-learn_bench)
- [Building from Sources](https://github.com/intel/scikit-learn-intelex/blob/master/INSTALL.md)
- [About Intel(R) oneAPI Data Analytics Library](https://github.com/oneapi-src/oneDAL)
- [About Intel(R) daal4py](https://github.com/intel/scikit-learn-intelex/tree/master/daal4py)

## 💬 Support

Report issues, ask questions, and provide suggestions using:

- [GitHub Issues](https://github.com/intel/scikit-learn-intelex/issues)
- [GitHub Discussions](https://github.com/intel/scikit-learn-intelex/discussions)
- [Forum](https://community.intel.com/t5/Intel-Distribution-for-Python/bd-p/distribution-python)

You may reach out to project maintainers privately at onedal.maintainers@intel.com

# 🛠 Installation
Intel(R) Extension for Scikit-learn is available at the [Python Package Index](https://pypi.org/project/scikit-learn-intelex/),
on Anaconda Cloud in [Conda-Forge channel](https://anaconda.org/conda-forge/scikit-learn-intelex) and in [Intel channel](https://anaconda.org/intel/scikit-learn-intelex).
Intel(R) Extension for Scikit-learn is also available as a part of [Intel® oneAPI AI Analytics Toolkit](https://software.intel.com/content/www/us/en/develop/tools/oneapi/ai-analytics-toolkit.html) (AI Kit).

- PyPi (recommended by default)

```bash
pip install scikit-learn-intelex
```

- Anaconda Cloud from Conda-Forge channel (recommended for conda users by default)

```bash
  conda config --add channels conda-forge
  conda config --set channel_priority strict
  conda install scikit-learn-intelex
```

- Anaconda Cloud from Intel channel (recommended for Intel® Distribution for Python users)

```bash
  conda config --add channels intel
  conda config --set channel_priority strict
  conda install scikit-learn-intelex
```

<details><summary>[Click to expand] ℹ️ Supported configurations </summary>

#### 📦 PyPi channel

| OS / Python version     | **Python 3.8** | **Python 3.9** | **Python 3.10**| **Python 3.11**| **Python 3.12**|
| :-----------------------| :------------: | :-------------:| :------------: | :------------: | :------------: |
|    **Linux**            |    [CPU, GPU]  |  [CPU, GPU]    |   [CPU, GPU]   |   [CPU, GPU]   |   [CPU, GPU]   |
|    **Windows**          |    [CPU, GPU]  |  [CPU, GPU]    |   [CPU, GPU]   |   [CPU, GPU]   |   [CPU, GPU]   |

#### 📦 Anaconda Cloud: Conda-Forge channel

| OS / Python version     | **Python 3.8** | **Python 3.9** | **Python 3.10**| **Python 3.11**| **Python 3.12**|
| :-----------------------| :------------: | :------------: | :------------: | :------------: | :------------: |
|    **Linux**            |     [CPU]      |     [CPU]      |     [CPU]      |     [CPU]      |     [CPU]      |
|    **Windows**          |     [CPU]      |     [CPU]      |     [CPU]      |     [CPU]      |     [CPU]      |

#### 📦 Anaconda Cloud: Intel channel

| OS / Python version     | **Python 3.8** | **Python 3.9** | **Python 3.10**| **Python 3.11**| **Python 3.12**|
| :-----------------------| :------------: | :-------------:| :------------: | :------------: | :------------: |
|    **Linux**            |    [CPU, GPU]  |  [CPU, GPU]    |   [CPU, GPU]   |   [CPU, GPU]   |   [CPU, GPU]   |
|    **Windows**          |    [CPU, GPU]  |  [CPU, GPU]    |   [CPU, GPU]   |   [CPU, GPU]   |   [CPU, GPU]   |

</details>

⚠️ Note: *GPU support is an optional dependency. Required dependencies for GPU support
will not be downloaded. You need to manually install ***dpcpp_cpp_rt*** package.*

<details><summary>[Click to expand] ℹ️ How to install dpcpp_cpp_rt package </summary>

- PyPi

```bash
pip install --upgrade dpcpp_cpp_rt
```

- Anaconda Cloud

```bash
conda install dpcpp_cpp_rt -c intel
```

</details>

You can [build the package from sources](https://github.com/intel/scikit-learn-intelex/blob/master/INSTALL.md) as well.

# ⚡️ Get Started

Intel CPU optimizations patching
```py
import numpy as np
from sklearnex import patch_sklearn
patch_sklearn()

from sklearn.cluster import DBSCAN

X = np.array([[1., 2.], [2., 2.], [2., 3.],
              [8., 7.], [8., 8.], [25., 80.]], dtype=np.float32)
clustering = DBSCAN(eps=3, min_samples=2).fit(X)
```

Intel GPU optimizations patching
```py
import numpy as np
import dpctl
from sklearnex import patch_sklearn, config_context
patch_sklearn()

from sklearn.cluster import DBSCAN

X = np.array([[1., 2.], [2., 2.], [2., 3.],
              [8., 7.], [8., 8.], [25., 80.]], dtype=np.float32)
with config_context(target_offload="gpu:0"):
    clustering = DBSCAN(eps=3, min_samples=2).fit(X)
```

# 🚀 Scikit-learn patching

![](https://raw.githubusercontent.com/intel/scikit-learn-intelex/master/doc/sources/_static/scikit-learn-acceleration-2021.2.3.PNG)
Configurations:
- HW: c5.24xlarge AWS EC2 Instance using an Intel Xeon Platinum 8275CL with 2 sockets and 24 cores per socket
- SW: scikit-learn version 0.24.2, scikit-learn-intelex version 2021.2.3, Python 3.8

[Benchmarks code](https://github.com/IntelPython/scikit-learn_bench)

<details><summary>[Click to expand] ℹ️ Reproduce results </summary>

- With Intel® Extension for Scikit-learn enabled:

```bash
python runner.py --configs configs/blogs/skl_conda_config.json -–report
```

- With the original Scikit-learn:

```bash
python runner.py --configs configs/blogs/skl_conda_config.json -–report --no-intel-optimized
```
</details>

Intel(R) Extension for Scikit-learn patching affects performance of specific Scikit-learn functionality. Refer to the [list of supported algorithms and parameters](https://intel.github.io/scikit-learn-intelex/algorithms.html) for details. In cases when unsupported parameters are used, the package fallbacks into original Scikit-learn. If the patching does not cover your scenarios, [submit an issue on GitHub](https://github.com/intel/scikit-learn-intelex/issues).

⚠️ We support optimizations for the last four versions of scikit-learn. The latest release of scikit-learn-intelex-2024.0.X supports scikit-learn 1.0.X, 1.1.X, 1.2.X and 1.3.X.

## 📜 Intel(R) Extension for Scikit-learn verbose

To find out which implementation of the algorithm is currently used (Intel(R) Extension for Scikit-learn or original Scikit-learn), set the environment variable:
- On Linux: `export SKLEARNEX_VERBOSE=INFO`
- On Windows: `set SKLEARNEX_VERBOSE=INFO`

For example, for DBSCAN you get one of these print statements depending on which implementation is used:
- `SKLEARNEX INFO: sklearn.cluster.DBSCAN.fit: running accelerated version on CPU`
- `SKLEARNEX INFO: sklearn.cluster.DBSCAN.fit: fallback to original Scikit-learn`

[Read more in the documentation](https://intel.github.io/scikit-learn-intelex/).



            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/intel/scikit-learn-intelex",
    "name": "scikit-learn-intelex",
    "maintainer": null,
    "docs_url": null,
    "requires_python": ">=3.7",
    "maintainer_email": "onedal.maintainers@intel.com",
    "keywords": "machine learning, scikit-learn, data science, data analytics",
    "author": "Intel Corporation",
    "author_email": "onedal.maintainers@intel.com",
    "download_url": null,
    "platform": null,
    "description": "\n# Intel(R) Extension for Scikit-learn*\n\n[![Build Status](https://dev.azure.com/daal/daal4py/_apis/build/status/CI?branchName=master)](https://dev.azure.com/daal/daal4py/_build/latest?definitionId=9&branchName=master)\n[![Coverity Scan Build Status](https://scan.coverity.com/projects/21716/badge.svg)](https://scan.coverity.com/projects/daal4py)\n[![Join the community on GitHub Discussions](https://badgen.net/badge/join%20the%20discussion/on%20github/black?icon=github)](https://github.com/intel/scikit-learn-intelex/discussions)\n[![PyPI Version](https://img.shields.io/pypi/v/scikit-learn-intelex)](https://pypi.org/project/scikit-learn-intelex/)\n[![Conda Version](https://img.shields.io/conda/vn/conda-forge/scikit-learn-intelex)](https://anaconda.org/conda-forge/scikit-learn-intelex)\n\nWith Intel(R) Extension for Scikit-learn you can accelerate your Scikit-learn applications and still have full conformance with all Scikit-Learn APIs and algorithms. This is a free software AI accelerator that brings over 10-100X acceleration across a variety of applications. And you do not even need to change the existing code!\n\nThe acceleration is achieved through the use of the Intel(R) oneAPI Data Analytics Library ([oneDAL](https://github.com/oneapi-src/oneDAL)). Patching scikit-learn makes it a well-suited machine learning framework for dealing with real-life problems.\n\n\u26a0\ufe0fIntel(R) Extension for Scikit-learn contains scikit-learn patching functionality that was originally available in [**daal4py**](https://github.com/intel/scikit-learn-intelex/tree/master/daal4py) package. All future updates for the patches will be available only in Intel(R) Extension for Scikit-learn. We recommend you to use scikit-learn-intelex package instead of daal4py.\nYou can learn more about daal4py in [daal4py documentation](https://intelpython.github.io/daal4py).\n\n## \ud83d\udc40 Follow us on Medium\n\nWe publish blogs on Medium, so [follow us](https://medium.com/intel-analytics-software/tagged/machine-learning) to learn tips and tricks for more efficient data analysis with the help of Intel(R) Extension for Scikit-learn. Here are our latest blogs:\n\n- [Save Time and Money with Intel Extension for Scikit-learn](https://medium.com/intel-analytics-software/save-time-and-money-with-intel-extension-for-scikit-learn-33627425ae4)\n- [Superior Machine Learning Performance on the Latest Intel Xeon Scalable Processors](https://medium.com/intel-analytics-software/superior-machine-learning-performance-on-the-latest-intel-xeon-scalable-processor-efdec279f5a3)\n- [Leverage Intel Optimizations in Scikit-Learn](https://medium.com/intel-analytics-software/leverage-intel-optimizations-in-scikit-learn-f562cb9d5544)\n- [Intel Gives Scikit-Learn the Performance Boost Data Scientists Need](https://medium.com/intel-analytics-software/intel-gives-scikit-learn-the-performance-boost-data-scientists-need-42eb47c80b18)\n- [From Hours to Minutes: 600x Faster SVM](https://medium.com/intel-analytics-software/from-hours-to-minutes-600x-faster-svm-647f904c31ae)\n- [Improve the Performance of XGBoost and LightGBM Inference](https://medium.com/intel-analytics-software/improving-the-performance-of-xgboost-and-lightgbm-inference-3b542c03447e)\n- [Accelerate Kaggle Challenges Using Intel AI Analytics Toolkit](https://medium.com/intel-analytics-software/accelerate-kaggle-challenges-using-intel-ai-analytics-toolkit-beb148f66d5a)\n- [Accelerate Your scikit-learn Applications](https://medium.com/intel-analytics-software/improving-the-performance-of-xgboost-and-lightgbm-inference-3b542c03447e)\n- [Accelerate Linear Models for Machine Learning](https://medium.com/intel-analytics-software/accelerating-linear-models-for-machine-learning-5a75ff50a0fe)\n- [Accelerate K-Means Clustering](https://medium.com/intel-analytics-software/accelerate-k-means-clustering-6385088788a1)\n\n## \ud83d\udd17 Important links\n- [Notebook examples](https://github.com/intel/scikit-learn-intelex/tree/master/examples/notebooks)\n- [Documentation](https://intel.github.io/scikit-learn-intelex/)\n- [scikit-learn API and patching](https://intel.github.io/scikit-learn-intelex/)\n- [Benchmark code](https://github.com/IntelPython/scikit-learn_bench)\n- [Building from Sources](https://github.com/intel/scikit-learn-intelex/blob/master/INSTALL.md)\n- [About Intel(R) oneAPI Data Analytics Library](https://github.com/oneapi-src/oneDAL)\n- [About Intel(R) daal4py](https://github.com/intel/scikit-learn-intelex/tree/master/daal4py)\n\n## \ud83d\udcac Support\n\nReport issues, ask questions, and provide suggestions using:\n\n- [GitHub Issues](https://github.com/intel/scikit-learn-intelex/issues)\n- [GitHub Discussions](https://github.com/intel/scikit-learn-intelex/discussions)\n- [Forum](https://community.intel.com/t5/Intel-Distribution-for-Python/bd-p/distribution-python)\n\nYou may reach out to project maintainers privately at onedal.maintainers@intel.com\n\n# \ud83d\udee0 Installation\nIntel(R) Extension for Scikit-learn is available at the [Python Package Index](https://pypi.org/project/scikit-learn-intelex/),\non Anaconda Cloud in [Conda-Forge channel](https://anaconda.org/conda-forge/scikit-learn-intelex) and in [Intel channel](https://anaconda.org/intel/scikit-learn-intelex).\nIntel(R) Extension for Scikit-learn is also available as a part of [Intel\u00ae oneAPI AI Analytics Toolkit](https://software.intel.com/content/www/us/en/develop/tools/oneapi/ai-analytics-toolkit.html)\u202f(AI Kit).\n\n- PyPi (recommended by default)\n\n```bash\npip install scikit-learn-intelex\n```\n\n- Anaconda Cloud from Conda-Forge channel (recommended for conda users by default)\n\n```bash\n  conda config --add channels conda-forge\n  conda config --set channel_priority strict\n  conda install scikit-learn-intelex\n```\n\n- Anaconda Cloud from Intel channel (recommended for Intel\u00ae Distribution for Python users)\n\n```bash\n  conda config --add channels intel\n  conda config --set channel_priority strict\n  conda install scikit-learn-intelex\n```\n\n<details><summary>[Click to expand] \u2139\ufe0f Supported configurations </summary>\n\n#### \ud83d\udce6 PyPi channel\n\n| OS / Python version     | **Python 3.8** | **Python 3.9** | **Python 3.10**| **Python 3.11**| **Python 3.12**|\n| :-----------------------| :------------: | :-------------:| :------------: | :------------: | :------------: |\n|    **Linux**            |    [CPU, GPU]  |  [CPU, GPU]    |   [CPU, GPU]   |   [CPU, GPU]   |   [CPU, GPU]   |\n|    **Windows**          |    [CPU, GPU]  |  [CPU, GPU]    |   [CPU, GPU]   |   [CPU, GPU]   |   [CPU, GPU]   |\n\n#### \ud83d\udce6 Anaconda Cloud: Conda-Forge channel\n\n| OS / Python version     | **Python 3.8** | **Python 3.9** | **Python 3.10**| **Python 3.11**| **Python 3.12**|\n| :-----------------------| :------------: | :------------: | :------------: | :------------: | :------------: |\n|    **Linux**            |     [CPU]      |     [CPU]      |     [CPU]      |     [CPU]      |     [CPU]      |\n|    **Windows**          |     [CPU]      |     [CPU]      |     [CPU]      |     [CPU]      |     [CPU]      |\n\n#### \ud83d\udce6 Anaconda Cloud: Intel channel\n\n| OS / Python version     | **Python 3.8** | **Python 3.9** | **Python 3.10**| **Python 3.11**| **Python 3.12**|\n| :-----------------------| :------------: | :-------------:| :------------: | :------------: | :------------: |\n|    **Linux**            |    [CPU, GPU]  |  [CPU, GPU]    |   [CPU, GPU]   |   [CPU, GPU]   |   [CPU, GPU]   |\n|    **Windows**          |    [CPU, GPU]  |  [CPU, GPU]    |   [CPU, GPU]   |   [CPU, GPU]   |   [CPU, GPU]   |\n\n</details>\n\n\u26a0\ufe0f Note: *GPU support is an optional dependency. Required dependencies for GPU support\nwill not be downloaded. You need to manually install ***dpcpp_cpp_rt*** package.*\n\n<details><summary>[Click to expand] \u2139\ufe0f How to install dpcpp_cpp_rt package </summary>\n\n- PyPi\n\n```bash\npip install --upgrade dpcpp_cpp_rt\n```\n\n- Anaconda Cloud\n\n```bash\nconda install dpcpp_cpp_rt -c intel\n```\n\n</details>\n\nYou can [build the package from sources](https://github.com/intel/scikit-learn-intelex/blob/master/INSTALL.md) as well.\n\n# \u26a1\ufe0f Get Started\n\nIntel CPU optimizations patching\n```py\nimport numpy as np\nfrom sklearnex import patch_sklearn\npatch_sklearn()\n\nfrom sklearn.cluster import DBSCAN\n\nX = np.array([[1., 2.], [2., 2.], [2., 3.],\n              [8., 7.], [8., 8.], [25., 80.]], dtype=np.float32)\nclustering = DBSCAN(eps=3, min_samples=2).fit(X)\n```\n\nIntel GPU optimizations patching\n```py\nimport numpy as np\nimport dpctl\nfrom sklearnex import patch_sklearn, config_context\npatch_sklearn()\n\nfrom sklearn.cluster import DBSCAN\n\nX = np.array([[1., 2.], [2., 2.], [2., 3.],\n              [8., 7.], [8., 8.], [25., 80.]], dtype=np.float32)\nwith config_context(target_offload=\"gpu:0\"):\n    clustering = DBSCAN(eps=3, min_samples=2).fit(X)\n```\n\n# \ud83d\ude80 Scikit-learn patching\n\n![](https://raw.githubusercontent.com/intel/scikit-learn-intelex/master/doc/sources/_static/scikit-learn-acceleration-2021.2.3.PNG)\nConfigurations:\n- HW: c5.24xlarge AWS EC2 Instance using an Intel Xeon Platinum 8275CL with 2 sockets and 24 cores per socket\n- SW: scikit-learn version 0.24.2, scikit-learn-intelex version 2021.2.3, Python 3.8\n\n[Benchmarks code](https://github.com/IntelPython/scikit-learn_bench)\n\n<details><summary>[Click to expand] \u2139\ufe0f Reproduce results </summary>\n\n- With Intel\u00ae Extension for Scikit-learn enabled:\n\n```bash\npython runner.py --configs configs/blogs/skl_conda_config.json -\u2013report\n```\n\n- With the original Scikit-learn:\n\n```bash\npython runner.py --configs configs/blogs/skl_conda_config.json -\u2013report --no-intel-optimized\n```\n</details>\n\nIntel(R) Extension for Scikit-learn patching affects performance of specific Scikit-learn functionality. Refer to the [list of supported algorithms and parameters](https://intel.github.io/scikit-learn-intelex/algorithms.html) for details. In cases when unsupported parameters are used, the package fallbacks into original Scikit-learn. If the patching does not cover your scenarios, [submit an issue on GitHub](https://github.com/intel/scikit-learn-intelex/issues).\n\n\u26a0\ufe0f We support optimizations for the last four versions of scikit-learn. The latest release of scikit-learn-intelex-2024.0.X supports scikit-learn 1.0.X, 1.1.X, 1.2.X and 1.3.X.\n\n## \ud83d\udcdc Intel(R) Extension for Scikit-learn verbose\n\nTo find out which implementation of the algorithm is currently used (Intel(R) Extension for Scikit-learn or original Scikit-learn), set the environment variable:\n- On Linux: `export SKLEARNEX_VERBOSE=INFO`\n- On Windows: `set SKLEARNEX_VERBOSE=INFO`\n\nFor example, for DBSCAN you get one of these print statements depending on which implementation is used:\n- `SKLEARNEX INFO: sklearn.cluster.DBSCAN.fit: running accelerated version on CPU`\n- `SKLEARNEX INFO: sklearn.cluster.DBSCAN.fit: fallback to original Scikit-learn`\n\n[Read more in the documentation](https://intel.github.io/scikit-learn-intelex/).\n\n\n",
    "bugtrack_url": null,
    "license": "Apache v2.0",
    "summary": "Intel(R) Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application.",
    "version": "2024.4.0",
    "project_urls": {
        "Bug Tracker": "https://github.com/intel/scikit-learn-intelex/issues",
        "Documentation": "https://intel.github.io/scikit-learn-intelex/",
        "Homepage": "https://github.com/intel/scikit-learn-intelex",
        "Source Code": "https://github.com/intel/scikit-learn-intelex"
    },
    "split_keywords": [
        "machine learning",
        " scikit-learn",
        " data science",
        " data analytics"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "6eb7a5c00c68d7370bdc65ce6a2ec4963e317b272b8cd9c1aa05b938e3aaad12",
                "md5": "bd897be9e9485aaa73046957a497276d",
                "sha256": "281acd2ca71e13f474340ccaf3e27c30e12ccd36b084531f8beb4977fd25a649"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py310-none-manylinux1_x86_64.whl",
            "has_sig": false,
            "md5_digest": "bd897be9e9485aaa73046957a497276d",
            "packagetype": "bdist_wheel",
            "python_version": "py310",
            "requires_python": ">=3.7",
            "size": 142155,
            "upload_time": "2024-05-13T17:41:22",
            "upload_time_iso_8601": "2024-05-13T17:41:22.302219Z",
            "url": "https://files.pythonhosted.org/packages/6e/b7/a5c00c68d7370bdc65ce6a2ec4963e317b272b8cd9c1aa05b938e3aaad12/scikit_learn_intelex-2024.4.0-py310-none-manylinux1_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "e37d84c89de76f5db8b091fcad0de1695918abd69c8a0f277fec3600cef6d9b0",
                "md5": "3f45e25f183f1287f5a1b31afbd6c435",
                "sha256": "01190ab5bede2752e2fac47e6d83d66c1188112368adc94628e4c67d559eb86b"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py310-none-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "3f45e25f183f1287f5a1b31afbd6c435",
            "packagetype": "bdist_wheel",
            "python_version": "py310",
            "requires_python": ">=3.7",
            "size": 153443,
            "upload_time": "2024-05-13T17:42:08",
            "upload_time_iso_8601": "2024-05-13T17:42:08.590678Z",
            "url": "https://files.pythonhosted.org/packages/e3/7d/84c89de76f5db8b091fcad0de1695918abd69c8a0f277fec3600cef6d9b0/scikit_learn_intelex-2024.4.0-py310-none-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "aabbd1c9e391b24e9a5fa3b6029257db5a302adc036c2da929d80d1a5ba482f4",
                "md5": "ff458ed08ba3b9ce311e34f3598f4913",
                "sha256": "d522fef57cbaeb924b365f8e63eaac8d75b5aa36b3b3540dfd9f6576ddb09dbe"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py311-none-manylinux1_x86_64.whl",
            "has_sig": false,
            "md5_digest": "ff458ed08ba3b9ce311e34f3598f4913",
            "packagetype": "bdist_wheel",
            "python_version": "py311",
            "requires_python": ">=3.7",
            "size": 142154,
            "upload_time": "2024-05-13T17:40:51",
            "upload_time_iso_8601": "2024-05-13T17:40:51.698194Z",
            "url": "https://files.pythonhosted.org/packages/aa/bb/d1c9e391b24e9a5fa3b6029257db5a302adc036c2da929d80d1a5ba482f4/scikit_learn_intelex-2024.4.0-py311-none-manylinux1_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "332cb9e0cb219682f6fb31c49f1293110c1645d23406a2af897802a8b2a93be2",
                "md5": "8151a30c9405d465e8a57ed809b078f2",
                "sha256": "2f847cfa67c7d9b3ea23e62333ade283c29e6a09f2b377d8299964510a2bcef6"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py311-none-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "8151a30c9405d465e8a57ed809b078f2",
            "packagetype": "bdist_wheel",
            "python_version": "py311",
            "requires_python": ">=3.7",
            "size": 153442,
            "upload_time": "2024-05-13T17:41:38",
            "upload_time_iso_8601": "2024-05-13T17:41:38.603277Z",
            "url": "https://files.pythonhosted.org/packages/33/2c/b9e0cb219682f6fb31c49f1293110c1645d23406a2af897802a8b2a93be2/scikit_learn_intelex-2024.4.0-py311-none-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "6bd755b6ed2456744370be16cd527ca5f1553d0725bc431735d4c39354b65bb0",
                "md5": "47ea4d75d6f3825aa7501e7cb6731dfd",
                "sha256": "e8238815040d6ce11aaabb2e7505110ade9bd4691f369753986fe86556517ec2"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py312-none-manylinux1_x86_64.whl",
            "has_sig": false,
            "md5_digest": "47ea4d75d6f3825aa7501e7cb6731dfd",
            "packagetype": "bdist_wheel",
            "python_version": "py312",
            "requires_python": ">=3.7",
            "size": 142155,
            "upload_time": "2024-05-13T17:40:52",
            "upload_time_iso_8601": "2024-05-13T17:40:52.259360Z",
            "url": "https://files.pythonhosted.org/packages/6b/d7/55b6ed2456744370be16cd527ca5f1553d0725bc431735d4c39354b65bb0/scikit_learn_intelex-2024.4.0-py312-none-manylinux1_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "fc40fecfa5ddc8b3eac4ea4bc8e474e36315eb2ec934be6a72fd55a6a9226ab0",
                "md5": "4355223c91e79abda8a71b4fd66fa949",
                "sha256": "8adfa87dbefb170e344e57b868dee40e1b580a36235eeed40f2562bcf6758d86"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py312-none-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "4355223c91e79abda8a71b4fd66fa949",
            "packagetype": "bdist_wheel",
            "python_version": "py312",
            "requires_python": ">=3.7",
            "size": 153441,
            "upload_time": "2024-05-13T17:41:09",
            "upload_time_iso_8601": "2024-05-13T17:41:09.559549Z",
            "url": "https://files.pythonhosted.org/packages/fc/40/fecfa5ddc8b3eac4ea4bc8e474e36315eb2ec934be6a72fd55a6a9226ab0/scikit_learn_intelex-2024.4.0-py312-none-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5e06ed7e8f66595295969d995fab08dd4d3969747cf71a2718ba849295b0387e",
                "md5": "e3a43c8aa6c6ce89d4dfe65e459f2377",
                "sha256": "06151bc36fb6156910aa022c47732645fe37e4a71fc96c386ea8dcea685f4ebf"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py38-none-manylinux1_x86_64.whl",
            "has_sig": false,
            "md5_digest": "e3a43c8aa6c6ce89d4dfe65e459f2377",
            "packagetype": "bdist_wheel",
            "python_version": "py38",
            "requires_python": ">=3.7",
            "size": 142155,
            "upload_time": "2024-05-13T17:41:05",
            "upload_time_iso_8601": "2024-05-13T17:41:05.309751Z",
            "url": "https://files.pythonhosted.org/packages/5e/06/ed7e8f66595295969d995fab08dd4d3969747cf71a2718ba849295b0387e/scikit_learn_intelex-2024.4.0-py38-none-manylinux1_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "cf8bab3513a30a4325ff6bfa2e53e38f4bddefac4e03ddc181942a4869eb17eb",
                "md5": "126aa428819ff8bfd39ea828884489d0",
                "sha256": "a9b56045215f338ca6b628ffeab8ede7d4d1faf4f284df6de9534d1d66912b7c"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py38-none-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "126aa428819ff8bfd39ea828884489d0",
            "packagetype": "bdist_wheel",
            "python_version": "py38",
            "requires_python": ">=3.7",
            "size": 153440,
            "upload_time": "2024-05-13T17:42:20",
            "upload_time_iso_8601": "2024-05-13T17:42:20.991675Z",
            "url": "https://files.pythonhosted.org/packages/cf/8b/ab3513a30a4325ff6bfa2e53e38f4bddefac4e03ddc181942a4869eb17eb/scikit_learn_intelex-2024.4.0-py38-none-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "0fcc6982ad2fea59eabdc79d51b41c66fafd50b5b48682609785f283c617ba35",
                "md5": "2c7bfaac6df8c2c534719574a6438cf6",
                "sha256": "8044f65db0d2b0610c3a4e135328dad598dfb2aa5331ef724531a0360e59b999"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py39-none-manylinux1_x86_64.whl",
            "has_sig": false,
            "md5_digest": "2c7bfaac6df8c2c534719574a6438cf6",
            "packagetype": "bdist_wheel",
            "python_version": "py39",
            "requires_python": ">=3.7",
            "size": 142155,
            "upload_time": "2024-05-13T17:40:52",
            "upload_time_iso_8601": "2024-05-13T17:40:52.118582Z",
            "url": "https://files.pythonhosted.org/packages/0f/cc/6982ad2fea59eabdc79d51b41c66fafd50b5b48682609785f283c617ba35/scikit_learn_intelex-2024.4.0-py39-none-manylinux1_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "33e0fbe58bc1e706acca3829c562fa5d5dbc8d6f08b5f6b1fade7ba3e1bda4d4",
                "md5": "b08123ca8b2cba75acb1d19a1d828461",
                "sha256": "452b96200587b5c9d21ad7620f621daa1f26993aab4bc0977f2aeca9ebd4bf68"
            },
            "downloads": -1,
            "filename": "scikit_learn_intelex-2024.4.0-py39-none-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "b08123ca8b2cba75acb1d19a1d828461",
            "packagetype": "bdist_wheel",
            "python_version": "py39",
            "requires_python": ">=3.7",
            "size": 153438,
            "upload_time": "2024-05-13T17:41:52",
            "upload_time_iso_8601": "2024-05-13T17:41:52.777667Z",
            "url": "https://files.pythonhosted.org/packages/33/e0/fbe58bc1e706acca3829c562fa5d5dbc8d6f08b5f6b1fade7ba3e1bda4d4/scikit_learn_intelex-2024.4.0-py39-none-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-05-13 17:41:22",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "intel",
    "github_project": "scikit-learn-intelex",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": true,
    "lcname": "scikit-learn-intelex"
}
        
Elapsed time: 0.25844s