CPU runtime that delivers unprecedented performance for sparse models
Project description
DeepSparse Engine
CPU inference engine that delivers unprecedented performance for sparse models
Overview
The DeepSparse Engine is a CPU runtime that delivers unprecedented performance by taking advantage of natural sparsity within neural networks to reduce compute required as well as accelerate memory bound workloads. It is focused on model deployment and scaling machine learning pipelines, fitting seamlessly into your existing deployments as an inference backend.
This repository includes package APIs along with examples to quickly get started learning about and actually running sparse models.
Related Products
- SparseZoo: Neural network model repository for highly sparse models and optimization recipes
- SparseML: Libraries for state-of-the-art deep neural network optimization algorithms, enabling simple pipelines integration with a few lines of code
- Sparsify: Easy-to-use autoML interface to optimize deep neural networks for better inference performance and a smaller footprint
Compatibility
The DeepSparse Engine ingests models in the ONNX format, allowing for compatibility with PyTorch, TensorFlow, Keras, and many other frameworks that support it. This reduces the extra work of preparing your trained model for inference to just one step of exporting.
Quick Tour
To expedite inference and benchmarking on real models, we include the sparsezoo
package. SparseZoo hosts inference optimized models, trained on repeatable optimization recipes using state-of-the-art techniques from SparseML.
Quickstart with SparseZoo ONNX Models
MobileNetV1 Dense
Here is how to quickly perform inference with DeepSparse Engine on a pre-trained dense MobileNetV1 from SparseZoo.
from deepsparse import compile_model
from sparsezoo.models import classification
batch_size = 64
# Download model and compile as optimized executable for your machine
model = classification.mobilenet_v1()
engine = compile_model(model, batch_size=batch_size)
# Fetch sample input and predict output using engine
inputs = model.data_inputs.sample_batch(batch_size=batch_size)
outputs, inference_time = engine.timed_run(inputs)
MobileNetV1 Optimized
When exploring available optimized models, you can use the Zoo.search_optimized_models
utility to find models that share a base.
Let us try this on the dense MobileNetV1 to see what is available.
from sparsezoo import Zoo
from sparsezoo.models import classification
print(Zoo.search_optimized_models(classification.mobilenet_v1()))
Output:
[Model(stub=cv/classification/mobilenet_v1-1.0/pytorch/sparseml/imagenet/base-none),
Model(stub=cv/classification/mobilenet_v1-1.0/pytorch/sparseml/imagenet/pruned-conservative),
Model(stub=cv/classification/mobilenet_v1-1.0/pytorch/sparseml/imagenet/pruned-moderate),
Model(stub=cv/classification/mobilenet_v1-1.0/pytorch/sparseml/imagenet/pruned_quant-moderate)]
Great. We can see there are two pruned versions targeting FP32, conservative
at 100% and moderate
at >= 99% of baseline accuracy. There is also a pruned_quant
variant targetting INT8.
Let's say you want to evaluate best performance on FP32 and are okay with a small drop in accuracy, so we can choose pruned-moderate
over pruned-conservative
.
from deepsparse import compile_model
from sparsezoo.models import classification
batch_size = 64
model = classification.mobilenet_v1(optim_name="pruned", optim_category="moderate")
engine = compile_model(model, batch_size=batch_size)
inputs = model.data_inputs.sample_batch(batch_size=batch_size)
outputs, inference_time = engine.timed_run(inputs)
Quickstart with custom ONNX models
We accept ONNX files for custom models, too. Simply plug in your model to compare performance with other solutions.
> wget https://github.com/onnx/models/raw/master/vision/classification/mobilenet/model/mobilenetv2-7.onnx
Saving to: ‘mobilenetv2-7.onnx’
from deepsparse import compile_model
from deepsparse.utils import generate_random_inputs
onnx_filepath = "mobilenetv2-7.onnx"
batch_size = 16
# Generate random sample input
inputs = generate_random_inputs(onnx_filepath, batch_size)
# Compile and run
engine = compile_model(onnx_filepath, batch_size)
outputs = engine.run(inputs)
For a more in-depth read on available APIs and workflows, check out the examples and DeepSparse Engine documentation.
Hardware Support
The DeepSparse Engine is validated to work on x86 Intel and AMD CPUs running Linux operating systems.
It is highly recommended to run on a CPU with AVX-512 instructions available for optimal algorithms to be enabled.
Here is a table detailing specific support for some algorithms over different microarchitectures:
x86 Extension | Microarchitectures | Activation Sparsity | Kernel Sparsity | Sparse Quantization |
---|---|---|---|---|
AMD AVX2 | Zen 2, Zen 3 | not supported | optimized | not supported |
Intel AVX2 | Haswell, Broadwell, and newer | not supported | optimized | not supported |
Intel AVX-512 | Skylake, Cannon Lake, and newer | optimized | optimized | emulated |
Intel AVX-512 VNNI (DL Boost) | Cascade Lake, Ice Lake, Cooper Lake, Tiger Lake | optimized | optimized | optimized |
Installation
This repository is tested on Python 3.6+, and ONNX 1.5.0+. It is recommended to install in a virtual environment to keep your system in order.
Install with pip using:
pip install deepsparse
Then if you want to explore the examples, clone the repository and any install additional dependencies found in example folders.
Notebooks
For some step-by-step examples, we have Jupyter notebooks showing how to compile models with the DeepSparse Engine, check the predictions for accuracy, and benchmark them on your hardware.
Available Models and Recipes
A number of pre-trained baseline and recalibrated models models in the SparseZoo can be used with the engine for higher performance. The types available for each model architecture are noted in its SparseZoo model repository listing.
Resources and Learning More
- DeepSparse Engine Documentation, Notebooks, Examples
- DeepSparse API
- Debugging and Optimizing Performance
- SparseML Documentation
- Sparsify Documentation
- SparseZoo Documentation
- Neural Magic Blog, Resources, Website
Contributing
We appreciate contributions to the code, examples, and documentation as well as bug reports and feature requests! Learn how here.
Join the Community
For user help or questions about the DeepSparse Engine, use our GitHub Discussions. Everyone is welcome!
You can get the latest news, webinar and event invites, research papers, and other ML Performance tidbits by subscribing to the Neural Magic community.
For more general questions about Neural Magic, please email us at learnmore@neuralmagic.com or fill out this form.
License
The project's binary containing the DeepSparse Engine is licensed under the Neural Magic Engine License.
Example files and scripts included in this repository are licensed under the Apache License Version 2.0 as noted.
Release History
Official builds are hosted on PyPi
- stable: deepsparse
- nightly (dev): deepsparse-nightly
Track this project via GitHub Releases.
Citation
Find this project useful in your research or other communications? Please consider citing Neural Magic's paper:
@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},
abstract = {Optimizing convolutional neural networks for fast inference has recently become an extremely active area of research. One of the go-to solutions in this context is weight pruning, which aims to reduce computational and memory footprint by removing large subsets of the connections in a neural network. Surprisingly, much less attention has been given to exploiting sparsity in the activation maps, which tend to be naturally sparse in many settings thanks to the structure of rectified linear (ReLU) activation functions. In this paper, we present an in-depth analysis of methods for maximizing the sparsity of the activations in a trained neural network, and show that, when coupled with an efficient sparse-input convolution algorithm, we can leverage this sparsity for significant performance gains. To induce highly sparse activation maps without accuracy loss, we introduce a new regularization technique, coupled with a new threshold-based sparsification method based on a parameterized activation function called Forced-Activation-Threshold Rectified Linear Unit (FATReLU). We examine the impact of our methods on popular image classification models, showing that most architectures can adapt to significantly sparser activation maps without any accuracy loss. Our second contribution is showing that these these compression gains can be translated into inference speedups: we provide a new algorithm to enable fast convolution operations over networks with sparse activations, and show that it can enable significant speedups for end-to-end inference on a range of popular models on the large-scale ImageNet image classification task on modern Intel CPUs, with little or no retraining cost.}
}
Project details
Release history Release notifications | RSS feed
Download files
Download the file for your platform. If you're not sure which to choose, learn more about installing packages.
Source Distributions
Built Distributions
File details
Details for the file deepsparse-0.1.0-cp38-cp38-manylinux2014_x86_64.whl
.
File metadata
- Download URL: deepsparse-0.1.0-cp38-cp38-manylinux2014_x86_64.whl
- Upload date:
- Size: 33.6 MB
- Tags: CPython 3.8
- Uploaded using Trusted Publishing? No
- Uploaded via: twine/3.3.0 pkginfo/1.7.0 requests/2.24.0 setuptools/45.2.0 requests-toolbelt/0.9.1 tqdm/4.56.0 CPython/3.8.5
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | 7500a26511f946a73ae3f6ada932588adfe4020dd81890652519e0b56fa72f82 |
|
MD5 | 9d2c2858434e80fd9070a1e41c8085cd |
|
BLAKE2b-256 | be168febb5d69c71739e5c4105b8c0f16810d5a75613db925b4836034edc336d |
File details
Details for the file deepsparse-0.1.0-cp37-cp37m-manylinux2014_x86_64.whl
.
File metadata
- Download URL: deepsparse-0.1.0-cp37-cp37m-manylinux2014_x86_64.whl
- Upload date:
- Size: 33.6 MB
- Tags: CPython 3.7m
- Uploaded using Trusted Publishing? No
- Uploaded via: twine/3.3.0 pkginfo/1.7.0 requests/2.24.0 setuptools/45.2.0 requests-toolbelt/0.9.1 tqdm/4.56.0 CPython/3.8.5
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | 1a0ed274578359eb8e688e92b08ade732d58a421c2d40363b5eef55440eef832 |
|
MD5 | 84e0a071c4a7879626f796636f979ddd |
|
BLAKE2b-256 | 45e26064abc5df5b848f402291d02e9e00345a78bcb2b07d387463d79a5a2f1e |
File details
Details for the file deepsparse-0.1.0-cp36-cp36m-manylinux2014_x86_64.whl
.
File metadata
- Download URL: deepsparse-0.1.0-cp36-cp36m-manylinux2014_x86_64.whl
- Upload date:
- Size: 33.6 MB
- Tags: CPython 3.6m
- Uploaded using Trusted Publishing? No
- Uploaded via: twine/3.3.0 pkginfo/1.7.0 requests/2.24.0 setuptools/45.2.0 requests-toolbelt/0.9.1 tqdm/4.56.0 CPython/3.8.5
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | 291e90540786d219d09fb5b4fb6befc97b62e3706473e979c834e2d46001322b |
|
MD5 | 852828e8b95f20b2662236dfe0167104 |
|
BLAKE2b-256 | 7f4c51b83ca66780717a4adebfe6d6db09477fd80c2ecbdbadbb145aad44bc11 |