ArcFace: Additive Angular Margin Loss for Deep Face Recognition

These are my notes from the paper ArcFace: Additive Angular Margin Loss for Deep Face Recognition by Jiankang Deng, Jia Guo, Niannan Xue, Stefanos Zafeiriou.

Abstract

They key to face recognition is a loss function with strong discriminative power.

Centre loss penalizes the distance between features and a set of learned class centers.

SphereFace lets the linear transformation matrix in the last fully-connected layer represent class-center and penalizes the angle between deep features and their corresponding weights.

A recently popular idea is incorporating "margins" to maximize face class separability.

This paper proposes Additive Angular Margin Loss (ArcFace), which creates "highly discriminative features" for face recognition.

ArcFace has a "clear geometric interpretation" due to its correspondence to "geodesic distance" (a curve representing the shortest path between 2 points) on the hypersphere.

This paper studies results of ArcFace on ten face recognition benchmarks and shows that ArcFace continually outperforms other algorithms.

The authors released all training code and metadata.

1. Intro

The method of choice right now for face recognition is to represent faces using an Embedding generated by a Convolutional Neural Network.

The idea is the embedding has a small distance to other examples in the same class (intra-class) and a large distance to other classes (inter-class).

There's typically a pose normalization step (aligning faces) before generating embeddings.

There are two main tracks of research for training these embeddings:

  1. Train a multi-class classifier and use the embedding generated by the network as the representation.
  2. Directly learn an embedding, for example Triplet Loss.

Both have their drawbacks.

The linear transformation matrix WW size increases linearly with every identity n for softmax loss.

The learned features are separable enough for closed-set classification but not for open-set problems.

For triplet loss, there's a combinatorial explosion in the number of face triplets for large-scale datasets.

Semi-hard sample mining is quite a complex problem to engineer.

Others have proposed some variants of Softmax loss to enhance the discriminative power of Softmax loss.

Wen et al. l. pioneered center loss. It captures the distance between each feature vector and class center and requires joint penalization of softmax loss for intra-class dispersion. But it is challenging to update class centers when there are a lot of classes.

Instead, enforcing intra-class closes and inter-class separateness at every step should lead to better models.

That's the idea behind Sphereface, which introduced an angular margin. However, the loss function needs a series of approximations to be computed, resulting in unstable training. They fix this by proposing a hybrid loss function that includes softmax loss.

CosFace adds cosine margin penalty to the target logits:

logits + some margin penalty

This method provides better performance and is easier to train.

ArcFace is just a slight alternative to CosFace. It gets its name from the use of arc-cosine.

In this paper, they propose Additive Angular Margin Loss (ArcFace) to improve the discriminative power of CosFace.

Since we know the dot product between the CNN feature and the last fully connected layer is equal to cosine distance after feature and weight normalization.

Arcface Figure 2

They utilize arc-cosine function to calculate the angle between the current feature and target weight.

Then add additive angular margin to the target angle, and get the target logit back by a cosine function.

Rescale all logits by a fixed feature norm, and subsequent steps are the same as Softmax loss.

Its:

  • Engaging - directly optimizes the geodesic distance margin by exact correspondence between angle and arc in normalized hypersphere.
  • Effective - achieves state-of-the-art performance on ten face rec datasets.
  • Easy - Only needs several lines of code to implement.
  • Efficient - negligible computational overhead.

2. Proposed Approach

2.1 ArcFace

Firstly, the function for Softmax Loss.

L1=1Ni=1NlogeWyiTxi+byij=1neWjTxi+bjL_1 = -\frac{1}{N} \sum\limits_{i=1}^{N} \log \frac{e^{W^{T}_{y_i} x_i + b_{yi}}}{\sum_{j=1}^{n} e^{W^{T}_{j} x_i + b_j}}

In this expression: xix_i is a deep feature of the iith sample, belonging to the yiy_i class. The author sets the embedding feature dimension to 512.

WjW_j denotes the jth column of the weight WW, and bjb_j is the bias term. The batch size and class numbers are NN and nn.

Softmax loss does not explicitly optimize the feature embedding to enforce higher similarity for intra-class samples and diversity for inter-class samples.

We can set the bias bj=0b_j = 0 then change the logit WjTxi=Wj xicosθjW^{T}_{j} x_i = ||W_j|| \ ||x_i|| \cos \theta_j. If we l2 norm WjW_j and xix_i, then re-scale it to ss. The normalisation step on features and weights, makes the prediction only depend on the angle between features and thus distributed on a hypersphere with a radius of ss.

L2=1Ni=1Nlogescosθyiescosθyi+j=1,jyinescosθjL_2 = -\frac{1}{N} \sum\limits_{i=1}^{N} \log \frac{e^{s \cos \theta_{y_i}}}{e^{s \cos \theta_{y_i}} + \sum_{j=1,j \ne y_i}^{n} e^{s \cos \theta_{j}}}

As we distribute embedding features around each feature center on the hypersphere, we add an additive angular margin penalty mm between xix_i and WjiW_{ji} to enhance intra-class compactness and inter-class discrepancy.

The method is named ArcFace, since the additive angular margin penalty is equal to the geodesic distance margin penalty in the normalized hypersphere,

L3=1Ni=1Nloges(cosθyi+m)es(cosθyi+m)+j=1,jyinescosθjL_3 = -\frac{1}{N} \sum\limits_{i=1}^{N} \log \frac{e^{s (\cos \theta_{y_i} + m ) }}{e^{s (\cos \theta_{y_i} + m) } + \sum_{j=1,j \ne y_i}^{n} e^{s \cos \theta_{j}}}

The authors demonstrate the idea of ArcFace using a 2d feature embedding network. Softmax on the left, ArcFace on the right. The "geodesic distance gap" is evident here.

ArcFace Toy Example

2.2 Comparison with SphereFace and CosFace

SphereFace, ArcFace and CosFace propose 3 different kinds of margin penalty:

  • multiplicative angular margin m1m_1
  • additive angular margin m2m_2
  • additive cosine margin m3m_3

All of them enforce inter-class diversity by penalizing the target logit.

This plot shows the angle between the target class and another class. As you can see, the angle between the target and correct feature is around 20° ArcFace and 100°.

Feature vs. Target Center

In this plot, we see the angle between the feature and target center at different stages of training.

Angle between feature and target center at different stages of training

By combining all margin penalties, we can implement SphereFace, ArcFace, and CosFace in a unified framework with m1m_1, m2m_2, and m3m_3 as the hyper-params. Unifying penalties like this should give us target logit curves with high performance.

L4=1Ni=1Nloges(cos(m1θyi+m2)m3)es(cos(m1θyi+m2)m3)+j=1,jyinescosθjL_4 = -\frac{1}{N} \sum\limits_{i=1}^{N} \log \frac{e^{s (\cos ( m_1 \theta_{y_i} + m_2 ) - m_3 ) }}{e^{s (\cos (m_1 \theta_{y_i} + m_2) - m_3 ) } + \sum_{j=1,j \ne y_i}^{n} e^{s \cos \theta_{j}}}

Geometric Difference

Though similar, ArcFace has a better geometric attribute as angular margin corresponds directly to Geodesic distance.

ArcFace has a "constant linear, angular margin" throughout the interval. By contrast, SphereFace and CosFace only have a nonlinear angular margin.

Decision Margins of Different Loss Functions

Minor margin differences can have a "butterfly effect" on model training. For example, the original SphereFace employs an annealing optimization strategy. They tried implementing a new version of SphereFace without the integer requirement on the margin. m=1.35m = 1.35 can get similar performance to SphereFace without convergence difficulty.

2.3 Comparison with Other Losses

Other loss functions can be designed based on the angular representation of features and weight vectors.

We can design a loss to enforce intra-class compactness and inter-class discrepancy on the hypersphere. Here's the comparison with three other losses:

Intra-Loss

They designed them to improve the intra-class compactness by decreasing the angle/arc between a sample and the ground truth center.

L5=L2+1πNi=1NθyiL_5 = L2 + \frac{1}{\pi N} \sum\limits_{i=1}^{N} \theta_{yi}

Inter-Loss

Targets enhance inter-class discrepancy by increasing the angle/arc between different centers.

L6=L21πN(n1)i=1Nj=1,jyinarccos(WyiTWj)L_6 = L2 - \frac{1}{\pi N (n - 1)} \sum\limits_{i=1}^{N} \sum\limits_{j=1, j \ne y_i}^{n} \arccos(W^{T}_{y_i} W_{j})

Can think of Inter-Loss as a particular case of Minimum Hyper-spherical Energy (MHE). With this loss, we regularise hidden and output layers by MHE. In the MHE paper, the authors propose a special case of loss function by combining the SphereLoss with MHE loss on the last layer of the network.

Triplet-loss

Aims at enlarging the anglearc between triple samples. In Facenet, Euclidean margin is appleid on the normalised features. Here we employ the triplet-loss by angular representation of our features as arccos(xiposxi)+marccos(xinegxi)\arccos(x_{i}^{\text{pos}} x_i) + m \leq \arccos (x_i^{\text{neg}} x_i)

3. Experiments

3.1. Implementation Details

Datasets

Use: CA-SIA, VGGFace2, MS1MV2, and DeepGlint-Face (including MS1M-DeepGlint and Asian-DeepGlint) as training data to conduct a fair comparison with other methods.

MS1MV2 is a refined semi-automatic version of MS-Celeb-1M dataset. Authors use ethnicity-specific annotators for large-scale face annotations.

Use face verification datasets (LFW, CFP-FP, and AgeDB-30) to check improvements from different settings. Report performance on large-pos and large-age datasets (CPLFW and CALFW). Test ArcFace on large-scale image datasets (MegaFace, IJB-B, IJB-C, Trillion-Pairs, and video dataset (iQIYI-VID))

Experimental Settings

  • Generate normalized face crops (112 x 112) utilizing five facial points.
  • For embedding network, use CNN architectures ResNet50 and ResNet100.
  • After the last conv layer, use the BN-Dropout-FC-BN structure to get the final 512-D embedding feature.
  • Paper used ([training_dataset, network structure, loss]) for understanding experimental settings.
  • Set feature scale to s=64s = 64 and choose angular margin mm of ArcFace at 0.5.
  • Use batch size 512 and train on 4 NVIDIA Tesla P40 (24GB) GPUs.
  • On CASIA, the learning rate starts from 0.1 and is divided by ten at 20K, 28K iterations. Training finished at 32K iterations. On MS1MV2, divide the learning rate at 100K, 160K, and 180K iterations. We set the momentum to 0.9 and weight decay to 5e-4. During testing, keep the feature embedding without the FC layer, with extra 5120D features for each face.
  • Remove overlap identities between the training and test sets and use only one crop for testing.

3.2 Ablation Study on Losses

  • Best margin observed in experiments was 0.5.
  • Using the combined margin framework in Eq. 4, it is easier to set the margin of SphereFace and CosFace, found to have optimal performance at 1.35 and 0.35
  • Implementations for SphereFace and CoseFace can lead to strong performance without issue converging.
  • ArcFace achieves the highest verification accuracy on all 3 test sets.

Refer to the paper for comprehensive testing results.

4. Conclusions

  • Paper proposed Additive Angular Margin Loss function, which can enhance the discriminative power of feature embeddings learned with CNNs for face recognition.
  • Paper demonstrates that the method consistently outperforms the state-of-the-art.

5. Appendix

5.1 Parallel Acceleration

  • ArcFace and other margin loss rely on Center ($W$), but param size of Centre is proportional to the number of classes.
  • When there are millions of identities in training, ArcFace can cause GPU memory to run out.
  • They solve it with a strategy called "parallel acceleration":
    1. Get feature xx (face embeddings are aggregated into one feature matrix (batch size 8 * 64 (as there's 8 GPUs) ×\times feat dim 512))
      • Size of feature matrix is only 1MB, so communication cost between GPUs is negligible.
    2. Get similarity score matrix ($score = xW)$. They copy the feature matrix into each GPU and concurrently multiply the feature matrix by the center sub-matrix (1M/8) to get the similarity score submatrix
    3. Get gradient on Centre ($dW$). Transpose the feature matrix on each GPU and multiply the transposed feature matrix by the gradient sub-matrix of the similarity score.
    4. Get the gradient on the feature ($x$) by concurrently multiplying the gradient sub-matrix of similarity score by the transposed center sub-matrix and sum up the outputs from 8 GPU cards to get the gradient on feature x.

5.2 Feature Space Analysis

  • 512-d hypersphere space should be theoretically large enough for large-scale identities.