metric-learning
There are 322 repositories under metric-learning topic.
KevinMusgrave/pytorch-metric-learning
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
KaiyangZhou/deep-person-reid
Torchreid: Deep learning person re-identification in PyTorch.
layumi/Person_reID_baseline_pytorch
:bouncing_ball_person: Pytorch ReID: A tiny, friendly, strong pytorch implement of person re-id / vehicle re-id baseline. Tutorial 👉https://github.com/layumi/Person_reID_baseline_pytorch/tree/master/tutorial
catalyst-team/catalyst
Accelerated deep learning R&D
jina-ai/finetuner
:dart: Task-oriented embedding tuning for BERT, CLIP, etc.
scikit-learn-contrib/metric-learn
Metric learning algorithms in Python
Cysu/open-reid
Open source person re-identification library in python
jakesnell/prototypical-networks
Code for the NeurIPS 2017 Paper "Prototypical Networks for Few-shot Learning"
clovaai/voxceleb_trainer
In defence of metric learning for speaker recognition
tensorflow/similarity
TensorFlow Similarity is a python package focused on making similarity learning quick and easy.
OML-Team/open-metric-learning
Metric learning and retrieval pipelines, models and zoo.
qdrant/quaterion
Blazing fast framework for fine-tuning similarity learning models
earhian/Humpback-Whale-Identification-1st-
https://www.kaggle.com/c/humpback-whale-identification
Confusezius/Deep-Metric-Learning-Baselines
PyTorch Implementation for Deep Metric Learning Pipelines
ryanzhumich/Contrastive-Learning-NLP-Papers
Paper List for Contrastive Learning for Natural Language Processing
DagnyT/hardnet
Hardnet descriptor model - "Working hard to know your neighbor's margins: Local descriptor learning loss"
Joker316701882/Additive-Margin-Softmax
This is the implementation of paper <Additive Margin Softmax for Face Verification>
happynear/AMSoftmax
A simple yet effective loss function for face verification.
qdrant/awesome-metric-learning
😎 A curated list of awesome practical Metric Learning and its applications
cvqluu/Angular-Penalty-Softmax-Losses-Pytorch
Angular penalty loss functions in Pytorch (ArcFace, SphereFace, Additive Margin, CosFace)
KevinMusgrave/powerful-benchmarker
A library for ML benchmarking. It's powerful.
lenscloth/RKD
Official pytorch Implementation of Relational Knowledge Distillation, CVPR 2019
JohnGiorgi/DeCLUTR
The corresponding code from our paper "DeCLUTR: Deep Contrastive Learning for Unsupervised Textual Representations". Do not hesitate to open an issue if you run into any trouble!
tfzhou/ProtoSeg
CVPR2022 (Oral) - Rethinking Semantic Segmentation: A Prototype View
Confusezius/Revisiting_Deep_Metric_Learning_PyTorch
(ICML 2020) This repo contains code for our paper "Revisiting Training Strategies and Generalization Performance in Deep Metric Learning" (https://arxiv.org/abs/2002.08473) to facilitate consistent research in the field of Deep Metric Learning.
daizuozhuo/batch-dropblock-network
Official source code of "Batch DropBlock Network for Person Re-identification and Beyond" (ICCV 2019)
leeesangwon/PyTorch-Image-Retrieval
A PyTorch framework for an image retrieval task including implementation of N-pair Loss (NIPS 2016) and Angular Loss (ICCV 2017).
CompVis/metric-learning-divide-and-conquer
Source code for the paper "Divide and Conquer the Embedding Space for Metric Learning", CVPR 2019
vithursant/MagnetLoss-PyTorch
PyTorch implementation of a deep metric learning technique called "Magnet Loss" from Facebook AI Research (FAIR) in ICLR 2016.
ShengcaiLiao/QAConv
[ECCV 2020] QAConv: Interpretable and Generalizable Person Re-Identification with Query-Adaptive Convolution and Temporal Lifting, and [CVPR 2022] GS: Graph Sampling Based Deep Metric Learning
cambridgeltl/sapbert
[NAACL'21 & ACL'21] SapBERT: Self-alignment pretraining for BERT & XL-BEL: Cross-Lingual Biomedical Entity Linking.
jeromerony/dml_cross_entropy
Code for the paper "A unifying mutual information view of metric learning: cross-entropy vs. pairwise losses" (ECCV 2020 - Spotlight)
ronekko/deep_metric_learning
Deep metric learning methods implemented in Chainer
BenevolentAI/DeeplyTough
DeeplyTough: Learning Structural Comparison of Protein Binding Sites
jyhjinghwang/SegSort
SegSort: Segmentation by Discriminative Sorting of Segments
grib0ed0v/face_recognition.pytorch
Deep Face Recognition in PyTorch