scikit-plots


Namescikit-plots JSON
Version 0.3.9rc3 PyPI version JSON
download
home_pagehttps://scikit-plots.github.io
SummaryAn intuitive library to add plotting functionality to scikit-learn objects.
upload_time2024-09-06 16:38:39
maintainerMuhammed Çelik
docs_urlNone
authorReiichiro Nakano et al.
requires_python>=3
licenseBSD 3-Clause License Copyright (c) [2024], [scikit-plots] [Muhammed Çelik] Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: 1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. 2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. 3. Neither the name of the copyright holder nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
keywords matplotlib visualization scikit-learn xgboost catboost tensorflow keras pytorch scikit-learn machine learning data science
VCS
bugtrack_url
requirements matplotlib scikit-learn scipy joblib
Travis-CI
coveralls test coverage No coveralls.
            # Welcome to 101 Scikit-plots

## Single line functions for detailed visualizations

The quickest and easiest way to go from analysis...

## Sample Plots

<table style="margin-left:auto;margin-right:auto;width:100%;border-collapse:collapse;">
  <tr>
    <th style="width:50%;text-align:center;">Sample Plot 1</th>
    <th style="width:50%;text-align:center;">Sample Plot 2</th>
  </tr>
  <tr>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_learning_curve.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-estimators-plot_learning_curve-1.png">
    </td>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_calibration_curve.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_calibration_curve-1.png">
    </td>
  </tr>
  <tr>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_classifier_eval.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_classifier_eval-1.png">
    </td>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_feature_importances.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-estimators-plot_feature_importances-1.png">
    </td>
  </tr>
  <tr>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_roc.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_roc-1.png">
    </td>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_precision_recall.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_precision_recall-1.png">
    </td>
  </tr>
  <tr>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_pca_component_variance.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-decomposition-plot_pca_component_variance-1.png">
    </td>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_pca_2d_projection.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-decomposition-plot_pca_2d_projection-1.png">
    </td>
  </tr>
  <tr>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_elbow.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-cluster-plot_elbow-1.png">
    </td>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_silhouette.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_silhouette-1.png">
    </td>
  </tr>
  <tr>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_cumulative_gain.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-deciles-plot_cumulative_gain-1.png">
    </td>
    <td style="width:50%;text-align:center;">
      <img style="display:block;width:100%;height:auto;" alt="plot_lift.png" src="https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-deciles-plot_lift-1.png">
    </td>
  </tr>
</table>


Scikit-plots is the result of an unartistic data scientist's dreadful realization that *visualization is one of the most crucial components in the data science process, not just a mere afterthought*.

Gaining insights is simply a lot easier when you're looking at a colored heatmap of a confusion matrix complete with class labels rather than a single-line dump of numbers enclosed in brackets. Besides, if you ever need to present your results to someone (virtually any time anybody hires you to do data science), you show them visualizations, not a bunch of numbers in Excel.

That said, there are a number of visualizations that frequently pop up in machine learning. Scikit-plots is a humble attempt to provide aesthetically-challenged programmers (such as myself) the opportunity to generate quick and beautiful graphs and plots with as little boilerplate as possible.

## Okay then, prove it. Show us an example.

Say we use [Keras Classifier](https://keras.io/api/models/sequential/) in multi-class classification and decide we want to visualize the results of a common classification metric, such as sklearn's [classification report](https://scikit-learn.org/stable/modules/generated/sklearn.metrics.classification_report.html) with a [confusion matrix](https://scikit-learn.org/stable/auto_examples/model_selection/plot_confusion_matrix.html).

Let’s start with a basic example where we use a Keras classifier to evaluate the digits dataset provided by Scikit-learn.

```python
import os
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3'  # Suppress TensorFlow warnings
import numpy as np
import tensorflow as tf
from sklearn.datasets import load_digits
from sklearn.model_selection import train_test_split
import matplotlib.pyplot as plt
import scikitplot as skplt

# Load the digits dataset
X, y = load_digits(return_X_y=True)

# Split the dataset into training and validation sets
X_train, X_val, y_train, y_val = train_test_split(X, y, test_size=0.3, random_state=1)

# Convert labels to one-hot encoding
Y_train = tf.keras.utils.to_categorical(y_train)
Y_val = tf.keras.utils.to_categorical(y_val)

# Define a simple TensorFlow model
model = tf.keras.Sequential([
    tf.keras.layers.Input(shape=(X_train.shape[1],)),
    tf.keras.layers.Dense(64, activation='relu'),
    tf.keras.layers.Dense(32, activation='relu'),
    tf.keras.layers.Dense(10, activation='softmax')
])

# Compile the model
model.compile(optimizer='adam',
              loss='categorical_crossentropy',
              metrics=['accuracy'])

# Train the model
model.fit(
    X_train, Y_train,
    batch_size=64,
    epochs=10,
    validation_data=(X_val, Y_val),
    verbose=0
)

# Predict probabilities on the validation set
y_probas = model.predict(X_val)

# Plot precision-recall curves
skplt.metrics.plot_precision_recall(y_val, y_probas)
plt.show()
```

<div align=center>
  <img style="display:block;width:60%;height:auto;align:center;" alt="quick_start" src="https://scikit-plots.github.io/stable/_images/quick_start-2.png">
</div>

Pretty.

## Maximum flexibility. Compatibility with non-scikit-learn objects.

Although Scikit-plot is loosely based around the scikit-learn interface, you don't actually need scikit-learn objects to use the available functions. 
As long as you provide the functions what they're asking for, they'll happily draw the plots for you.

The possibilities are endless.

## User Installation

1. **Install Scikit-plots**:
   - Use pip to install Scikit-plots:

     ```bash
     pip install scikit-plots
     ```

## Release Notes

See the [changelog](https://scikit-plots.github.io/stable/whats_new/whats_new.html)
for a history of notable changes to scikit-plots.

## Documentation and Examples

Explore the full features of Scikit-plot.

## Contributing to scikit-plots

Reporting a bug? Suggesting a feature? Want to add your own plot to the library? Visit our.

## Citing scikit-plots

1. scikit-plots, “scikit-plots: vlatest”. Zenodo, Aug. 23, 2024.
   DOI: [10.5281/zenodo.13367000](https://doi.org/10.5281/zenodo.13367000).

2. scikit-plots, “scikit-plots: v0.3.8dev0”. Zenodo, Aug. 23, 2024.
   DOI: [10.5281/zenodo.13367001](https://doi.org/10.5281/zenodo.13367001).

            

Raw data

            {
    "_id": null,
    "home_page": "https://scikit-plots.github.io",
    "name": "scikit-plots",
    "maintainer": "Muhammed \u00c7elik",
    "docs_url": null,
    "requires_python": ">=3",
    "maintainer_email": "Muhammed \u00c7elik <muhammed.business.network@gmail.com>",
    "keywords": "matplotlib, visualization, scikit-learn, xgboost, catboost, tensorflow, keras, pytorch, scikit-learn, machine learning, data science",
    "author": "Reiichiro Nakano et al.",
    "author_email": "Reiichiro Nakano <reiichiro.s.nakano@gmail.com>",
    "download_url": "https://files.pythonhosted.org/packages/c6/3c/f8afee7dd077c382d4d586ae62f9e14fe09ee0c7ec016de9f9881d59dd40/scikit_plots-0.3.9rc3.tar.gz",
    "platform": "any",
    "description": "# Welcome to 101 Scikit-plots\r\n\r\n## Single line functions for detailed visualizations\r\n\r\nThe quickest and easiest way to go from analysis...\r\n\r\n## Sample Plots\r\n\r\n<table style=\"margin-left:auto;margin-right:auto;width:100%;border-collapse:collapse;\">\r\n  <tr>\r\n    <th style=\"width:50%;text-align:center;\">Sample Plot 1</th>\r\n    <th style=\"width:50%;text-align:center;\">Sample Plot 2</th>\r\n  </tr>\r\n  <tr>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_learning_curve.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-estimators-plot_learning_curve-1.png\">\r\n    </td>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_calibration_curve.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_calibration_curve-1.png\">\r\n    </td>\r\n  </tr>\r\n  <tr>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_classifier_eval.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_classifier_eval-1.png\">\r\n    </td>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_feature_importances.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-estimators-plot_feature_importances-1.png\">\r\n    </td>\r\n  </tr>\r\n  <tr>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_roc.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_roc-1.png\">\r\n    </td>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_precision_recall.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_precision_recall-1.png\">\r\n    </td>\r\n  </tr>\r\n  <tr>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_pca_component_variance.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-decomposition-plot_pca_component_variance-1.png\">\r\n    </td>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_pca_2d_projection.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-decomposition-plot_pca_2d_projection-1.png\">\r\n    </td>\r\n  </tr>\r\n  <tr>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_elbow.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-cluster-plot_elbow-1.png\">\r\n    </td>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_silhouette.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-metrics-plot_silhouette-1.png\">\r\n    </td>\r\n  </tr>\r\n  <tr>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_cumulative_gain.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-deciles-plot_cumulative_gain-1.png\">\r\n    </td>\r\n    <td style=\"width:50%;text-align:center;\">\r\n      <img style=\"display:block;width:100%;height:auto;\" alt=\"plot_lift.png\" src=\"https://raw.githubusercontent.com/scikit-plots/scikit-plots.github.io/muhammed-dev/dev/_images/scikitplot-deciles-plot_lift-1.png\">\r\n    </td>\r\n  </tr>\r\n</table>\r\n\r\n\r\nScikit-plots is the result of an unartistic data scientist's dreadful realization that *visualization is one of the most crucial components in the data science process, not just a mere afterthought*.\r\n\r\nGaining insights is simply a lot easier when you're looking at a colored heatmap of a confusion matrix complete with class labels rather than a single-line dump of numbers enclosed in brackets. Besides, if you ever need to present your results to someone (virtually any time anybody hires you to do data science), you show them visualizations, not a bunch of numbers in Excel.\r\n\r\nThat said, there are a number of visualizations that frequently pop up in machine learning. Scikit-plots is a humble attempt to provide aesthetically-challenged programmers (such as myself) the opportunity to generate quick and beautiful graphs and plots with as little boilerplate as possible.\r\n\r\n## Okay then, prove it. Show us an example.\r\n\r\nSay we use [Keras Classifier](https://keras.io/api/models/sequential/) in multi-class classification and decide we want to visualize the results of a common classification metric, such as sklearn's [classification report](https://scikit-learn.org/stable/modules/generated/sklearn.metrics.classification_report.html) with a [confusion matrix](https://scikit-learn.org/stable/auto_examples/model_selection/plot_confusion_matrix.html).\r\n\r\nLet\u2019s start with a basic example where we use a Keras classifier to evaluate the digits dataset provided by Scikit-learn.\r\n\r\n```python\r\nimport os\r\nos.environ['TF_CPP_MIN_LOG_LEVEL'] = '3'  # Suppress TensorFlow warnings\r\nimport numpy as np\r\nimport tensorflow as tf\r\nfrom sklearn.datasets import load_digits\r\nfrom sklearn.model_selection import train_test_split\r\nimport matplotlib.pyplot as plt\r\nimport scikitplot as skplt\r\n\r\n# Load the digits dataset\r\nX, y = load_digits(return_X_y=True)\r\n\r\n# Split the dataset into training and validation sets\r\nX_train, X_val, y_train, y_val = train_test_split(X, y, test_size=0.3, random_state=1)\r\n\r\n# Convert labels to one-hot encoding\r\nY_train = tf.keras.utils.to_categorical(y_train)\r\nY_val = tf.keras.utils.to_categorical(y_val)\r\n\r\n# Define a simple TensorFlow model\r\nmodel = tf.keras.Sequential([\r\n    tf.keras.layers.Input(shape=(X_train.shape[1],)),\r\n    tf.keras.layers.Dense(64, activation='relu'),\r\n    tf.keras.layers.Dense(32, activation='relu'),\r\n    tf.keras.layers.Dense(10, activation='softmax')\r\n])\r\n\r\n# Compile the model\r\nmodel.compile(optimizer='adam',\r\n              loss='categorical_crossentropy',\r\n              metrics=['accuracy'])\r\n\r\n# Train the model\r\nmodel.fit(\r\n    X_train, Y_train,\r\n    batch_size=64,\r\n    epochs=10,\r\n    validation_data=(X_val, Y_val),\r\n    verbose=0\r\n)\r\n\r\n# Predict probabilities on the validation set\r\ny_probas = model.predict(X_val)\r\n\r\n# Plot precision-recall curves\r\nskplt.metrics.plot_precision_recall(y_val, y_probas)\r\nplt.show()\r\n```\r\n\r\n<div align=center>\r\n  <img style=\"display:block;width:60%;height:auto;align:center;\" alt=\"quick_start\" src=\"https://scikit-plots.github.io/stable/_images/quick_start-2.png\">\r\n</div>\r\n\r\nPretty.\r\n\r\n## Maximum flexibility. Compatibility with non-scikit-learn objects.\r\n\r\nAlthough Scikit-plot is loosely based around the scikit-learn interface, you don't actually need scikit-learn objects to use the available functions. \r\nAs long as you provide the functions what they're asking for, they'll happily draw the plots for you.\r\n\r\nThe possibilities are endless.\r\n\r\n## User Installation\r\n\r\n1. **Install Scikit-plots**:\r\n   - Use pip to install Scikit-plots:\r\n\r\n     ```bash\r\n     pip install scikit-plots\r\n     ```\r\n\r\n## Release Notes\r\n\r\nSee the [changelog](https://scikit-plots.github.io/stable/whats_new/whats_new.html)\r\nfor a history of notable changes to scikit-plots.\r\n\r\n## Documentation and Examples\r\n\r\nExplore the full features of Scikit-plot.\r\n\r\n## Contributing to scikit-plots\r\n\r\nReporting a bug? Suggesting a feature? Want to add your own plot to the library? Visit our.\r\n\r\n## Citing scikit-plots\r\n\r\n1. scikit-plots, \u201cscikit-plots: vlatest\u201d. Zenodo, Aug. 23, 2024.\r\n   DOI: [10.5281/zenodo.13367000](https://doi.org/10.5281/zenodo.13367000).\r\n\r\n2. scikit-plots, \u201cscikit-plots: v0.3.8dev0\u201d. Zenodo, Aug. 23, 2024.\r\n   DOI: [10.5281/zenodo.13367001](https://doi.org/10.5281/zenodo.13367001).\r\n",
    "bugtrack_url": null,
    "license": "BSD 3-Clause License  Copyright (c) [2024], [scikit-plots] [Muhammed \u00c7elik]  Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met:  1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer.  2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution.  3. Neither the name of the copyright holder nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission.  THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS \"AS IS\" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. ",
    "summary": "An intuitive library to add plotting functionality to scikit-learn objects.",
    "version": "0.3.9rc3",
    "project_urls": {
        "Documentation": "https://scikit-plots.github.io/stable/",
        "Donate": "https://github.com/celik-muhammed/scikit-plot#donate",
        "Download": "https://github.com/celik-muhammed/scikit-plot/tree/muhammed-dev",
        "Forum": "https://github.com/celik-muhammed/scikit-plot/issues",
        "Homepage": "https://scikit-plots.github.io",
        "Issues": "https://github.com/celik-muhammed/scikit-plot/issues",
        "Repo_Forked": "https://github.com/reiinakano/scikit-plot",
        "changelog": "https://scikit-plots.github.io/dev/whats_new/whats_new.html"
    },
    "split_keywords": [
        "matplotlib",
        " visualization",
        " scikit-learn",
        " xgboost",
        " catboost",
        " tensorflow",
        " keras",
        " pytorch",
        " scikit-learn",
        " machine learning",
        " data science"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "fff3086e4427e97e8be251611cdf585faaa80c1c1e4fcaedced928c67129f19f",
                "md5": "d6fd1bd0819d057bc20cbb549e01ea77",
                "sha256": "d69070f12a71aa514cdfbc77250fdb5630d19af576e8a3184b9b1b9637681f45"
            },
            "downloads": -1,
            "filename": "scikit_plots-0.3.9rc3-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "d6fd1bd0819d057bc20cbb549e01ea77",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3",
            "size": 129023,
            "upload_time": "2024-09-06T16:38:38",
            "upload_time_iso_8601": "2024-09-06T16:38:38.301951Z",
            "url": "https://files.pythonhosted.org/packages/ff/f3/086e4427e97e8be251611cdf585faaa80c1c1e4fcaedced928c67129f19f/scikit_plots-0.3.9rc3-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c63cf8afee7dd077c382d4d586ae62f9e14fe09ee0c7ec016de9f9881d59dd40",
                "md5": "ff72f6d5564528d6aa472a6dd6cb1bf2",
                "sha256": "916f04324f0763405d8cdc45648de44861dd7238764d536acad9c89f74c3e872"
            },
            "downloads": -1,
            "filename": "scikit_plots-0.3.9rc3.tar.gz",
            "has_sig": false,
            "md5_digest": "ff72f6d5564528d6aa472a6dd6cb1bf2",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3",
            "size": 102254,
            "upload_time": "2024-09-06T16:38:39",
            "upload_time_iso_8601": "2024-09-06T16:38:39.581243Z",
            "url": "https://files.pythonhosted.org/packages/c6/3c/f8afee7dd077c382d4d586ae62f9e14fe09ee0c7ec016de9f9881d59dd40/scikit_plots-0.3.9rc3.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-09-06 16:38:39",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "celik-muhammed",
    "github_project": "scikit-plot#donate",
    "travis_ci": true,
    "coveralls": false,
    "github_actions": false,
    "requirements": [
        {
            "name": "matplotlib",
            "specs": [
                [
                    ">=",
                    "1.4.0"
                ]
            ]
        },
        {
            "name": "scikit-learn",
            "specs": [
                [
                    ">=",
                    "0.18"
                ]
            ]
        },
        {
            "name": "scipy",
            "specs": [
                [
                    ">=",
                    "0.9"
                ]
            ]
        },
        {
            "name": "joblib",
            "specs": [
                [
                    ">=",
                    "0.10"
                ]
            ]
        }
    ],
    "tox": true,
    "lcname": "scikit-plots"
}
        
Elapsed time: 0.74654s