quantized-neural-networks
There are 48 repositories under quantized-neural-networks topic.
tensorflow/model-optimization
A toolkit to optimize ML models for deployment for Keras and TensorFlow, including quantization and pruning.
larq/larq
An Open-Source Library for Training Binarized Neural Networks
google/qkeras
QKeras: a quantization deep learning library for Tensorflow Keras
hailo-ai/hailo_model_zoo
The Hailo Model Zoo includes pre-trained models and a full building and evaluation environment
BUG1989/caffe-int8-convert-tools
Generate a quantization parameter file for ncnn framework int8 inference
Zhen-Dong/HAWQ
Quantization library for PyTorch. Support low-precision and mixed-precision quantization, with hardware implementation through TVM.
amirgholami/ZeroQ
[CVPR'20] ZeroQ: A Novel Zero Shot Quantization Framework
fastmachinelearning/qonnx
QONNX: Arbitrary-Precision Quantized Neural Networks in ONNX
EEESlab/mobilenet_v1_stm32_cmsis_nn
Mobilenet v1 trained on Imagenet for STM32 using extended CMSIS-NN with INT-Q quantization support
Enderdead/Pytorch_Quantize_impls
Some recent Quantizing techniques on PyTorch
megvii-research/megvii-tsinghua-dl-course
Slides with modifications for a course at Tsinghua University.
Zhen-Dong/BitPack
BitPack is a practical tool to efficiently save ultra-low precision/mixed-precision quantized models.
htqin/QuantSR
[NeurIPS 2023 Spotlight] This project is the official implementation of our accepted NeurIPS 2023 (spotlight) paper QuantSR: Accurate Low-bit Quantization for Efficient Image Super-Resolution.
mrusci/training-mixed-precision-quantized-networks
This repository containts the pytorch scripts to train mixed-precision networks for microcontroller deployment, based on the memory contraints of the target device.
EEESlab/CMix-NN
CMix-NN: Mixed Low-Precision CNN Library for Memory-Constrained Edge Devices
tca19/near-lossless-binarization
This repository contains source code to binarize any real-value word embeddings into binary vectors.
sefaburakokcu/quantized-yolov5
Low Precision(quantized) Yolov5
McDonnell-Research-Lab/1-bit-per-weight
Training wide residual networks for deployment using a single bit for each weight - Official Code Repository for ICLR 2018 Published Paper
zhaohui-yang/Binary-Neural-Networks
Binary neural networks developed by Huawei Noah's Ark Lab
LISTENAI/linger
a CSK serial based train tools, rely on pytorch
yashkant/quantized-nets
Contains code for Binary, Ternary, N-bit Quantized and Hybrid CNNs for low precision experiments.
anderspkd/SecureQ8
Input scripts for securely evaluating quantized ImageNet models with mp-spdz
UIC-InDeXLab/RSR
An Efficient Matrix Multiplication Algorithm for Accelerating Inference in Binary and Ternary Neural Networks
mobilint/mblt-model-zoo
Mobilint Model Zoo Project
kartikgupta-at-anu/md-bnn
Code implementation of our AISTATS'21 paper "Mirror Descent View for Neural Network Quantization"
yashkant/enas-quantized-nets
Efficient Neural Architecture Search coupled with Quantized CNNs to search for resource efficient and accurate architectures.
akashlevy/RRAM-Stuck-At-NN-Modeling
Modeling stuck-at faults for RRAM inference on popular neural networks after quantization
alessandrocapotondi/MobileNet_v1_x_cube_ai_4.1.0
Mobilenet v1 (3,160,160, alpha=0.25, and 3,192,192, alpha=0.5) on STM32H7 using X-CUBE-AI v4.1.0
McDonnell-Research-Lab/DCASE2020_Task1b
DCASE 2020 Challenge Task 1B - Low-Complexity Acoustic Scene Classification
kartikgupta-at-anu/attack-bnn
Code implementation of our AAAI'22 paper "Improved Gradient-Based Adversarial Attacks for Quantized Networks"
anderspkd/tf_train_quantized
Quantized training using Keras
heydarimo/VQ-VAE
In this project, we have implemented the VQ-VAE algorithm on both MNIST and CIFAR10 datasets considering MSELOSS and also NLLLOSE.
Loki-Silvres/Autonomous-Driving-B3RB-buggy
Autonomous Driving project for exploration of robotic perception, sensor fusion and autonomous navigation.
b1shtream/Accelerating_DNNs_On_FPGAs_Papers
Curated list of Deep Neural Networks on FPGAs research papers
cedard234/Grayscale_Verilog_Converter
A python-based utility to convert a grayscale image into verilog code.