mct-nightly 2.2.0.20241117.603__py3-none-any.whl → 2.2.0.20241119.516__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- {mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/METADATA +60 -85
- {mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/RECORD +6 -6
- model_compression_toolkit/__init__.py +1 -1
- {mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/LICENSE.md +0 -0
- {mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/WHEEL +0 -0
- {mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/top_level.txt +0 -0
{mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/METADATA
RENAMED
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: mct-nightly
|
3
|
-
Version: 2.2.0.
|
3
|
+
Version: 2.2.0.20241119.516
|
4
4
|
Summary: A Model Compression Toolkit for neural networks
|
5
5
|
Home-page: UNKNOWN
|
6
6
|
License: UNKNOWN
|
@@ -38,7 +38,7 @@ ______________________________________________________________________
|
|
38
38
|
<p align="center">
|
39
39
|
<a href="#getting-started">Getting Started</a> •
|
40
40
|
<a href="#tutorials-and-examples">Tutorials</a> •
|
41
|
-
<a href="#
|
41
|
+
<a href="#high-level-features-and-techniques">High level features and techniques</a> •
|
42
42
|
<a href="#resources">Resources</a> •
|
43
43
|
<a href="#contributions">Community</a> •
|
44
44
|
<a href="#license">License</a>
|
@@ -55,7 +55,7 @@ ______________________________________________________________________
|
|
55
55
|
|
56
56
|
__________________________________________________________________________________________________________
|
57
57
|
|
58
|
-
## Getting Started
|
58
|
+
## <div align="center">Getting Started</div>
|
59
59
|
### Quick Installation
|
60
60
|
Pip install the model compression toolkit package in a Python>=3.9 environment with PyTorch>=2.1 or Tensorflow>=2.12.
|
61
61
|
```
|
@@ -75,17 +75,17 @@ MCT supports various quantization methods as appears below.
|
|
75
75
|
<div align="center">
|
76
76
|
<p align="center">
|
77
77
|
|
78
|
-
Quantization Method | Complexity | Computational Cost | Tutorial
|
79
|
-
-------------------- |
|
80
|
-
PTQ (Post Training Quantization) | Low | Low (~1-10 CPU minutes) | <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/pytorch/example_pytorch_post_training_quantization.ipynb"><img src="https://img.shields.io/badge/Pytorch-green"/></a> <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_post-training_quantization.ipynb"><img src="https://img.shields.io/badge/Keras-green"/></a>
|
81
|
-
GPTQ (parameters fine-tuning using gradients) | Moderate | Moderate (~1-3 GPU hours) | <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/pytorch/example_pytorch_mobilenet_gptq.ipynb"><img src="https://img.shields.io/badge/PyTorch-green"/></a> <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_mobilenet_gptq.ipynb"><img src="https://img.shields.io/badge/Keras-green"/></a>
|
82
|
-
QAT (Quantization Aware Training) | High | High (~12-36 GPU hours) | <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_qat.ipynb"><img src="https://img.shields.io/badge/Keras-green"/></a>
|
78
|
+
Quantization Method | Complexity | Computational Cost | API | Tutorial
|
79
|
+
-------------------- | -----------|--------------------|---------|--------
|
80
|
+
PTQ (Post Training Quantization) | Low | Low (~1-10 CPU minutes) | [PyTorch API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/pytorch_post_training_quantization.html) / [Keras API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/keras_post_training_quantization.html) | <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/pytorch/example_pytorch_post_training_quantization.ipynb"><img src="https://img.shields.io/badge/Pytorch-green"/></a> <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_post-training_quantization.ipynb"><img src="https://img.shields.io/badge/Keras-green"/></a>
|
81
|
+
GPTQ (parameters fine-tuning using gradients) | Moderate | Moderate (~1-3 GPU hours) | [PyTorch API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/pytorch_gradient_post_training_quantization.html) / [Keras API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/keras_gradient_post_training_quantization.html) | <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/pytorch/example_pytorch_mobilenet_gptq.ipynb"><img src="https://img.shields.io/badge/PyTorch-green"/></a> <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_mobilenet_gptq.ipynb"><img src="https://img.shields.io/badge/Keras-green"/></a>
|
82
|
+
QAT (Quantization Aware Training) | High | High (~12-36 GPU hours) | [QAT API](https://sony.github.io/model_optimization/docs/api/api_docs/index.html#qat) | <a href="https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_qat.ipynb"><img src="https://img.shields.io/badge/Keras-green"/></a>
|
83
83
|
|
84
84
|
</p>
|
85
85
|
</div>
|
86
86
|
|
87
87
|
For each flow, **Quantization core** utilizes various algorithms and hyper-parameters for optimal [hardware-aware](https://github.com/sony/model_optimization/blob/main/model_compression_toolkit/target_platform_capabilities/README.md) quantization results.
|
88
|
-
For further details, please see [Supported features and algorithms](#
|
88
|
+
For further details, please see [Supported features and algorithms](#high-level-features-and-techniques).
|
89
89
|
|
90
90
|
Required input:
|
91
91
|
- Floating point model - 32bit model in either .pt or .keras format
|
@@ -98,7 +98,45 @@ Required input:
|
|
98
98
|
</p>
|
99
99
|
</div>
|
100
100
|
|
101
|
-
|
101
|
+
## <div align="center">High level features and techniques</div>
|
102
|
+
|
103
|
+
MCT offers a range of powerful features to optimize models for efficient edge deployment. These supported features include:
|
104
|
+
|
105
|
+
### Quantization Core Features
|
106
|
+
|
107
|
+
🏆 **Mixed-precision search** [](https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/pytorch/example_pytorch_mixed_precision_ptq.ipynb). Assigning optimal quantization bit-width per layer (for weights/activations)
|
108
|
+
|
109
|
+
📈 **Graph optimizations**.
|
110
|
+
Transforming the model to be best fitted for quantization process.
|
111
|
+
|
112
|
+
🔎 **Quantization parameter search** [](https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_activation_threshold_search.ipynb). Minimizing expected quantization-noise during thresholds search using methods such as MSE, No-Clipping and MAE.
|
113
|
+
|
114
|
+
🧮 **Advanced quantization algorithms** [](https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_activation_z_score_threshold.ipynb). Enhancing quantization performance for advanced cases is available with some algorithms that can be applied, such as Shift negative correction, Outliers filtering and clustering.
|
115
|
+
__________________________________________________________________________________________________________
|
116
|
+
### Hardware-aware optimization
|
117
|
+
|
118
|
+
🎯 **TPC (Target Platform Capabilities)**. Describes the target hardware’s constrains, for which the model optimization is targeted. See [TPC Readme](./model_compression_toolkit/target_platform_capabilities/README.md) for more information.
|
119
|
+
__________________________________________________________________________________________________________
|
120
|
+
### Data-free quantization (Data Generation) [](https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/pytorch/example_pytorch_data_generation.ipynb)
|
121
|
+
Generates synthetic images based on the statistics stored in the model's batch normalization layers, according to your specific needs, for when image data isn’t available. See [Data Generation Library](https://github.com/sony/model_optimization/blob/main/model_compression_toolkit/data_generation/README.md) for more.
|
122
|
+
__________________________________________________________________________________________________________
|
123
|
+
### Structured Pruning [](https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/pytorch/example_pytorch_pruning_mnist.ipynb)
|
124
|
+
Reduces model size/complexity and ensures better channels utilization by removing redundant input channels from layers and reconstruction of layer weights. Read more ([Pytorch API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/pytorch_pruning_experimental.html) / [Keras API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/keras_pruning_experimental.html)).
|
125
|
+
__________________________________________________________________________________________________________
|
126
|
+
### **Debugging and Visualization**
|
127
|
+
**🎛️ Network Editor (Modify Quantization Configurations)** [](https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/keras/example_keras_network_editor.ipynb).
|
128
|
+
Modify your model's quantization configuration for specific layers or apply a custom edit rule (e.g adjust layer's bit-width) using MCT’s network editor
|
129
|
+
|
130
|
+
**🖥️ Visualization**. Observe useful information for troubleshooting the quantized model's performance using TensorBoard. [Read more](https://sony.github.io/model_optimization/docs/guidelines/visualization.html).
|
131
|
+
|
132
|
+
**🔑 XQuant (Explainable Quantization)** [](https://colab.research.google.com/github/sony/model_optimization/blob/main/tutorials/notebooks/mct_features_notebooks/pytorch/example_pytorch_xquant.ipynb). Get valuable insights regarding the quality and success of the quantization process of your model. The report includes histograms and similarity metrics between the original float model and the quantized model in key points of the model. The report can be visualized using TensorBoard.
|
133
|
+
__________________________________________________________________________________________________________
|
134
|
+
### Enhanced Post-Training Quantization (EPTQ)
|
135
|
+
As part of the GPTQ capability, we provide an advanced optimization algorithm called EPTQ.
|
136
|
+
The specifications of the algorithm are detailed in the paper: _"**EPTQ: Enhanced Post-Training Quantization via Hessian-guided Network-wise Optimization**"_ [4].
|
137
|
+
More details on how to use EPTQ via MCT can be found in the [GPTQ guidelines](https://github.com/sony/model_optimization/blob/main/model_compression_toolkit/gptq/README.md).
|
138
|
+
|
139
|
+
## <div align="center">Resources</div>
|
102
140
|
* [User Guide](https://sony.github.io/model_optimization/docs/index.html) contains detailed information about MCT and guides you from installation through optimizing models for your edge AI applications.
|
103
141
|
|
104
142
|
* MCT's [API Docs](https://sony.github.io/model_optimization/docs/api/api_docs/) is seperated per quantization methods:
|
@@ -112,7 +150,7 @@ Required input:
|
|
112
150
|
* [Release notes](https://github.com/sony/model_optimization/releases)
|
113
151
|
|
114
152
|
|
115
|
-
|
153
|
+
## <div align="center">Supported Versions</div>
|
116
154
|
|
117
155
|
Currently, MCT is being tested on various Python, Pytorch and TensorFlow versions:
|
118
156
|
<details id="supported-versions">
|
@@ -133,76 +171,13 @@ Currently, MCT is being tested on various Python, Pytorch and TensorFlow version
|
|
133
171
|
|
134
172
|
</details>
|
135
173
|
|
136
|
-
##
|
137
|
-
MCT offers a range of powerful features to optimize neural network models for efficient deployment. These supported features include:
|
138
|
-
|
139
|
-
### Data Generation [*](https://github.com/sony/model_optimization?tab=readme-ov-file#experimental-features)
|
140
|
-
MCT provides tools for generating synthetic images based on the statistics stored in a model's batch normalization layers. These generated images are valuable for various compression tasks where image data is required, such as quantization and pruning.
|
141
|
-
You can customize data generation configurations to suit your specific needs. [Go to the Data Generation page.](https://github.com/sony/model_optimization/blob/main/model_compression_toolkit/data_generation/README.md)
|
142
|
-
|
143
|
-
### Quantization
|
144
|
-
MCT supports different quantization methods:
|
145
|
-
* Post-training quantization (PTQ): [Keras API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/keras_post_training_quantization.html), [PyTorch API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/pytorch_post_training_quantization.html)
|
146
|
-
* Gradient-based post-training quantization (GPTQ): [Keras API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/keras_gradient_post_training_quantization.html), [PyTorch API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/pytorch_gradient_post_training_quantization.html)
|
147
|
-
* Quantization-aware training (QAT) [*](https://github.com/sony/model_optimization?tab=readme-ov-file#experimental-features)
|
148
|
-
|
149
|
-
|
150
|
-
| Quantization Method | Complexity | Computational Cost |
|
151
|
-
|-----------------------------------------------|------------|-----------------------------|
|
152
|
-
| PTQ | Low | Low (~CPU minutes) |
|
153
|
-
| GPTQ (parameters fine-tuning using gradients) | Moderate | Moderate (~1-3 GPU hours) |
|
154
|
-
| QAT | High | High (~12-36 GPU hours) |
|
155
|
-
|
156
|
-
|
157
|
-
In addition, MCT supports different quantization schemes for quantizing weights and activations:
|
158
|
-
|
159
|
-
* Power-Of-Two (hardware-friendly quantization [1])
|
160
|
-
* Symmetric
|
161
|
-
* Uniform
|
162
|
-
|
163
|
-
Main features:
|
164
|
-
* <ins>Graph optimizations:</ins> Transforming the model to an equivalent (yet, more efficient) model (for example, batch-normalization layer folding to its preceding linear layer).
|
165
|
-
* <ins>Quantization parameter search:</ins> Different methods can be used to minimize the expected added quantization-noise during thresholds search (by default, we use Mean-Square-Error, but other metrics can be used such as No-Clipping, Mean-Average-Error, and more).
|
166
|
-
* <ins>Advanced quantization algorithms:</ins> To prevent a performance degradation some algorithms are applied such as:
|
167
|
-
* <ins>Shift negative correction:</ins> Symmetric activation quantization can hurt the model's performance when some layers output both negative and positive activations, but their range is asymmetric. For more details please visit [1].
|
168
|
-
* <ins>Outliers filtering:</ins> Computing z-score for activation statistics to detect and remove outliers.
|
169
|
-
* <ins>Clustering:</ins> Using non-uniform quantization grid to quantize the weights and activations to match their distributions.[*](https://github.com/sony/model_optimization?tab=readme-ov-file#experimental-features)
|
170
|
-
* <ins>Mixed-precision search:</ins> Assigning quantization bit-width per layer (for weights/activations), based on the layer's sensitivity to different bit-widths.
|
171
|
-
* <ins>Visualization:</ins> You can use TensorBoard to observe useful information for troubleshooting the quantized model's performance (for example, the model in different phases of the quantization, collected statistics, similarity between layers of the float and quantized model and bit-width configuration for mixed-precision quantization). For more details, please read the [visualization documentation](https://sony.github.io/model_optimization/docs/guidelines/visualization.html).
|
172
|
-
* <ins>Target Platform Capabilities:</ins> The Target Platform Capabilities (TPC) describes the target platform (an edge device with dedicated hardware). For more details, please read the [TPC README](https://github.com/sony/model_optimization/blob/main/model_compression_toolkit/target_platform_capabilities/README.md).
|
173
|
-
|
174
|
-
### Enhanced Post-Training Quantization (EPTQ)
|
175
|
-
As part of the GPTQ we provide an advanced optimization algorithm called EPTQ.
|
176
|
-
|
177
|
-
The specifications of the algorithm are detailed in the paper: _"**EPTQ: Enhanced Post-Training Quantization via Label-Free Hessian**"_ [4].
|
178
|
-
|
179
|
-
More details on the how to use EPTQ via MCT can be found in the [EPTQ guidelines](https://github.com/sony/model_optimization/blob/main/model_compression_toolkit/gptq/README.md).
|
180
|
-
|
181
|
-
|
182
|
-
### Structured Pruning [*](https://github.com/sony/model_optimization?tab=readme-ov-file#experimental-features)
|
183
|
-
MCT introduces a structured and hardware-aware model pruning.
|
184
|
-
This pruning technique is designed to compress models for specific hardware architectures,
|
185
|
-
taking into account the target platform's Single Instruction, Multiple Data (SIMD) capabilities.
|
186
|
-
By pruning groups of channels (SIMD groups), our approach not only reduces model size
|
187
|
-
and complexity, but ensures that better utilization of channels is in line with the SIMD architecture
|
188
|
-
for a target Resource Utilization of weights memory footprint.
|
189
|
-
[Keras API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/keras_pruning_experimental.html)
|
190
|
-
[Pytorch API](https://sony.github.io/model_optimization/docs/api/api_docs/methods/pytorch_pruning_experimental.html)
|
191
|
-
|
192
|
-
#### Experimental features
|
193
|
-
|
194
|
-
Some features are experimental and subject to future changes.
|
195
|
-
|
196
|
-
For more details, we highly recommend visiting our project website where experimental features are mentioned as experimental.
|
197
|
-
|
198
|
-
|
199
|
-
## Results
|
174
|
+
## <div align="center">Results</div>
|
200
175
|
|
201
176
|
<p align="center">
|
202
|
-
<img src="/docsrc/images/Classification.png" width="
|
203
|
-
<img src="/docsrc/images/SemSeg.png" width="
|
204
|
-
<img src="/docsrc/images/PoseEst.png" width="
|
205
|
-
<img src="/docsrc/images/ObjDet.png" width="
|
177
|
+
<img src="/docsrc/images/Classification.png" width="200">
|
178
|
+
<img src="/docsrc/images/SemSeg.png" width="200">
|
179
|
+
<img src="/docsrc/images/PoseEst.png" width="200">
|
180
|
+
<img src="/docsrc/images/ObjDet.png" width="200">
|
206
181
|
|
207
182
|
### Pytorch
|
208
183
|
We quantized classification networks from the torchvision library.
|
@@ -223,7 +198,7 @@ single-precision quantization, mixed-precision quantization, and mixed-precision
|
|
223
198
|
|
224
199
|
For more results, please see [1]
|
225
200
|
|
226
|
-
|
201
|
+
### Pruning Results
|
227
202
|
|
228
203
|
Results for applying pruning to reduce the parameters of the following models by 50%:
|
229
204
|
|
@@ -232,7 +207,7 @@ Results for applying pruning to reduce the parameters of the following models by
|
|
232
207
|
| ResNet50 [2] | 75.1 | 72.4 |
|
233
208
|
| DenseNet121 [3] | 74.44 | 71.71 |
|
234
209
|
|
235
|
-
## Troubleshooting and Community
|
210
|
+
## <div align="center">Troubleshooting and Community</div>
|
236
211
|
|
237
212
|
If you encountered large accuracy degradation with MCT, check out the [Quantization Troubleshooting](https://github.com/sony/model_optimization/tree/main/quantization_troubleshooting.md)
|
238
213
|
for common pitfalls and some tools to improve quantized model's accuracy.
|
@@ -242,18 +217,18 @@ Check out the [FAQ](https://github.com/sony/model_optimization/tree/main/FAQ.md)
|
|
242
217
|
You are welcome to ask questions and get support on our [issues section](https://github.com/sony/model_optimization/issues) and manage community discussions under [discussions section](https://github.com/sony/model_optimization/discussions).
|
243
218
|
|
244
219
|
|
245
|
-
## Contributions
|
220
|
+
## <div align="center">Contributions</div>
|
246
221
|
MCT aims at keeping a more up-to-date fork and welcomes contributions from anyone.
|
247
222
|
|
248
223
|
*Checkout our [Contribution guide](https://github.com/sony/model_optimization/blob/main/CONTRIBUTING.md) for more details.
|
249
224
|
|
250
225
|
|
251
|
-
## License
|
226
|
+
## <div align="center">License</div>
|
252
227
|
MCT is licensed under Apache License Version 2.0. By contributing to the project, you agree to the license and copyright terms therein and release your contribution under these terms.
|
253
228
|
|
254
229
|
<a href="https://github.com/sony/model_optimization/blob/main/LICENSE.md"><img src="https://img.shields.io/badge/license-Apache%202.0-blue" /></a>
|
255
230
|
|
256
|
-
## References
|
231
|
+
## <div align="center">References</div>
|
257
232
|
|
258
233
|
[1] Habi, H.V., Peretz, R., Cohen, E., Dikstein, L., Dror, O., Diamant, I., Jennings, R.H. and Netzer, A., 2021. [HPTQ: Hardware-Friendly Post Training Quantization. arXiv preprint](https://arxiv.org/abs/2109.09113).
|
259
234
|
|
@@ -261,6 +236,6 @@ MCT is licensed under Apache License Version 2.0. By contributing to the project
|
|
261
236
|
|
262
237
|
[3] [TORCHVISION.MODELS](https://pytorch.org/vision/stable/models.html)
|
263
238
|
|
264
|
-
[4] Gordon, O., Habi, H. V., & Netzer, A.,
|
239
|
+
[4] Gordon, O., Cohen, E., Habi, H. V., & Netzer, A., 2024. [EPTQ: Enhanced Post-Training Quantization via Hessian-guided Network-wise Optimization. arXiv preprint](https://arxiv.org/abs/2309.11531)
|
265
240
|
|
266
241
|
|
{mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/RECORD
RENAMED
@@ -1,4 +1,4 @@
|
|
1
|
-
model_compression_toolkit/__init__.py,sha256=
|
1
|
+
model_compression_toolkit/__init__.py,sha256=LtqmejEQcQLXceDuGvAmjezjSZB8czuS4kfbMbUzF7k,1573
|
2
2
|
model_compression_toolkit/constants.py,sha256=i4wYheBkIdQmsQA-axIpcT3YiSO1USNc-jaNiNE8w6E,3920
|
3
3
|
model_compression_toolkit/defaultdict.py,sha256=LSc-sbZYXENMCw3U9F4GiXuv67IKpdn0Qm7Fr11jy-4,2277
|
4
4
|
model_compression_toolkit/logger.py,sha256=3DByV41XHRR3kLTJNbpaMmikL8icd9e1N-nkQAY9oDk,4567
|
@@ -558,8 +558,8 @@ model_compression_toolkit/xquant/pytorch/model_analyzer.py,sha256=b93o800yVB3Z-i
|
|
558
558
|
model_compression_toolkit/xquant/pytorch/pytorch_report_utils.py,sha256=bOc-hFL3gdoSM1Th_S2N_-9JJSlPGpZCTx_QLJHS6lg,3388
|
559
559
|
model_compression_toolkit/xquant/pytorch/similarity_functions.py,sha256=CERxq5K8rqaiE-DlwhZBTUd9x69dtYJlkHOPLB54vm8,2354
|
560
560
|
model_compression_toolkit/xquant/pytorch/tensorboard_utils.py,sha256=mkoEktLFFHtEKzzFRn_jCnxjhJolK12TZ5AQeDHzUO8,9767
|
561
|
-
mct_nightly-2.2.0.
|
562
|
-
mct_nightly-2.2.0.
|
563
|
-
mct_nightly-2.2.0.
|
564
|
-
mct_nightly-2.2.0.
|
565
|
-
mct_nightly-2.2.0.
|
561
|
+
mct_nightly-2.2.0.20241119.516.dist-info/LICENSE.md,sha256=aYSSIb-5AFPeITTvXm1UAoe0uYBiMmSS8flvXaaFUks,10174
|
562
|
+
mct_nightly-2.2.0.20241119.516.dist-info/METADATA,sha256=-P-wCECFkhsiwVycbvgMYHIWF8OEJLWA_watkr62kFs,26472
|
563
|
+
mct_nightly-2.2.0.20241119.516.dist-info/WHEEL,sha256=bFJAMchF8aTQGUgMZzHJyDDMPTO3ToJ7x23SLJa1SVo,92
|
564
|
+
mct_nightly-2.2.0.20241119.516.dist-info/top_level.txt,sha256=gsYA8juk0Z-ZmQRKULkb3JLGdOdz8jW_cMRjisn9ga4,26
|
565
|
+
mct_nightly-2.2.0.20241119.516.dist-info/RECORD,,
|
@@ -27,4 +27,4 @@ from model_compression_toolkit import data_generation
|
|
27
27
|
from model_compression_toolkit import pruning
|
28
28
|
from model_compression_toolkit.trainable_infrastructure.keras.load_model import keras_load_quantized_model
|
29
29
|
|
30
|
-
__version__ = "2.2.0.
|
30
|
+
__version__ = "2.2.0.20241119.000516"
|
{mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/LICENSE.md
RENAMED
File without changes
|
File without changes
|
{mct_nightly-2.2.0.20241117.603.dist-info → mct_nightly-2.2.0.20241119.516.dist-info}/top_level.txt
RENAMED
File without changes
|