Next Article in Journal
Inner-Frame Time Division Multiplexing Waveform Design of Integrated Sensing and Communication in 5G NR System
Next Article in Special Issue
Enhancing Resilience in Biometric Research: Generation of 3D Synthetic Face Data Using Advanced 3D Character Creation Techniques from High-Fidelity Video Games and Animation
Previous Article in Journal
Measuring the Optical Properties of Highly Diffuse Materials
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

LFLDNet: Lightweight Fingerprint Liveness Detection Based on ResNet and Transformer

1
Engineering Research Centre of Molecular & Neuro Imaging of the Ministry of Education, School of Life Science and Technology, Xidian University, Xi’an 710071, China
2
Zhejiang Provincial Key Laboratory of Information Network Technology, College of Information Science & Electronic Engineering, Zhejiang University, Hangzhou 310027, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(15), 6854; https://doi.org/10.3390/s23156854
Submission received: 27 June 2023 / Revised: 20 July 2023 / Accepted: 26 July 2023 / Published: 1 August 2023
(This article belongs to the Special Issue New Trends in Biometric Sensing and Information Processing)

Abstract

:
With the rapid development of fingerprint recognition systems, fingerprint liveness detection is gradually becoming regarded as the main countermeasure to protect the fingerprint identification system from spoofing attacks. Convolutional neural networks have shown great potential in fingerprint liveness detection. However, the generalization ability of the deep network model for unknown materials, and the computational complexity of the network, need to be further improved. A new lightweight fingerprint liveness detection network is here proposed to distinguish fake fingerprints from real ones. The method includes mainly foreground extraction, fingerprint image blocking, style transfer based on CycleGan and an improved ResNet with multi-head self-attention mechanism. The proposed method can effectively extract ROI and obtain the end-to-end data structure, which increases the amount of data. For false fingerprints generated from unknown materials, the use of CycleGan network improves the model generalization ability. The introduction of Transformer with MHSA in the improved ResNet improves detection performance and reduces computing overhead. Experiments on the LivDet2011, LivDet2013 and LivDet2015 datasets showed that the proposed method achieves good results. For example, on the LivDet2015 dataset, our methods achieved an average classification error of 1.72 across all sensors, while significantly reducing network parameters, and the overall parameter number was only 0.83 M. At the same time, the experiment on small-area fingerprints yielded an accuracy of 95.27%.

1. Introduction

Automatic fingerprint identification systems (AFIS) have been widely used in personal identification and authentication for their high reliability, strong versatility and low cost. Due to the challenge of fingerprint spoofing attacks, the security of AFISs has received more and more attention. In practice, it is likely to be attacked by artificial fake fingerprints [1]. Artificial fingerprint replicas, also known as fake fingerprints, can be easily fabricated from a variety of inexpensive and commonly used materials, such as gelatine, silicone, wood glue, plasticine, etc. [2,3]. In addition, with the development of 3D printing technology, sophisticated 3D printing technology has been used for fingerprint spoofing attacks as well [4]. For example, a Brazilian doctor was arrested for using fake fingers made of silicone to deceive the biometric attendance system of a Sao Paulo hospital in March 2013. In March 2018, a gang in Rajasthan (India) bypassed the biometric attendance system by using wax-cast wood glue to forge fingerprints for providing proxies in the Police College Entrance Exam. Figure 1 shows some samples of live and spoofed fingerprints.
Hence, fingerprint liveness detection is of great significance for the further security of fingerprint applications. The various anti-spoofing approaches can be broadly classified into hardware-based and software-based methods [5]. Hardware-based methods need to utilize additional hardware devices to detect the characteristics of vitality, such as body temperature, humidity, blood pressure, pulse, blood oxygen saturation and so on [6]. Though external hardware devices can accurately differentiate between live and fake fingerprints, they also make the fingerprint recognition system more complex and expensive. What is more, it is hard to update these external hardware devices when attackers renew manufacturing techniques to improve hand-crafted fake fingerprints. Software-based solutions, on the other hand, extract features from the presented fingerprint image (or a sequence of frames) acquired by the fingerprint sensors, without incurring any additional hardware cost. Compared to hardware-based approaches, those that are software-based make fingerprint recognition systems low-cost and easy to update. Software-based methods are further divided into two types based on dynamic features (such as ridge deformation and sweating) and static features (such as ridge frequency, elastic characteristic skin, energy spectrum, etc.). Dynamic features are obtained from a time series of images, so the fingerprint acquisition process is very time-consuming. On the other hand, static features only need one or a few images for fingerprint liveness detection, which can not only prevent spoofing from attacking a fingerprint authentication system, but also is more convenient in practice.
A fingerprint liveness detection network with lightweight and high generalization based on ResNet and Transformer is proposed in this paper. The foreground of the fingerprint image is extracted by image processing methods such as adaptive thresholding, erosion and dilation to eliminate the influence of surrounding areas. Then, the image center point is chosen as the reference point for partitioning the image into local patches for training and testing of the network. This partition method is simple and effective, and it can generate small-area fingerprint images. More importantly, this method avoids directly extracting fingerprint minutiae and achieves an end-to-end effect. The combination of Residual Network and Transformer is used to construct a classification network architecture for fingerprint liveness detection, in which the 3 × 3 convolution kernels in the last block of the original Residual Network are replaced with MHSA blocks. Convolution can effectively learn abstract and low-resolution feature maps in large-scale images, and self-attention can process and summarize the detail information contained in feature maps. To improve the generalization ability of liveness detection on unknown materials, we used the style transfer CycleGan to fuse fingerprint images of different forged materials to simulate the generation of fake fingerprints of unknown materials.
This paper mainly aims to improve the generalization ability of the model for false fingerprints generated with different materials, and to reduce the computational burden with the goal of ensuring better fingerprint detection performance. The main contributions of this paper are as follows:
  • End-to-end data structure. Different from most of the existing methods that randomly select fingerprint local patches, the fingerprint image center is used to guide the selection of local image patches to form the dataset, which can be used for direct training of the network without other transformations and avoiding the phenomenon of overfitting. The controllable patches partition does not change the size of the image and is an end-to-end operation that does not depend on minutiae. Moreover, the size of image patches can be adjusted to accommodate small-area fingerprint liveness detection.
  • The improvement of network generalization ability. CycleGan is used to generate fingerprint images of unknown materials, expanding the dataset and improving the generalization ability of the network. The style migration can be carried out on the fingerprint image of known materials to generate a synthetic forged fingerprint image corresponding to unknown forged materials. From the LivDet2015 dataset, we can get two synthetic forged fingerprint images of ecoflex texture + gelatin style and gelatin texture + ecoflex style at the same time by training the pseudo fingerprint images of ecoflex and gelatin materials through CycleGan.
  • Lightweight network structure. A new lightweight network architecture is proposed based on ResNet and Transformer. The network introduces the MHSA module in BotNet (a backbone network based on Transformer) and improves the residual structure in ResNet. The self-attention mechanism is introduced to integrate the global information on the high-level feature map, so that the network can pay more attention to the overall ridge structure characteristics of the fingerprint image. The proposed network structure greatly reduces the network depth and the number of convolution cores used in each layer, thereby effectively reducing the network parameters.

2. Related Works

Feature extraction is an important research topic in software-based liveness detection. The texture features of live fingerprints and fake ones differ in continuity, sharpness and ductility, so texture-based feature extraction methods have become the most commonly used methods among static feature-based methods.
Nikam [7] first proposed a method for extracting texture details based on LBP for fingerprint liveness detection. Some improvements of LBP, such as multi-scale local binary pattern [8] and unified local binary pattern [9], achieved high classification accuracy on some standard databases. The local phase quantization (LPQ) descriptor [10] obtained by short-time Fourier transform was proposed to distinguish real fingerprints from fake ones by using the information lost during the fabrication of fake fingerprints. In 2013, Gragnaniello et al. [11] exploited Weber local descriptors (WLD) to prevent spoofing attacks on fingerprint sensors. In 2015, Gragnaniello et al. [12] further proposed a new local contrastive phase descriptor (LCPD) which combined gradients with local phase information to achieve a commendable liveness detection accuracy. Xia et al. [13] proposed a new Weber local binary descriptor (WLBD) and evaluated the potential of the feature fusion method in the field of fingerprint liveness detection by analyzing different features and their aggregation methods.
These methods can be targeted at specific applications, and they have significant advantages such as rotation invariance and gray invariance. They can achieve high classification accuracy on some standard databases, but the overall generalization ability and robustness are unsatisfying, and it may be difficult to produce certain effects on images produced in some complex environments.
In addition to the handcrafted feature extraction mentioned above, more and more studies have used deep learning, such as MobileNet-v1, VGG-19, ResNet and GoogLeNet, to design highly robust and interpretable fingerprint liveness detection algorithms. Most of the existing methods based on CNN transfer the model pre-trained on natural images instead of redesigning a new network structure. However, there is a huge difference in complexity between fingerprint images and natural images, the network models are mostly prone to overfitting and they fail to achieve the expected effect on fingerprint liveness detection. Nogueira et al. [14] introduced a pre-trained VGG model for fingerprint liveness detection, which was significantly better than the previous algorithms in performance, achieved good results on the LivDet2011 and LivDet2013 datasets, and won the 2015 Fingerprint Liveness Detection Competition. Chugh, T. et al. [15] proposed a CNN-based method, which adopted a voting strategy based on multiple local patches centered on minutiae, showing state-of-the-art average classification accuracy. However, experiments on extracting fingerprint minutiae from fake fingerprint images have shown that their methods are unsatisfactory. The minutiae extracted from the fake fingerprint are not accurate, and more than 100 fingerprint minutiae can be extracted from many fake fingerprints, so the patches centered on each minutia greatly increase the computational cost and processing time, which is not suitable for real-time detection. Moreover, for the randomly cropped fingerprint image, adjusting the image resolution to adapt to the input size of the network will lead to the deformation of the fingerprint image, and the loss of some fingerprint information will lead to a decrease in classification accuracy. In the case of small-area fingerprints, the fingerprint minutiae may not be extracted, resulting in the failure of the method. Zhang et al. [16] modified the original residual network and named Slim-ResCNN, which was relatively light-weight but powerful and won the LivDet 2017 competition. In 2020, Zhang et al. [17] proposed FLDNet with only 0.48 M parameters.
At present, a large number of researchers have begun to use deep learning methods for fingerprint liveness detection. Such a method can save researchers a significant amount of manual design on the algorithm, and the model can learn autonomously from the data. Eliminating many preprocessing and intermediate steps, the learned model has a certain generalization ability, and many studies have shown that deep learning methods have certain advantages in performance on fingerprint live detection tasks, with indicators leading most traditional algorithms, lower average detection time consumption and better overall performance.

3. Fingerprint Foreground Segmentation and Patches Extraction

The pre-processing of fingerprint images includes two steps: foreground segmentation and local patches extraction. In the whole fingerprint image, the surrounding area of the fingerprint does not contain any useful information and is removed by foreground segmentation, and then the center of the fingerprint image is used to locate local patches from the foreground area, which reduces the network execution time and model parameters. The fingerprint image foreground segmentation mainly includes the following steps:

3.1. Adaptive Threshold Segmentation

According to the gray distribution of pixels in different regions of the image, local thresholds are adaptively calculated by a local mean or Gaussian weighted average for foreground or background segmentation of each pixel. In this paper, the segmentation threshold of each pixel is determined by the 3 × 3 neighborhood mean. Given T p = M e a n D e l t a , where T p is the local threshold, M e a n represents the 3 × 3 neighborhood average of pixels and D e l t a is an adjustment offset, set to −2. The effect of setting the adjustment offset Delta here is that, for the background area, the local threshold can be increased, thereby forcing the background grayscale to 0. The binarized image segmentation is performed on each pixel using the local threshold of the pixel. The original fingerprint image and the segmented fingerprint image are shown in Figure 2a,b, respectively.

3.2. Dilation and Connected Components with Stats

For the fingerprint image segmented by adaptive threshold, we expect the fingerprint area to be as separate from the background as possible, so we use the dilation method to expand the highlighted white part of the image. Due to the noise interference of the original image, there may be small white patches around the fingerprint in the image after the above two processes, so the largest white block is selected as a more accurate fingerprint area. Figure 2 shows the process of fingerprint foreground extraction.
After foreground extraction, to unify the size of the fingerprint image, we partition a local patch of w × w (w = 112) from the foreground region of the fingerprint in the center of the fingerprint image. We also select four points at the upper left, lower left, upper right and lower right in steps of 56 pixels of the center point. Then, we cut a w × w patch centered on each of these four points. This blocking method takes full advantage of the entire fingerprint image information. However, some of these selected patches might include little fingerprint information, which is not conducive to training the network. Hence, they must be excluded from the training set. Color reversal and normalization are performed on each w × w local patch, and then the maximum closure of the binary patch is obtained. When the maximum closure area of local patch is more than 60% of the local patch area, it will be selected as one sample, otherwise it will be excluded. Furthermore, the extracted local patches will be rotated at four different angles, 0°, 90°, 180° and 270°, to deal with the problem of insufficient fingerprint samples, as shown in Figure 3.

4. Network Structure

Most of the existing fingerprint liveness detection networks use the residual network as the skeleton and make modifications based on this. However, it is easy to cause network overfitting in small databases, especially on grayscale images with relatively simple structural features such as fingerprints, which is not directly suitable for fingerprint liveness detection tasks. We propose a lightweight fingerprint liveness detection network based on ResNet and Transformer. In terms of residual blocks, we borrowed some ideas from the Slim-ResCNN network [16] and a dropout layer was added to each residual block to reduce network overfitting. The modified residual structure is shown in Figure 4. We believe that the texture information of fingerprints is particularly important in fingerprint liveness detection, especially the continuity and structural shape of the ridges, so we introduced the self-attention mechanism in the Transformer into the network to make the network pay more attention to the overall ridge relationship of the fingerprint image. CNN effectively learns abstract information in large-scale images through convolution and obtains low-resolution feature maps, while self-attention layers can summarize and process high-level semantic information contained in low-resolution feature maps to improve network performance and computational efficiency.
The multi-head self-attention layer is shown in Figure 5. The dimension of the input feature map is represented as H × W × d , and three 1×1 trainable parameters of W q , W k and W v are used to convolve the feature map to obtain three matrices, the q query matrix, k key matrix and v value matrix, with the size being H × W × d . Unlike applications in NLP tasks, where positional encoding is done before word vectors enter the network, it is not easy to do positional encoding before input in CV tasks, so two learnable vectors R h and R w were embedded in the MHSA used, and two matrices with dimensions H × d and W × d are obtained, and then expanded to H × 1 × d and 1 × W × d ; the two are added to get the matrix r, which is regarded as the spatial attention of the horizontal and vertical dimensions to complete the position encoding. Then, r and q are multiplied to get the relationship between content and location q r T , and q and k are multiplied to get the content-to-content query q k T . The similarity feature obtained by adding content–position and content–content is multiplied by v after softmax, so that MHSA can focus on the appropriate area. We used four MHSAs to project features into multiple subspaces to improve the expressiveness of the model.
Following the principles of neural network structure design, a binary classification network structure was constructed for spoof presentation attacks detection. The proposed network consists of seven parts: Conv1, Conv2, Conv3, Conv4, Conv5, global average pooling layer and final classification layer. The overall framework of the proposed fingerprint liveness detection network is shown in Figure 6. In order to make the network can be more lightweight, we greatly reduced the depth of the network and the number of convolution kernels used in each layer; for example, there are only 32 convolution kernels in the Conv1 layer.
The structure of the network is shown in Table 1, and the network structure is explained as follows: (1) Conv1 is responsible for connecting the input local patches and extracting the initial features passed to the subsequent residual blocks. The image input size of the modified network is required to be 112 × 112. (2) Conv1 is followed by Conv2, Conv3 and Conv4. Deeper image feature information is extracted through convolution operations, and the size of the output feature map in some layers will be halved. We doubled the number of convolution kernels to ensure that the total amount of learnable parameters remains unchanged, as can be seen from Conv3 and Conv4. (3) In Conv5, the MHSA module is used to replace the original 3 × 3 convolution kernel. (4) To reduce network model parameters, the global average pooling layer is used instead of the fully connected layer. (5) The network is trained on local patches using a cross-entropy loss function. The network structure is shown in Table 1. Compared with the image size used in object detection and segmentation (such as 1024 × 1024), in image classification tasks we often deal with relatively small image sizes, such that VGG network and ResNet originally required image input size of 224 × 224, This will cause the feature map of the original ResNet to only have a size of 7 × 7 when entering the last layer of bottleneck, which is not conducive to the processing of global feature information by the last self-attention layer. Therefore, in our proposed network, the input size of the image was modified to 112 × 112, which is just in line with the local patch size after preprocessing, and the size of the feature map when entering the Conv5 block was enlarged to 28 × 28 compared to the original network. The stride in the MHSA layer in the Conv5 block was uniformly changed to 1 to increase the feature map resolution and thus improve the accuracy of the final classification.
By referring to the relevant literature, and based on our own experiments, we obtained the optimized relevant parameters for the size of the image being 112 × 112. We trained our models using stochastic gradient descent with batch size 32 for 200,000 iterations. The initial learning rate was set to 0.01, initial momentum was 0.9 and it was reduced by 20% per 50,000 iterations. A dropout layer was added after each convolutional layer (except the first one) and the dropout rates were set to 0.2.

5. Fingerprint Image Style Transfer

One of the major limitations of current spoof detection methods is their unsatisfying generalization performance across “unknown” or novel spoof materials that were not used during training of the spoof detector. It has been shown that the selection of spoof materials used in training (known spoofs) directly impacts the performance against unknown spoofs. In particular, Chugh and Jain [18,19] analyzed the material characteristics (two optical and two physical) of 12 different spoof materials to identify a representative set of 6 materials that cover most of the spoof feature space. With the increasing popularity of fingerprint authentication systems, hackers are constantly devising new fabrication techniques and novel materials to attack them. As a result, it is not feasible to include all potential spoof fabrication materials in training a spoof detector. Sandouka and Bazi, Y. [20,21] used a network with EfficientNets as the backbone and a GAN network for generating additional images to solve the problem of the poor generalization ability of fingerprint PAD across sensors and compared with other GAN networks and non-GAN networks.
We use a CycleGAN-based [22] style transfer method to improve the cross-material generalization performance of fingerprint liveness detectors. X and Y represent two different datasets, and the model needs to train two mappings: G : X Y and F : Y X . Two discriminators, D x and D y , have been introduced; D x is used to determine whether the image comes from x or F ( y ) , and D y is used to determine whether the image comes from y or F ( x ) . For cross-material scenarios, we hypothesized that the style information from fake fingerprint images of known material can be transferred to synthesize fake fingerprint images that can be made from unknown materials, which could improve the model’s performance for novel materials while preserving its performance on known materials.
The loss function of CycleGAN mainly includes three parts: adversarial loss function, cycle-consistent loss function and identity loss function. The fingerprint image has many details in structure, such as minutiae, ridges and pores, etc. The role of the adversarial loss function is mainly to make the generated image more realistic. The cycle-consistent loss function ensures that the generated image retains the content part of X and only changes the style part of it. Identity loss function maintains the original fingerprint features during the migration process, preventing the generator from adjusting the features autonomously and changing the overall image. The loss function is shown in Equations (1)–(5):
{ (1) L G A N G , D Y , X , Y = E y ~ P d a t a ( y ) log D Y ( y ) + E x ~ P d a t a ( x ) log ( 1 D Y G x ) (2) L G A N F , D x , Y , X = E x ~ P d a t a ( x ) log D X ( x ) + E y ~ P d a t a ( y ) log ( 1 D X G y )
Equations (1) and (2) refer to the cross-entropy loss function, and they are dual relations. Taking Equation (1) as an example, like the loss function of the conventional GAN network, it is a process of mutual game between D and G , where D tries to distinguish between synthetic images and real images, while G tries to cheat D by generating realistic images. The goal of G is to minimize this objective function, while the goal of D is to maximize the objective function. The optimal solution is when P x ~ d a t a ( x ) = P y ~ d a t a ( y ) .
During the training process, our sample x obtains a fake image y through the generator, which tends to become a value that can deceive the discriminator. The generator will gradually discover that no matter what x is sent in, as long as the output of the generator is more similar to y , it can deceive the discriminator. To retain the content of x and only change the internal style, we introduce a cycle-consistent loss function to solve this problem, as shown in Equation (3):
L c y c l e G , F = E x ~ P d a t a ( x ) F ( G x ) x 1 + E y ~ P d a t a ( y ) G ( F y ) y 1
The cyclic consistency loss adopts L1 loss, in order to constrain x ^ = F G x = x , so that the G x generated by G can still be consistent with x in content. Similarly, for y , the cyclic consistency loss can prevent the generator from deceiving the discriminator by ignoring the input image x and only changing the style part of the generated image to ensure that the generated image retains the content part of x . In addition, identity loss is also used in CycleGAN, as shown in Equation (4):
L I d e n t i t y G , F = E y ~ P d a t a ( y ) G y y 1 + E x ~ P d a t a ( x ) F x x ) 1
The total loss function of the network is shown in Equation (5):
L l o s s = L G A N G , D Y , X , Y + L G A N F , D x , Y , X + λ 1 L c y c l e G , F + λ 2 L I d e n t i t y G , F
The weight ratio of adversarial loss function, cycle-consistent loss function and authentication loss function is set to 1:10:10. During training, the batch size is set to 1, the number of training rounds is 100, the Adam optimizer is used, the initial learning rate is set to 0.0002, the learning rate is fixed for the first 50 rounds, and the learning rate is decayed to 0 in equal parts for the last 50 rounds. The result of CycleGan style transfer is shown in Figure 7.
The leftmost column of Figure 7 represents false fingerprints from known materials, and the top row of Figure 7 provides different style elements. Through style transfer, the fingerprint images of the leftmost column will generate false fingerprint images with corresponding style according to the fingerprint images of the top row.

6. Datasets

The following datasets were used in this research:
LivDet Dataset: To evaluate the performance of the proposed method, we used the LivDet 2011 [23], LivDet 2013 [24] and LivDet 2015 [25] datasets. Each of these datasets contained more than 16,000 fingerprint images acquired from four different fingerprint readers. The CrossMatch and Swipe readers in the LivDet 2013 dataset were not included in the research since the fingerprint data of the CrossMatch reader was abnormal, which is discouraged for evaluation. The resolution of the fingerprint image obtained by the Swipe reader was only 96 dpi, which was different from other LivDet datasets. In LivDet 2015, the test set consisted of fake fingerprints fabricated from new and unknown materials in the training set. These new materials included Liquid Ecoflex and RTV for the Biometrika, Digital Persona and GreenBit readers, and OOMOO and gelatin for the CrossMatch reader. Table 2 summarizes the LivDet datasets included in the research.

7. Performance Evaluation Metrics

In all the experiments for this paper, we followed the metrics used in LivDet:
Classification accuracy (Accuracy) was defined as the ratio of the number of samples correctly classified by the classifier to the total number of samples for a given test dataset. F e r r l i v e was the percentage of misclassified live fingerprints. F e r r f a k e was the percentage of misclassified spoof fingerprints. The last of these was the average classification error rate (ACE) [15,16].
The output of the Softmax layer of the trained model was in the range [0–1], and we averaged all patch outputs of the fingerprint to get the score. The threshold for determining the liveness of fingerprints was set to 0.5. The fingerprint image with a liveness score over 0.5 was considered as an “alive” entity, otherwise it was considered as a “spoof” artifact.

8. Experimental Results and Analysis

The proposed method was tested in the following two scenarios to evaluate the effectiveness of the algorithm.
Known Sensors and Known Materials Scenario: In this case, all images were captured using the same sensor for training and testing, and all the materials used to make the deceptions in the test set were known. The ACE of the proposed network was compared with that of several existing works. The results are shown in Table 3.
Most of the current SOTAs in LivDet2011 and LivDet2013 used MobileNet-V1 for training and testing on local patches based on fingerprint minutiae. The method proposed in this paper showed a slight improvement for the data of the Digital reader and the Italdata reader in the LivDet 2011 dataset and for the data of the Italdata reader in the LivDet 2013 dataset, and the overall average accuracy rate was not far from the best result. The method of [15] needs to extract minutiae from the fingerprint image, and then segment the fingerprint image based on the minutiae. However, it is not easy to extract minutiae points on fake fingerprints. When we extract the minutiae points of fake fingerprints through Verifinger, we find that there will be many wrong minutiae and the average number of minutiae extracted is more than 80, which will divide a fingerprint image into more than 80 local patches. During testing, all local patches need to be tested and scored, and then a weighted average obtained, which is not suitable for real-time fingerprint liveness detection systems. In comparison, the local fingerprint partition method proposed in this paper is simpler, and there are only 5 fingerprint local patches at most from a fingerprint image. For testing the same fingerprint image, the time consumption can be shortened twelvefold, and the final accuracy is almost the same.
Known Sensor and Unknown Material Scenario: In this case, the fingerprint images in the training and test sets were captured by the same sensor. But new materials that were not known during training were used in the test set. The detailed performance comparison between the proposed algorithm and other algorithms is shown in Table 4. When all the spoof fabrication materials were known during the training, the metric was referred to as F e r r f a k e k n o w n , and for cases where all the spoof fabrication materials to be encountered during testing were not known during training, the metric was referred to as F e r r f a k e u n k n o w n .
The network model obtained by the fingerprint image training enhanced by style transfer had a significant improvement in the recognition accuracy for forged fingerprints of unknown materials. The F e r r f a k e u n k n o w n indicators for the Biometrika, CrossMatch, Digital Persona and GreenBit readers were improved from 2.60, 1.34, 3.40 and 2.60 to 1.20, 0.00, 2.60 and 1.40. At the same time, the style transfer did not affect the recognition and judgment of the model for known material fingerprints and real fingerprints, which can be seen from the two indicators of F e r r f a k e k n o w n and F e r r l i v e . Compared with the other algorithms, it can be found that our proposed method showed a significant improvement compared with the methods of the LivDet2015 and LivDet2017 competition champions [16]. Compared with the method proposed in [15], our method also had a slight advantage in the recognition accuracy for unknown materials. It can be shown that the style transfer of fingerprint images via CycleGAN can enhance the generalization ability of the network model to fake fingerprints of unknown materials. Moreover, we list the comparison with the ACE of some other experimental methods in Table 5 and the accuracy on the LivDet 2015 datasets in Table 6.
In addition, in order to verify that the method proposed in this paper can solve the problem of liveness detection for small-area fingerprints, we also tested the accuracy of small-area fingerprint recognition on the LivDet2015 database, and the results are shown in Table 7.
Because there were no related references for small-area fingerprint liveness detection, this paper did not make a comparison with other works. In the test results for small-area fingerprints, the results of the data for the Digital Persona reader were poor, and the overall ACE was 7.27. What was more abnormal was the data tested on the CrossMatch reader. After the fusion of five local patches, a high recognition accuracy could be obtained, but the results of the test on a single small-area fingerprint were not particularly good. The results for the data in the GreenBit reader were the best, with an overall ACE of 3.18 and an overall average ACE of 4.73.
Since the running speed of the network model will be affected by many factors such as the experimental environment and the amount of input data each time, we demonstrated the superiority of the network by comparing the sizes of network parameters. We compared the parameters of the network proposed in this paper with those of the Slim-ResCNN used by the champion of the 2017 fingerprint liveness detection competition and those of the commonly used lightweight networks MobileNet-V1 and MobileNet-V2. The network used in [15] was MobileNet-V1, and its parameters were 4.04 M. The parameters of MobileNet-V2 were 2.19 M. The parameter number for Slim-ResCNN was 2.15 M. The parameter number for the network proposed in this paper was only 0.83 M. It can be seen that the number of network parameters proposed in this paper was significantly smaller than those for the other networks. Table 8 compares the sizes of network parameters.
We drew the ROC curves for the small-area fingerprint recognition results of LivDet2011, LivDet2015 and LivDet2015, and these are shown in Figure 8. In order to facilitate viewing, the ROC curves of LivDet2011 and LivDet2015 are enlarged in the 0–0.2 parts.

9. Conclusions

This work studied the problem of fingerprint liveness detection and proposed a simple and effective method for fingerprint foreground and local patch extraction. Furthermore, we designed a lightweight fingerprint liveness detection network based on a multi-head self-attention mechanism, and we enhanced the generalization ability of the model through style transfer. By modifying the convolutional neural network and adding the MHSA mechanism to improve recognition accuracy, we significantly reduced the network parameters. The CycleGAN network was used for the style transfer of fingerprint images, enhancing the generalization ability of the fingerprint live detection system. The proposed method achieved excellent results on the LivDet2011, LivDet2013, and LivDet2015 datasets; on the LivDet 2015 dataset, our methods achieved an average classification error of 1.72 across all sensors, outperforming most of the state-of-the-art methods, while significantly reducing network parameters, with the overall parameter number only 0.83 M. At the same time, the experiment on small-area fingerprints yielded an accuracy of 95.27%. In the future, we will explore more effective FLD technology, further improve the accuracy of fingerprint liveness detection on the LivDet datasets and explore other GAN-based models to improve the cross-sensor generalization ability between different sensors to deal with fingerprint deception attacks.

Author Contributions

Conceptualization, H.Z.; Methodology, S.H. and H.Z.; Software, K.Z. and S.H.; Validation, K.Z.; Investigation, E.L.; Resources, E.L.; Data curation, E.L.; Writing—original draft, K.Z. and S.H.; Writing—review & editing, K.Z. and H.Z.; Supervision, H.Z.; Funding acquisition, H.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by the National Natural Science Foundation of China grant number (61876139), the Natural Science Foundation of Chongqing (cstc2021jcyj-msxmX1068), the Xi’an Science and Technology Program (21RGSF0011), the Cooperation Program of XDU-Chongqing IC Innovation Research Institute (No. CQIRI-2022CXY-Y14) and the Zhejiang Provincial Natural Science Foundation of China (LGF20F010006).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on https://livdet.org/.

Acknowledgments

We are also very thankful for the support of the Instrumental Analysis Center of Xidian University.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Marcel, S.; Nixon, M.S.; Li, S.Z. Handbook of Biometric AntiSpoofing; Springer: London, UK, 2014. [Google Scholar]
  2. Arora, S.S.; Cao, K.; Jain, A.K.; Paulter, N.G. Design and Fabrication of 3D Fingerprint Targets. IEEE Trans. Inf. Forensics Secur. 2016, 11, 2284–2297. [Google Scholar] [CrossRef]
  3. Schultz, C.W.; Wong, J.X.H.; Yu, H.Z. Fabrication of 3D Fingerprint Phantoms via Unconventional Polycarbonate Molding. Sci. Rep. 2018, 8, 9613. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  4. Arora, S.S.; Jain, A.K.; Paulter, N.G. Gold fingers: 3D targets for evaluating capacitive readers. IEEE Trans. Inf. Forensics Secur. 2017, 12, 2067–2077. [Google Scholar] [CrossRef]
  5. Coli, P.; Marcialis, G.L.; Roli, F. Vitality Detection from Fingerprint Images: A Critical Survey. In Proceedings of the Advances in Biometrics International Conference, ICB 2007, Seoul, Republic of Korea, 27–29 August 2007. [Google Scholar]
  6. Tan, B.; Schuckers, S. Liveness Detection for Fingerprint Scanners Based on the Statistics of Wavelet Signal Processing. In Proceedings of the 2006 Conference on Computer Vision and Pattern Recognition Workshop (CVPRW’06), New York, NY, USA, 17–22 June 2006; p. 26. [Google Scholar]
  7. Nikam, S.B.; Agarwal, S. Texture and Wavelet-Based Spoof Fingerprint Detection for Fingerprint Biometric Systems. In Proceedings of the 2008 First International Conference on Emerging Trends in Engineering and Technology, Nagpur, India, 16–18 July 2008. [Google Scholar]
  8. Jia, X.; Yang, X.; Cao, K.; Zang, Y.; Zhang, N.; Dai, R.; Zhu, X.; Tian, J. Multi-scale local binary pattern with filters for spoof fingerprint detection. Inf. Sci. 2014, 268, 91–102. [Google Scholar] [CrossRef]
  9. Jiang, Y.; Liu, X. Uniform Local Binary Pattern for Fingerprint Liveness Detection in the Gaussian Pyramid. J. Electr. Comput. Eng. 2018, 2018, 1539298. [Google Scholar] [CrossRef]
  10. Ghiani, L.; Marcialis, G.L.; Roli, F. Fingerprint liveness detection by local phase quantization. In Proceedings of the 21st International Conference on Pattern Recognition (ICPR2012), Tsukuba, Japan, 11–15 November 2012. [Google Scholar]
  11. Gragnaniello, D.; Poggi, G.; Sansone, C.; Verdoliva, L. Fingerprint liveness detection based on Weber Local image Descriptor. In Proceedings of the IEEE Workshop on Biometric Measurements and Systems for Security and Medical Applications (BIOMS), Napoli, Italy, 9 September 2013. [Google Scholar]
  12. Gragnaniello, D.; Poggi, G.; Sansone, C.; Verdoliva, L. Local contrast phase descriptor for fingerprint liveness detection. Pattern Recognit. 2015, 48, 1050–1058. [Google Scholar] [CrossRef]
  13. Xia, Z.; Yuan, C.; Lv, R.; Sun, X.; Xiong, N.N.; Shi, Y.Q. A Novel Weber Local Binary Descriptor for Fingerprint Liveness Detection. IEEE Trans. Syst. Man Cybern. Syst. 2018, 50, 1526–1536. [Google Scholar] [CrossRef]
  14. Nogueira, R.F.; de Alencar Lotufo, R.; Machado, R.C. Fingerprint Liveness Detection Using Convolutional Neural Networks. IEEE Trans. Inf. Forensics Secur. 2016, 11, 1206–1213. [Google Scholar] [CrossRef]
  15. Chugh, T.; Cao, K.; Jain, A.K. Fingerprint Spoof Buster: Use of Minutiae-Centered Patches. IEEE Trans. Inf. Forensics Secur. 2018, 13, 2190–2202. [Google Scholar] [CrossRef]
  16. Zhang, Y.; Shi, D.; Zhan, X.; Cao, D.; Zhu, K.; Li, Z. Slim-ResCNN: A deep Residual Convolutional Neural Network for Fingerprint Liveness Detection. IEEE Access 2019, 7, 91476–91487. [Google Scholar] [CrossRef]
  17. Zhang, Y.; Pan, S.; Zhan, X.; Li, Z.; Gao, M.; Gao, C. FLDNet: Light Dense CNN for Fingerprint Liveness Detection. IEEE Access 2020, 8, 84141–84152. [Google Scholar] [CrossRef]
  18. Chugh, T.; Jain, A.K. Fingerprint presentation attack detection: Generalization and efficiency. In Proceedings of the 2019 International Conference on Biometrics (ICB), Crete, Greece, 4–7 June 2019. [Google Scholar]
  19. Chugh, T.; Jain, A.K. Fingerprint spoof detector generalization. IEEE Trans. Inf. Forensics Secur. 2020, 16, 42–55. [Google Scholar] [CrossRef]
  20. Sandouka, S.B.; Bazi, Y.; Alajlan, N. Transformers and generative adversarial networks for liveness detection in multitarget fingerprint sensors. Sensors 2021, 21, 699. [Google Scholar] [CrossRef] [PubMed]
  21. Sandouka, S.B.; Bazi, Y.; Alhichri, H.; Alajlan, N. Unified generative adversarial networks for multidomain fingerprint presentation attack detection. Entropy 2021, 23, 1089. [Google Scholar] [CrossRef] [PubMed]
  22. Zhu, J.Y.; Park, T.; Isola, P.; Efros, A.A. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2223–2232. [Google Scholar]
  23. Yambay, D.; Ghiani, L.; Denti, P.; Marcialis, G.L.; Roli, F.; Schuckers, S. LivDet 2011—Fingerprint liveness detection competition 2011. In Proceedings of the 2012 5th IAPR International Conference on Biometrics (ICB), New Delhi, India, 29 March–1 April 2012; pp. 208–215. [Google Scholar]
  24. Ghiani, L.; Yambay, D.; Mura, V.; Tocco, S.; Marcialis, G.L.; Roli, F.; Schuckcrs, S. LivDet 2013 Fingerprint Liveness Detection Competition 2013. In Proceedings of the Iapr International Conference on Biometrics, Madrid, Spain, 4–7 June 2013. [Google Scholar]
  25. Yambay, D.; Becker, B.; Kohli, N.; Yadav, D.; Czajka, A.; Bowyer, K.W.; Schuckers, S.; Singh, R.; Vatsa, M.; Noore, A.; et al. LivDet-Iris 2015—Iris Liveness Detection Competition 2015. In Proceedings of the IEEE International Conference on Identity, Denver, CO, USA, 1–4 October 2017. [Google Scholar]
  26. Marasco, E.; Sansone, C. Combining perspiration- and morphology-based static features for fingerprint liveness detection. Pattern Recognit. Lett. 2012, 33, 1148–1156. [Google Scholar] [CrossRef]
  27. Mura, V.; Ghiani, L.; Marcialis, G.L.; Roli, F.; Yambay, D.A.; Schuckers, S.A. LivDet 2015 fingerprint liveness detection competition 2015. In Proceedings of the IEEE 7th International Conference on Biometrics Theory, Applications and Systems (BTAS), Arlington, VA, USA, 8–11 September 2015. [Google Scholar]
  28. Gonzalez-Soler, L.J.; Gomez-Barrero, M.; Chang, L.; Pérez-Suárez, A.; Busch, C. Fingerprint presentation attack detection based on local features encoding for unknown attacks. IEEE Access 2021, 9, 5806–5820. [Google Scholar] [CrossRef]
  29. Yuan, C.; Xia, Z.; Sun, X.; Wu, Q.J. Deep residual network with adaptive learning framework for fingerprint liveness detection. IEEE Trans. Cogn. Dev. Syst. 2019, 12, 461–473. [Google Scholar] [CrossRef]
Figure 1. Samples of live (a) and spoofed fingerprints (b).
Figure 1. Samples of live (a) and spoofed fingerprints (b).
Sensors 23 06854 g001
Figure 2. Fingerprint foreground extraction: (a) original fingerprint, (b) fingerprint segmented with adaptive thresholding, (c) dilated fingerprint and (d) fingerprint after foreground extraction.
Figure 2. Fingerprint foreground extraction: (a) original fingerprint, (b) fingerprint segmented with adaptive thresholding, (c) dilated fingerprint and (d) fingerprint after foreground extraction.
Sensors 23 06854 g002
Figure 3. Multiple local patches extracted from the foreground of fingerprint image.
Figure 3. Multiple local patches extracted from the foreground of fingerprint image.
Sensors 23 06854 g003
Figure 4. The original residual blocks (a) and the improved residual blocks (b).
Figure 4. The original residual blocks (a) and the improved residual blocks (b).
Sensors 23 06854 g004
Figure 5. Structure diagram of multi-head self-attention layer.
Figure 5. Structure diagram of multi-head self-attention layer.
Sensors 23 06854 g005
Figure 6. The overall framework of the proposed fingerprint liveness detection network.
Figure 6. The overall framework of the proposed fingerprint liveness detection network.
Sensors 23 06854 g006
Figure 7. CycleGan style transfer to generate fingerprint images with different styles.
Figure 7. CycleGan style transfer to generate fingerprint images with different styles.
Sensors 23 06854 g007
Figure 8. ROC curves: (a) LivDet2011, (b) LivDet2015 and (c) LivDet2015 small-area fingerprint.
Figure 8. ROC curves: (a) LivDet2011, (b) LivDet2015 and (c) LivDet2015 small-area fingerprint.
Sensors 23 06854 g008
Table 1. Lightweight network structure.
Table 1. Lightweight network structure.
LayerOutputKernel
Conv 1112 × 1123 × 3 × 32
Conv 2112 × 1123 × 3 × 32
3 × 3 × 32
Conv 356 × 563 × 3 × 64
3 × 3 × 64
Conv 428 × 283 × 3 × 128
3 × 3 × 128
Conv 528 × 28 1 × 1 × 128 M H S A 1 × 1 × 128 × 2
Avg pool1 × 1-
Table 2. LivDet datasets information.
Table 2. LivDet datasets information.
DatasetSensorImage SizeLive Image
(Train/Test)
Fake Image
(Train/Test)
Spoof Materials
LivDet
2011
Biometrika315 × 3721000/10001000/1000Ecoflex, Gelatin, Latex, Silgum, Wood Glue
ItalData640 × 4801000/10001000/1000
Digital Persona355 × 3911000/10001000/1000Gelatin, Latex, PlayDoh, Silicone, Wood Glue
Sagem352 × 3841000/10001000/1000
LivDet
2013
Biometrika315 × 3721000/10001000/1000Ecoflex, Gelatin, Latex, Modasil, Wood Glue
ItalData640 × 4801000/10001000/1000
LivDet
2015
GreenBit500 × 5001000/10001000/1500Ecoflex, Gelatin, Latex, Wood Glue, Liquid Ecoflex, RTV
Biometrika1000 × 10001000/10001000/1500
Digital
Persona
252 × 3241000/10001000/1500BodyDouble, Ecoflex, PlayDoh, OOMOO, Gelatin
CrossMatch640 × 4801510/15001473/1448
Table 3. LivDet2011 and LivDet2013 results (%).
Table 3. LivDet2011 and LivDet2013 results (%).
DatasetSensorState-of-the-ArtVGGAlexNetProposed
LivDet 2011Biometrika1.24 [15]5.25.62.55
Digital1.61 [15]3.24.61.15
Italdata2.458.09.11.55
Sagem1.23 [26]1.73.11.52
Average1.634.535.61.69
LivDet 2013Biometrika0.20 [15]1.81.90.75
Italdata0.30 [15]0.40.50.20
Average0.251.11.20.48
Table 4. LivDet2015 results (%).
Table 4. LivDet2015 results (%).
MethodLiveDet2015 F e r r l i v e F e r r f a k e F e r r f a k e k n o w n F e r r f a k e u n k n o w n Ace
LivDet 2015-winner [27]Biometrika8.503.732.705.805.64
CrossMatch0.932.902.124.021.90
Digital Persona8.105.074.606.006.28
GreenBit3.505.334.307.404.60
Average4.784.273.485.724.49
SlimResCNN [16]Biometrika3.554.232.447.723.10
CrossMatch1.723.913.184.584.32
Digital Persona4.284.783.736.402.37
GreenBit2.222.652.423.112.64
Average2.943.892.945.453.11
FLDNet [17]Biometrika1.013.672.615.752.34
CrossMatch0.872.210.694.451.54
Digital Persona3.261.901.432.852.58
GreenBit0.710.410.520.210.56
Average1.462.051.313.311.76
Fingerprint Spoof Buster
[15]
Biometrika0.901.270.602.601.12
CrossMatch0.800.480.820.000.64
Digital Persona1.971.170.851.801.48
GreenBit0.500.800.301.800.68
Average1.020.930.641.480.97
Proposed MethodBiometrika3.702.071.802.602.72
CrossMatch1.670.960.711.341.32
Digital Persona5.202.472.003.403.56
GreenBit1.701.130.402.601.36
Average2.911.661.242.442.20
Proposed Method +
CycleGAN
Biometrika3.700.870.701.202.00
CrossMatch1.000.821.410.000.91
Digital Persona4.802.202.002.603.24
GreenBit0.900.600.201.400.72
Average2.61.121.081.731.72
The best performance results are highlighted in bold.
Table 5. ACE comparisons with existing methods on LivDet 2015 datasets (%).
Table 5. ACE comparisons with existing methods on LivDet 2015 datasets (%).
MethodGreen BitBiometrikaDigital PersonaCrossmatchAverage
WLBD [13]4.5313.7210.829.949.68
FPAD [28]1.23.22.284.62.82
DRN [29]4.776.246.83.465.32
VGG-19 [14]4.65.66.31.94.6
SlimRes-CNN [16]2.643.102.374.323.11
FLDNet [17]0.562.342.581.541.76
Proposed + CycleGAN0.722.03.240.911.72
The best performance results are highlighted in bold.
Table 6. The accuracy on the LivDet 2015 datasets (%).
Table 6. The accuracy on the LivDet 2015 datasets (%).
DatasetsProposed + CycleGAN
GreenBit98.54
Biometrika97.23
Digital Persona95.11
Crossmatch98.01
Average97.22
Table 7. LivDet2015 small-area fingerprint experiment results (%).
Table 7. LivDet2015 small-area fingerprint experiment results (%).
LiveDet2015 F e r r l i v e F e r r f a k e F e r r f a k e k n o w n F e r r f a k e u n k n o w n Ace
Biometrika6.123.102.115.094.30
CrossMatch3.744.796.672.774.26
Digital Persona9.695.735.077.067.27
GreenBit3.323.091.626.013.18
Average5.504.173.775.144.73
Table 8. Comparison of network parameters and test time.
Table 8. Comparison of network parameters and test time.
ProposedSlim-ResCNNMobileNet-V1MobileNet-V2
Parameters0.83 M2.15 M4.04 M2.19 M
Time0.07132 s0.196 s0.5389 s0.226 s
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhang, K.; Huang, S.; Liu, E.; Zhao, H. LFLDNet: Lightweight Fingerprint Liveness Detection Based on ResNet and Transformer. Sensors 2023, 23, 6854. https://doi.org/10.3390/s23156854

AMA Style

Zhang K, Huang S, Liu E, Zhao H. LFLDNet: Lightweight Fingerprint Liveness Detection Based on ResNet and Transformer. Sensors. 2023; 23(15):6854. https://doi.org/10.3390/s23156854

Chicago/Turabian Style

Zhang, Kang, Shu Huang, Eryun Liu, and Heng Zhao. 2023. "LFLDNet: Lightweight Fingerprint Liveness Detection Based on ResNet and Transformer" Sensors 23, no. 15: 6854. https://doi.org/10.3390/s23156854

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop