deepsparse-nightly


Namedeepsparse-nightly JSON
Version 1.8.0.20240404 PyPI version JSON
download
home_pagehttps://github.com/neuralmagic/deepsparse
SummaryAn inference runtime offering GPU-class performance on CPUs and APIs to integrate ML into your application
upload_time2024-04-04 18:40:38
maintainerNone
docs_urlNone
authorNeuralmagic, Inc.
requires_python<3.12,>=3.8
licenseNeural Magic DeepSparse Community License
keywords inference machine learning x86 x86_64 avx2 avx512 neural network sparse inference engine cpu runtime deepsparse computer vision object detection sparsity
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            <!--
Copyright (c) 2021 - present / Neuralmagic, Inc. All Rights Reserved.

Licensed under the Apache License, Version 2.0 (the "License");
you may not use this file except in compliance with the License.
You may obtain a copy of the License at

   http://www.apache.org/licenses/LICENSE-2.0

Unless required by applicable law or agreed to in writing,
software distributed under the License is distributed on an "AS IS" BASIS,
WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
See the License for the specific language governing permissions and
limitations under the License.
-->


<div style="display: flex; flex-direction: column; align-items: center;">
  <h1>
    <img alt="tool icon" src="https://raw.githubusercontent.com/neuralmagic/deepsparse/main/docs/old/source/icon-deepsparse.png" />
    &nbsp;&nbsp;DeepSparse
  </h1>
  <h4>Sparsity-aware deep learning inference runtime for CPUs</h4>
  <div align="center">
  <a href="https://docs.neuralmagic.com/deepsparse/">
    <img alt="Documentation" src="https://img.shields.io/badge/documentation-darkred?&style=for-the-badge&logo=read-the-docs" height="20" />
  </a>
  <a href="https://join.slack.com/t/discuss-neuralmagic/shared_invite/zt-q1a1cnvo-YBoICSIw3L1dmQpjBeDurQ/">
    <img alt="Slack" src="https://img.shields.io/badge/slack-purple?style=for-the-badge&logo=slack" height="20" />
  </a>
  <a href="https://github.com/neuralmagic/deepsparse/issues/">
    <img alt="Support" src="https://img.shields.io/badge/support%20forums-navy?style=for-the-badge&logo=github" height="20" />
  </a>
  <a href="https://www.youtube.com/channel/UCo8dO_WMGYbWCRnj_Dxr4EA">
    <img alt="YouTube" src="https://img.shields.io/badge/-YouTube-red?&style=for-the-badge&logo=youtube&logoColor=white" height="20" />
  </a>
  <a href="https://twitter.com/neuralmagic">
    <img alt="Twitter" src="https://img.shields.io/twitter/follow/neuralmagic?color=darkgreen&label=Follow&style=social" height="20" />
  </a>
</div>

[DeepSparse](https://github.com/neuralmagic/deepsparse) is a CPU inference runtime that takes advantage of sparsity to accelerate neural network inference. Coupled with [SparseML](https://github.com/neuralmagic/sparseml), our optimization library for pruning and quantizing your models, DeepSparse delivers exceptional inference performance on CPU hardware.

<p align="center">
   <img alt="NM Flow" src="https://github.com/neuralmagic/deepsparse/assets/3195154/51e62fe7-9d9a-4fa5-a774-877158da1e29" width="60%" />
</p>

## ✨NEW✨ DeepSparse LLMs

Neural Magic is excited to announce initial support for performant LLM inference in DeepSparse with:
- sparse kernels for speedups and memory savings from unstructured sparse weights.
- 8-bit weight and activation quantization support.
- efficient usage of cached attention keys and values for minimal memory movement.

![mpt-chat-comparison](https://github.com/neuralmagic/deepsparse/assets/3195154/ccf39323-4603-4489-8462-7b103872aeb3)

### Try It Now

Install (requires Linux):
```bash
pip install -U deepsparse-nightly[llm]
```

Run inference:
```python
from deepsparse import TextGeneration
pipeline = TextGeneration(model="zoo:mpt-7b-dolly_mpt_pretrain-pruned50_quantized")

prompt="""
Below is an instruction that describes a task. Write a response that appropriately completes the request. ### Instruction: what is sparsity? ### Response:
"""
print(pipeline(prompt, max_new_tokens=75).generations[0].text)

# Sparsity is the property of a matrix or other data structure in which a large number of elements are zero and a smaller number of elements are non-zero. In the context of machine learning, sparsity can be used to improve the efficiency of training and prediction.
```

> [Check out the `TextGeneration` documentation for usage details.](https://github.com/neuralmagic/deepsparse/blob/main/docs/llms/text-generation-pipeline.md)

### Sparsity :handshake: Performance

Developed in collaboration with IST Austria, [our recent paper](https://arxiv.org/abs/2310.06927) details a new technique called **Sparse Fine-Tuning**, which allows us to prune MPT-7B to 60% sparsity during fine-tuning without drop in accuracy. With our new support for LLMs, DeepSparse accelerates the sparse-quantized model 7x over the dense baseline:

<div align="center">
    <img src="https://github.com/neuralmagic/deepsparse/assets/3195154/8687401c-f479-4999-ba6b-e01c747dace9" width="60%"/>
</div>

> [Learn more about our Sparse Fine-Tuning research.](https://github.com/neuralmagic/deepsparse/blob/main/research/mpt#sparse-finetuned-llms-with-deepsparse)

> [Check out the model running live on Hugging Face.](https://huggingface.co/spaces/neuralmagic/sparse-mpt-7b-gsm8k)

### LLM Roadmap

Following this initial launch, we are rapidly expanding our support for LLMs, including:

1. Productizing Sparse Fine-Tuning: Enable external users to apply sparse fine-tuning to their datasets via SparseML.
2. Expanding model support: Apply our sparse fine-tuning results to Llama 2 and Mistral models.
3. Pushing for higher sparsity: Improving our pruning algorithms to reach even higher sparsity.

## Computer Vision and NLP Models

In addition to LLMs, DeepSparse supports many variants of CNNs and Transformer models, such as BERT, ViT, ResNet, EfficientNet, YOLOv5/8, and many more! Take a look at the [Computer Vision](https://sparsezoo.neuralmagic.com/?modelSet=computer_vision) and [Natural Language Processing](https://sparsezoo.neuralmagic.com/?modelSet=natural_language_processing) domains of [SparseZoo](https://sparsezoo.neuralmagic.com/), our home for optimized models.

### Installation

Install via [PyPI](https://pypi.org/project/deepsparse/) ([optional dependencies detailed here](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/installation.md)):

```bash
pip install deepsparse 
```

To experiment with the latest features, there is a nightly build available using `pip install deepsparse-nightly` or you can clone and install from source using `pip install -e path/to/deepsparse`.

#### System Requirements
- Hardware: [x86 AVX2, AVX-512, AVX-512 VNNI and ARM v8.2+](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/hardware-support.md)
- Operating System: Linux
- Python: 3.8-3.11
- ONNX versions 1.5.0-1.15.0, ONNX opset version 11 or higher

For those using Mac or Windows, we recommend using Linux containers with Docker.

## Deployment APIs

DeepSparse includes three deployment APIs:

- **Engine** is the lowest-level API. With Engine, you compile an ONNX model, pass tensors as input, and receive the raw outputs.
- **Pipeline** wraps the Engine with pre- and post-processing. With Pipeline, you pass raw data and receive the prediction.
- **Server** wraps Pipelines with a REST API using FastAPI. With Server, you send raw data over HTTP and receive the prediction.

### Engine

The example below downloads a 90% pruned-quantized BERT model for sentiment analysis in ONNX format from SparseZoo, compiles the model, and runs inference on randomly generated input. Users can provide their own ONNX models, whether dense or sparse.

```python
from deepsparse import Engine

# download onnx, compile
zoo_stub = "zoo:nlp/sentiment_analysis/obert-base/pytorch/huggingface/sst2/pruned90_quant-none"
compiled_model = Engine(model=zoo_stub, batch_size=1)

# run inference (input is raw numpy tensors, output is raw scores)
inputs = compiled_model.generate_random_inputs()
output = compiled_model(inputs)
print(output)

# > [array([[-0.3380675 ,  0.09602544]], dtype=float32)] << raw scores
```

### Pipeline

Pipelines wrap Engine with pre- and post-processing, enabling you to pass raw data and receive the post-processed prediction. The example below downloads a 90% pruned-quantized BERT model for sentiment analysis in ONNX format from SparseZoo, sets up a pipeline, and runs inference on sample data.

```python
from deepsparse import Pipeline

# download onnx, set up pipeline
zoo_stub = "zoo:nlp/sentiment_analysis/obert-base/pytorch/huggingface/sst2/pruned90_quant-none"  
sentiment_analysis_pipeline = Pipeline.create(
  task="sentiment-analysis",    # name of the task
  model_path=zoo_stub,          # zoo stub or path to local onnx file
)

# run inference (input is a sentence, output is the prediction)
prediction = sentiment_analysis_pipeline("I love using DeepSparse Pipelines")
print(prediction)
# > labels=['positive'] scores=[0.9954759478569031]
```

### Server

Server wraps Pipelines with REST APIs, enabling you to set up a model-serving endpoint running DeepSparse. This enables you to send raw data to DeepSparse over HTTP and receive the post-processed predictions. DeepSparse Server is launched from the command line and configured via arguments or a server configuration file. The following downloads a 90% pruned-quantized BERT model for sentiment analysis in ONNX format from SparseZoo and launches a sentiment analysis endpoint:

```bash
deepsparse.server \
  --task sentiment-analysis \
  --model_path zoo:nlp/sentiment_analysis/obert-base/pytorch/huggingface/sst2/pruned90_quant-none
```

Sending a request:

```python
import requests

url = "http://localhost:5543/v2/models/sentiment_analysis/infer" # Server's port default to 5543
obj = {"sequences": "Snorlax loves my Tesla!"}

response = requests.post(url, json=obj)
print(response.text)
# {"labels":["positive"],"scores":[0.9965094327926636]}
```

### Additional Resources
- [Use Cases Page](https://github.com/neuralmagic/deepsparse/tree/main/docs/use-cases) for more details on supported tasks
- [Pipelines User Guide](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/deepsparse-pipelines.md) for Pipeline documentation
- [Server User Guide](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/deepsparse-server.md) for Server documentation
- [Benchmarking User Guide](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/deepsparse-benchmarking.md) for benchmarking documentation
- [Cloud Deployments and Demos](https://github.com/neuralmagic/deepsparse/tree/main/examples/)
- [User Guide](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide) for more detailed documentation


## Product Usage Analytics

DeepSparse gathers basic usage telemetry, including, but not limited to, Invocations, Package, Version, and IP Address, for Product Usage Analytics purposes. Review Neural Magic's [Products Privacy Policy](https://neuralmagic.com/legal/) for further details on how we process this data. 

To disable Product Usage Analytics, run:
```bash
export NM_DISABLE_ANALYTICS=True
```

Confirm that telemetry is shut off through info logs streamed with engine invocation by looking for the phrase "Skipping Neural Magic's latest package version check."

## Community

### Get In Touch

- [Contribution Guide](https://github.com/neuralmagic/deepsparse/blob/main/CONTRIBUTING.md)
- [Community Slack](https://join.slack.com/t/discuss-neuralmagic/shared_invite/zt-q1a1cnvo-YBoICSIw3L1dmQpjBeDurQ)
- [GitHub Issue Queue](https://github.com/neuralmagic/deepsparse/issues) 
- [Subscribe To Our Newsletter](https://neuralmagic.com/subscribe/)
- [Blog](https://www.neuralmagic.com/blog/) 

For more general questions about Neural Magic, [complete this form.](http://neuralmagic.com/contact/)

### License

- **DeepSparse Community** is free to use and is licensed under the [Neural Magic DeepSparse Community License.](https://github.com/neuralmagic/deepsparse/blob/main/LICENSE)
Some source code, example files, and scripts included in the DeepSparse GitHub repository or directory are licensed under the [Apache License Version 2.0](https://www.apache.org/licenses/LICENSE-2.0) as noted.

- **DeepSparse Enterprise** requires a Trial License or [can be fully licensed](https://neuralmagic.com/legal/master-software-license-and-service-agreement/) for production, commercial applications.

### Cite

Find this project useful in your research or other communications? Please consider citing:

```bibtex
@misc{kurtic2023sparse,
      title={Sparse Fine-Tuning for Inference Acceleration of Large Language Models}, 
      author={Eldar Kurtic and Denis Kuznedelev and Elias Frantar and Michael Goin and Dan Alistarh},
      year={2023},
      url={https://arxiv.org/abs/2310.06927},
      eprint={2310.06927},
      archivePrefix={arXiv},
      primaryClass={cs.CL}
}

@misc{kurtic2022optimal,
      title={The Optimal BERT Surgeon: Scalable and Accurate Second-Order Pruning for Large Language Models}, 
      author={Eldar Kurtic and Daniel Campos and Tuan Nguyen and Elias Frantar and Mark Kurtz and Benjamin Fineran and Michael Goin and Dan Alistarh},
      year={2022},
      url={https://arxiv.org/abs/2203.07259},
      eprint={2203.07259},
      archivePrefix={arXiv},
      primaryClass={cs.CL}
}

@InProceedings{
    pmlr-v119-kurtz20a, 
    title = {Inducing and Exploiting Activation Sparsity for Fast Inference on Deep Neural Networks}, 
    author = {Kurtz, Mark and Kopinsky, Justin and Gelashvili, Rati and Matveev, Alexander and Carr, John and Goin, Michael and Leiserson, William and Moore, Sage and Nell, Bill and Shavit, Nir and Alistarh, Dan}, 
    booktitle = {Proceedings of the 37th International Conference on Machine Learning}, 
    pages = {5533--5543}, 
    year = {2020}, 
    editor = {Hal Daumé III and Aarti Singh}, 
    volume = {119}, 
    series = {Proceedings of Machine Learning Research}, 
    address = {Virtual}, 
    month = {13--18 Jul}, 
    publisher = {PMLR}, 
    pdf = {http://proceedings.mlr.press/v119/kurtz20a/kurtz20a.pdf},
    url = {http://proceedings.mlr.press/v119/kurtz20a.html}
}

@article{DBLP:journals/corr/abs-2111-13445,
  author    = {Eugenia Iofinova and Alexandra Peste and Mark Kurtz and Dan Alistarh},
  title     = {How Well Do Sparse Imagenet Models Transfer?},
  journal   = {CoRR},
  volume    = {abs/2111.13445},
  year      = {2021},
  url       = {https://arxiv.org/abs/2111.13445},
  eprinttype = {arXiv},
  eprint    = {2111.13445},
  timestamp = {Wed, 01 Dec 2021 15:16:43 +0100},
  biburl    = {https://dblp.org/rec/journals/corr/abs-2111-13445.bib},
  bibsource = {dblp computer science bibliography, https://dblp.org}
}
```
# All Thanks To Our Contributors

<a href="https://github.com/neuralmagic/deepsparse/graphs/contributors">
  <img src="https://contrib.rocks/image?repo=neuralmagic/deepsparse" />
</a>

            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/neuralmagic/deepsparse",
    "name": "deepsparse-nightly",
    "maintainer": null,
    "docs_url": null,
    "requires_python": "<3.12,>=3.8",
    "maintainer_email": null,
    "keywords": "inference, machine learning, x86, x86_64, avx2, avx512, neural network, sparse, inference engine, cpu, runtime, deepsparse, computer vision, object detection, sparsity",
    "author": "Neuralmagic, Inc.",
    "author_email": "support@neuralmagic.com",
    "download_url": "https://files.pythonhosted.org/packages/72/da/2f8498d6514072b5dbf478a858134361077bba174e71d332116f498576b9/deepsparse-nightly-1.8.0.20240404.tar.gz",
    "platform": null,
    "description": "<!--\nCopyright (c) 2021 - present / Neuralmagic, Inc. All Rights Reserved.\n\nLicensed under the Apache License, Version 2.0 (the \"License\");\nyou may not use this file except in compliance with the License.\nYou may obtain a copy of the License at\n\n   http://www.apache.org/licenses/LICENSE-2.0\n\nUnless required by applicable law or agreed to in writing,\nsoftware distributed under the License is distributed on an \"AS IS\" BASIS,\nWITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\nSee the License for the specific language governing permissions and\nlimitations under the License.\n-->\n\n\n<div style=\"display: flex; flex-direction: column; align-items: center;\">\n  <h1>\n    <img alt=\"tool icon\" src=\"https://raw.githubusercontent.com/neuralmagic/deepsparse/main/docs/old/source/icon-deepsparse.png\" />\n    &nbsp;&nbsp;DeepSparse\n  </h1>\n  <h4>Sparsity-aware deep learning inference runtime for CPUs</h4>\n  <div align=\"center\">\n  <a href=\"https://docs.neuralmagic.com/deepsparse/\">\n    <img alt=\"Documentation\" src=\"https://img.shields.io/badge/documentation-darkred?&style=for-the-badge&logo=read-the-docs\" height=\"20\" />\n  </a>\n  <a href=\"https://join.slack.com/t/discuss-neuralmagic/shared_invite/zt-q1a1cnvo-YBoICSIw3L1dmQpjBeDurQ/\">\n    <img alt=\"Slack\" src=\"https://img.shields.io/badge/slack-purple?style=for-the-badge&logo=slack\" height=\"20\" />\n  </a>\n  <a href=\"https://github.com/neuralmagic/deepsparse/issues/\">\n    <img alt=\"Support\" src=\"https://img.shields.io/badge/support%20forums-navy?style=for-the-badge&logo=github\" height=\"20\" />\n  </a>\n  <a href=\"https://www.youtube.com/channel/UCo8dO_WMGYbWCRnj_Dxr4EA\">\n    <img alt=\"YouTube\" src=\"https://img.shields.io/badge/-YouTube-red?&style=for-the-badge&logo=youtube&logoColor=white\" height=\"20\" />\n  </a>\n  <a href=\"https://twitter.com/neuralmagic\">\n    <img alt=\"Twitter\" src=\"https://img.shields.io/twitter/follow/neuralmagic?color=darkgreen&label=Follow&style=social\" height=\"20\" />\n  </a>\n</div>\n\n[DeepSparse](https://github.com/neuralmagic/deepsparse) is a CPU inference runtime that takes advantage of sparsity to accelerate neural network inference. Coupled with [SparseML](https://github.com/neuralmagic/sparseml), our optimization library for pruning and quantizing your models, DeepSparse delivers exceptional inference performance on CPU hardware.\n\n<p align=\"center\">\n   <img alt=\"NM Flow\" src=\"https://github.com/neuralmagic/deepsparse/assets/3195154/51e62fe7-9d9a-4fa5-a774-877158da1e29\" width=\"60%\" />\n</p>\n\n## \u2728NEW\u2728 DeepSparse LLMs\n\nNeural Magic is excited to announce initial support for performant LLM inference in DeepSparse with:\n- sparse kernels for speedups and memory savings from unstructured sparse weights.\n- 8-bit weight and activation quantization support.\n- efficient usage of cached attention keys and values for minimal memory movement.\n\n![mpt-chat-comparison](https://github.com/neuralmagic/deepsparse/assets/3195154/ccf39323-4603-4489-8462-7b103872aeb3)\n\n### Try It Now\n\nInstall (requires Linux):\n```bash\npip install -U deepsparse-nightly[llm]\n```\n\nRun inference:\n```python\nfrom deepsparse import TextGeneration\npipeline = TextGeneration(model=\"zoo:mpt-7b-dolly_mpt_pretrain-pruned50_quantized\")\n\nprompt=\"\"\"\nBelow is an instruction that describes a task. Write a response that appropriately completes the request. ### Instruction: what is sparsity? ### Response:\n\"\"\"\nprint(pipeline(prompt, max_new_tokens=75).generations[0].text)\n\n# Sparsity is the property of a matrix or other data structure in which a large number of elements are zero and a smaller number of elements are non-zero. In the context of machine learning, sparsity can be used to improve the efficiency of training and prediction.\n```\n\n> [Check out the `TextGeneration` documentation for usage details.](https://github.com/neuralmagic/deepsparse/blob/main/docs/llms/text-generation-pipeline.md)\n\n### Sparsity :handshake: Performance\n\nDeveloped in collaboration with IST Austria, [our recent paper](https://arxiv.org/abs/2310.06927) details a new technique called **Sparse Fine-Tuning**, which allows us to prune MPT-7B to 60% sparsity during fine-tuning without drop in accuracy. With our new support for LLMs, DeepSparse accelerates the sparse-quantized model 7x over the dense baseline:\n\n<div align=\"center\">\n    <img src=\"https://github.com/neuralmagic/deepsparse/assets/3195154/8687401c-f479-4999-ba6b-e01c747dace9\" width=\"60%\"/>\n</div>\n\n> [Learn more about our Sparse Fine-Tuning research.](https://github.com/neuralmagic/deepsparse/blob/main/research/mpt#sparse-finetuned-llms-with-deepsparse)\n\n> [Check out the model running live on Hugging Face.](https://huggingface.co/spaces/neuralmagic/sparse-mpt-7b-gsm8k)\n\n### LLM Roadmap\n\nFollowing this initial launch, we are rapidly expanding our support for LLMs, including:\n\n1. Productizing Sparse Fine-Tuning: Enable external users to apply sparse fine-tuning to their datasets via SparseML.\n2. Expanding model support: Apply our sparse fine-tuning results to Llama 2 and Mistral models.\n3. Pushing for higher sparsity: Improving our pruning algorithms to reach even higher sparsity.\n\n## Computer Vision and NLP Models\n\nIn addition to LLMs, DeepSparse supports many variants of CNNs and Transformer models, such as BERT, ViT, ResNet, EfficientNet, YOLOv5/8, and many more! Take a look at the [Computer Vision](https://sparsezoo.neuralmagic.com/?modelSet=computer_vision) and [Natural Language Processing](https://sparsezoo.neuralmagic.com/?modelSet=natural_language_processing) domains of [SparseZoo](https://sparsezoo.neuralmagic.com/), our home for optimized models.\n\n### Installation\n\nInstall via [PyPI](https://pypi.org/project/deepsparse/) ([optional dependencies detailed here](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/installation.md)):\n\n```bash\npip install deepsparse \n```\n\nTo experiment with the latest features, there is a nightly build available using `pip install deepsparse-nightly` or you can clone and install from source using `pip install -e path/to/deepsparse`.\n\n#### System Requirements\n- Hardware: [x86 AVX2, AVX-512, AVX-512 VNNI and ARM v8.2+](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/hardware-support.md)\n- Operating System: Linux\n- Python: 3.8-3.11\n- ONNX versions 1.5.0-1.15.0, ONNX opset version 11 or higher\n\nFor those using Mac or Windows, we recommend using Linux containers with Docker.\n\n## Deployment APIs\n\nDeepSparse includes three deployment APIs:\n\n- **Engine** is the lowest-level API. With Engine, you compile an ONNX model, pass tensors as input, and receive the raw outputs.\n- **Pipeline** wraps the Engine with pre- and post-processing. With Pipeline, you pass raw data and receive the prediction.\n- **Server** wraps Pipelines with a REST API using FastAPI. With Server, you send raw data over HTTP and receive the prediction.\n\n### Engine\n\nThe example below downloads a 90% pruned-quantized BERT model for sentiment analysis in ONNX format from SparseZoo, compiles the model, and runs inference on randomly generated input. Users can provide their own ONNX models, whether dense or sparse.\n\n```python\nfrom deepsparse import Engine\n\n# download onnx, compile\nzoo_stub = \"zoo:nlp/sentiment_analysis/obert-base/pytorch/huggingface/sst2/pruned90_quant-none\"\ncompiled_model = Engine(model=zoo_stub, batch_size=1)\n\n# run inference (input is raw numpy tensors, output is raw scores)\ninputs = compiled_model.generate_random_inputs()\noutput = compiled_model(inputs)\nprint(output)\n\n# > [array([[-0.3380675 ,  0.09602544]], dtype=float32)] << raw scores\n```\n\n### Pipeline\n\nPipelines wrap Engine with pre- and post-processing, enabling you to pass raw data and receive the post-processed prediction. The example below downloads a 90% pruned-quantized BERT model for sentiment analysis in ONNX format from SparseZoo, sets up a pipeline, and runs inference on sample data.\n\n```python\nfrom deepsparse import Pipeline\n\n# download onnx, set up pipeline\nzoo_stub = \"zoo:nlp/sentiment_analysis/obert-base/pytorch/huggingface/sst2/pruned90_quant-none\"  \nsentiment_analysis_pipeline = Pipeline.create(\n  task=\"sentiment-analysis\",    # name of the task\n  model_path=zoo_stub,          # zoo stub or path to local onnx file\n)\n\n# run inference (input is a sentence, output is the prediction)\nprediction = sentiment_analysis_pipeline(\"I love using DeepSparse Pipelines\")\nprint(prediction)\n# > labels=['positive'] scores=[0.9954759478569031]\n```\n\n### Server\n\nServer wraps Pipelines with REST APIs, enabling you to set up a model-serving endpoint running DeepSparse. This enables you to send raw data to DeepSparse over HTTP and receive the post-processed predictions. DeepSparse Server is launched from the command line and configured via arguments or a server configuration file. The following downloads a 90% pruned-quantized BERT model for sentiment analysis in ONNX format from SparseZoo and launches a sentiment analysis endpoint:\n\n```bash\ndeepsparse.server \\\n  --task sentiment-analysis \\\n  --model_path zoo:nlp/sentiment_analysis/obert-base/pytorch/huggingface/sst2/pruned90_quant-none\n```\n\nSending a request:\n\n```python\nimport requests\n\nurl = \"http://localhost:5543/v2/models/sentiment_analysis/infer\" # Server's port default to 5543\nobj = {\"sequences\": \"Snorlax loves my Tesla!\"}\n\nresponse = requests.post(url, json=obj)\nprint(response.text)\n# {\"labels\":[\"positive\"],\"scores\":[0.9965094327926636]}\n```\n\n### Additional Resources\n- [Use Cases Page](https://github.com/neuralmagic/deepsparse/tree/main/docs/use-cases) for more details on supported tasks\n- [Pipelines User Guide](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/deepsparse-pipelines.md) for Pipeline documentation\n- [Server User Guide](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/deepsparse-server.md) for Server documentation\n- [Benchmarking User Guide](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide/deepsparse-benchmarking.md) for benchmarking documentation\n- [Cloud Deployments and Demos](https://github.com/neuralmagic/deepsparse/tree/main/examples/)\n- [User Guide](https://github.com/neuralmagic/deepsparse/tree/main/docs/user-guide) for more detailed documentation\n\n\n## Product Usage Analytics\n\nDeepSparse gathers basic usage telemetry, including, but not limited to, Invocations, Package, Version, and IP Address, for Product Usage Analytics purposes. Review Neural Magic's [Products Privacy Policy](https://neuralmagic.com/legal/) for further details on how we process this data. \n\nTo disable Product Usage Analytics, run:\n```bash\nexport NM_DISABLE_ANALYTICS=True\n```\n\nConfirm that telemetry is shut off through info logs streamed with engine invocation by looking for the phrase \"Skipping Neural Magic's latest package version check.\"\n\n## Community\n\n### Get In Touch\n\n- [Contribution Guide](https://github.com/neuralmagic/deepsparse/blob/main/CONTRIBUTING.md)\n- [Community Slack](https://join.slack.com/t/discuss-neuralmagic/shared_invite/zt-q1a1cnvo-YBoICSIw3L1dmQpjBeDurQ)\n- [GitHub Issue Queue](https://github.com/neuralmagic/deepsparse/issues) \n- [Subscribe To Our Newsletter](https://neuralmagic.com/subscribe/)\n- [Blog](https://www.neuralmagic.com/blog/) \n\nFor more general questions about Neural Magic, [complete this form.](http://neuralmagic.com/contact/)\n\n### License\n\n- **DeepSparse Community** is free to use and is licensed under the [Neural Magic DeepSparse Community License.](https://github.com/neuralmagic/deepsparse/blob/main/LICENSE)\nSome source code, example files, and scripts included in the DeepSparse GitHub repository or directory are licensed under the [Apache License Version 2.0](https://www.apache.org/licenses/LICENSE-2.0) as noted.\n\n- **DeepSparse Enterprise** requires a Trial License or [can be fully licensed](https://neuralmagic.com/legal/master-software-license-and-service-agreement/) for production, commercial applications.\n\n### Cite\n\nFind this project useful in your research or other communications? Please consider citing:\n\n```bibtex\n@misc{kurtic2023sparse,\n      title={Sparse Fine-Tuning for Inference Acceleration of Large Language Models}, \n      author={Eldar Kurtic and Denis Kuznedelev and Elias Frantar and Michael Goin and Dan Alistarh},\n      year={2023},\n      url={https://arxiv.org/abs/2310.06927},\n      eprint={2310.06927},\n      archivePrefix={arXiv},\n      primaryClass={cs.CL}\n}\n\n@misc{kurtic2022optimal,\n      title={The Optimal BERT Surgeon: Scalable and Accurate Second-Order Pruning for Large Language Models}, \n      author={Eldar Kurtic and Daniel Campos and Tuan Nguyen and Elias Frantar and Mark Kurtz and Benjamin Fineran and Michael Goin and Dan Alistarh},\n      year={2022},\n      url={https://arxiv.org/abs/2203.07259},\n      eprint={2203.07259},\n      archivePrefix={arXiv},\n      primaryClass={cs.CL}\n}\n\n@InProceedings{\n    pmlr-v119-kurtz20a, \n    title = {Inducing and Exploiting Activation Sparsity for Fast Inference on Deep Neural Networks}, \n    author = {Kurtz, Mark and Kopinsky, Justin and Gelashvili, Rati and Matveev, Alexander and Carr, John and Goin, Michael and Leiserson, William and Moore, Sage and Nell, Bill and Shavit, Nir and Alistarh, Dan}, \n    booktitle = {Proceedings of the 37th International Conference on Machine Learning}, \n    pages = {5533--5543}, \n    year = {2020}, \n    editor = {Hal Daum\u00e9 III and Aarti Singh}, \n    volume = {119}, \n    series = {Proceedings of Machine Learning Research}, \n    address = {Virtual}, \n    month = {13--18 Jul}, \n    publisher = {PMLR}, \n    pdf = {http://proceedings.mlr.press/v119/kurtz20a/kurtz20a.pdf},\n    url = {http://proceedings.mlr.press/v119/kurtz20a.html}\n}\n\n@article{DBLP:journals/corr/abs-2111-13445,\n  author    = {Eugenia Iofinova and Alexandra Peste and Mark Kurtz and Dan Alistarh},\n  title     = {How Well Do Sparse Imagenet Models Transfer?},\n  journal   = {CoRR},\n  volume    = {abs/2111.13445},\n  year      = {2021},\n  url       = {https://arxiv.org/abs/2111.13445},\n  eprinttype = {arXiv},\n  eprint    = {2111.13445},\n  timestamp = {Wed, 01 Dec 2021 15:16:43 +0100},\n  biburl    = {https://dblp.org/rec/journals/corr/abs-2111-13445.bib},\n  bibsource = {dblp computer science bibliography, https://dblp.org}\n}\n```\n# All Thanks To Our Contributors\n\n<a href=\"https://github.com/neuralmagic/deepsparse/graphs/contributors\">\n  <img src=\"https://contrib.rocks/image?repo=neuralmagic/deepsparse\" />\n</a>\n",
    "bugtrack_url": null,
    "license": "Neural Magic DeepSparse Community License",
    "summary": "An inference runtime offering GPU-class performance on CPUs and APIs to integrate ML into your application",
    "version": "1.8.0.20240404",
    "project_urls": {
        "Homepage": "https://github.com/neuralmagic/deepsparse"
    },
    "split_keywords": [
        "inference",
        " machine learning",
        " x86",
        " x86_64",
        " avx2",
        " avx512",
        " neural network",
        " sparse",
        " inference engine",
        " cpu",
        " runtime",
        " deepsparse",
        " computer vision",
        " object detection",
        " sparsity"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "265243e8255d18176b1035f2ec7267d59f24a934a6b6ee81ac06a16ec647830b",
                "md5": "2db1bd816cbba0567484ff2a14e58c04",
                "sha256": "21040a33717583c5ed511f4dfe2ee0290caab3df41460f77ce423e67ba9ec180"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp310-cp310-macosx_13_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "2db1bd816cbba0567484ff2a14e58c04",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": "<3.12,>=3.8",
            "size": 33527573,
            "upload_time": "2024-04-04T18:40:01",
            "upload_time_iso_8601": "2024-04-04T18:40:01.280108Z",
            "url": "https://files.pythonhosted.org/packages/26/52/43e8255d18176b1035f2ec7267d59f24a934a6b6ee81ac06a16ec647830b/deepsparse_nightly-1.8.0.20240404-cp310-cp310-macosx_13_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "050825ec5d0b4df36f7ac8843422b1822d2102ea1a3648d96d487ba4658a6b45",
                "md5": "834198cafaabc19b02bcf7a617f1c792",
                "sha256": "9cb23c1cca897978c3f172b5426649a6ac832fe1cd90069451774d87a18a58ce"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl",
            "has_sig": false,
            "md5_digest": "834198cafaabc19b02bcf7a617f1c792",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": "<3.12,>=3.8",
            "size": 40609732,
            "upload_time": "2024-04-04T18:38:37",
            "upload_time_iso_8601": "2024-04-04T18:38:37.792383Z",
            "url": "https://files.pythonhosted.org/packages/05/08/25ec5d0b4df36f7ac8843422b1822d2102ea1a3648d96d487ba4658a6b45/deepsparse_nightly-1.8.0.20240404-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3971d3bbe728eb1af07f59d686f5428b84d3d91ef76ff576215dfcd5ff1300c6",
                "md5": "50cc554ab597e4d0e46fa0dbdbde7f08",
                "sha256": "982d8b8b8b8b47d295cf1c3360cddfb4757e68361a2a55c83d3ef5938fa26a4a"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "50cc554ab597e4d0e46fa0dbdbde7f08",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": "<3.12,>=3.8",
            "size": 47387116,
            "upload_time": "2024-04-04T18:37:33",
            "upload_time_iso_8601": "2024-04-04T18:37:33.637373Z",
            "url": "https://files.pythonhosted.org/packages/39/71/d3bbe728eb1af07f59d686f5428b84d3d91ef76ff576215dfcd5ff1300c6/deepsparse_nightly-1.8.0.20240404-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "4bb210cc5a40e00085c7ef17c28391489cb2d6a3d623565ebd25553c4d3b4019",
                "md5": "0af14b448fdbffa2ca974d338af7bf34",
                "sha256": "b5b8d2139839881a123462a1a8369184885ebf9deec97e94941a24d519893aa1"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp311-cp311-macosx_13_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "0af14b448fdbffa2ca974d338af7bf34",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": "<3.12,>=3.8",
            "size": 33527599,
            "upload_time": "2024-04-04T18:40:16",
            "upload_time_iso_8601": "2024-04-04T18:40:16.422034Z",
            "url": "https://files.pythonhosted.org/packages/4b/b2/10cc5a40e00085c7ef17c28391489cb2d6a3d623565ebd25553c4d3b4019/deepsparse_nightly-1.8.0.20240404-cp311-cp311-macosx_13_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "d05ade0da2c7761887c99d74c99b61bf9928c96214dca8481b45a05ae85885ee",
                "md5": "9726b730a41f6a35b5da6a0671f22ded",
                "sha256": "416b2624c313e482732c69a93b8c0092963fa8f0a2e5664b6b25f50917a28242"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl",
            "has_sig": false,
            "md5_digest": "9726b730a41f6a35b5da6a0671f22ded",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": "<3.12,>=3.8",
            "size": 40609784,
            "upload_time": "2024-04-04T18:38:55",
            "upload_time_iso_8601": "2024-04-04T18:38:55.161700Z",
            "url": "https://files.pythonhosted.org/packages/d0/5a/de0da2c7761887c99d74c99b61bf9928c96214dca8481b45a05ae85885ee/deepsparse_nightly-1.8.0.20240404-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "aee7b056a04ceb118607b7c0350d7601e19be84b1209f21dab8bad38290ec289",
                "md5": "a0b79deff50e995720b77d2e8693fc76",
                "sha256": "7fc962cd2e0a12c5f30b27f1dbe7cab372febd2d949011b1c3ea0ad8fc1b9676"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "a0b79deff50e995720b77d2e8693fc76",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": "<3.12,>=3.8",
            "size": 47386936,
            "upload_time": "2024-04-04T18:37:50",
            "upload_time_iso_8601": "2024-04-04T18:37:50.271141Z",
            "url": "https://files.pythonhosted.org/packages/ae/e7/b056a04ceb118607b7c0350d7601e19be84b1209f21dab8bad38290ec289/deepsparse_nightly-1.8.0.20240404-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "544b45208e9a169ad87de060fe7616ea5473dd89a25ae23bc7e44f6473e35090",
                "md5": "8954a49c6c916cdabe777150b337518e",
                "sha256": "f1da5f505184ae7c1e003470d74e17c80aa366ea8fcf0d8c55d4e1488ab2ca27"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp38-cp38-macosx_13_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "8954a49c6c916cdabe777150b337518e",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": "<3.12,>=3.8",
            "size": 33527263,
            "upload_time": "2024-04-04T18:39:11",
            "upload_time_iso_8601": "2024-04-04T18:39:11.748498Z",
            "url": "https://files.pythonhosted.org/packages/54/4b/45208e9a169ad87de060fe7616ea5473dd89a25ae23bc7e44f6473e35090/deepsparse_nightly-1.8.0.20240404-cp38-cp38-macosx_13_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "b14133079ba475fc9eb3b925d02dffecbc6808ff23d1d9d583f56ddd202d3dbd",
                "md5": "d26629df96c8f43d2381bb715c5fd386",
                "sha256": "756dd7456145f7c720844d505852587c42e8a4160751dd4ef047f09107ecf9a6"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl",
            "has_sig": false,
            "md5_digest": "d26629df96c8f43d2381bb715c5fd386",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": "<3.12,>=3.8",
            "size": 40609219,
            "upload_time": "2024-04-04T18:38:05",
            "upload_time_iso_8601": "2024-04-04T18:38:05.207932Z",
            "url": "https://files.pythonhosted.org/packages/b1/41/33079ba475fc9eb3b925d02dffecbc6808ff23d1d9d583f56ddd202d3dbd/deepsparse_nightly-1.8.0.20240404-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "17806d85642c43f847f0b305257d4520642ff6d685ab01647b54f01a0f5d99cb",
                "md5": "1141c52a415fc1698cfdb43534b39375",
                "sha256": "a9277015ff6d2bef17a66ff23280368814cbbcb8125a219e3bb454603a2f5c09"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "1141c52a415fc1698cfdb43534b39375",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": "<3.12,>=3.8",
            "size": 47387105,
            "upload_time": "2024-04-04T18:37:00",
            "upload_time_iso_8601": "2024-04-04T18:37:00.968454Z",
            "url": "https://files.pythonhosted.org/packages/17/80/6d85642c43f847f0b305257d4520642ff6d685ab01647b54f01a0f5d99cb/deepsparse_nightly-1.8.0.20240404-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "9ca3c88fc392ded6e05ed3d65ceea1d5e6ec81bd14ae982fab75a9c9db4483f0",
                "md5": "d6cceb5b7b4dcc21ba72971ad07de364",
                "sha256": "ce52dc8f8d6bc4e7ac8593106fa51767eb16855cd55530bcf2d8ade9f6e34f0c"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp39-cp39-macosx_13_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "d6cceb5b7b4dcc21ba72971ad07de364",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": "<3.12,>=3.8",
            "size": 33527758,
            "upload_time": "2024-04-04T18:39:44",
            "upload_time_iso_8601": "2024-04-04T18:39:44.375660Z",
            "url": "https://files.pythonhosted.org/packages/9c/a3/c88fc392ded6e05ed3d65ceea1d5e6ec81bd14ae982fab75a9c9db4483f0/deepsparse_nightly-1.8.0.20240404-cp39-cp39-macosx_13_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "4cee00e26b5c258bf07353e4bc932e3147e9806fe79e8156352401ed9fe23601",
                "md5": "9efee65f7280e0d9353883bbd600b09d",
                "sha256": "66f28d99d78b28fc075c1fcc09f293299c3f39df52dff8ea1bc82f52fbdadad3"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl",
            "has_sig": false,
            "md5_digest": "9efee65f7280e0d9353883bbd600b09d",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": "<3.12,>=3.8",
            "size": 40609760,
            "upload_time": "2024-04-04T18:38:21",
            "upload_time_iso_8601": "2024-04-04T18:38:21.217816Z",
            "url": "https://files.pythonhosted.org/packages/4c/ee/00e26b5c258bf07353e4bc932e3147e9806fe79e8156352401ed9fe23601/deepsparse_nightly-1.8.0.20240404-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "60015f22b71e66c9a3b07b765ec8c0d32157eeca348a2cd60456be1c4abb3d53",
                "md5": "f6ffa65ece7a16224e1362ce84964edd",
                "sha256": "a78d2edfe8a84bc912a06ff489f92ba6b308c728b06be5806b5e5c99db16a7e6"
            },
            "downloads": -1,
            "filename": "deepsparse_nightly-1.8.0.20240404-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "f6ffa65ece7a16224e1362ce84964edd",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": "<3.12,>=3.8",
            "size": 47388164,
            "upload_time": "2024-04-04T18:37:17",
            "upload_time_iso_8601": "2024-04-04T18:37:17.779145Z",
            "url": "https://files.pythonhosted.org/packages/60/01/5f22b71e66c9a3b07b765ec8c0d32157eeca348a2cd60456be1c4abb3d53/deepsparse_nightly-1.8.0.20240404-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "72da2f8498d6514072b5dbf478a858134361077bba174e71d332116f498576b9",
                "md5": "75e0d0ccc247c76c7a835f2e001110b8",
                "sha256": "588c3d72dc192f66666a2f7ce4c39f2cd8da1b242ec0cd1fa580dee92851c333"
            },
            "downloads": -1,
            "filename": "deepsparse-nightly-1.8.0.20240404.tar.gz",
            "has_sig": false,
            "md5_digest": "75e0d0ccc247c76c7a835f2e001110b8",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": "<3.12,>=3.8",
            "size": 46903174,
            "upload_time": "2024-04-04T18:40:38",
            "upload_time_iso_8601": "2024-04-04T18:40:38.000232Z",
            "url": "https://files.pythonhosted.org/packages/72/da/2f8498d6514072b5dbf478a858134361077bba174e71d332116f498576b9/deepsparse-nightly-1.8.0.20240404.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-04-04 18:40:38",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "neuralmagic",
    "github_project": "deepsparse",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": true,
    "lcname": "deepsparse-nightly"
}
        
Elapsed time: 0.24293s