GitHub topics: quantized-neural-networks
tensorflow/model-optimization
A toolkit to optimize ML models for deployment for Keras and TensorFlow, including quantization and pruning.
Language: Python - Size: 2.22 MB - Last synced at: 2 days ago - Pushed at: 4 months ago - Stars: 1,535 - Forks: 327

google/qkeras
QKeras: a quantization deep learning library for Tensorflow Keras
Language: Python - Size: 1.53 MB - Last synced at: 5 days ago - Pushed at: 2 months ago - Stars: 567 - Forks: 108

larq/larq
An Open-Source Library for Training Binarized Neural Networks
Language: Python - Size: 1020 KB - Last synced at: 3 days ago - Pushed at: 10 months ago - Stars: 720 - Forks: 86

hailo-ai/hailo_model_zoo
The Hailo Model Zoo includes pre-trained models and a full building and evaluation environment
Language: Python - Size: 5.83 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 451 - Forks: 58

fastmachinelearning/qonnx
QONNX: Arbitrary-Precision Quantized Neural Networks in ONNX
Language: Python - Size: 5.36 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 149 - Forks: 46

LISTENAI/linger
a CSK serial based train tools, rely on pytorch
Language: Python - Size: 22.7 MB - Last synced at: 9 days ago - Pushed at: 12 months ago - Stars: 25 - Forks: 6

yashkant/enas-quantized-nets
Efficient Neural Architecture Search coupled with Quantized CNNs to search for resource efficient and accurate architectures.
Language: Python - Size: 15 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 2

BUG1989/caffe-int8-convert-tools
Generate a quantization parameter file for ncnn framework int8 inference
Language: Python - Size: 622 KB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 519 - Forks: 154

Loki-Silvres/Autonomous-Driving-B3RB-buggy
Autonomous Driving project for exploration of robotic perception, sensor fusion and autonomous navigation.
Language: Python - Size: 426 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 1

harshshah37/Quantized-NSFW-Classifier
This repository contains code for quantization-based NSFW classification models.
Language: Jupyter Notebook - Size: 86.6 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

akashlevy/RRAM-Stuck-At-NN-Modeling
Modeling stuck-at faults for RRAM inference on popular neural networks after quantization
Language: Python - Size: 40 MB - Last synced at: 2 days ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 1

egorsmkv/optimized-whisper-intel
Run quantized Whisper models only on CPU with Intel hardware
Language: Python - Size: 409 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

yashkant/quantized-nets
Contains code for Binary, Ternary, N-bit Quantized and Hybrid CNNs for low precision experiments.
Language: Python - Size: 43.9 KB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 7

mtwchuang/CSC3001-QLLMChaining
QLLMChain is an AI Chatbot prototype designed to enable users to interact with data easily. The application leverages quantised locally deployed large language models to power information retrieval and interpretation, turning natural language prompts into SQL statements, text summaries, and Python visualisations.
Language: Python - Size: 1.07 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

BGUCompSci/CNNQuantizationThroughPDEs
Code repository for the paper Quantized Convolutional Neural Networks Through the Lens of Partial Differential Equations
Language: Python - Size: 219 KB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

htqin/QuantSR
This project is the official implementation of our accepted NeurIPS 2023 (spotlight) paper QuantSR: Accurate Low-bit Quantization for Efficient Image Super-Resolution.
Language: Python - Size: 9.75 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 31 - Forks: 2

heydarimo/VQ-VAE
In this project, we have implemented the VQ-VAE algorithm on both MNIST and CIFAR10 datasets considering MSELOSS and also NLLLOSE.
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: 9 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

stracini-git/qnn
Training neural nets with quantized weights on arbitrarily specified bit-depth
Language: Python - Size: 1.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

Enderdead/Pytorch_Quantize_impls
Some recent Quantizing techniques on PyTorch
Language: Python - Size: 190 KB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 72 - Forks: 10

timeless-spark/CNN-accelerator
Exercises on HW acceleration of quantized neural networks for the course Integrated Systems Architecture at PoliTo
Language: Python - Size: 107 MB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

sefaburakokcu/quantized-yolov5
Low Precision(quantized) Yolov5
Language: Python - Size: 9.38 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 24 - Forks: 5

Zhen-Dong/HAWQ
Quantization library for PyTorch. Support low-precision and mixed-precision quantization, with hardware implementation through TVM.
Language: Python - Size: 691 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 361 - Forks: 80

amirgholami/ZeroQ
[CVPR'20] ZeroQ: A Novel Zero Shot Quantization Framework
Language: Python - Size: 5.47 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 258 - Forks: 52

EEESlab/CMix-NN
CMix-NN: Mixed Low-Precision CNN Library for Memory-Constrained Edge Devices
Language: C - Size: 166 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 32 - Forks: 8

tca19/near-lossless-binarization
This repository contains source code to binarize any real-value word embeddings into binary vectors.
Language: C - Size: 165 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 45 - Forks: 8

cedard234/Grayscale_Verilog_Converter
A python-based utility to convert a grayscale image into verilog code.
Language: Python - Size: 55.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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.
Language: Python - Size: 30.3 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 45 - Forks: 12

EEESlab/mobilenet_v1_stm32_cmsis_nn
Mobilenet v1 trained on Imagenet for STM32 using extended CMSIS-NN with INT-Q quantization support
Language: C - Size: 1.56 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 81 - Forks: 29

YukeWang96/APNN-TC_SC21 Fork of BoyuanFeng/APNN-TC
Artifact for SC21: APNN-TC: Accelerating Arbitrary Precision Neural Networks on Ampere GPU Tensor Cores.
Size: 67.6 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

vadimkantorov/fastmlp
[WIP] PyTorch bindings for cublasLt with an example of quantized i8f16 MLP
Size: 1000 Bytes - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

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
Language: C - Size: 3.52 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 2

harsh306/ml-engg
MACHINE LEARNING AND DEEP LEARNING ENGG SKILLS
Language: Python - Size: 13.7 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

sadjadasadi/quantize-ResNet
Check the effect of quantization on ResNets architecture
Language: MATLAB - Size: 582 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Zhen-Dong/BitPack
BitPack is a practical tool to efficiently save ultra-low precision/mixed-precision quantized models.
Language: Python - Size: 163 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 37 - Forks: 8

kartikgupta-at-anu/attack-bnn
Code implementation of our AAAI'22 paper "Improved Gradient-Based Adversarial Attacks for Quantized Networks"
Language: Python - Size: 27.3 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 2

frankwillard/Graduate-Deep-Neural-Nets-Homework
Homework for Graduate Deep Learning Course
Language: Jupyter Notebook - Size: 9.57 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

megvii-research/megvii-tsinghua-dl-course
Slides with modifications for a course at Tsinghua University.
Size: 20.6 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 48 - Forks: 2

zhaohui-yang/Binary-Neural-Networks
Binary neural networks developed by Huawei Noah's Ark Lab
Language: Python - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 8

anderspkd/SecureQ8
Input scripts for securely evaluating quantized ImageNet models with mp-spdz
Language: Python - Size: 1.14 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 3

anderspkd/tf_train_quantized
Quantized training using Keras
Language: Python - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

spallanzanimatteo/QuantLab
Language: Shell - Size: 375 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 3
