vector-quantization
There are 104 repositories under vector-quantization topic.
lucidrains/vector-quantize-pytorch
Vector (and Scalar) Quantization, in Pytorch
JustGlowing/minisom
:red_circle: MiniSom is a minimalistic implementation of the Self Organizing Maps
ByteVisionLab/TokenFlow
[CVPR 2025] 🔥 Official impl. of "TokenFlow: Unified Image Tokenizer for Multimodal Understanding and Generation".
TencentARC/VQFR
ECCV 2022, Oral, VQFR: Blind Face Restoration with Vector-Quantized Dictionary and Parallel Decoder
youngsheen/SimVQ
[ICCV 2025] SimVQ: Addressing Representation Collapse in Vector Quantized Models with One Linear Layer
jina-ai/annlite
⚡ A fast embedded library for approximate nearest neighbor search
sony/sqvae
Pytorch implementation of stochastically quantized variational autoencoder (SQ-VAE)
lucidrains/titok-pytorch
Implementation of TiTok, proposed by Bytedance in "An Image is Worth 32 Tokens for Reconstruction and Generation"
ByteVisionLab/DetailFlow
🔥 Official impl. of "DetailFlow: 1D Coarse-to-Fine Autoregressive Image Generation via Next-Detail Prediction"
uber-research/permute-quantize-finetune
Using ideas from product quantization for state-of-the-art neural network compression.
ML4ITS/TimeVQVAE
[official] PyTorch implementation of TimeVQVAE from the paper ["Vector Quantized Time Series Generation with a Bidirectional Prior Model", AISTATS 2023]
yzGuu830/efficient-speech-codec
[EMNLP 2024] ESC: Efficient Speech Coding with Cross-Scale Residual Vector Quantized Transformers
siyuhuang/QuantArt
Official PyTorch implementation of QuantArt (CVPR2023)
lucadellalib/focalcodec
A low-bitrate single-codebook 16 kHz speech codec based on focal modulation
1Konny/VQ-VAE
Pytorch Implementation of "Neural Discrete Representation Learning"
DiceTechJobs/VectorsInSearch
Dice.com repo to accompany the dice.com 'Vectors in Search' talk by Simon Hughes, from the Activate 2018 search conference, and the 'Searching with Vectors' talk from Haystack 2019 (US). Builds upon my conceptual search and semantic search work from 2015
Neur-IO/OptVQ
Towards training VQ-VAE models robustly!
xinyandai/product-quantization
Implementation of vector quantization algorithms, codes for Norm-Explicit Quantization: Improving Vector Quantization for Maximum Inner Product Search.
Neur-IO/ReVQ
Explore how to get a VQ-VAE models efficiently!
ciodar/deep-compression
PyTorch Lightning implementation of the paper Deep Compression: Compressing Deep Neural Networks with Pruning, Trained Quantization and Huffman Coding. This repository allows to reproduce the main findings of the paper on MNIST and Imagenette datasets.
GoGoDuck912/pytorch-vector-quantization
A Pytorch Implementations for Various Vector Quantization Methods
Spark001/VQ-TensoRF
VQ-TensoRF --- Official implementation of our CVPR 2023 paper "Compressing Volumetric Radiance Fields to 1 MB"
LabShuHangGU/MVAR
MVAR: Visual Autoregressive Modeling with Scale and Spatial Markovian Conditioning
samsad35/VQ-MAE-S-code
A Vector Quantized Masked AutoEncoder for speech emotion recognition
pjyazdian/Gesture2Vec
This is an official PyTorch implementation of "Gesture2Vec: Clustering Gestures using Representation Learning Methods for Co-speech Gesture Generation" (IROS 2022).
multimediamike/dreamroq
A RoQ video playback system for the Sega Dreamcast video game console
Nikolai10/FSQ
TensorFlow implementation of "Finite Scalar Quantization: VQ-VAE Made Simple" (ICLR 2024)
swasun/VQ-VAE-Images
PyTorch implementation of VQ-VAE applied on CIFAR10 dataset
theAdamColton/vq-clip
Train vector quantized CLIP models using pytorch lightning
learning2hash/learning2hash.github.io
Curated website for Awesome Learning to Hash, featuring research papers, resources, and tools on learning to hash, approximate nearest neighbor (ANN) search, and vector quantization.
xinyandai/similarity-search
A framework for index based similarity search.
gittar/k-means-u-star
implementation of the k-means-u* clustering algorithm
habedi/vq
A vector quantization library for Rust :crab:
aidanscannell/iqrl
iQRL: implicitly Quantized Representations for Sample-efficient Reinforcement Learning
gtiwari333/speech-recognition-java-hidden-markov-model-vq-mfcc
Automatically exported from code.google.com/p/speech-recognition-java-hidden-markov-model-vq-mfcc
baoy-nlp/CNAT
Non-autoregressive Translation by Learning Target Categorical Codes