GitHub topics: few-shot-classifcation
HaoyuanYang-2023/ImagineFSL
Official implementation of "ImagineFSL: Self-Supervised Pretraining Matters on Imagined Base Set for VLM-based Few-shot Learning" [CVPR 2025 Highlight]
Language: Python - Size: 9.16 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 19 - Forks: 0

sicara/easy-few-shot-learning
Ready-to-use code and tutorial notebooks to boost your way into few-shot learning for image classification.
Language: Python - Size: 2.16 MB - Last synced at: 6 days ago - Pushed at: 10 months ago - Stars: 1,242 - Forks: 168

davidberenstein1957/classy-classification
This repository contains an easy and intuitive approach to few-shot classification using sentence-transformers or spaCy models, or zero-shot classification with Huggingface.
Language: Python - Size: 613 KB - Last synced at: 4 days ago - Pushed at: 8 months ago - Stars: 219 - Forks: 15

davidberenstein1957/concise-concepts
This repository contains an easy and intuitive approach to few-shot NER using most similar expansion over spaCy embeddings. Now with entity scoring.
Language: Python - Size: 13.5 MB - Last synced at: 2 days ago - Pushed at: about 2 years ago - Stars: 245 - Forks: 14

zhengli97/Awesome-Prompt-Adapter-Learning-for-VLMs
A curated list of awesome prompt/adapter learning methods for vision-language models like CLIP.
Size: 434 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 650 - Forks: 31

peymanbateni/simple-cnaps
Source codes for "Improved Few-Shot Visual Classification" (CVPR 2020), "Enhancing Few-Shot Image Classification with Unlabelled Examples" (WACV 2022), and "Beyond Simple Meta-Learning: Multi-Purpose Models for Multi-Domain, Active and Continual Few-Shot Learning" (SSRN Electronic Journal)
Language: Python - Size: 466 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 120 - Forks: 25

RubenBroekx/few-shot-face-classification
Library to recognise and classify faces.
Language: Python - Size: 58.4 MB - Last synced at: 15 days ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

imagine-laboratory/squeeze_every_bit
This is the official code for 'Squeeze Every Bit of Insight: Leveraging Few-shot Models with a Compact Support Set for Domain Transfer in Object Detection from Pineapple Fields' and 'Simple Object Detection Framework without Training' project.
Language: Python - Size: 13.5 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 2 - Forks: 0

PictSure/pictsure-library
The library for using PictSure, an In-Context-Learning based Image Classifier.
Language: Python - Size: 3.9 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 0

IRVLUTD/Proto-CLIP
Code release for Proto-CLIP: Vision-Language Prototypical Network for Few-Shot Learning | IROS 2024
Language: Python - Size: 69.1 MB - Last synced at: 21 days ago - Pushed at: 8 months ago - Stars: 46 - Forks: 6

dahyun-kang/renet
[ICCV'21] Official PyTorch implementation of Relational Embedding for Few-Shot Classification
Language: Python - Size: 1010 KB - Last synced at: 21 days ago - Pushed at: over 3 years ago - Stars: 120 - Forks: 16

sebischair/FusionSent
Repository of the ICNLSP 2024 paper "Efficient Few-shot Learning for Multi-label Classification of Scientific Documents with Many Classes"
Language: Python - Size: 204 KB - Last synced at: 13 days ago - Pushed at: 8 months ago - Stars: 17 - Forks: 0

HarishValliappan/Fewshot-PoseTransformer-ActionClassifier
Language: Jupyter Notebook - Size: 3.25 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ElmiraGhorbani/dynamic_prompting
Dynamic Few-Shot Prompting is a Python package that dynamically selects N samples that are contextually close to the user's task or query from a knowledge base (similar to RAG) to include in the prompt.
Language: Python - Size: 312 KB - Last synced at: 5 days ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 1

ShawnTing1/CDN4
Code release of CDN4: A Cross-View Deep Nearest Neighbor Neural Network for Fine-Grained Few Shot Classification
Language: Python - Size: 4.29 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 5 - Forks: 0

AlecioP/forms-classifier
Classification of documents from an image
Language: Python - Size: 21.5 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

waellejmi/few-shot-thermal-fault-classification
Few-Shot Learning for Thermal Image Classification of Induction Motors
Language: Jupyter Notebook - Size: 237 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

fork123aniket/Visual-Contrastive-Learning-for-Few-shot-Image-Classification
Implementation of Few-shot Binary Image Classification using Contrastive Learning-based Approach in PyTorch
Language: Python - Size: 200 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 0

Tobi-Tob/DataAugmentationDiffusionModels
The goal of this project is to improve data augmentation by incorporating a diffusion model, with a special focus on enriching semantic diversity. The Few-Shot Classification Performance is used as a metric for evaluating the implemented improvements.
Language: Jupyter Notebook - Size: 493 MB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

astra-vision/ProLIP
An extremely simple method for validation-free efficient adaptation of CLIP-like VLMs that is robust to the learning rate.
Language: Shell - Size: 3.9 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 24 - Forks: 2

yaoyao-liu/few-shot-classification-leaderboard
Leaderboards for few-shot image classification on miniImageNet, tieredImageNet, FC100, and CIFAR-FS.
Language: HTML - Size: 2.89 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 387 - Forks: 73

crisostomi/metric-few-shot-graph
Few-Shot Graph Classification via distance metric learning.
Language: Python - Size: 641 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 22 - Forks: 1

Chenguoz/SRE
Code Release of Exploring Sample Relationship for Few-Shot Classification
Language: Python - Size: 1.05 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

alevsandra/FSL_MER
Music emotion recognition with Few-Shot learning methods.
Language: Python - Size: 116 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

LouieYang/MCL
Code and data for paper https://arxiv.org/pdf/2106.05517.pdf (CVPR 2022)
Language: Python - Size: 9.78 MB - Last synced at: 10 months ago - Pushed at: about 3 years ago - Stars: 51 - Forks: 3

Jityan/SCLfewshot
The code for "SCL: Self-supervised contrastive learning for few-shot image classification"
Language: Python - Size: 25.4 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 8 - Forks: 1

mboudiaf/pytorch-meta-dataset
A non-official 100% PyTorch implementation of META-DATASET benchmark for few-shot classification
Language: Python - Size: 1.37 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 59 - Forks: 9

ZY-LIi/Diffusion_Enhanced_Masked_Autoencoder
Pre-training a Masked Autoencoder with the idea of Diffusion Models for Hyperspectral Image Classification.
Language: Python - Size: 14.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Jityan/sft
Code Repository for "SFT: Few-Shot Learning via Self-Supervised Feature Fusion With Transformer"
Language: Python - Size: 31.3 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Jityan/sslprotonet
Code Repository for "SSL-ProtoNet: Self-supervised Learning Prototypical Networks for few-shot learning"
Language: Python - Size: 27.3 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 13 - Forks: 3

wingatesv/IMAML-IDCG Fork of wyharveychen/CloserLookFewShot
This repository contains the source code for the IMAML-IDCG (ImageNet Model Agnostic Meta-learning for Invasive Ductal Carcinoma Grading)
Language: Jupyter Notebook - Size: 311 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

LefterisKyriazanos/intent-classifier-service
A GPT-based Intent classifier service that can be used to provide inferencing via HTTP with FastAPI
Language: Jupyter Notebook - Size: 560 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

CoffeeVampir3/llm_autotranslate
A demonstration repo for how to do automatic translation using local llms.
Language: Python - Size: 10.7 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

ZY-LIi/IEEE_TGRS_SPFormer
A slim implementation of Self-Pooling Transformer for hyperspectral image classification.
Language: Python - Size: 8.18 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 1

itl-ed/igre
NAACL2022 Interactive Symbol Grounding with Complex Referential Expressions
Language: Python - Size: 7.01 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

ShuoYang-1998/Few_Shot_Distribution_Calibration
[ICLR2021 Oral] Free Lunch for Few-Shot Learning: Distribution Calibration
Language: Python - Size: 423 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 466 - Forks: 70

COMP3340-2024-GP11/MMFewShot_Flower_Classification
Using Few Shot Learning (FSL) for image classification on Oxford 17 Flowers dataset. Part of HKU COMP3340 Group 10 Project (2023-24 Sem2).
Language: Python - Size: 4.83 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Dahouabdelhalim/Repo-Categorization
Automatic Categorization of Software Repository Domains with Minimal Resources
Language: Jupyter Notebook - Size: 1.97 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

BeierZhu/Prompt-align
[ICCV 2023] Prompt-aligned Gradient for Prompt Tuning
Language: Python - Size: 1.78 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 109 - Forks: 8

mboudiaf/TIM
(NeurIPS 2020) Transductive Information Maximization for Few-Shot Learning https://arxiv.org/abs/2008.11297
Language: Python - Size: 6.08 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 114 - Forks: 18

LLM-low-resource-lang/LLM-low-resource-lang.github.io
LLMs for Low Resource Languages in Multilingual, Multimodal and Dialectal Settings
Language: HTML - Size: 37.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

TejasAnvekar/GPr-Net
Language: Python - Size: 2.36 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 3

cbn001012/Mineral-prediction-based-on-prototype-learning
Mineral Prediction based on Prototype Learning
Language: Python - Size: 16 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

hjk92g/DR_Formulation_ML Fork of wyharveychen/CloserLookFewShot
Code for paper the "Distance-Ratio-Based Formulation for Metric Learning"
Language: Python - Size: 420 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

johnjaejunlee95/Model-Agnostic-Meta-Learning-pytorch_implementation
Unofficial implementation code for Model-Agnostic Meta-Learning (MAML) in Pytorch with learn2learn library
Language: Python - Size: 73.2 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

ehsansaleh/code_firth
This repository contains the main ResNet backbone experiments conducted in the ICLR 2022 spotlight paper "On the Importance of Firth Bias Reduction in Few-Shot Classification".
Language: Python - Size: 969 KB - Last synced at: 2 days ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

dwanev/NUTS
Supplementary Material For the Paper "NUTS, NARS, and Speech"
Language: Python - Size: 1.3 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

yunqing-me/Born-Again-FS
IEEE Trans.on Image Processing (T-IP) 2023
Language: Python - Size: 43.6 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

ritaranx/NeST
[AAAI 2023] This is the code for our paper `Neighborhood-Regularized Self-Training for Learning with Few Labels'.
Language: Python - Size: 18.6 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

Suhyun777/CVPR23-GAP
Official Implementation of CVPR 2023 paper: "Meta-Learning with a Geometry-Adaptive Preconditioner"
Language: Python - Size: 800 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

lehduong/poodle
Official implementation of POODLE: Improving Few-shot Learning via Penalizing Out-of-Distribution Samples (NeurIPS 2021)
Language: Python - Size: 854 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 15 - Forks: 0

steb6/ISBFSAR
Interactive Skeleton Based Few Shot Action Recognition
Language: Python - Size: 98.9 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 2

Jiawei-Yang/Few-shot-WSI
[ICLR2022] This project hosts the code for the paper: Towards Better Understanding and Better Generalization of Low-shot Classification in Histology Images with Contrastive Learning.
Language: Python - Size: 6.94 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 1

lmriccardo/few-shot-graph-classification
Project for Deep Learning And Applied AI course at the University of "La Sapienza" in Master in Computer Science A.A. 2021/2022
Language: Python - Size: 61.7 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 0

plai-group/simple-cnaps
Source codes for "Improved Few-Shot Visual Classification" (CVPR 2020), "Enhancing Few-Shot Image Classification with Unlabelled Examples" (WACV 2022), and "Beyond Simple Meta-Learning: Multi-Purpose Models for Multi-Domain, Active and Continual Few-Shot Learning" (Neural Networks 2022 - in submission)
Language: Python - Size: 467 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 43 - Forks: 15

Kunal-Attri/Few-Shot-Classification-GUI-based-Training
GUI based tool to train and develop Few Shot Classification ML model.
Language: Python - Size: 5.76 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Frankluox/Channel_Importance_FSL
[ICML 2022] Channel Importance Matters in Few-shot Image Classification
Language: Python - Size: 181 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 34 - Forks: 3

AyanKumarBhunia/DIY-FSCIL
[CVPR-2022] ''Doodle It Yourself: Class Incremental Learning by Drawing a Few Sketches'', IEEE Conf. on Computer Vision and Pattern Recognition (CVPR), 2022.
Language: Python - Size: 3.03 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 1

ozgurkara99/video-dataset-preprocessing-meta-learning
Something-something-v2 video dataset is splitted into 3 meta-sets, namely, meta-training, meta-validation, meta-test. Overall, dataset includes 100 classes that are divided according to CMU [1] The code also provides a dataloader in order to create episodes considering given n-way k-shot learning task. Videos are converted to the frames under sparse-sampling protocol described in TSN [2]
Language: Python - Size: 92.8 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

nirmal-25/Few-Shot-Classification-Meta
Non-Euclidean implementations for few-shot image classification on the mini-ImageNet dataset
Language: Python - Size: 2.64 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

caramel2001/FewShotLearning
Flower Recognition: Dealing with Less Data via Few-Shot Learning
Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

mehrdad-dev/PDS
Parkinson detection based on wave sketches and deep learning - PDS
Language: Jupyter Notebook - Size: 52 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 1

ehsansaleh/firth_bias_reduction
This repository contains the experiments conducted in the ICLR 2022 spotlight paper "On the Importance of Firth Bias Reduction in Few-Shot Classification".
Size: 46.9 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 0

sabagh1994/code_dcf
This repository contains the firth bias reduction experiments on the few-shot distribution calibration method conducted in the ICLR 2022 spotlight paper "On the Importance of Firth Bias Reduction in Few-Shot Classification".
Language: Python - Size: 85 KB - Last synced at: 2 days ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

HarshvirSandhu/GUI-Based-Training
A streamlit web app that allows you to train Few Shot image classification models
Language: Python - Size: 46.9 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0
