GitHub topics: deep-metric-learning
bnu-wangxun/Deep_Metric
Deep Metric Learning
Language: Python - Size: 135 KB - Last synced at: 3 days ago - Pushed at: almost 5 years ago - Stars: 782 - Forks: 146

DaeDae1234/t-sne-mnist-visualization
This repository offers a clear implementation of t-SNE visualization on the MNIST dataset, showcasing how to effectively reduce dimensionality for better data interpretation. Explore the project structure and usage details to enhance your understanding of machine learning techniques! 🐙💻
Language: Jupyter Notebook - Size: 516 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

KevinMusgrave/pytorch-metric-learning
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
Language: Python - Size: 35.7 MB - Last synced at: 23 days ago - Pushed at: 2 months ago - Stars: 6,155 - Forks: 662

IoBT-VISTEC/MIN2Net
End-to-End Multi-Task Learning for Subject-Independent Motor Imagery EEG Classification (IEEE Transactions on Biomedical Engineering)
Language: Python - Size: 19.4 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 89 - Forks: 25

zbr17/GeDML
Generalized Deep Metric Learning.
Language: Python - Size: 6.14 MB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 36 - Forks: 3

navervision/proxy-synthesis
Official PyTorch implementation of "Proxy Synthesis: Learning with Synthetic Classes for Deep Metric Learning" (AAAI 2021)
Language: Python - Size: 1.83 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 37 - Forks: 7

sung-yeon-kim/Proxy-Anchor-CVPR2020
Official PyTorch Implementation of Proxy Anchor Loss for Deep Metric Learning, CVPR 2020
Language: Python - Size: 99.6 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 320 - Forks: 61

YuehuaZhu/ProxyGML
Official PyTorch Implementation of ProxyGML Loss for Deep Metric Learning, NeurIPS 2020 (spotlight)
Language: Python - Size: 2.61 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 55 - Forks: 8

wl-zhao/DIML
[ICCV 2021] Towards Interpretable Deep Metric Learning with Structural Matching
Language: Python - Size: 1.52 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 99 - Forks: 12

sung-yeon-kim/LabelRelaxation-CVPR21
Official PyTorch Implementation of Embedding Transfer with Label Relaxation for Improved Metric Learning, CVPR 2021
Language: Python - Size: 729 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 43 - Forks: 6

Confusezius/Deep-Metric-Learning-Baselines
PyTorch Implementation for Deep Metric Learning Pipelines
Language: Python - Size: 2.85 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 572 - Forks: 91

kunhe/FastAP-metric-learning
Code for CVPR 2019 paper "Deep Metric Learning to Rank"
Language: MATLAB - Size: 102 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 96 - Forks: 14

cdluminate/robdml
Enhancing Adversarial Robustness for Deep Metric Learning, CVPR, 2022
Language: Python - Size: 15.4 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 20 - Forks: 1

cdluminate/robrank
Adversarial Attack and Defense in Deep Ranking, T-PAMI, 2024
Language: Python - Size: 435 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 23 - Forks: 2

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.
Language: Python - Size: 817 KB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 341 - Forks: 50

kakaoenterprise/AAAI2021_MDR
Official Code of AAAI 2021 Paper "Multi-level Distance Regularization for Deep Metric Learning"
Language: Python - Size: 151 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 22 - Forks: 4

engineerjkk/Multi-modal-CrossViT-using-3D-Spatial-Information-for-Visual-Localization
대규모 공간에서 한장의 이미지만으로 카메라의 위치와 방향을 추정하는 것이 목표입니다.
Language: Jupyter Notebook - Size: 3.66 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

navervision/MemVir
Official PyTorch implementation of "Learning with Memory-based Virtual Classes for Deep Metric Learning" (ICCV 2021)
Language: Python - Size: 1.14 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 16 - Forks: 2

Confusezius/ICCV2019_MIC
(ICCV 2019) This repo contains code for "MIC: Mining Interclass Characteristics for Improved Metric Learning", which proposes an auxiliary training task to explain away intra-class variations.
Language: Python - Size: 15 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 61 - Forks: 5

Ximilar-com/tf-metric-learning
Minimalistic TensorFlow2+ deep metric/similarity learning library with loss functions, miners, and utils as embedding projector.
Language: Python - Size: 131 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 37 - Forks: 5

Confusezius/ECCV2020_DiVA_MultiFeature_DML
(ECCV 2020) This repo contains code for "DiVA: Diverse Visual Feature Aggregation for Deep Metric Learning" (https://arxiv.org/abs/2004.13458), which extends vanilla DML with auxiliary and self-supervised features.
Language: Python - Size: 263 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 34 - Forks: 11

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).
Language: Python - Size: 37.1 KB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 274 - Forks: 55

Confusezius/Characterizing_Generalization_in_DeepMetricLearning
Implementation and Benchmark Splits to study Out-of-Distribution Generalization in Deep Metric Learning.
Language: Python - Size: 9.31 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 23 - Forks: 1

MKLab-ITI/ndvr-dml
Authors official Tensorflow implementation of the "Near-Duplicate Video Retrieval with Deep Metric Learning" [ICCVW 2017]
Language: Python - Size: 3.15 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 119 - Forks: 19

maxparker27/adversarial-robustness-of-deep-metric-learning
A collection of adversarial attacks on various models built using Deep Learning and Deep Metric Learning techniques. Standard datasets are used.
Language: Jupyter Notebook - Size: 28.6 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

oktaviacitra/deep-metric-learning
a task of learning a distance function over data in extracted feature understanding
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Jichao-Yang/Triplet-Network
Replication of 'Deep metric Learning Using Triplet Network'
Language: Python - Size: 1.17 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 2

Dyfine/SphericalEmbedding
official pytorch implementation of "Deep Metric Learning with Spherical Embedding", NeurIPS 2020
Language: Python - Size: 521 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 39 - Forks: 7

Ehyaei/Causal-Fair-Metric-Learning
This project Implements the paper “Causally Robust Fair Metric Learning: Bridging Causality, Individual Fairness, and Adversarial Robustness” using the Python language.
Language: Python - Size: 3.08 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

AlphaDiSC/Real-Time-Image-Based-Attendance-System
A Real Time Image based attendance system that takes time spent loitering around into account, when marking the attendance for each individual.
Language: Python - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

ace19-dev/mvcnn-tf
Basic reference for Multi View Classification - mvcnn
Language: Python - Size: 253 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 13 - Forks: 0

jiankang1991/GRN-SNDL
codes for TGRS paper: Graph Relation Network: Modeling Relations between Scenes for Multi-Label Remote Sensing Image Classification and Retrieval
Language: Python - Size: 354 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 35 - Forks: 7

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
Language: Python - Size: 5.42 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 188 - Forks: 30

aioz-ai/BMVC20_CBSwR
"Deep Metric Learning Meets DeepClustering: An Novel UnsupervisedApproach for Feature Embedding" (BMVC 2020)
Language: Python - Size: 20.8 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 3

codeglitchz/attendance-system
A simple, modern and scalable facial recognition based attendance system built with Python back-end & Angular front-end.
Language: Python - Size: 19.2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 65 - Forks: 20

hudengjunai/DeepEmbeding
图像检索和向量搜索,similarity learning,compare deep metric and deep-hashing applying in image retrieval
Language: Jupyter Notebook - Size: 125 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 119 - Forks: 31

adigasu/Dynamic_subspace_learners
A novel dynamic learning strategy that overcomes the empirical search of an optimal number of subspace learners in multiple metric learners.
Language: Python - Size: 903 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

isakengstrom/masters-project
Master's Degree Project – M.Sc. in Media Technology and Engineering at Linköping University – Automated Gait Analysis Using Deep Metric Learning
Language: Python - Size: 34 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

jiankang1991/HR-S2DML
codes for RS paper: High-Rankness Regularized Semi-supervised Deep Metric Learning for Remote Sensing Imagery
Language: Python - Size: 170 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 2

PkuRainBow/Hard-Aware-Deeply-Cascaed-Embedding
source code for the paper "Hard-Aware-Deeply-Cascaed-Embedding"
Language: C++ - Size: 22.8 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 32 - Forks: 11

ledduy610/Deep-Metric-Learning-Baselines Fork of Confusezius/Deep-Metric-Learning-Baselines
PyTorch Implementation for Deep Metric Learning Pipelines
Size: 2.83 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

bacnguyencong/deepml
Deep metric learning repository
Language: Python - Size: 20.2 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

pjirayu/STOS
Official implementation of STOS in an original article "High-intensified resemblance & Statistic-Restructured Alignment in Few-Shot DA for Industrial-Specialized Employment"
Language: Python - Size: 324 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

saranshkr/face-recognition
Simple face detection and recognition in images and videos, deep metric learning with Dlib's HoG face detection model
Language: Python - Size: 20.5 KB - Last synced at: 10 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

soumitri2001/DMTNet-CRCH
Official Implementation of our paper "Supervision meets Self-Supervision: A Deep Multitask Network for Colorectal Cancer Histopathological Analysis" [Best Paper Award at MISP 2022]
Language: Python - Size: 46.8 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 1

QuocThangNguyen/deep-metric-learning-tsinghua-dogs
Dogs classification with Deep Metric Learning
Language: Python - Size: 50.2 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 49 - Forks: 8

jiankang1991/SNCA_CE
codes for TGRS paper "Deep Metric Learning based on Scalable Neighborhood Components for Remote Sensing Scene Characterization"
Language: Python - Size: 280 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

XinshaoAmosWang/Ranked-List-Loss-for-DML
CVPR 2019: Ranked List Loss for Deep Metric Learning, with extension for TPAMI submission
Language: Shell - Size: 445 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 61 - Forks: 8

kashimAstro/ofFaceRecognition
simple example face recognition with deep metric learning to dlib
Language: Makefile - Size: 160 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 20 - Forks: 3

xrenaa/Human-Motion-Analysis-with-Deep-Metric-Learning
pytorch implement of this paper: https://arxiv.org/abs/1807.11176
Language: Python - Size: 497 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 43 - Forks: 9

tomp11/metric_learning
Metric Learning (npair loss & angular loss) on mnist and Visualizing by t_SNE
Language: Python - Size: 380 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 30 - Forks: 8

youngminPIL/AutoLR
AutoLR: Layer-wise Pruning and Auto-tuning of Learning Rates in Fine-tuning of Deep Networks
Language: Python - Size: 5.49 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 4

ShengcaiLiao/TransMatcher
[NeurIPS 2021] TransMatcher: Deep Image Matching Through Transformers for Generalizable Person Re-identification
Language: Python - Size: 5.28 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 2

MLforHealth/S2SD
(ICML 2021) Implementation for S2SD - Simultaneous Similarity-based Self-Distillation for Deep Metric Learning. Paper Link: https://arxiv.org/abs/2009.08348
Language: Python - Size: 998 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 37 - Forks: 6

neka-nat/pytorch-hdml
Hardness-Aware Deep Metric Learning (CVPR2019) in pytorch
Language: Python - Size: 20.6 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 28 - Forks: 7

neka-nat/pytorch-softtriple
SoftTriple (ICCV2019) in pytorch
Language: Python - Size: 11.1 MB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 0

shubhangb97/Metric_Learning_CS_543
Deep Metric Learning
Language: Python - Size: 106 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

littleredxh/DREML
PyTorch implementation of Deep Randomized Ensembles for Metric Learning(ECCV2018)
Language: Python - Size: 80.1 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 67 - Forks: 14

XinshaoAmosWang/OSM_CAA_WeightedContrastiveLoss
Deep Metric Learning by Online Soft Mining and Class-Aware Attention, AAAI 2019 Oral
Language: Shell - Size: 18.6 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 4

cazhang/vit-reranking
Pytorch Implementation of bmvc 2022 paper "Beyong the CLS Token: Image Reranking using Pretrained Vision Transformers"
Language: Python - Size: 230 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ppriyank/-Online-Soft-Mining-and-Class-Aware-Attention-Pytorch
(Pytorch and Tensorflow) Implementation of Weighted Contrastive Loss (Deep Metric Learning by Online Soft Mining and Class-Aware Attention)
Language: Python - Size: 382 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 20 - Forks: 3

twpkevin06222/MasterThesis
Classification of Clinically Significant Prostate Cancer with 3D Multiparametric MRI with Deep Metric Learning.
Language: Jupyter Notebook - Size: 29.9 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Confusezius/CVPR2020_PADS
(CVPR 2020) This repo contains code for "PADS: Policy-Adapted Sampling for Visual Similarity Learning", which proposes learnable triplet mining with Reinforcement Learning.
Language: Python - Size: 193 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 57 - Forks: 9

amirhfarzaneh/ddaloss-pytorch
The PyTorch implementation of Discriminant Distribution-Agnostic loss (DDA loss)
Language: Python - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

magnusbarata/ct-slice-matching
Identifying the corresponding CT slices among the past scans of the same patient via deep metric learning
Language: Python - Size: 13.2 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0
