zero-shot-classification
There are 119 repositories under zero-shot-classification topic.
mlfoundations/open_clip
An open source implementation of CLIP.
roboflow/notebooks
A collection of tutorials on state-of-the-art computer vision models and techniques. Explore everything from foundational architectures like ResNet to cutting-edge models like YOLO11, RT-DETR, SAM 2, Florence-2, PaliGemma 2, and Qwen2.5VL.
OpenGVLab/InternVideo
[ECCV2024] Video Foundation Models & Data for Multimodal Understanding
diffusion-classifier/diffusion-classifier
Diffusion Classifier leverages pretrained diffusion models to perform zero-shot classification without additional training
nlpodyssey/cybertron
Cybertron: the home planet of the Transformers in Go
UCSC-VLAA/CLIPA
[NeurIPS 2023] This repository includes the official implementation of our paper "An Inverse Scaling Law for CLIP Training"
Colin97/OpenShape_code
official code of “OpenShape: Scaling Up 3D Shape Representation Towards Open-World Understanding”
LAION-AI/scaling-laws-openclip
Reproducible scaling laws for contrastive language-image learning (https://arxiv.org/abs/2212.07143)
salesforce/MUST
PyTorch code for MUST
zhengli97/ATPrompt
[ICCV 2025] Official PyTorch Code for "Advancing Textual Prompt Learning with Anchored Attributes"
HieuPhan33/CVPR2024_MAVL
Multi-Aspect Vision Language Pretraining - CVPR2024
Kardbord/hfapigo
Unofficial (Golang) Go bindings for the Hugging Face Inference API
elkhouryk/RS-TransCLIP
[ICASSP 2025] Open-source code for the paper "Enhancing Remote Sensing Vision-Language Models for Zero-Shot Scene Classification"
tmlr-group/WCA
[ICML 2024] "Visual-Text Cross Alignment: Refining the Similarity Score in Vision-Language Models"
encord-team/text-to-image-eval
Evaluate custom and HuggingFace text-to-image/zero-shot-image-classification models like CLIP, SigLIP, DFN5B, and EVA-CLIP. Metrics include Zero-shot accuracy, Linear Probe, Image retrieval, and KNN accuracy.
akshitac8/Generative_MLZSL
[TPAMI 2023] Generative Multi-Label Zero-Shot Learning
shiming-chen/MSDN
Official PyTorch Implementation of MSDN (CVPR'22)
rhysdg/vision-at-a-clip
Low-latency ONNX and TensorRT based zero-shot classification and detection with contrastive language-image pre-training based prompts
GT4SD/zero-shot-bert-adapters
Implementation of Z-BERT-A: a zero-shot pipeline for unknown intent detection.
anastasiia-p/airflow-ml
Airflow Pipeline for Machine Learning
filipbasara0/simple-clip
A minimal, but effective implementation of CLIP (Contrastive Language-Image Pretraining) in PyTorch
PrithivirajDamodaran/Alt-ZSC
Alternate Implementation for Zero Shot Text Classification: Instead of reframing NLI/XNLI, this reframes the text backbone of CLIP models to do ZSC. Hence, can be lightweight + supports more languages without trading-off accuracy. (Super simple, a 10th-grader could totally write this but since no 10th-grader did, I did) - Prithivi Da
ronaldseoh/atsc_prompts
Codes for the experiments in our EMNLP 2021 paper "Open Aspect Target Sentiment Classification with Natural Language Prompts"
UCSC-VLAA/MixCon3D
[CVPR 2024] The official implementation of paper "Sculpting Holistic 3D Representation in Contrastive Language-Image-3D Pre-training"
baskargroup/BioTrove
NeurIPS 2024 Track on Datasets and Benchmarks (Spotlight)
pha123661/NTU-2022Fall-DLCV
Deep Learning for Computer Vision 深度學習於電腦視覺 by Frank Wang 王鈺強
mondalanindya/MSQNet
Actor-agnostic Multi-label Action Recognition with Multi-modal Query [ICCVW '23]
yueyu1030/ReGen
[ACL'23 Findings] This is the code repo for our ACL'23 Findings paper "ReGen: Zero-Shot Text Classification via Training Data Generation with Progressive Dense Retrieval".
HanaFEKI/AI_BasketBall_Analysis_v1
The system detects players and the ball with YOLO, assigns teams via zero-shot jersey classification, tracks ball possession, maps court keypoints, transforms the view to top-down, and calculates player speed and distance.
visresearch/DGMR
The official implementation of "Diversity-Guided MLP Reduction for Efficient Large Vision Transformers"
cloudera/CML_AMP_Few-Shot_Text_Classification
Perform topic classification on news articles in several limited-labeled data regimes.
CogComp/Benchmarking-Zero-shot-Text-Classification
Code for EMNLP2019 paper : "Benchmarking zero-shot text classification: datasets, evaluation and entailment approach"
VectorInstitute/mmlearn
A toolkit for research on multimodal representation learning
ytaek-oh/fsc-clip
[EMNLP 2024] Preserving Multi-Modal Capabilities of Pre-trained VLMs for Improving Vision-Linguistic Compositionality
JinhaoLee/WCA
[ICML 2024] Visual-Text Cross Alignment: Refining the Similarity Score in Vision-Language Models
KimRass/CLIP
PyTorch implementation of 'CLIP' (Radford et al., 2021) from scratch and training it on Flickr8k + Flickr30k