Next Article in Journal
Molecular Monolayer Sensing Using Surface Plasmon Resonance and Angular Goos-Hänchen Shift
Previous Article in Journal
A Method of Codec Comparison and Selection for Good Quality Video Transmission Over Limited-Bandwidth Networks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Gait-Based Implicit Authentication Using Edge Computing and Deep Learning for Mobile Devices

1
School of Electronic and Electrical Engineering, Shanghai University of Engineering Science, Shanghai 201620, China
2
Commonwealth Scientific and Industrial Research Organization (CSIRO), Sandy Bay 7005, Australia
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Sensors 2021, 21(13), 4592; https://doi.org/10.3390/s21134592
Submission received: 25 May 2021 / Revised: 28 June 2021 / Accepted: 2 July 2021 / Published: 5 July 2021
(This article belongs to the Section Internet of Things)

Abstract

:
Implicit authentication mechanisms are expected to prevent security and privacy threats for mobile devices using behavior modeling. However, recently, researchers have demonstrated that the performance of behavioral biometrics is insufficiently accurate. Furthermore, the unique characteristics of mobile devices, such as limited storage and energy, make it subject to constrained capacity of data collection and processing. In this paper, we propose an implicit authentication architecture based on edge computing, coined Edge computing-based mobile Device Implicit Authentication (EDIA), which exploits edge-based gait biometric identification using a deep learning model to authenticate users. The gait data captured by a device’s accelerometer and gyroscope sensors is utilized as the input of our optimized model, which consists of a CNN and a LSTM in tandem. Especially, we deal with extracting the features of gait signal in a two-dimensional domain through converting the original signal into an image, and then input it into our network. In addition, to reduce computation overhead of mobile devices, the model for implicit authentication is generated on the cloud server, and the user authentication process also takes place on the edge devices. We evaluate the performance of EDIA under different scenarios where the results show that i) we achieve a true positive rate of 97.77% and also a 2% false positive rate; and ii) EDIA still reaches high accuracy with limited dataset size.

1. Introduction

Mobile devices, including smartphones and tablets, play important roles in our daily lives. With the growth in their use, people increasingly store ample private and sensitive information such as photos and emails on mobile devices. Therefore, it is essential to prevent private data from threats caused by unauthorized access [1,2,3]. Traditional access control methods employ one-time authentication mechanisms, e.g., passcodes, PINs, face recognition and fingerprints, which is asked when users try to start-up their mobile devices. However, these authentication mechanisms are easy to crack by guessing, smudge attacks and static photos [4]. Moreover, users is required to present these credentials only for initial login. Unauthorized users may illegally access to devices if the authentication system is not constantly on guard against intruders after initial login.
To cope with these challenges, researchers develop implicit authentication to continuously monitor user identification in runtime via behavioral biometrics [5,6]. There are plenty of mobile implicit authentication methods in the literature, e.g., touch dynamics-based approaches, behavior-based profiling, and gait dynamics based approaches [4]. Touch dynamics-based authentication methods utilize the way users interact with the touch screen of their mobile devices. Behavior-based profiling methods identify users in terms of the tasks and services they prefer to use. In practice, these two types of authentication make users be constrained to perform some appointed tasks or wear some devices for collecting the desired data. Rather than obtrusive data collection process, gait dynamics based schemes need less user interaction and no additional hardware required.
More recently, gait biometrics has received academic attention in implicit authentication techniques for mobile devices [7]. Usually these schemes do not achieve a Training Accuracy Rate (TAR) higher than 95% with EER from 5% to 10%. Further works need be devoted to improving accuracy. Some new developments in behavior recognition via deep learning can be applied in the field of implicit authentication [8,9]. Rather than other machine learning models, deep learning emancipate us from the hard manual work of hand-crafted feature extraction. In this paper, user authentication has been proposed through the use of a hybrid approach which consists of a Convolutional Neural Networks model and Long Short-term Memory Recurrent Neural Network (CNN-LSTM). Compared to the work only based on a CNN model, our hybrid approach is able to improve the accuracy of the result by almost 3%.
Although deep learning is successful in image and speech classification, its application for non-image/speech data, including human behavior recognition using raw sensor data, brings new challenges. As there are abundant noises in raw data, this means behavior recognition may lead to lots of errors during deep learning based authentication. We design a data process method of translating the gait signal in two-dimension domain, inspired by previous state of the art [10] which have been applied to fault detection and diagnosis using features of vibration signal. In the process of transforming data to an image, all the data of images are preserved. Meanwhile, the noise in the data is transformed into the gray and brightness information of the image, which reduces the impact of noise on the classification results. This are intended to achieve the purpose of noise reduction initially, and so to improve the accuracy of our authentication model.
In this paper, we propose an efficient implicit authentication system named Edge computing-based mobile Device Implicit Authentication (EDIA), which uses the gait biometric traits generated by users and captured by build-in sensors. In EDIA, edge computing paradigm alleviates the computation burden of mobile devices through offloading computing task to the nearest edge node, while computing paradigm is leveraged to generate the authentication model which could achieve real-time user authentication. We introduce an image conversion method which converts the raw gait signal to 2D format as the input of deep learning model and further promote the performance of our model. User authentication is employed through a hybrid method including CNN and LSTM, where CNN is utilized as a feature extractor and the LSTM is used as a classifier. Various experiments and tests are carried out to show the effectiveness and robustness of EDIA in different scenarios. Furthermore, our authentication method also achieves high authentication accuracy with small data sets, indicating that our model is suitable for mobile devices with insufficient battery and computing power. Although gait as a biometric trait has been used in user authentication, most works focus on the gait signal’s frequencies and magnitude, which are dealing with one dimension domain. Few studies looked into multi dimension domains. Specifically, to the best of our knowledge, no other work has applied gait signal-based image (two dimensions) conversion pre-processing on deep learning methods for user authentication.
The highlights and contributions of this paper can be summarized as follows:
  • We propose an edge computing-based implicit authentication architecture, EDIA, which is designed to attain high efficiency and computing resources optimization based on the edge computing paradigm;
  • We develop a hybrid model, based on concatenation of CNN and LSTM accommodated to the optimized process of gait data from build-in sensors.
  • We present a data preprocessing method, which extracts the features of a gait signal in two-dimension domain by converting the signal into an image. By this way, the influence of noise on classification results is reduced and then the authentication accuracy can be improved.
  • We implement and evaluate the authentication performance of EDIA in different situations on a dataset which is collected by Matteo Gadaleta et al [11]. The experiment results show that EDIA achieve an accuracy of 97.77% with the 2% false positive rate and demonstrate the effectiveness and robustness of EDIA.

2. Related Work

To cope with the drawbacks of traditional authentication methods such as passwords, researchers turn their attention to behavioral-based approaches in recent years. Continuous implicit authentication techniques based on behavioral features have been being studied and developed rapidly on mobile devices such as tablets and cell phones. Basically, they detect user’s identity based on the physiological and behavioral biometrics information from sensors that are built into the mobile device. This includes gyroscopes, pressure sensors, touch screens, orientation sensors and accelerometers.
Touch screen is the main interaction interface between users and smart mobile devices nowadays. This is one of the most popular ways to gather behavior information because they can be obtained without the help of other hardware and can be analyzed in real-time. Since differences in user’s touch screen trajectory, speed and click position can produce different pressures on the screen, these behavioral features of a user can be recognized distinctly for implicit authentication. As an example, Frank et al. [12] proposed an implicit authentication framework based on the way users interact with the touch screen. They use a set of 30 behavioral touch features that can be extracted from the touch screen logs to authenticate users. After data processing and feature analysis, they utilized both kernel support vector machine (SVM) and k-nearest-neighbors (KNN) to evaluate the features on a dataset consisting of 41 users’ touch gestures. The experimental results show that an EER of 0% to 4% can be achieved in different application scenarios.
Behavior-based authentication methods can also authenticate users by analyzing applications and services that people use on their phones. In these systems, user profiles, which are generated through monitoring user’s activity on the phone over a period of time, are compared against the current activity profile to identify users. A significant deviation means that an intrusion may have been detected. Recently, some studies apply this technique to implicit authentication [13,14,15]. In these studies, application-level as well as application-specific characteristics such as cell phone ID, data, time and number of calls, call time, and application usage time are used to authenticate the user. Li et al. [13] proposed a method based on behaviors of using telephony, text messaging, and general application usage as features. They achieved EERs of 5.4%, 2.2%, and 13.5% on the MIT Reality dataset [16].
Keyboard input is another common interaction method for mobile devices. People are likely to have their own keystroke input characteristics, e.g., keystroke delay, strength, duration, and keystroke location, which can be analyzed during the use of keyboard for identification. Keystroke authentication is further divided into fixed text and free text studies. Lee et al. [17] studied the dynamic features of user keystrokes and proposed a parametric model approach that can select the most distinguishing features for each user with a false rejection rate of 11%. However, keystroke behavior gradually decreases on most mobile devices since there is no virtual keyboard on lots of wearable devices [18]. Therefore, implicit authentication based on this behavioral feature is not applicable to popular mobile devices such as smart glasses. Hand waving patterns of a person are yet another unique, stable and distinguishable feature. Han et al. [19] proposed a system named OpenSesame which exploits users’ hand waving patterns and leverages four fine-grained and statistic features of hand waving. In addition, they used the support vector machine (SVM) as classifier. The problems and limitations of the above implicit authentication methods are described in Table 1.
With the increasing number of sensors in standard mobile phones, gait features are beginning to garner people’s attention for authentication. Not only are the gait features stable, distinguishable, and easy to collect, but the time that people have their phone with them is also increasing. Furthermore, the number of gait features available is plenty. A gait-based implicit authentication method identifies users by the way they walk. Gait signal data, such as those from accelerometer and gyroscope sensors, can be easily obtained through the phone’s built-in sensors. With these continuous data streams being collected, discriminative gait features can be extracted and then be trained by the classifier for authentication. A number of methods have been proposed to perform gait-based implicit authentication on mobile devices. These methods differ mostly in the ways features and extracted from the raw data or the algorithm used for authentication.
In [20], Mantyjarvi et al. used the methods based on correlation, frequency domain analysis, and data distribution statics, while Thang et al. [21] and Muaaz et al. [22] implemented the dynamic time warping (DTW) method. Instead of using the gait cycles for extracting features, Nickel et al. [23] used hidden Markov models (HMMs) for gait recognition. The methods mentioned above require feature selection and extraction before user authentication can be performed, and these processes are usually tedious and complex. Zhong et al. [24] proposed a sensor direction-invariant gait representation method called gait dynamic images (GIDs). The basic idea is to capture the three-dimensional time series using a triaxial accelerometer, and GDI is expressed as the cosine similarity of the motion measurement at time t with the lag time signal. Damaševicius et al. [25] used random projections to reduce feature dimensionality to two, followed by computing the Jaccard distance between two probability distributed functions of the derived features for positive identification. Kašys et al. [26] performed user identity verification using linear Support Vector Machine (SVM) classifier on his/her walking activity data captured by the mobile phone. Xu et al. [27] presented Gait-watch, a context-aware authentication system based on gait feature recognition and extraction under various walking activities. Abo El-Soud et al. [28] used filter and wrapper approaches for feature selection of gait data and random forest classifier for the authentication. Papavasileiou et al. [29] proposed GaitCode, a continuous authentication mechanism based on multimodal gait-based sensor data. They used a network of auto-encoders with fusion for feature extraction and SVM for classification.
Table 2 summarizes the performance of gait-based implicit authentication methods on various datasets. One common weakness shared among these methods is the requirements of data pre-processing operations and manual feature screening processes for the collected gait signals before authentication. They are not only tedious and complicated, but also affect the subsequent authentication accuracy if the features are not selected properly.
The field of deep learning [30] has demonstrated its effectives in areas related to gait recognition. This includes action recognition [31], video classification [32] and face recognition [33]. However, the training of deep learning models requires a large amount of data, and it is very difficult to collect a large amount of gait data because of the battery and processing power limitations of mobile devices. Compared to traditional machine learning methods, deep learning methods are less applied to gait-based implicit authentication problems. Gadaleta et al. [11] proposed a user authentication framework from smartphone-acquired motion signals named IDNet. IDNet exploits CNN as universal feature extractors, which still uses one-class SVM as a classifier. They directly use the original gait signal as the input to the convolutional neural network. This method is not appropriate for CNN because CNN is not good at processing one-dimensional signals. Giorgi et al. [25] described a user authentication framework, exploiting inertial sensors and making use of Recurrent Neural Network for deep-learning based classification. However, the difference in results for known identities and unknown identities is quite significant.
To face above challenges, in this paper, we choose gait features as inputs of a CNN-LSTM model to identify mobile device users. Before the gait data collected by the device is fed into the network, we convert it into a two-dimensional image. Our authentication system not only inherits the advantages of deep learning, but also achieves initial noise reduction, all of which can promote the accuracy of authentication.

3. The Methodology

In this section, we propose an edge computing-based mechanism named EDIA to authenticate mobile device users. The architecture of EDIA is shown in Figure 1. EDIA includes a model training module deployed in the cloud and a user authentication module deployed on edge devices (e.g., smartphones, smart tablets, and other mobile devices). Deploying the training module with the cloud can provide powerful computing power for model training to speed up the training process. When a legitimate user registers for the first time, the system continuously collects the user’s gait information through the smart mobile device at the edge and sends it to the cloud for generating authentication feature vectors. We deployed the data collection and model generation modules in a trusted cloud-based server. To protect the security of user information, all user data were anonymized and the cloud model has access to the data but not to the user information of the gait data. The model generation module was trained with the gait information of legitimate users and the information of other users to generate user authentication models. After training, the user authentication model is downloaded to edge devices such as cellphones to ensure real-time user authentication. The training module in the cloud is not involved in the user authentication process, and only when the model on the mobile device detects a deviation in the gait behavior of the legitimate user, the training module will re-collect data for training, a process that occurs automatically in the cloud. Thus EDIA does not require the mobile device at the edge to be in constant communication with the cloud, further reducing the risk of intrusion.
The process of implicit authentication of mobile device users based on gait data is shown in Figure 2, which consists of three basic stages: data preprocessing, convert signal to image, and CNN-LSTM authentication mechanism. The authentication mechanism is composed of two different networks, CNN is responsible for feature extraction, whereas LSTM acts as a classifier.

3.1. Data Preprocessing

The dataset used in this paper were proposed by Gadaleta et al. [11]. The dataset is composed of 50 people who walked in their natural state. The data were monitored and captured by the smartphones with the inertial sensors, which were put in the right front of the users’ trousers. There are problems of missing data and high frequency signal interference in the process of collecting gait signals from the built-in sensors of cell phones, so the data needs to be processed to facilitate the subsequent user authentication process.

3.1.1. Filter and Gait Cycle Extraction

The gait signal generated by a person while walking is a low frequency signal, and the cell phone sensor will receive interference from high-frequency electronic noise and random noise in the process of acquisition, so corresponding means must be taken to remove noise interference to ensure the accuracy of subsequent certification. In this paper, we use the 8th order Butterworth low-pass filter with a cutoff frequency of 5 Hz to remove noise from the signal. Figure 3 shows the comparison of the gait signals before and after filtering.
The human walking behavior is a regular quasi-periodic activity, starting from the first contact of the left foot with the ground to the alternation of the right foot until the left foot touches the ground again. Figure 4 shows a diagram of the human gait cycle.
In gait-based authentication tasks, the time series data needs to be segmented and the identification is performed for each segmented data (each segmented data is a sample in the identification system). There are two main methods of data segmentation; period-based segmentation and sliding window-based segmentation. With respect to the sequential data of different testers’ distinct movement patterns, the period-based segmentation method divides the data with different lengths. Since the input sample size of the network model in this paper is a fixed value, the period-based segmentation method is difficult to adapt to the recognition model. In contrast, the sliding window-based method can divide fixed data segments, so we adopt the sliding time window-based division method. By the method of minimal value detection, it is found that the length of the sequence in the gait cycle of the user in the dataset was 120–140. The method mainly includes the following steps:
(1) Calculate all minimal values of the input signal by Equation (1)
x i 1 > x i & x i < x i + 1 ,
where x i the sampling point of the current moment, x i 1 and x i + 1 are the sampling points of the previous moment and the next moment, respectively, and the minimal value points of all the gait signals are marked, and the results are shown in Figure 5.
(2) Use the the threshold value obtained from Equation (2) to eliminate some of the pseudo-minority points.
Threshold = mean + 0.5 std
std dotes the standard deviation of all minima points, mean dotes the mean value of all minima points, result shows in Figure 6.
(3) Use the Equation (3) to obtain the estimated step size of the gait signal.
R x x ( m ) = lim N n = 1 N x ( n ) x ( n + m )
Equation (3) represents the unbiased autocorrelation function of the signal, the autocorrelation function represents the correlation degree of the signal at two different moments, which can reflect the periodicity of the gait signal.
(4) Use the algorithm shown in Algorithm 1 to obtain the gait cycle.
After the above steps, a gait cycle is obtained as Figure 7 shown.
Algorithm 1: Gait cycle detection algorithm.
Input: Gait acceleration x-axis signal
Output: Start and end points of each gait cycle
1 
Use Equation (1) to obtain all the minimal values of the input signal P 1
2 
Use Equation (2) to initial screening P 1 to obtain P 2 after remove the pseudo-minimal values
3 
Use Equation (3) to obtain the estimated step size of the gait signal L.
4 
α = 1 4 , β = 3 4 , γ = 1 6 , p = 2
5 
while  p < l e n g t h ( P 2 )  do
6 
   if  p o s i t i o n _ o f ( p ) p o s i t i o n _ o f ( p 1 ) < α L  then
7 
   if  a c c e l e r a t i o n _ o f ( p ) < a c c e l e r a t i o n _ o f ( p 1 )  then
8 
      remove(p)
9 
   else
10 
      remove( p 1
11 
   end
12 
   end
13 
   else if  p o s i t i o n _ o f ( p ) p o s i t i o n _ o f ( p 1 ) < β L  then
14 
    if  p o s i t i o n _ o f ( p + 1 ) p o s i t i o n _ o f ( p ) < γ L  then
15 
     remove(p)
16 
    else
17 
     remove( p + 1 )
18 
    end
19 
   end
20 
    p = p + 1
21 
end

3.1.2. Signal-to-Image Convert

In our system, a CNN-LSTM network model is used to authenticate users. While deep networks are not ideal for one-dimensional data, we do some preprocessing, aiming to achieve the purpose of thoroughly using deep networks to extract non-statistical gait features. The gait signals are converted into image data before feeding the data into the network model. Then, the powerful image feature extraction capability of convolutional neural networks is used to extract the non-statistical features of the gait data. The signal-to-image conversion method consists of the following two steps: (1) interception of the gait signal using a sliding window, and (2) conversion of the intercepted gait signal to a grayscale map.
For one-dimensional gait signals, signal segments need to be intercepted before being converted to images. The signal is intercepted using the sliding window fetch method. After dividing the period of the gait signal by the minimal value detection method (Section 3.1.1), we know that the gait period of human walking is about 120–140. In order to ensure the intercepted data contain a whole gait period, the size of the sliding window is taken as 150. Figure 8 shows the schematic diagram of the sliding window fetching method.
The process of converting the unfilled signal into an image is shown in Figure 9. In this paper, the data collected by the acceleration sensor and the rotation vector sensor in the dataset are selected for the authentication task. The data collected by each type of sensor includes that in x, y, z axes. Then for each gait signal data, the signal sub-column is intercepted using the sliding window fetching method on the change signal. The sub-columns of the same phase are combined into a gait feature matrix. The specific conversion process is shown in Algorithm 2.
The signal-to-image transformation is completed, and the transformed gait feature map is shown in Figure 10. Figure 10a–d shows the feature images of u018. Figure 10e–h shows the feature images of u034.
Algorithm 2: Gait feature image generation algorithm.
Input: Gait signal
Output: Gait feature image
1 
forcolumnLin gait signaldo
2 
    M = M a x ( L )
3 
    N = M i n ( L )
4 
   for x i in L do
5 
     x m a p = x i N M N × 255
6 
   end
7 
   return L _ map
8 
end
9 
return signal _ map
10 
Extraction of feature matrix with sliding window
11 
Convert the feature matrix into a feature map

3.2. Proposed Architecture

The structure of the implicit authentication network based on gait features is shown in Figure 11. For the gait signal, a signal-to-image method is used to convert the one-dimensional gait data into a two-dimension grayscale image. The classification authentication network model is divided into two parts; the CNN network is responsible for extracting the signs, while the LSTM is responsible for classifying the features for authentication.
Convolutional Neural Networks (CNN) are widely-used deep learning models with powerful feature extraction capabilities, which can automatically and efficiently extract features from the input data quickly. Compared with one-dimensional data such as physiological data and financial data, convolutional neural networks are particularly capable of processing two-dimension image data. The inputs in the convolutional layers are connected to the next layers instead of being fully-connected as in traditional neural network models. Sub-regions have the same weights in these input sets, so the inputs of a CNN produce spatially associated outputs. However, in a traditional neural network networks (NN), each input has its own different weight, while the growth of the weights’ number increases the input dimensionality, which make the network more complex. Compared with NN, CNN reduce the weights and the number of connections through weight sharing and downsampling operations. The specific network parameters of CNN are shown in Table 3.
Although CNNs have powerful feature extraction capabilities, they are less effective for some classification/learning tasks where the input is time-dependent such as the gait signal data in this paper. For this type of data, its previous state affects the network’s prediction of subsequent states, so the network is required to not only be ware of the current input but also to remember the previous input. This problem can be solved by the RNN model, which can perform the classification task for each element of the time series. For the present input of RNN, it is not only considered as the current input also as the result of the previous input. The output of RNN at time step t is affected by the output of RNN at time step t 1 .
Theoretically, RNN networks can be used to learn for time series data of arbitrary length. In practice, for large time series, RNN networks suffer from gradient disappearance, which makes it difficult to learn long-range dependencies. To solve this problem, we use a long and short-term memory storage unit as the storage unit of the RNN network, which is the LSTM network. The structure of the LSTM cell is shown in the Figure 12.
LSTM has the ability to remove or add information to cellular states through elaborate structures called ‘gates’. A gate is a method of selectively allowing information to pass through and consists of a sigmoid neural network layer and a pointwise multiplication operation. An LSTM cell has three gates: a forget gate, an input gate and an output gate, to protect and control the state of the cell. Although this paper converts the original gait signal into a two-dimension grayscale image by the data-to-image method, the converted grayscale map is essentially another manifestation of the gait time series. There is still a temporal connection between two adjacent maps, so we use the LSTM plus softmax layer to replace the fully connected layer in the traditional CNN network as the classifier of the authentication network.

4. Experiments and Result

4.1. Division of the Dataset

The dataset used in this paper contains gait information generated by 50 people. These gait signals are collected by six different brands of cell phones through their four different types of sensors, and two types of information, acceleration sensor and rotation vector sensor, are selected for user authentication in this paper. After preprocessing the data in the dataset with signal image conversion, the number of gait data for each user is shown in Table 4.
For mobile devices such as smartphones, there is generally only one legal user, so we choose one user as the legal user in this dataset and the rest of the users as illegal users. To validate the performance of the model, we used a leave-one-person-out validation. We separated the dataset into 50 folds, in which the i-th (i = 1, …, N) user, is labeled as legal, and all other users are labeled as illegal. The authentication performance of the model on these 50 datasets is shown in Table 5. The accuracy, ROC, FRR and EER curves is shown in Figure 13. The accuracy distribution statistics of these 50 experiments are shown in Table 6, from which it can be obtained that more than 50% of the accuracy is distributed in the range of 95–97%, and even four times the accuracy reaches 100%, which may be due to the small amount of data for these users.The average accuracy of these 50 experiments was 97.1%

Result and Precision Test

We take experiments with different network structures and parameters in order to find the most suitable network model for gait-based implicit authentication. Table 7 shows that the accuracy can achieve by these different networks on the validation set after training and the time required to train these networks. These networks differ mainly in the number of LSTM layers and in the number of LSTM units contained in each layer.
All network architectures achieve positive results in terms of authentication accuracy (above 96%). The increase in the number of LSTM layers increases the authentication accuracy, and all networks containing two layers of LSTM have higher authentication accuracy than networks containing only one layer of LSTM. However, the increased number of layers increase the complexity of the network and lengthen the training time. When the number of LSTM layers is certain, increasing the number of LSTM units in each layer can improve the authentication accuracy of the network; while after it reaches a certain number, increasing the number of LSTM units makes the authentication accuracy decrease. The increase in the number of LSTM units also lengthens the training time, but the impact is not as great as the impact of increasing the number of layers.
From Table 7, it can be seen that the structure of ID2 and ID5 achieve the best authentication results. To further evaluate the performance of these two networks, we compared their training graphics (as shown in Figure 9). The training graphics show the authentication accuracy of the network in each epoch with respect to the loss. The evolution and convergence trend of the network model can be seen in the Figure 14.
The above figure shows the certified accuracy and loss for each epoch of the two networks during training. Accuracy is the metric whether the label predictions output by the network match the labels of the samples input to the network. The loss is the scalar value of the region minimization, since a lower value means that the value predicted by the model is correct and matches to the true labels of the input samples. The categorical cross-entropy loss function was used in this case. The authentication accuracy curve is correlated with the loss curve, as the authentication accuracy increases, the loss will decrease.
As can be seen from the figure, both structures of the network can converge to a high classification accuracy (above 97%) in a short time and the loss curve can also drop to a very low value quickly, which indicates that both networks have good convergence. However, in comparison, the ID5 network converges slightly faster than the ID2 network, and the training accuracy curve of ID5 converges to a stable value more quickly. In general, the ID5 structure outperforms the ID2 structure because it has an additional LSTM layer, while this makes its training time longer than that of ID2.

4.2. Impact of the Number of Datasets on the Authentication Model

For neural network models, the larger the amount of data used for training, the better performance of the final model obtained. However, for implicit authentication of mobile devices, it is difficult to obtain and process large data due to the battery and computing power of mobile devices. Therefore, for the task of implicit authentication of mobile devices based on gait features, we hope that the model requires a smaller amount of data while ensuring the accuracy of authentication.
Ten data sets with different amounts of data are used to train the proposed authentication models in this paper with other conditions held constant. The authentication accuracy achieved by these 10 models on the validation set is shown in Table 8.
It can be seen from Figure 15 that as the amount of data in the dataset increases, the authentication accuracy of the trained network increases. When the data volume is 1000, the authentication accuracy of the trained model can reach more than 90%. When the data volume is 3000, the accuracy reaches more than 96%. It can be found that the proposed authentication model can achieve a high classification accuracy even when the data volume is small. When the data volume is small, increasing the data volume in the training set can improve the authentication accuracy significantly. However, when the data volume reaches 4000, with the increase of data volume, the rate of accuracy improvement will be significantly reduced. We can see that, compared with the model trained with 4000 data volume, the improvement of the accuracy of the model trained with 8000 data volume is only 1%.
Except for the accuracy requirement, a good model also needs to have good convergence and robustness. Figure 16 shows the training accuracy and training loss curves of the model during the training process using various data sets with different sizes. It can reflect the convergence and robustness of the model.
From Figure 16, we can see that when the amount of data is relative small (less than 1000), although the model can eventually achieve good accuracy (about 90%), it takes lots of iterations and high volatility to reach convergence points. However, when the amount of data reaches 3000, the convergence speed increases significantly and it is able to maintain a stable state at a high accuracy. Therefore, we can see form the results that the proposed authentication model can achieve a high accuracy and stability when the data volume is low. Our model is more suitable for implicit authentication tasks in mobile devices since the battery and computing power is limited to support the collection of large amounts of data. Meanwhile, it can be well adapted to the task of stepping-based implicit authentication.

4.3. Performance Comparison of Three Different Methods

We compare the authentication method proposed in this paper with the following two methods:
  • SVM: Support vector machines are a class of generalized linear classifiers that perform binary classification of data in a supervised learning fashion. A decision boundary is a maximum margin hyperplane solved for the learned samples. In the implicit gait-based authentication task using SVM, instead of converting the gait signal to an image, we directly intercept the gait signal in a time window of length 150 and then input the intercepted samples directly into the model for training.
  • CNN: In using CNN for gait-based implicit authentication, we convert the gait signal into an image and then input the image into the network for training altogether. The difference is that the CNN network uses two fully connected layers as the classifier of the network, while the CNN-LSTM network proposed in this paper uses two LSTM layers as the classifier of the model.
We trained three models using two datasets with data amounts of 2000 and 8000, respectively, and the performance of the trained models on the validation set is shown in Table 9. The ROC curves for these models are shown in Figure 17.
Among these three types of models involved in the comparison, SVM has the worst authentication effect because the original gait signal is directly input into the SVM model and no feature selection is performed. In contrast, converting the original signal into a gait signal and feeding it directly into the deep learning model gives a better authentication result (regardless of whether the model is CNN or CNN+LSTM). This indicates that the method of converting the signal into an image and feeding it into the deep learning network can eliminate the manual feature selection step compared with the traditional machine learning method, and can perform feature extraction more easily and quickly automatically.
We also compared the experimental results of CNN and CNN-LSTM models on different amounts of data, and the experimental results are shown in Figure 18.
The two curves in the figure are the accuracy curves of the CNN and CNN-LSTM models on the validation set obtained after the models were trained with different numbers of training sets. From the figure, it can be seen that the accuracy of CNN-LSTM is always higher than that of CNN model, especially when the amount of data in the training set is less than 1000, the accuracy of CNN-LSTM is much higher than that of CNN, which indicates that CNN-LSTM model achieves better recognition results when the data set is smaller. From the figure, the recognition accuracy of CNN-LSTM model is high but fluctuates more when the data volume is less than 1000, so the data volume of 2000 is more suitable for the classification recognition task in this paper.
The CNN+LSTM authentication method proposed in this paper has higher authentication accuracy as well as lower False Acceptance Rate(FAR) and False Rejection Rate(FRR) compared to CNN. This difference is more obvious again when the data volume is small, which indicates that the CNN+LSTM model has better performance and the model trained with a smaller data volume has higher authentication accuracy.
The following figure shows the accuracy curves and training loss curves of CNN network and CNN+LSTM network during the training process when the amount of data is 2000. From Figure 19, we can see that the CNN+LSTM model can converge to a higher authentication accuracy more quickly in comparison.

4.4. Complexity Analysis

Based on the approach mentioned by [34], we performed a complexity analysis of the proposed deep learning model. They assume convolution is implemented as a sliding window and that the nonlinearity function is computed for free. For convolutional kernels, they use Formula (4) to compute the number of floating-point operations (FLOPs).
FLOPs = 2 H W C i n K 2 + 1 C out
where H, W and C i n are height, width and number of channels of the input feature map, K is the kernel width (assumed to be symmetric), and C o u t is the number of output channels.
For fully connected layers compute FLOPs as:
FLOPs = ( 2 I 1 ) O ,
where I is the input dimensionality and O is the output dimensionality. The complexity of the model after calculation is shown in the Table 10.

4.5. Discussion

Our proposed EDIA algorithm achieves better classification results on the public dataset proposed by Matteo Gadaleta et al. [11], but still suffers from the following shortcomings (1) The dataset is small and insufficient to support the training of an authentication network with strong generalization capability, and we will subsequently collect more data using smartphones to expand the number of datasets. (2) Because of the limitation of cell phone security, we are unable to evaluate the impact on the energy consumption and memory of mobile devices after the model is deployed to them.

5. Conclusions

In this paper, we propose EDIA, an implicit authentication architecture, which enhances security of mobile devices via accuracy of user authentication on mobile devices. EDIA utilizes the gait data captured by build-in sensors as the unique behavioral characteristics to identify users. We design a hybrid deep learning model composed of a CNN and a LSTM in tandem for gait data modelling based on mobile device build-in sensors input collected in daily life. Our results have shown that a hybrid deep learning model (CNN + LSTM) increased the accuracy of gait model by more than 4% compared to a traditional machine learning SVM with simple CNN network structure. The proposed CNN + LSTM authentication method achieves the best authentication results when the structure contains two LSTM layers and the number of LSTM units is 100. To extract the main gait features and reduce noise at the same time, the original gait signal in one-dimension domain is converted into an image as the input of our deep learning model. In our architecture, the cloud server is responsible for generating the authentication model, while the edge node is employed to authenticating users in real time according to the model. We perform comprehensive experiments to evaluate the performance of EDIA, and the results show that: (i) our system outperforms other machine learning models by achieving an authentication accuracy higher than 97%; (ii) the model also has the great advantage of high authentication accuracy with small data sets, which makes it more suitable for mobile devices with limited energy and storage. For future work, we will study passive authentication using gait biometrics across mobile devices. In order to extend the applicability of the EDIA certification mechanism, we intend to further optimize the algorithmic model by using migration learning with unsupervised learning related methods. This will allow EDIA to be applied to multiple different mobile devices of the same user and optimize the authentication process when switching between devices for the same user.

Author Contributions

X.Z. (Xin Zeng) performed the data gathering and preprocessing, contributed to the development of the data processing algorithms, executed the detailed analysis and wrote some sections. X.Z. (Xiaomei Zhang) set the objectives of the research, contributed to the design of the algorithms, guided the data acquisition, validated the data processing and results, designed the paper, wrote some sections, and performed the final corrections. S.Y., Z.S. and C.C. contributed to the design of the algorithms and the data acquisition. All authors have read and agreed to the published version of the manuscript.

Funding

The research leading to these results has received funding from the “STUDY ON IMPLICIT AUTHENTICATION OF MULTIPLE INTELLIGENT MOBILE DEVICES” project 61802252 funded by the National Natural Science Foundation of China. This work was also supported in part by the “RESEARCH ON LIGHTWEIGHT AUTHENTICATION AND GROUP ATTESTATION IN SOURCE CONSTRAINED ENVIRONMENT” project, funded by the Opening Project of Shanghai Key Laboratory of Integrated Administration Technologies for Information Security under grant AGK2019004.

Institutional Review Board Statement

Not applicable. The study did not involve humans or animals. We use the data from 3rd party.

Informed Consent Statement

Not applicable.

Data Availability Statement

Restrictions apply to the availability of these data. Data was obtained from Gadaleta et al. [11] and are available http://signet.dei.unipd.it/research/human-sensing/ with the permission of Gadaleta et al.

Conflicts of Interest

The authors declare no conflict of interest. The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript, or in the decision to publish the results.

References

  1. Kim, Y.; Oh, T.; Kim, J. Analyzing user awareness of privacy data leak in mobile applications. Mob. Inf. Syst. 2015, 2015, 369489. [Google Scholar] [CrossRef] [Green Version]
  2. Li, Y.; Xue, F.; Fan, X.; Qu, Z.; Zhou, G. Pedestrian walking safety system based on smartphone built-in sensors. IET Commun. 2018, 12, 751–758. [Google Scholar] [CrossRef] [Green Version]
  3. Li, Y.; Li, X. Chaotic hash function based on circular shifts with variable parameters. Chaos Solitons Fractals 2016, 91, 639–648. [Google Scholar] [CrossRef] [Green Version]
  4. Patel, V.M.; Chellappa, R.; Chandra, D.; Barbello, B. Continuous User Authentication on Mobile Devices: Recent progress and remaining challenges. IEEE Signal Process. Mag. 2016, 33, 49–61. [Google Scholar] [CrossRef]
  5. De Luca, A.; Hang, A.; Brudy, F.; Lindner, C.; Hussmann, H. Touch me once and i know it’s you! implicit authentication based on touch screen patterns. In Proceedings of the SIGCHI Conference on Human Factors in Computing Systems, Austin, TX, USA, 5–10 May 2012; pp. 987–996. [Google Scholar]
  6. Jakobsson, M.; Shi, E.; Golle, P.; Chow, R. Implicit authentication for mobile devices. In Proceedings of the 4th USENIX Conference on Hot Topics in Security, USENIX Association, Montreal, QC, Canada, 10–14 August 2009; Volume 1, pp. 25–27. [Google Scholar]
  7. Muaaz, M.; Mayrhofer, R. Smartphone-Based Gait Recognition: From Authentication to Imitation. IEEE Trans. Mob. Comput. 2017, 16, 3209–3221. [Google Scholar] [CrossRef]
  8. Peinado-Contreras, A.; Munoz-Organero, M. Gait-Based Identification Using Deep Recurrent Neural Networks and Acceleration Patterns. Sensors 2020, 20, 6900. [Google Scholar] [CrossRef] [PubMed]
  9. Shiraga, K.; Makihara, Y.; Muramatsu, D.; Echigo, T.; Yagi, Y. GEINet: View-invariant gait recognition using a convolutional neural network. In Proceedings of the 2016 International Conference on Biometrics (ICB), Halmstad, Sweden, 13–16 June 2016; pp. 1–8. [Google Scholar] [CrossRef]
  10. Cao, S.; Wen, L.; Li, X.; Gao, L. Application of Generative Adversarial Networks for Intelligent Fault Diagnosis. In Proceedings of the 2018 IEEE 14th International Conference on Automation Science and Engineering (CASE), Munich, Germany, 20–24 August 2018; pp. 711–715. [Google Scholar] [CrossRef]
  11. Gadaleta, M.; Rossi, M. IDNet: Smartphone-based Gait Recognition with Convolutional Neural Networks. Pattern Recognit. 2016, 74, 25–37. [Google Scholar] [CrossRef] [Green Version]
  12. Frank, M.; Biedert, R.; Ma, E.; Martinovic, I.; Song, D. Touchalytics: On the Applicability of Touchscreen Input as a Behavioral Biometric for Continuous Authentication. IEEE Trans. Inf. Forensics Secur. 2013, 8, 136–148. [Google Scholar] [CrossRef] [Green Version]
  13. Li, F.; Clarke, N.; Papadaki, M.; Dowland, P. Behaviour Profiling for Transparent Authentication for Mobile Devices. In Proceedings of the 10th European Conference on Information Warfare and Security 2011 (ECIW), Tallinn, Estonia, 7–8 July 2011; pp. 307–314. [Google Scholar]
  14. Li, F.; Clarke, N.; Papadaki, M.; Dowland, P. Active authentication for mobile devices utilising behaviour profiling. Int. J. Inf. Secur. 2014, 13, 229–244. [Google Scholar] [CrossRef] [Green Version]
  15. Bassu, D.; Cochinwala, M.; Jain, A. A new mobile biometric based upon usage context. In Proceedings of the 2013 IEEE International Conference on Technologies for Homeland Security (HST), Waltham, MA, USA, 12–14 November 2013; pp. 441–446. [Google Scholar] [CrossRef]
  16. Eagle, N.; Pentland, A.S. Reality mining: Sensing complex social systems. Pers. Ubiquitous Comput. 2006, 10, 255–268. [Google Scholar] [CrossRef]
  17. Lee, H.; Hwang, J.Y.; Lee, S.; Kim, D.I.; Lee, S.H.; Lee, J.; Shin, J.S. A parameterized model to select discriminating features on keystroke dynamics authentication on smartphones. Pervasive Mob. Comput. 2019, 54, 45–57. [Google Scholar] [CrossRef]
  18. Peng, G.; Zhou, G.; Nguyen, D.T.; Qi, X.; Yang, Q.; Wang, S. Continuous authentication with touch behavioral biometrics and voice on wearable glasses. IEEE Trans. Hum. Mach. Syst. 2016, 47, 404–416. [Google Scholar] [CrossRef]
  19. Yang, L.; Guo, Y.; Ding, X.; Han, J.; Liu, Y.; Wang, C.; Hu, C. Unlocking Smart Phone through Handwaving Biometrics. IEEE Trans. Mob. Comput. 2015, 14, 1044–1055. [Google Scholar] [CrossRef]
  20. Mantyjarvi, J.; Lindholm, M.; Vildjiounaite, E.; Makela, S.; Ailisto, H.A. Identifying users of portable devices from gait pattern with accelerometers. In Proceedings of the (ICASSP’05), IEEE International Conference on Acoustics, Speech, and Signal Processing, Philadelphia, PA, USA, 23 March 2005; Volume 2, pp. ii/973–ii/976. [Google Scholar] [CrossRef]
  21. Thang, H.M.; Viet, V.Q.; Thuc, N.D.; Choi, D. Gait identification using accelerometer on mobile phone. In Proceedings of the 2012 International Conference on Control, Automation and Information Sciences (ICCAIS), Saigon, Vietnam, 26–29 November 2012; pp. 344–348. [Google Scholar] [CrossRef]
  22. Muaaz, M.; Mayrhofer, R. An analysis of different approaches to gait recognition using cell phone based accelerometers. In Proceedings of the International Conference on Advances in Mobile Computing & Multimedia, Vienna, Austria, 2–4 December 2013; pp. 293–300. [Google Scholar]
  23. Nickel, C.; Busch, C.; Rangarajan, S.; Möbius, M. Using hidden markov models for accelerometer-based biometric gait recognition. In Proceedings of the 2011 IEEE 7th International Colloquium on Signal Processing and its Applications, Penang, Malaysia, 4–6 March 2011; pp. 58–63. [Google Scholar]
  24. Zhong, Y.; Deng, Y.; Meltzner, G. Pace independent mobile gait biometrics. In Proceedings of the 2015 IEEE 7th International Conference on Biometrics Theory, Applications and Systems (BTAS), Arlington, VA, USA, 8–11 September 2015; pp. 1–8. [Google Scholar] [CrossRef]
  25. Giorgi, G.; Saracino, A.; Martinelli, F. Using recurrent neural networks for continuous authentication through gait analysis. Pattern Recognit. Lett. 2021, 147, 157–163. [Google Scholar] [CrossRef]
  26. Kašys, K.; Dundulis, A.; Vasiljevas, M.; Maskeliūnas, R.; Damaševičius, R. BodyLock: Human Identity Recogniser App from Walking Activity Data. In Lecture Notes in Computer Science, Proceedings of the International Conference on Computational Science and Its Applications, Cagliari, Italy, 1–4 July 2020; Springer: Cham, Switzerland, 2020; pp. 307–319. [Google Scholar]
  27. Xu, W.; Shen, Y.; Luo, C.; Li, J.; Li, W.; Zomaya, A.Y. Gait-Watch: A Gait-based context-aware authentication system for smart watch via sparse coding. Ad Hoc Netw. 2020, 107, 102218. [Google Scholar] [CrossRef]
  28. El-Soud, M.W.A.; Gaber, T.; AlFayez, F.; Eltoukhy, M.M. Implicit authentication method for smartphone users based on rank aggregation and random forest. Alex. Eng. J. 2021, 60, 273–283. [Google Scholar] [CrossRef]
  29. Papavasileiou, I.; Qiao, Z.; Zhang, C.; Zhang, W.; Bi, J.; Han, S. GaitCode: Gait-based continuous authentication using multimodal learning and wearable sensors. Smart Health 2021, 19, 100162. [Google Scholar] [CrossRef]
  30. Hinton, G.E.; Osindero, S.; Teh, Y.W. A fast learning algorithm for deep belief nets. Neural Comput. 2006, 18, 1527–1554. [Google Scholar] [CrossRef]
  31. Ji, S.; Xu, W.; Yang, M.; Yu, K. 3D convolutional neural networks for human action recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 35, 221–231. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  32. Karpathy, A.; Toderici, G.; Shetty, S.; Leung, T.; Sukthankar, R.; Fei-Fei, L. Large-scale video classification with convolutional neural networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014; pp. 1725–1732. [Google Scholar]
  33. Taigman, Y.; Yang, M.; Ranzato, M.; Wolf, L. Closing the gap to human-level performance in face verification. deepface. In Proceedings of the IEEE Computer Vision and Pattern Recognition (CVPR), Columbus, OH, USA, 23–28 June 2014; Volume 5, p. 6. [Google Scholar]
  34. Molchanov, P.; Tyree, S.; Karras, T.; Aila, T.; Kautz, J. Pruning Convolutional Neural Networks for Resource Efficient Inference. In Proceedings of the 5th International Conference on Learning Representations, ICLR, Toulon, France, 24–26 April 2017. [Google Scholar]
Figure 1. The framework of authentication.
Figure 1. The framework of authentication.
Sensors 21 04592 g001
Figure 2. The framework of authentication.
Figure 2. The framework of authentication.
Sensors 21 04592 g002
Figure 3. Comparison of gait signal before and after filtering.
Figure 3. Comparison of gait signal before and after filtering.
Sensors 21 04592 g003
Figure 4. Human gait cycle.
Figure 4. Human gait cycle.
Sensors 21 04592 g004
Figure 5. All minimal value points.
Figure 5. All minimal value points.
Sensors 21 04592 g005
Figure 6. Minimal value after initial screening.
Figure 6. Minimal value after initial screening.
Sensors 21 04592 g006
Figure 7. Gait cycle detection.
Figure 7. Gait cycle detection.
Sensors 21 04592 g007
Figure 8. Sliding window.
Figure 8. Sliding window.
Sensors 21 04592 g008
Figure 9. The process of converting.
Figure 9. The process of converting.
Sensors 21 04592 g009
Figure 10. Gait feature image: (ad) the feature images of u018; (eh) the feature images of u034.
Figure 10. Gait feature image: (ad) the feature images of u018; (eh) the feature images of u034.
Sensors 21 04592 g010
Figure 11. The structure of CNN-LSTM.
Figure 11. The structure of CNN-LSTM.
Sensors 21 04592 g011
Figure 12. The structure of an LSTM cell.
Figure 12. The structure of an LSTM cell.
Sensors 21 04592 g012
Figure 13. ROC curves, FRR curves and EER curves. (a) is the FRR curves and FAR curves (b) is the ROC curves and EER curves.
Figure 13. ROC curves, FRR curves and EER curves. (a) is the FRR curves and FAR curves (b) is the ROC curves and EER curves.
Sensors 21 04592 g013
Figure 14. Accuracy curves and loss curves of ID2 and ID5 during training session: (a) the accuracy curves; (b) the loss curves.
Figure 14. Accuracy curves and loss curves of ID2 and ID5 during training session: (a) the accuracy curves; (b) the loss curves.
Sensors 21 04592 g014
Figure 15. Accuracy achieved on the validation set by the model obtained after training with different number of data sets.
Figure 15. Accuracy achieved on the validation set by the model obtained after training with different number of data sets.
Sensors 21 04592 g015
Figure 16. Accuracy curves and loss curves achieved by the model on the validation set after training with different numbers of data sets: (ac) the accuracy curves; (df) the loss curves.
Figure 16. Accuracy curves and loss curves achieved by the model on the validation set after training with different numbers of data sets: (ac) the accuracy curves; (df) the loss curves.
Sensors 21 04592 g016
Figure 17. ROC curves: (a) the ROC curves of the three types of models when the number of training sets is 2000; (b) the ROC curves of the three types of models when the number of training sets is 8000.
Figure 17. ROC curves: (a) the ROC curves of the three types of models when the number of training sets is 2000; (b) the ROC curves of the three types of models when the number of training sets is 8000.
Sensors 21 04592 g017
Figure 18. Accuracy of CNN models and CNN-LSTM models on datasets with different amounts of data.
Figure 18. Accuracy of CNN models and CNN-LSTM models on datasets with different amounts of data.
Sensors 21 04592 g018
Figure 19. Training accuracy and loss curves of CNN and CNN-LSTM on small data size datasets.
Figure 19. Training accuracy and loss curves of CNN and CNN-LSTM on small data size datasets.
Sensors 21 04592 g019
Table 1. Limitations of different behavioral biometric methods for mobile devices implicit authentication.
Table 1. Limitations of different behavioral biometric methods for mobile devices implicit authentication.
Behavioral Biometric ApproachLimitations
Touchscreen Interactions(1) Requires the users to actively interact with the device’s touchscreen for authentication
(2) Holding the phone in a different orientation makes a big difference in the way the user touches the phone
(3) Users interact with the touch screen in different activity states such as walking, running, standing, sitting, etc. in very different ways
Behavioral Profiling(1) Users’ moods and emotions affect the way they interact with different applications and services
(2) Behavioral profiling data are difficult to access
Keystroke Dynamics(1) Requires the user to actively interact with the device’s keyboard for authentication
(2) User authentication is only possible when the user types on the keyboard
Hand waving Patterns(1) Requires the user to actively interact with the device
(2) Need special hand waving patterns to authenticate users
(3) Multiple users may have the same hand waving patterns
Table 2. Key gait-based implicit authentication methods for mobile devices.
Table 2. Key gait-based implicit authentication methods for mobile devices.
ResearchPerformance
Mäntyjärvi et al. [20]EER 7%
Thang et al. [21]Accuracy 79.1% (in time domain)
Accuracy 92.7% (in frequency domain)
Muaaz et al. [22]EER 22.49–33.30%
Nickel et al. [23]FNMR:10.42%/FMR: 10.29%
Zhong et al. [24]EER2.88% 7.22%
Damaševicius et al. [25]EER 5.7%
Kašys et al. [26]Accuracy 97% (correct identification)
F-score 94%
Xu et al. [27]Recognition Accuracy 32%; EER 3.5%
Abo El-Soud et al. [28]Accuracy 97.8%; ERR 1.04%
FAR 2.03%; FRR 0.04%
Papavasileiou et al. [29]EER 0.01% 0.16%;
FAR 0.54% 1.96%
Table 3. Parameters of each layer of CNN network.
Table 3. Parameters of each layer of CNN network.
Layer NameKernel SizeKernel NumPaddingStride
Conv1114824
Maxpooling13None02
Conv2512821
Maxpooling23None02
Conv3319211
Table 4. The number of gait data for each user.
Table 4. The number of gait data for each user.
User IDNumberUser IDNumberUser IDNumberUser IDNumber
u001572u026607u014264u039736
u0022653u027692u015200u0401221
u0031478u0282937u016875u041384
u0041014u0291327u017328u042510
u005195u030556u0188889u0431228
u006376u031799u019977u044240
u0071165u032141u0201014u045196
u008380u0332863u021637u0461174
u009270u0341176u022193u047422
u010907u0351097u0236064u048130
u011588u0361051u0242569u049304
u012241u037299u025645u050190
u013382u038449
Table 5. The authentication performance of the model on these 50 datasets.
Table 5. The authentication performance of the model on these 50 datasets.
User 1User 2User 3User 4User 5User 6User 7User 8User 9User 10
Accuracy0.9740.9790.9840.9840.97910.98210.9890.984
FRR0.0390.0130.0100.020000.02000.0200.029
FAR0.0100.0260.0190.0100.03800.015000
EER0.9600.9730.9800.9850.98010.980110.990
User 11User 12User 13User 14User 15User 16User 17User 18User 19User 20
Accuracy0.9740.9790.9490.9790.9790.9740.9590.9840.9820.987
FRR0.00300.0760.02000.01000.0040.0200.010
FAR0.0100.0380.0210.0200.0380.0380.0740.0250.0150.014
EER0.9900.9800.9400.9800.9600.9700.9800.9800.9800.980
User 21User 22User 23User 24User 25User 26User 27User 28User 29User 30
Accuracy0.9890.9790.9950.9370.9890.9790.9340.9560.9890.974
FRR0.01000.0020.0520.01000,0700.0170.0050.030
FAR0.0100.0380.0050.0710.010.0380.0600.0660.0140.022
EER0.9900.9800.9960.9260.9900.9800.9300.9360.9850.980
User 31User 32User 33User 34User 35User 36User 37User 38User 39User 40
Accuracy0.9690.8980.9590.9890.9770.9790.9390.9590.9840.952
FRR0.0200.1450.0270.0050.0250.0340.0420.0750.0100.041
FAR0.0390.0450.0510.0140.0200.0050.07600.0190.0546
EER0.9600.8400.9560.9800.9750.9850.9400.9400.9800.945
User 41User 42User 43User 44User 45User 46User 47User 48User 49User 50
Accuracy0.9590.9940.9870.92910.9890.9490.83810.949
FRR0.0580.0100.0100.09600.0050.0760.21000.041
FAR0.02000.0140.04200.0140.0210.09500.058
EER0.98010.9900.94010.9900.9600.8010.940
Table 6. The authentication performance of the model on these 50 datasets.
Table 6. The authentication performance of the model on these 50 datasets.
Accruacy<90%90–97%97–99%100%
Number214304
Table 7. Precision results of different neural network.
Table 7. Precision results of different neural network.
Model IDNumber of LSTM LayersMemory Units in LSTM LayerAccuracyTraining Time/(seconds)
11500.969667.246
211000.972680.387
311500.964713.444
42150 and 500.975926.419
52150 and 1000.977927.310
62150 and 1500.972934.193
Table 8. Precision results of different neural network.
Table 8. Precision results of different neural network.
Num10050010002000300040005000600070008000
Accuracy0.7600.9070.9320.9500.9600.9670.9690.9740.9730.977
Table 9. Certification effect of the three methods after training on different numbers of datasets.
Table 9. Certification effect of the three methods after training on different numbers of datasets.
20008000
AccuracyFRRFAREERAccuracyFRRFAREER
SVM0.7830.230.310.8640.8620.140.150.855
CNN0.8830.1530.0530.9080.9420.0320.0340.944
CNN+LSTM0.9690.0260.0320.9660.9770.0210.02740.976
Table 10. Certification effect of the three methods after training on different number of datasets.
Table 10. Certification effect of the three methods after training on different number of datasets.
ComplexityNumber
Total params346,210
Total Memory2.31 M
Total Flops130.35 MFlops
Total MenR + W5.42 MB
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zeng, X.; Zhang, X.; Yang, S.; Shi, Z.; Chi, C. Gait-Based Implicit Authentication Using Edge Computing and Deep Learning for Mobile Devices. Sensors 2021, 21, 4592. https://doi.org/10.3390/s21134592

AMA Style

Zeng X, Zhang X, Yang S, Shi Z, Chi C. Gait-Based Implicit Authentication Using Edge Computing and Deep Learning for Mobile Devices. Sensors. 2021; 21(13):4592. https://doi.org/10.3390/s21134592

Chicago/Turabian Style

Zeng, Xin, Xiaomei Zhang, Shuqun Yang, Zhicai Shi, and Chihung Chi. 2021. "Gait-Based Implicit Authentication Using Edge Computing and Deep Learning for Mobile Devices" Sensors 21, no. 13: 4592. https://doi.org/10.3390/s21134592

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