June 20: v0.9.87 comes with some major changes that may cause your existing code to break. See the release notes for details.
See the examples folder for notebooks that show entire train/test workflows with logging and model saving.
- Ease of use
- Add metric learning to your application with just 2 lines of code in your training loop.
- Mine pairs and triplets with a single function call.
- Flexibility
- Mix and match losses, miners, and trainers in ways that other libraries don't allow.
pip install pytorch-metric-learning
To get the latest dev version:
pip install pytorch-metric-learning==0.9.88
To install on Windows:
pip install torch===1.4.0 torchvision===0.5.0 -f https://download.pytorch.org/whl/torch_stable.html
pip install pytorch-metric-learning
To install with evaluation and logging capabilities (This will install the unofficial pypi version of faiss-gpu):
pip install pytorch-metric-learning[with-hooks]
To install with evaluation and logging capabilities (CPU) (This will install the unofficial pypi version of faiss-cpu):
pip install pytorch-metric-learning[with-hooks-cpu]
conda install pytorch-metric-learning -c metric-learning -c pytorch
To use the testing module, you'll need faiss, which can be installed via conda as well. See the installation instructions for faiss.
Let’s try the vanilla triplet margin loss. In all examples, embeddings is assumed to be of size (N, embedding_size), and labels is of size (N).
from pytorch_metric_learning import losses
loss_func = losses.TripletMarginLoss(margin=0.1)
loss = loss_func(embeddings, labels) # in your training loop
Loss functions typically come with a variety of parameters. For example, with the TripletMarginLoss, you can control how many triplets per sample to use in each batch. You can also use all possible triplets within each batch:
loss_func = losses.TripletMarginLoss(triplets_per_anchor="all")
Sometimes it can help to add a mining function:
from pytorch_metric_learning import miners, losses
miner = miners.MultiSimilarityMiner(epsilon=0.1)
loss_func = losses.TripletMarginLoss(margin=0.1)
hard_pairs = miner(embeddings, labels) # in your training loop
loss = loss_func(embeddings, labels, hard_pairs)
In the above code, the miner finds positive and negative pairs that it thinks are particularly difficult. Note that even though the TripletMarginLoss operates on triplets, it’s still possible to pass in pairs. This is because the library automatically converts pairs to triplets and triplets to pairs, when necessary.
Here's what the above examples look like in a typical training loop:
from pytorch_metric_learning import miners, losses
miner = miners.MultiSimilarityMiner(epsilon=0.1)
loss_func = losses.TripletMarginLoss(margin=0.1)
# borrowed from https://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html
for i, data in enumerate(trainloader, 0):
inputs, labels = data
# zero the parameter gradients
optimizer.zero_grad()
# forward + backward + optimize
embeddings = net(inputs)
hard_pairs = miner(embeddings, labels)
loss = loss_func(embeddings, labels, hard_pairs)
loss.backward()
optimizer.step()
For more complex approaches, like deep adversarial metric learning, use one of the trainers.
To check the accuracy of your model, use one of the testers. Which tester should you use? Almost definitely GlobalEmbeddingSpaceTester, because it does what most metric-learning papers do.
Also check out the example Google Colab notebooks.
To learn more about all of the above, see the documentation.
- AngularLoss (Deep Metric Learning with Angular Loss)
- ArcFaceLoss (ArcFace: Additive Angular Margin Loss for Deep Face Recognition)
- CircleLoss (Circle Loss: A Unified Perspective of Pair Similarity Optimization)
- ContrastiveLoss (Dimensionality Reduction by Learning an Invariant Mapping)
- CosFaceLoss (CosFace: Large Margin Cosine Loss for Deep Face Recognition)
- FastAPLoss (Deep Metric Learning to Rank)
- GeneralizedLiftedStructureLoss (In Defense of the Triplet Loss for Person Re-Identification)
- IntraPairVarianceLoss (Deep Metric Learning with Tuplet Margin Loss)
- LargeMarginSoftmaxLoss (Large-Margin Softmax Loss for Convolutional Neural Networks)
- LiftedStructreLoss (Deep Metric Learning via Lifted Structured Feature Embedding)
- MarginLoss (Sampling Matters in Deep Embedding Learning)
- MultiSimilarityLoss (Multi-Similarity Loss with General Pair Weighting for Deep Metric Learning)
- NCALoss (Neighbourhood Components Analysis)
- NormalizedSoftmaxLoss (Classification is a Strong Baseline for DeepMetric Learning)
- NPairsLoss (Improved Deep Metric Learning with Multi-class N-pair Loss Objective)
- NTXentLoss (A Simple Framework for Contrastive Learning of Visual Representations)
- ProxyAnchorLoss (Proxy Anchor Loss for Deep Metric Learning)
- ProxyNCALoss (No Fuss Distance Metric Learning using Proxies)
- SignalToNoiseRatioContrastiveLoss (Signal-to-Noise Ratio: A Robust Distance Metric for Deep Metric Learning)
- SoftTripleLoss (SoftTriple Loss: Deep Metric Learning Without Triplet Sampling)
- SphereFaceLoss (SphereFace: Deep Hypersphere Embedding for Face Recognition)
- TripletMarginLoss (Distance Metric Learning for Large Margin Nearest Neighbor Classification)
- TupletMarginLoss (Deep Metric Learning with Tuplet Margin Loss)
- AngularMiner
- BatchHardMiner (In Defense of the Triplet Loss for Person Re-Identification)
- DistanceWeightedMiner (Sampling Matters in Deep Embedding Learning)
- EmbeddingsAlreadyPackagedAsTriplets
- HDCMiner (Hard-Aware Deeply Cascaded Embedding)
- MaximumLossMiner
- MultiSimilarityMiner (Multi-Similarity Loss with General Pair Weighting for Deep Metric Learning)
- PairMarginMiner
- TripletMarginMiner (FaceNet: A Unified Embedding for Face Recognition and Clustering)
- CenterInvariantRegularizer (Deep Face Recognition with Center Invariant Loss)
- RegularFaceRegularizer (RegularFace: Deep Face Recognition via Exclusive Regularization)
- MetricLossOnly
- TrainWithClassifier
- CascadedEmbeddings (Hard-Aware Deeply Cascaded Embedding)
- DeepAdversarialMetricLearning (Deep Adversarial Metric Learning)
- UnsupervisedEmbeddingsUsingAugmentations
- TwoStreamMetricLoss
- BaseMetricLossFunction
- BaseMiner
- BaseTupleMiner
- BaseSubsetBatchMiner
- BaseReducer
- BaseWeightRegularizer
- BaseTrainer
- BaseTester
- CrossBatchMemory (Cross-Batch Memory for Embedding Learning)
- GenericPairLoss
- MultipleLosses
- MultipleReducers
- WeightRegularizerMixin
See powerful-benchmarker to view benchmark results and to use the benchmarking tool.
In order to run unit tests do:
pip install -e .[dev]
pytest tests
The first command may fail initially on Windows. In such a case, install torch
by following the official
guide. Proceed to pip install -e .[dev]
afterwards.
Thanks to the contributors who made pull requests!
Thank you to Ser-Nam Lim at Facebook AI, and my research advisor, Professor Serge Belongie. This project began during my internship at Facebook AI where I received valuable feedback from Ser-Nam, and his team of computer vision and machine learning engineers and research scientists. In particular, thanks to Ashish Shah and Austin Reiter for reviewing my code during its early stages of development.
This library contains code that has been adapted and modified from the following great open-source repos:
- https://github.com/bnu-wangxun/Deep_Metric
- https://github.com/chaoyuaw/incubator-mxnet/blob/master/example/gluon/embedding_learning
- https://github.com/facebookresearch/deepcluster
- https://github.com/geonm/proxy-anchor-loss
- https://github.com/idstcv/SoftTriple
- https://github.com/kunhe/FastAP-metric-learning
- https://github.com/ronekko/deep_metric_learning
- https://github.com/tjddus9597/Proxy-Anchor-CVPR2020
- http://kaizhao.net/regularface
If you'd like to cite pytorch-metric-learning in your paper, you can use this bibtex:
@misc{Musgrave2019,
author = {Musgrave, Kevin and Lim, Ser-Nam and Belongie, Serge},
title = {PyTorch Metric Learning},
year = {2019},
publisher = {GitHub},
journal = {GitHub repository},
howpublished = {\url{https://github.com/KevinMusgrave/pytorch-metric-learning}},
}