Next Article in Journal
A Type of Annulus-Based Energy Balanced Data Collection Method in Wireless Rechargeable Sensor Networks
Next Article in Special Issue
A Robust Deep Learning Approach for Position-Independent Smartphone-Based Human Activity Recognition
Previous Article in Journal
3DoF+ 360 Video Location-Based Asymmetric Down-Sampling for View Synthesis to Immersive VR Video Streaming
Previous Article in Special Issue
Smartwatch User Interface Implementation Using CNN-Based Gesture Pattern Recognition
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Smartphone-Based Traveled Distance Estimation Using Individual Walking Patterns for Indoor Localization

Department of Electrical Engineering, Korea University, Seoul 02841, Korea
*
Author to whom correspondence should be addressed.
Submission received: 13 August 2018 / Revised: 14 September 2018 / Accepted: 16 September 2018 / Published: 18 September 2018

Abstract

:
We introduce a novel method for indoor localization with the user’s own smartphone by learning personalized walking patterns outdoors. Most smartphone and pedestrian dead reckoning (PDR)-based indoor localization studies have used an operation between step count and stride length to estimate the distance traveled via generalized formulas based on the manually designed features of the measured sensory signal. In contrast, we have applied a different approach to learn the velocity of the pedestrian by using a segmented signal frame with our proposed hybrid multiscale convolutional and recurrent neural network model, and we estimate the distance traveled by computing the velocity and the moved time. We measured the inertial sensor and global position service (GPS) position at a synchronized time while walking outdoors with a reliable GPS fix, and we assigned the velocity as a label obtained from the displacement between the current position and a prior position to the corresponding signal frame. Our proposed real-time and automatic dataset construction method dramatically reduces the cost and significantly increases the efficiency of constructing a dataset. Moreover, our proposed deep learning model can be naturally applied to all kinds of time-series sensory signal processing. The performance was evaluated on an Android application (app) that exported the trained model and parameters. Our proposed method achieved a distance error of <2.4% and >1.5% on indoor experiments.

1. Introduction

Recently, the proportion of time in daily life spent in indoor spaces, such as the home, office, and shopping mall complexes has gradually increased, and the services have been normally provided outdoors, such as car navigation systems, are gradually expanding to provide indoor positioning or navigation systems. Although indoor positioning is difficult to conduct using the global position service (GPS) because GPS signals cannot be received, technical studies are now being conducted to provide various indoor location-based services [1]. In particular, smartphones with various sensors such as accelerometers, gyroscopes, magnetometers, and barometers have become popular, and network infrastructures (e.g., Wi-Fi) have expanded to a point at which location-based services are achievable for indoor spaces [2].
Indoor localization techniques can be classified into various categories according to the required location accuracy, available service area, specific application, and available sensors, and these can be implemented using propagation model-based, fingerprint, and dead reckoning (DR) methods [2]. A propagation model method estimates the user’s location based on the received signal strength (RSS) according to radio propagation, and the performance can vary according to the distortion of the radio waves and the placement density of the reference points (e.g., access points and beacons) in an indoor environment [3]. A fingerprinting method builds a feature map through a pre-collection step at pre-defined points of the indoor map, and it compares the measured signal to the collected feature map, and then determines the position on the indoor map with a high similarity [4]. However, there are disadvantages in that the collection cost increases due to the pre-collection step, and the correction and recollection process of the data map are required in the case in which the indoor environment changes [5]. A dead reckoning method estimates the current position based on the distance moved and the direction using an inertial measurement unit (IMU). Even then, a low accuracy of the low-cost Micro Electro Mechanical System (MEMS) sensor causes positioning error accumulation, and a DR can independently make an estimate without additional infrastructure and does not require a pre-collection process [6].
In general, pedestrian dead reckoning (PDR) uses an IMU to determine the current user location by estimating the step count, stride length, and direction [7]. In the case in which the IMU is attached to the ankle, the zero velocity update (ZUPT) and the zero angular rate update (ZARU) method based on the walking model can be used to estimate the number of steps, stride length, direction, and can compensate for the drift error that occurs in the IMU sensor [8]. However, it is difficult to reflect the walking models or patterns (e.g., holding a device in hand, swinging, and keeping in a pocket or bag) of a pedestrian using the PDR method with a smartphone [9]. In addition, most of the literature suggests a generalized formula that reflects a feature of the IMU signal from several subjects in a given experimental walking and running scenario [10,11,12].
In contrast with other studies, our method does not require any manually-designed features, and we explore a learning-based approach for indoor localization. Figure 1 shows an overview of our proposed system, which is composed of three phases. The first phase involves data collection and labeling. The main motivation of our study was to estimate the traveled distance regardless of the pedestrian’s walking type, smartphone orientation, position, and shaking. In order to assign a constant label to variable sensor signal patterns in the above condition, we applied the average velocity over the unit time (e.g., 1 s) based on the corrected GPS trajectory. In other words, the velocity of the pedestrian is calculated in the GPS available area, and the dataset is constructed by mapping the velocity as a label and the IMU sensory signal as data generated at the same time step. A hybrid convolutional–recurrent neural network (CNN-RNN)-based supervised learning phase is next. The sensory inputs are transformed into nonlinear feature vectors that are utilized as the input of recurrent neural networks (RNNs), such as long–short term memory (LSTM) and gated recurrent unit (GRU) by multiple convolutional and subsampling layers automatically. The GRU [13] model learns between the input feature vector and the velocity label considering temporal sequence information recurrently. Finally, based on the learned deep learning model parameters, the raw sensory signal is estimated as the average velocity and cumulative traveled distance per time step when moving indoors.
To summarize, we proposed our own walking pattern using an outdoor learning method based on a deep learning and indoor localization method using the learned parameters. This study focuses on estimating the distance traveled, which is one of the key elements of the DR method. The contributions of our study are summarized below:
(1)
Outdoor walking patterns are learned and then applied to indoor localization. To learn the individual user’s walking patterns, the trajectory with a GPS error was corrected for the user, and along with the IMU sensor signal was mapped on the available GPS area using the user’s own smartphone. Indeed, our proposed approach is more effective in terms of the device, user, and walking pattern diversities compared to conventional manually-designed feature extraction.
(2)
Estimation of the average moving speed for segmented IMU sensor signal frames. In the case of conventional PDR, the traveled distance is estimated by calculating the step count and stride length using the handcrafted features of the IMU signal. However, we proposed a scheme to estimate the traveled distance by calculating the average moving speed and duration of the signal frame.
(3)
Combination of multiscaling for automatic pre-processing at different time scales and CNNs for nonlinear feature extraction and RNNs for temporal information along the walking patterns. Multi-scaling makes the overall trend for different time series input signals. Several stacked convolutional operations create feature vectors from the input signal automatically, and a recurrent neural network model deals with the sequence problems.
(4)
End-to-end time series classification model without any handcraft feature extractions as well as requiring any signal or application specific analysis. Many of the existing methods are time-consuming and labor-intensive for feature extraction and classification, and these are limited in their domain-specific application. However, our proposed framework is a general-purpose approach, and it can be easily applied to more kinds of time-series signal classification, regression, and forecasting.
The remainder of the paper is organized as follows. Section 2 provides the related works and motivation of this work. Section 3 describes the proposed methods for personalized pedestrian step length estimation for indoor localization using a smartphone. Section 4 then summarizes the performance of our proposed model to produce the results of indoor localization. Finally, Section 5 summarizes and concludes our work.

2. Related Works

2.1. Indoor Localization

There are a number of existing methods for indoor localization, including radio frequency, magnetic field signal, IMU sensors, and hybrid approaches [2]. Smartphone-based methods can employ any type of indoor localization techniques using built-in sensors (e.g., accelerometers, gyroscopes, magnetometers, camera, wireless local area network (WLAN) and bluetooth low energy (BLE)), except when additional infrastructure and hardware components are required, such as ultra-wideband (UWB) [14] and WiFi channel state information (CSI) [15]. Therefore, we describe the need and motivation of our study through existing literature.
Indoor localization using smartphones has been widely studied based on wireless signals as a mainstream approach, since most buildings have WLAN access points (AP) and smartphones have WLAN connectivity, and BLE is also available. Using received signal strength (RSS) measurements, the user location can be estimated using multilateration converted to distance from a smartphone to several reference points [16] or a comparison with a pre-collected radio map [17]. However, the accuracy of the RSS-based approach can be affected by the device orientation, attenuation due to human bodies or walls, the density of reference points, and changes in the indoor environment (e.g., removed or added reference points).
Using the distortion in the Earth’s magnetic field caused by a metal structure in an indoor environment, a constant signal map can be constructed at a fingerprinting point rather than radio frequency signal-based approaches [18]. In general, the fingerprinting approach makes a database of magnetic field distributions through offline collection and mapping, and then compares the measured signal at arbitrary points with the database to find a corresponding location [19]. Therefore, the accuracy depends significantly on the resolution of the measurement points. Even though additional infrastructure is not required, such as APs and beacons, the collection and maintenance of high quality signal mapping is a time-consuming and labor-intensive process.
The major advantage of a PDR approach is that it is possible to estimate as a standalone, and it does not require additional infrastructure or any pre-collection of a database, because the current position of the pedestrian is estimated according to the moving distance and direction from the previous position using an IMU sensor. Conventional PDR methods consist of three phases: (i) step counting, (ii) step length estimation, and (iii) walking direction estimation [20]. The number of steps is determined by the threshold, peak detection, or zero-crossing method in a periodic change of the accelerometer signal [21,22]. The step length is computed using the generalized formulas related to the magnitude of the accelerometers and gyroscopes, frequency of the step, and height of the pedestrian [11,12,23]. The walking direction estimation uses gyroscopes and magnetometers to detect the relative direction for a short time and a smartphone’s orientation in a global frame [24]. Considering the low accuracy of the MEMS sensor, the accumulated sensor error, and various pedestrian movements, indoor positioning is still a challenging problem when using smartphones particularly.
Even though each of the technical approaches described above has its strong and weak points, there is no single method that can be applied for all indoor spaces and services. Naturally, some of the literature indicated that two or more techniques have been blended. A typical combination involves Wi-Fi or BLE with PDR, and this can improve the accuracy by calculating the global absolute position that is less accurate using network infrastructure and combining the PDR with a locally higher relative position [2,9]. In Bao et al. [25], map matching is presented as a localization solution. To compensate for the accumulating and drifting error in the PDR, the map environment information, such as the distance of the corridor and the position of corner, was used (e.g., the length of the corridor is utilized to calibrate the average step length).
Although complementary techniques and calibration methods can increase the accuracy, individual localization technologies must be improved in order for the indoor localization system to be applied in a manner that is more precise and applicable to real life. Therefore, we proposed a deep learning-based traveled distance estimation method, even if the movement of the pedestrian and the placement of the smartphone change dynamically.

2.2. Deep Learning for Time-Series Sensory Signal Analysis

Deep learning is part of machine learning based on a set of algorithms that attempt to model high-level abstractions in data by using multiple nonlinear transformations. Recently, deep learning has become a state-of-the-art machine learning method, such as image classification, video recognition, and natural language processing [26]. In particular, CNN and RNN are excellent for automatic nonlinear feature extraction and the exhibition of temporal behavior for a time sequence on their input, respectably [27]. Many studies have already presented remarkable performance through CNN and RNN as well as a hybrid model compared to traditional signal processing based on handcraft feature extraction in time-series signal analysis.
In Kiranyaz et al. [28], a CNN model was applied in an anomaly detection with a one-dimensional (1D) electrocardiogram signal. Similarly, the goal of the approach in Ince et al. [29] and Abdeljaber et al. [30] was to autonomously learn useful features to monitor the mechanical condition, such as the motor and bearing fault based on a raw 1D signal. CNN and RNN models are widely used in human activity recognition using multiple sensor signals from smartphones as well [31,32]. In addition, DeepSense integrated CNN and RNN automatically extracts features and relationships on local, global, and temporal cases, and their experiments have shown that the feature vectors extracted by CNN can be effective when fed into RNN as inputs [33].
Deep learning for PDR-based indoor localization has been used to count the number of steps and estimate the stride length. Edel et al. [34] proposed a step recognition method based on BLSTM (bidirectional long-short term memory)-RNNs with three-axis acceleration from a smartphone. In Xing et al. [35], five manually-designed parameters from the IMU signal that are attached to the top of the foot and closely related to the linear walking model are fed into the artificial neural network (ANN) as input, and the desired network output is the stride length obtained through a regression. Hannick et al. [36,37] proposed a CNN-based stride length estimation and gait parameter extraction methods using publicly available datasets collected through an IMU attached to the shoe.
Recently, the number and type of sensors used in the internet of things (IoT), cyber physical systems (CPS), and wireless sensor networks (WSN) have been increasing, and also the field to utilize sensor data has become wider. In such a situation, deep learning is a good tool to exploit and analyze collected data without the need for special domain knowledge or signal processing techniques. Therefore, we considered a general time-series sensory signal classification framework that accommodates various fields of application, and reflects our proposed model, which referred to multiscale hybrid convolutional and recurrent neural network design. However, the deep learning approach is not always straightforward when calculating an optimal result compared to manually designed processing architectures.

3. The Proposed System Design

The main contribution of our study is to learn the outdoor walking pattern and then use it in an indoor environment. To enable this approach, the moving speed is calculated by the corrected user trajectory, and an appropriate deep learning model should be designed for feature extraction and training of the measured IMU sensory signal with labeled speed.

3.1. Automatic Dataset Collection Using the Corrected Pedestrian Trajectory with Kalman Filter

Our proposed method requires calculating the velocity per unit time using the corrected and filtered pedestrian trajectory based on raw GPS positioning. In most of the prior literature applying general purpose signal processing or deep learning models, the traveled distance is estimated by calculating the step count and stride length. However, we proposed a novel scheme to estimate the traveled distance by calculating the average moving speed and time duration using a deep learning approach with segmented IMU signal samples as the input.
One of most important things that can improve the performance in deep learning is the collection of large, high-quality datasets. It is quite a challenge to assign a label in real-time or automatically to a time-series signal that is measured on a densely attached sensor on the body or carried smartphone. Therefore, many studies manually assign a label to the measured sensor signal in a limited experimental condition (e.g., after a certain period of walking or running with a fixed gait, smartphone placement, orientation, and same stride, through assigned a fixed stride as a label for the entire measured signal data).
We proposed a method to automatically configure the dataset outdoors where a GPS signal can be received with a high reliability. However, since the GPS contains a positional error, we use a Kalman filter to correct it. The Kalman filter is a method to estimate the optimum and filtering error by removing the statistical noise included in a series of measurements observed over time.
Our proposed dataset collection scheme is shown in Figure 2. Based on the corrected and filtered pedestrian trajectory, we calculated the velocity using the displacement between the current time position and the previous time position at every measurement time, and we assigned the velocity to the label of the segmented IMU sensor signal frame. The displacement and moving speed can be computed using the following equation:
Δ d t =   ( p t p t 1 ) 2   ,   p t = [ x t y t ] s t = Δ d t t ( t 1 ) ,
where pt denotes the corrected GPS position x, y at time t, which are transformed into the longitude and latitude into the universal transverse mercator (UTM) coordinate system, respectively. Δdt and st are the displacement and the velocity computed using positions at time t and t − 1, respectively. In addition, st is assigned to the label of the IMU sensor signal measured from t − 1 to t. The above process is repeated every second when walking outdoors where GPS is available, and the automatically generated dataset is used for learning.

3.2. Multiscale and Multiple 1D-CNN for Feature Extraction

The main difference between conventional CNNs and 1D-CNN is the use of a one-dimensional time-series signal as the input data instead of two-dimensional (2D) pixels or three-dimensional (3D) voxels. Multiple time-series data (i.e., IMU sensor data) is fed into the CNN as the input in our proposed systems. The key role of the CNN is to extract the correlation of spatially and temporally adjacent signals using nonlinear kernel filters. The local feature of the input data can be extracted by applying several kernel filters, and the global feature vector can be generated through several pairs of convolutional and pooling layers [26].
Our study focuses on indoor localization based on time-series sensor signal pattern learning under varying walking conditions. In such a case, a proper input data size considering the temporal properties should be considered to extract the features well. Therefore, we proposed a multiscale, multiple CNN architecture to incorporate inherent feature learning for various signal durations as well as overcome the limitations using only single input data in conventional CNN. This approach can simultaneously reflect the features of various input data measured for different time durations. The overall scheme of the multiscale and multiple CNN model to extract the feature is illustrated in Figure 3.
We motivated multiscale feature learning into the CNN architecture to improve the learning efficiency and extract more features [38]. However, the proposed multiscale method possesses the following two characteristics compared to conventional multiscale studies. First, the size of the converted signal by each scaling factor is always the same. Second, the feature vectors extracted by multiple CNNs are not combined into one feature map, and these feature vectors are independently used. The reason for our multiscale and multiple CNN concept is to utilize the same dimension as the input data for the RNN model, which will be introduced in Section 3.3.
Multiscale operation is performed by using the following expression:
x j s = 1 s i = ( j 1 ) s + 1 j s x i ,   1 j N s ,
where x = { x 1 , x 2 , , x n } denotes a measured one-dimensional discrete time-series signal, xi is the sample value at time index i, s is a scaling factor, and N denotes the number of samples in each segmented signal frame. The time-series signal x is divided into a non-overlapped window length s (i.e., the scaling factor), and then, window j’s data points are consecutively averaged. We can construct a multi-scaled signal x s = { x 1 s , , x j s , , x n / s s } .
Typically, CNNs consist of several pairs of convolutional and pooling layers to extract the feature map, and learning generates the desired output by optimizing learnable parameters through feedforward and backpropagation passes [26]. The objective of using the CNN architecture in our study is to achieve feature extraction. The signals transformed by the multiscale operation are fed into multiple CNNs as the initial input data, and the feature map of multiple CNN based on the multiscaled signal can be expressed as:
z j l s = ReLU ( l = 1 M l 1 1 d c o n v ( x i l 1 s , k i j l 1 )   +   b j l ) , y j l s = maxpooling ( s z j l ) ,
where x i l 1 s and z j l s denote the input and output of the convolutional layer with the ReLU = max(0, x) activation function, respectively; k ij l 1 denotes the learnable kernel filter from the ith neuron in layer l − l to the jth neuron in layer l; and 1dconv() indicates the convolutional operation. b j l is the bias of the jth neuron in layer l, and Ml−1 denotes the number of kernel filters in layer l − 1. y i l s denotes the output of max pooling layer l, as well as the input of the next convolutional layer l + 1. Consequently, pairs of convolutional and pooling layers reconstruct a feature vector as the input of the above recurrent neural network model. Additional details of the backpropagation by minimizing the cost function are available in Lecun et al. [39].
Moreover, the multiscale operation can be considered as the moving average without an overlapped window for low-pass filtering. In other words, high-frequency components and random noises in a raw time-series sensory signal can be naturally filtered. Although CNNs have not been verified to eliminate noise well, lightweight preprocessing (such as smoothing and averaging) can naturally improve the performance [40].

3.3. Hierarchical Multiscale Recurrent Neural Networks

Our walking pattern learning model is mainly motivated by the following observation and considerations. According to studies on pedestrian movement characteristics [41,42] and our experimental experience, the stride and walking speed tend to remain stable as long as there is no change in the external environment or internal user behavior. In other words, within a relatively short period (i.e., in a few seconds), the previously estimated walking speed may affect the current working speed.
Learning the temporal representations and dependencies is one of the challenges of deep neural networks. Recurrent neural networks, such as LSTM and GRU, have been considered as promising methods to solve this problem [13]. Therefore, we designed a new scheme, which is referred to as a hierarchical multiscale recurrent neural network, that can capture temporal dependencies with different timescales using a novel update mechanism. Figure 4 presents our proposed enhanced GRU cell.
The GRU mainly consists of an update gate and a reset gate. The input of the GRU cell is xt, smt, and hts, the output is ht and ht+s for time t. Both gates are similarly computed as in the following equation:
u p d a t e   g a t e   :   z t = σ ( W x z x t + U z h t s + W m z m t s + b z ) r e s e t   g a t e   :   r t = σ ( W x r x t + U r h t s + W m r m t s + b r ) ,
where Wx, Uh, and Wm denote the learnable parameters that linearly combine the input vector xt, previous hidden state output vector hts, and additional multiscaled input smt, respectively, b is a bias, superscripts z and r mean that the corresponding parameter belongs to the update gate or the reset gate, and the activation function σ is a sigmoid. The difference of the basic GRU is that the scaling factor s determines whether the recurrent path is activated or not.
The candidate activation can be defined at a current state as follows:
h ˜ t = tanh ( W x x t + U ( r t h t s ) + W m m t s + b h ) ,
where rt is a set of reset gates, is element-wise multiplication, and tanh is used as an activation function. The candidate activation h ˜ t is calculated by the current state Wxxt, Wmsmt, and previous hidden state Uhts, but it depends on the reset gate rt to activate the previous hidden state. The activation function of the reset gate is a sigmoid, σ(x) [0, 1]. If the reset gate value is 0, the previously computed state is forgotten, if it is 1, it allows it to maintain a previously computed state. The current state information is reflected, regardless of the reset gate.
The output ht of the GRU at time t is computed as follows:
h t = z t h t s + ( 1 z t ) h ˜ t ,
where hts is the previous activation and h t ˜ is the candidate activation of the current state, and the update gate zt determines how much it updates each component. The update gate also uses the sigmoid; if zt is 0, all of the previous activation is forgotten, and only h ˜ t is activated, if it is 1, the previous activation hts is determined as the output of GRU.
Our proposed hybrid multiscale convolutional and recurrent neural network model to learn and classify the pedestrian walking velocity using a one-dimensional time-series signal extracted during walking with a smartphone is expressed in Figure 5.

4. Experimental Results

4.1. Experimental Setup

The dataset was automatically constructed while walking outdoors in the real world with smartphone sensors. We developed and utilized an Android application (app) that can measure and store the GPS and IMU sensors. The main scenario for our experiment is walking in a situation such as (i) handheld: hold the phone in front of the chest, (ii) swing: hold the phone in a swinging hand, and (iii) pocket: the phone in the trouser (back/front) pocket. We tried to walk as much as possible in real life when we collected data, and some data during calling, texting, and running were included in the dataset as well.
We used the tri-axial accelerometer in the IMU to measure the walking pattern with a 200-Hz sampling rate, and a magnetometer was not used due to the magnetic distortion caused by metal structures. We used the NMEA 0183 standard parser to get the GPS position, and transformed WGS84 to UTM coordination to compute the meter unit operation when a reliable fix of the GPS signal was obtained. The raw GPS position was corrected by a Kalman filter, and the displacement and velocity were calculated by Equation (1). Then, the velocity is assigned to the label of the measured sensory signal at the corresponding time. For the experiment, the tri-axial acceleration signals and the GPS position were sampled at 200 Hz and 1 Hz, respectively, and then they were stored in the Secure Digital (SD) memory card as log files. Therefore, we used a smartphone with an additional SD card slot. The log file consists of a list of measured data every 1 s (i.e., 200 × 3 × 4 bytes of acceleration data, 2 × 4 bytes of position data, 1 × 4 bytes of velocity data, the number 4 means a float type). For instance, approximately 8.7 MB of memory space is required to store the signal as a training dataset for 1 h.
The dataset was collected individually; it was composed of the measured IMU sensor and GPS data while walking 3.6 km to 41 km per subject, 3% to 11% of the collected data was eliminated from the dataset if the GPS reliability flag was not fixed. Naturally, the experiment was carried out using the user’s own walking pattern signal measured by their own smartphone.
We utilized Ubuntu 16.04LTS on a desktop, TensorFlow, and Nvidia GTX1060 for learning, and then we exported our trained deep learning model and learnable parameters (e.g., weights and biases) to an Android app. The training set and validation set were randomly allocated 80% and 20% of the entire dataset, respectively, and a test was performed indoors using the Android app implemented by us that can display the traveled distance in real-time. Running the app requires a total of 600 MB of memory space for the data file, which includes the weight parameters and the metafile, including the model structure. In addition, it takes an average of 310 ms on Galaxy S7 (higher than Android-Nougat) to convert the input signal into the output velocity when the other apps are not working.
As mentioned above, our proposed dataset-constructing method requests the users to generate data, because the dataset should only be composed of data based on our own walked signal, position, and velocity, and it is used to learn the user’s own walking patterns by the proposed deep learning model. This means that they need to run the specific app to collect data when they are outdoors. Although we manually stored the dataset on the server, it is also possible for users to send a collected dataset to a private cloud or private server using Wi-Fi or BLE. We managed each subject’s walking dataset on one desktop server, and generated a data file that contains the weighted parameters for each corresponding subject. Table 1 shows the structure and parameters of our proposed simplified hybrid CNN–RNN model.

4.2. Performance Evaluation

Before our proposed method was designed, we needed to confirm that the accuracy of the corrected GPS positioning was appropriate for labeling for the measured time-series sensory signal. Table 2 shows the displacement error between the actual displacement and the corrected GPS position by each distance along with a pre-defined straight path. In general, a commercial GPS has a positioning error of more than several meters in the global coordination system. According to our experiment, there was an average of 10.2 m of error in the global coordination in open space. However, we only needed to apply a relative coordination system to compute the displacement between the start and the end points. Thus, we determined that it is appropriate to estimate the moving speed of the pedestrian through a trajectory corrected within less than 2 m of average displacement error, and the error did not linearly increase with any increase in distance. We used a built-in microphone on the smartphone and a short whistle sound to check the start and end times. In order words, while measuring the GPS and IMU sensors, the microphone was also measured, and the whistle was used as a timing marker to compute the displacement error of the experimental result.
Four metrics were computed to quantify the performance of different models: Accuracy means a correctly classified sample from the total population, (TP + TN)/(TP + TN + FP + FN); Precision is the ratio of correctly predicted conditions to the total predicted positive conditions for each class, TP/(TP + FP); Recall presents the ratio of correctly predicted positive conditions to all of the true conditions for each class, TP/(TP + FN); and the F − 1 score refers to the weighted average of Precision and Recall, 2 × (precision × recall)/(precision + recall). The definitions of the above metrics use the true positive (TP), true negative (TN), false positive (FP), and false negative (FN). Another performance metric, the distance error, means the difference the between actual and predicted traveled distance over the whole validation set.
Table 3 presents the performance of our proposed hybrid multiscale convolutional and recurrent neural network model with a mean of fivefold cross-validation, and the results are also compared to those of other models. The training and validation set were randomly allocated 80% and 20% data, respectively. In other models except for the proposed model, the segmented 2-s signal frame was fed into each model as the input. In this experiment, we used a dataset that walked around 41 km for subject 1.
As expected before the experiment, the performance outperformed when using CNN than when using ANN without any manually-designed features and a basic RNN model, which means that the appropriate features are automatically extracted through a CNN learning process. Even though CNN’s automatic feature extraction does not always outperform a handcrafted feature extraction scheme, it can drastically reduce the time and cost for the feature analysis. The performance of the LSTM and GRU, which can solve the long-term dependency, improved more than that for the CNN without considering temporal correlation and basic RNN models. According to our experimental result and other studies, both models show enhanced performance, the performance between LSTM and GRU was insignificant, hyperparameter tuning seems to be more important than the model chosen. Thus, we adapted GRU as a part of our proposed model, considering that it has a small number of parameters and short training time compared to the LSTM. Hybrid CNN and GRU were performed to reflect the effect of the CNN’s automatic feature extraction, and it showed a slight improvement in the performance. Our proposed model demonstrated the best performance, we reduced a traveled distance prediction error to 1.27% with simple noise rejection and a trend of a different time scale using the multiscale method, enhanced GRU cell, and novel hybrid model architecture.
In addition, we compared the classification and the regression methods that have different ways of predicting the output. These two methods exhibit a difference in the dataset configuration. When the case of the regression method is applied, the label for the corresponding signal in the dataset is directly assigned using the calculated velocity from the corrected GPS trajectory. In the other case, the calculated velocities were clustered using an expectation-maximization (EM) algorithm, and then the representative values for each cluster were assigned to the label. The performance of the regression methods was slightly lower, even though a calibrated trajectory was used, and it seems that slightly different velocities are assigned as labels to a similar signal pattern.
The confusion matrix for the classification results is shown in Figure 6 for comparison with other methods. Classes 1 and 5 are the stationary and fastest class, respectively, so these are relatively well classified in all of the models. This means that these two classes are distinct compared to the other class signal patterns. Applying the enhanced deep learning model, the classification accuracy for classes 2 and 3 gradually improved.
We exported and modified the trained proposed deep learning model to an Android app using TensorFlow Mobile to carry out the experiment indoors. The app works online and displays the traveled distance for the measured signal in real-time. We carried out an experiment with nine subjects to verify that the method of estimating the travel distance after learning their own walking pattern via their own smartphone outperforms previously studied smartphone-based PDR methods that use the step counts and step length estimation.
The experiments were carried out in a 60-m indoor corridor; subjects 1 to 6 walked with varying speeds every 20 m, and subjects 7 to 9 walked at the constant speed. Table 4 shows the duration and distance of the walking dataset collected by each subject, and corresponding smartphone devices for training. The experimental results of our proposed model and the existing methods are shown in Table 5. The proposed method that learns the user’s walking pattern using their own smartphone showed the best performance, because it was considered by any change in the device, moving speed, and walking pattern, as well as the smartphone’s orientation and placement. Since the proposed method is based on deep learning, the accuracy tends to improve as the amount of data increases. According to the experimental results, when using more than 10 km of a walking dataset, less than 2.4% and up to 1.5% of a distance error is generated.
In the experiment based on Weinberg [12], although the K parameter was tuned for each subject, the performance deviation was large due to the change in the orientation and position of the smartphone according to the walking pattern, as well as the variation in the walking speed. Ho et al. [11] suggested a way to control the K parameter of Weinberg et al. [12] according to the walking speed change. However, this did not solve the problem caused by the unconstrained walking pattern either. Huang et al. [23] proposed a method to estimate the stride length when only the smartphone was held in a swinging hand by exploiting the cyclic features of walking, in order to overcome the limitation of carrying a smartphone in front of the chest in most smartphone-based PDR approaches. However, manually designed cyclic features based on a biomechanical model cannot reflect the diversity of each pedestrian’s swinging action as well as the variation in the walking pattern; thus, a large performance deviation among the subjects is shown in the result.
In addition, to verify the performance compared with a deep learning-based model, we performed the experiment using the ANN-based model [35] that uses five parameters as the input closely related to the stride length and one output to estimate the corresponding stride length. For this experiment, we reconfigured the existing dataset with a pair of five parameters (e.g., stride frequency, maximum, standard deviation, mean of acceleration, and height of subject) and stride length, and these parameters and stride length were extracted from the measured IMU sensory signal and corrected GPS trajectory, respectively. Although we were not sure that the ANN’s model size, hyperparameters, and optimization techniques were designed well to achieve the best performance, we confirmed that the proposed multiscale hybrid CNN–RNN model considering nonlinear feature vectors from multiple time scale signals and temporal correlation can be more effective to learn multivariate time-series signal patterns.

5. Discussion and Conclusions

Stride length estimation is one of the most important factors in PDR-based indoor localization, and it is affected by the pedestrian’s movement behavior, speed, and physical properties as well as the smartphone’s placement and orientation. Under the conditions mentioned above, precise estimation of the stride length is a challenging research topic. Although many studies have used network infrastructure such as Wi-Fi and BLE to calibrate and overcome the drawbacks of PDR, it is limited only to infrastructure that is based indoors. Therefore, we introduced a new precise PDR approach that can be utilized without network infrastructure by learning the personal walking pattern during the various activities in everyday life.
Since the dataset used in our experiment is automatically constructed, it may be of lower quality than a dataset measured under controlled experimental conditions. However, the experimental results showed an approximately 2% distance error when the data was collected over 10 km, and an approximately 1% error when the data was collected over 30 km. Although our experiments were carried out under limited conditions (i.e., three walking types) to apply the same condition to the subjects, we expect to outperform these if a larger dataset (e.g., longer period of time, more variable walking pattern, and smartphone placements) is conducted and the accuracy of the data collection has improved.
In addition, although this paper focuses on solving the problems of indoor localization applications, a multiscale hybrid convolutional and recurrent neural network model can provide a general time-series signal classification, regression, and forecasting framework that accommodates a wide range of applications i.e., collected signals via other single or multiple sensors that can be applied in our designed model directly. However, there is one thing that needs to be improved; at present, we need to learn the entire dataset when additional data with a new output class (i.e., velocity) is generated, because our proposed learning scheme uses a conventional supervised learning approach.
In the future, we would need to focus on researching how to set the initial position using minimum reference points, how to estimate the direction based on the proposed model, and how to match and correct the final position to the map during walking indoors to solve the cumulative error of a wrong estimation in the moving speed by using the minimum reference points, such as beacons and landmarks (e.g., corners or objects). Moreover, we will study online and lifelong [43] learning to overcome the inherent limitations of supervised learning, such as fixed output classes and additional datasets.
Finally, we hope that a major contribution of our study will be to motivate researchers who want to apply a new and easy approach for indoor localization as well as time-series sensory signal analysis.

Author Contributions

Conceptualization, J.K., J.L. and D.-S.E.; Methodology, J.K.; Software, J.L.; Validation, J.K., J.L. and D.-S.E.; Formal Analysis, J.K. and J.L.; Investigation, J.K.; Data Curation, J.L.; Writing—Original Draft Preparation, J.K.; Writing—Review & Editing, J.K, J.L. and D.-S.E.; Visualization, J.K. and J.L.; Supervision, D.-S.E.; Project Administration, D.-S.E.

Funding

This research was funded by the Korea University Grant.

Acknowledgments

The authors would like to thank the members of Future Information Network Architecture Laboratory in Korea University for participating as the subject of the experiment.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Brena, R.F.; García-Vázquez, J.P.; Galván-Tejada, C.E.; Muñoz-Rodriguez, D.; Vargas-Rosales, C.; Fangmeyer, J. Evolution of Indoor Positioning Technologies: A Survey. J. Sens. 2017, 2017, 2630413. [Google Scholar] [CrossRef]
  2. Pavel, D.; Robert, P. A survey of selected indoor positioning methods for smartphones. IEEE Common. Surv. Tutor. 2017, 19, 1347–1370. [Google Scholar] [CrossRef]
  3. Hui, L.; Houshang, D.; Pat, B.; Jing, L. Survey of wireless indoor positioning techniques and systems. IEEE Trans. Syst. Man Cybern. 2007, 37, 1067–1080. [Google Scholar] [CrossRef]
  4. Xiaohua, T.; Ruofei, S.; Duowen, L.; Yutian, W.; Xinbing, W. Performance analysis of RSS fingerprinting based indoor localization. IEEE Trans. Mobile Comput. 2017, 16, 2847–2861. [Google Scholar] [CrossRef]
  5. Luo, H.; Zhao, F.; Jiang, M.; Ma, H.; Zhang, Y. Constructing an indoor floor plan using crowdsourcing based on magnetic fingerprinting. Sensors 2017, 17, 2678. [Google Scholar] [CrossRef] [PubMed]
  6. Sabet, M.T.; Daniali, H.R.M.; Fathi, A.R.; Alizadeh, E. Experimental analysis of a low-cost dead reckoning navigation system for a land vehicle using a robust AHRS. Robot. Auton. Syst. 2017, 95, 37–51. [Google Scholar] [CrossRef]
  7. Kang, W.; Han, Y. SmartPDR: Smartphone-based pedestrian dead reckoning for indoor localization. IEEE Sens. J. 2015, 15, 2906–2916. [Google Scholar] [CrossRef]
  8. Zhang, W.; Li, X.; Wei, D.; Ji, X.; Yuan, H. A Foot-Mounted PDR System Based on IMU/EKF + HMM + ZUPT + ZARU + HDR + Compass Algorithm. In Proceedings of the 2017 International Conference on Indoor Positioning and Indoor Navigation (IPIN), Sapporo, Japan, 18–21 September 2017. [Google Scholar]
  9. Yu, N.; Zhan, X.; Zhao, S.; Wu, Y.; Feng, R. A precise dead reckoning algorithm based on bluetooth and multiple sensors. IEEE Internet Things J. 2018, 5, 336–351. [Google Scholar] [CrossRef]
  10. Kang, X.; Huang, B.; Qi, G. A novel walking detection and step counting algorithm using unconstrained smartphones. Sensors 2018, 18, 297. [Google Scholar] [CrossRef] [PubMed]
  11. Ho, N.-H.; Truong, P.H.; Jeong, G.-M. Step-detection and adaptive step-length estimation for pedestrian dead-reckoning at various walking speeds using a smartphone. Sensors 2016, 16, 1432. [Google Scholar] [CrossRef] [PubMed]
  12. Weinberg, H. Using the ADXL202 in Pedometer and Personal Navigation Application; Analog Devices AN-602 Application Note: Norwood, MA, USA, 2002. [Google Scholar]
  13. Chung, J.; Gulcehre, C.; Cho, K.; Bengio, Y. Empirical evaluation of gated recurrent neural networks on sequence modeling. In Proceedings of the Deep Learning and Representation Learning Workshop: NIPS, Montreal, QC, Canada, 12 December 2014. [Google Scholar]
  14. Alarifi, A.; Al-Salman, A.; Alsaleh, M.; Alnafessah, A.; Al-Hadhrami, S.; Al-Ammar, M.A.; Al-Khalifa, H.S. Ultra wideband indoor positioning technologies: Analysis and recent advances. Sensors 2016, 16, 707. [Google Scholar] [CrossRef] [PubMed]
  15. Wang, X.; Gao, L.; Man, S.; Pandey, S. CSI-based fingerprinting for indoor localization: A deep learning approach. IEEE Trans. Veh. Technol. 2017, 66, 763–776. [Google Scholar] [CrossRef]
  16. Li, J.; Guo, M.; Li, S. Smartphone-Based Indoor Localization with Bluetooth Low Energy Beacons. In Proceedings of the 2nd International Conference on Frontieres of Science and Technology (ICFST-18), Shenzhen, China, 21–22 July 2017. [Google Scholar]
  17. Luo, J.; Fu, L. A smartphone indoor localization algorithm based on WLAN location fingerprinting with feature extraction and clustering. Sensors 2017, 17, 1339. [Google Scholar] [CrossRef]
  18. Shu, Y.; Bo, C.; Shen, G.; Zhao, C.; Li, L.; Zhao, F. Magicol: Indoor localization using pervasive magnetic field and opportunistic WiFi sensing. IEEE J. Sel. Areas Commun. 2015, 33, 1443–1457. [Google Scholar] [CrossRef]
  19. Xie, H.; Gu, T.; Tao, X.; Ye, H.; Lu, J. A reliablility-augmented particle filter for magnetic fingerprinting based indoor localization on smartphone. IEEE Trans. Mobile Comput. 2016, 15, 1877–1892. [Google Scholar] [CrossRef]
  20. Yang, Z.; Wu, C.; Zhou, Z.; Zhang, X.; Wang, X.; Liu, Y. Mobility increases localizability: A survey on wireless indoor localization using inertial sensors. ACM Comput. Surv. 2015, 47. [Google Scholar] [CrossRef]
  21. Wu, C.; Yang, Z.; Liu, Y.; Xi, W. WILL: Wireless indoor localization without site survey. IEEE Trans. Parallel Distrib. Syst. 2013, 24, 839–848. [Google Scholar] [CrossRef]
  22. Goyal, P.; Ribeiro, V.J.; Saran, H.; Kumar, A. Strap-down Pedestrian Dead-Reckoning System. In Proceedings of the International Conference on Indoor Positioning and Indoor Navigation, Guimaraes, Portugal, 21–23 September 2011. [Google Scholar]
  23. Huang, B.; Qi, G.; Yang, X.; Zhao, L.; Zou, H. Exploiting cyclic features of walking for pedestrian dead reckoning with unconstrained smartphones. In Proceedings of the 2016 ACM International Joint Conference on Pervasive and Ubiquitous Computing, Heidelberg, Germany, 12–16 September 2016; pp. 374–385. [Google Scholar]
  24. Kang, W.; Nam, S.; Han, Y.; Lee, S. Improved Heading Estimation for Smartphone-Based Indoor Positioning Systems. In Proceedings of the 2012 IEEE 23rd International Symposium on Personal, Indoor and Mobile Radio Communications—(PIMRC), Sydney, Australia, 9–12 September 2012; pp. 2449–2453. [Google Scholar]
  25. Bao, H.; Wong, W.-C. A Indoor Dead-Reckoning Algorithm with Map Matching. In Proceedings of the 9th International Wireless Communications and Mobile Computing Conference (IWCMC), Sardinia, Italy, 1–5 July 2013. [Google Scholar]
  26. Schmidhuber, J. Deep learning in neural networks: An overview. Neural Netw. 2015, 63, 85–117. [Google Scholar] [CrossRef] [PubMed]
  27. Liu, W.; Wang, Z.; Liu, X.; Zeng, N.; Liu, Y.; Alsaadi, F.E. A survey of deep neural network architectures and their application. Neurocomputing 2017, 203, 11–26. [Google Scholar] [CrossRef]
  28. Kiranyaz, S.; Ince, T.; Gabbouj, M. Real-time patient-specific ECG classification by 1D convolutional neural networks. IEEE Trans. Biomed. Eng. 2015, 63, 664–675. [Google Scholar] [CrossRef] [PubMed]
  29. Ince, T.; Kiranyaz, S.; Eren, L.; Askar, M.; Gabbouj, M. Real-time motor fault detection by 1-D convolutional neural networks. IEEE Trans. Ind. Electron. 2016, 63, 7067–7075. [Google Scholar] [CrossRef]
  30. Abdeljaber, O.; Avci, O.; Kiranyaz, S.; Gabbouj, M.; Inman, D.J. Real-time vibration-based structural damage detection using one-dimensional convolutional neural networks. J. Sound Vib. 2017, 338, 154–170. [Google Scholar] [CrossRef]
  31. Ha, S.; Choi, S. Convolutional Neural Networks for Human Activity Recognition Using Multiple Accelerometer and Gyroscope Sensors. In Proceedings of the International Joint Conference on Neural Networks (IJCNN), Vancouver, BC, Canada, 24–29 July 2016; pp. 381–388. [Google Scholar]
  32. Ordonez, F.J.; Roggen, D. Deep convolutional and LSTM recurrent neural network for multimodal wearable activity recognition. Sensors 2016, 16, 115. [Google Scholar] [CrossRef] [PubMed]
  33. Yao, S.; Hu, S.; Zhao, Y.; Zhang, A.; Abdelzaher, T. Deepsense: A Unified Deep Learning Framework for Time-Series Mobile Sensing Data Processing. In Proceedings of the 26th International Conference on World Wide Web, Perth, Australia, 3–7 April 2017; pp. 351–360. [Google Scholar]
  34. Edel, M.; Koppe, E. An Advanced Method for Pedestrian Dead Reckoning Using Blstm-Rnns. In Proceedings of the International Conference on Indoor Positioning and Indoor Navigation (IPIN), Banff, AB, Canada, 13–16 October 2015. [Google Scholar]
  35. Xing, H.; Li, J.; Hou, B.; Zhang, Y.; Guo, M. Pedestrian Stride Length Estimation from IMU measurements and ANN based algorithm. J. Sens. 2017, 2017, 6091261. [Google Scholar] [CrossRef]
  36. Hannink, J.; Kautz, T.; Pasluosta, C.F.; Barth, J.; Schulein, S.; GaBmann, K.G.; Klucken, J.; Eskofier, B.M. Mobile stride length estimation with deep convolutional neural network. IEEE J. Biomed. Health Inf. 2018, 22, 354–362. [Google Scholar] [CrossRef] [PubMed]
  37. Hannink, J.; Kautz, T.; Pasuosta, C.F.; Gabmann, K.-G.; Kluchen, J.; Eskofier, B.M. Sensor-based gait parameter extraction with deep convolutional network. IEEE J. Biomed. Health Inf. 2017, 21, 85–93. [Google Scholar] [CrossRef] [PubMed]
  38. Cui, Z.; Chen, W.; Chen, Y. Multi-scale convolutional neural networks for time series classification. arXiv, 2016; arXiv:1603.06995v4. [Google Scholar]
  39. Lecun, Y.; Bottou, L.; Orr, G.B.; Muller, K.-R. Efficient backprop. In Neural Networks: Tricks of the Trade LNCS; Springer: Berlin, Germany, 2012; pp. 9–48. [Google Scholar]
  40. Kang, J.; Park, Y.-J.; Lee, J.; Wang, S.-H.; Eom, D.-S. Novel leakage detection by ensemble CNN-SVM and graph-based localization in water distribution systems. IEEE Trans. Ind. Electron. 2018, 65, 4279–4289. [Google Scholar] [CrossRef]
  41. Hak, L.; Houdijk, H.; Beek, P.J.; Dieen, J.H.V. Steps to take to enhance gait stability: The effect of stride frequency, stride length, and walking speed on local dynamic stability and margins of stability. PLoS ONE 2013, 8, e082842. [Google Scholar] [CrossRef] [PubMed]
  42. Sutherland, D. The development of mature gait. Gait Posture 1997, 6, 163–170. [Google Scholar] [CrossRef]
  43. Parisi, G.I.; Tani, J.; Weber, C.; Wermter, S. Lifelong learning of human actions with deep neural network self-organization. Neural Netw. 2017, 96, 137–149. [Google Scholar] [CrossRef] [PubMed]
Figure 1. An overview of our indoor localization system using a proposed outdoor walking pattern learning scheme. (a) Inertial measurement unit (IMU) signal and velocity mapping using global position service (GPS)-based user trajectory by walking pattern at outdoor. The collected dataset is used as training data to the following proposed deep learning model; (b) Hybrid CNN–RNN deep learning model. The nonlinear features of the training data were automatically extracted using the multiple convolutional layers with activation and pooling layers; (c) The RNN uses the extracted feature vector at each time step as an input, and learns using signal patterns and labeled velocities; (d) The pedestrian’s average velocity at each time step and the cumulative traveled distance using the learned deep learning model parameters are estimated when moved indoors.
Figure 1. An overview of our indoor localization system using a proposed outdoor walking pattern learning scheme. (a) Inertial measurement unit (IMU) signal and velocity mapping using global position service (GPS)-based user trajectory by walking pattern at outdoor. The collected dataset is used as training data to the following proposed deep learning model; (b) Hybrid CNN–RNN deep learning model. The nonlinear features of the training data were automatically extracted using the multiple convolutional layers with activation and pooling layers; (c) The RNN uses the extracted feature vector at each time step as an input, and learns using signal patterns and labeled velocities; (d) The pedestrian’s average velocity at each time step and the cumulative traveled distance using the learned deep learning model parameters are estimated when moved indoors.
Sensors 18 03149 g001
Figure 2. The proposed dataset collection scheme for pedestrian walking patterns in real-time, automatically. The blue dots are the raw GPS positions and the red dots are the corrected GPS positions with a Kalman filter. The moving speed is obtained by the displacement of the current position at t and previous position at t − 1, and it is assigned to a segmented IMU signal every 1 s (i.e., the GPS data update rate is 1 Hz) corresponding to the label directly.
Figure 2. The proposed dataset collection scheme for pedestrian walking patterns in real-time, automatically. The blue dots are the raw GPS positions and the red dots are the corrected GPS positions with a Kalman filter. The moving speed is obtained by the displacement of the current position at t and previous position at t − 1, and it is assigned to a segmented IMU signal every 1 s (i.e., the GPS data update rate is 1 Hz) corresponding to the label directly.
Sensors 18 03149 g002
Figure 3. The proposed multiscale and multiple CNN scheme to extract features. Even if the scaling factor is different, the size of converted signals is same. The multi-scaled signals are fed into each CNN, and then each feature map is generated.
Figure 3. The proposed multiscale and multiple CNN scheme to extract features. Even if the scaling factor is different, the size of converted signals is same. The multi-scaled signals are fed into each CNN, and then each feature map is generated.
Sensors 18 03149 g003
Figure 4. Our proposed enhanced gated recurrent unit (GRU) cell. The new components are displayed in dot-line. m is the feature vector of the multiscaled (s) signal at time t, and also, it is the same as the feature vector extracted from the last corresponding CNN layer by Equation (3). The output activation to the recurrent path is determined by the scaling factor s.
Figure 4. Our proposed enhanced gated recurrent unit (GRU) cell. The new components are displayed in dot-line. m is the feature vector of the multiscaled (s) signal at time t, and also, it is the same as the feature vector extracted from the last corresponding CNN layer by Equation (3). The output activation to the recurrent path is determined by the scaling factor s.
Sensors 18 03149 g004
Figure 5. Our proposed hybrid multiscale convolutional and recurrent neural network model to train and estimate the moving speed for segmented and multiscaled sensory signal. The transformed signals with different timescales are fed into a corresponding CNN to extract the feature vector, and then, each feature vector is fed into the corresponding GRU cell as an additional input, smt. Only the feature vector xt (s = 1) is fed into the first GRU layer of the stacked RNNs as the input, and ht is used for the input of the upper GRU layer. The recurrent activation at each GRU layer is determined by the scaling factor of the additional input smt. Finally, the probability distribution for the target moving velocity is computed by Softmax.
Figure 5. Our proposed hybrid multiscale convolutional and recurrent neural network model to train and estimate the moving speed for segmented and multiscaled sensory signal. The transformed signals with different timescales are fed into a corresponding CNN to extract the feature vector, and then, each feature vector is fed into the corresponding GRU cell as an additional input, smt. Only the feature vector xt (s = 1) is fed into the first GRU layer of the stacked RNNs as the input, and ht is used for the input of the upper GRU layer. The recurrent activation at each GRU layer is determined by the scaling factor of the additional input smt. Finally, the probability distribution for the target moving velocity is computed by Softmax.
Sensors 18 03149 g005
Figure 6. Confusion matrix with normalization for classification results of Table 3. The number of samples predicted for corresponding class is presented in the parentheses. (a) Represents the result of CNN; (b) shows the result of GRU; (c) is the result of basic hybrid CNN and GRU model; (d) represents the result of our proposed model.
Figure 6. Confusion matrix with normalization for classification results of Table 3. The number of samples predicted for corresponding class is presented in the parentheses. (a) Represents the result of CNN; (b) shows the result of GRU; (c) is the result of basic hybrid CNN and GRU model; (d) represents the result of our proposed model.
Sensors 18 03149 g006
Table 1. Simplified Hybrid Single-Scale CNN–Gated Recurrent Unit (GRU) Model Structure and Parameters.
Table 1. Simplified Hybrid Single-Scale CNN–Gated Recurrent Unit (GRU) Model Structure and Parameters.
StructureInput (I)FilterDepthStrideOutput (O)Number of Parameters
Conv1 + Relu200 × 1 × 34 × 1641197 × 1 × 64(4 × 1 × 3 + 1) × 64 = 832
Max Pooling (dropout 0.2)197 × 1 × 642 × 1 98 × 1 × 64
Conv2 + Relu98 × 1 × 644 × 164195 × 1 × 64(4 × 1 × 64 + 1) × 64 = 16,448
Max Pooling (dropout 0.2)95 × 1 × 642 × 1 47 × 1 × 64
Conv3 + Relu47 × 1 × 644 × 164144 × 1 × 64(4 × 1 × 64 + 1) × 64 = 16,448
GRU44 × 1 × 64 1282 × 3(I2 + I × O + I) = 49,758,720
Output Classes128 5128 × 5 = 640
Overall 49,793,088
Table 2. Displacement Error of Corrected GPS Trajectory in Comparison with Ground Truth.
Table 2. Displacement Error of Corrected GPS Trajectory in Comparison with Ground Truth.
TypeDistance (m)/Mean ± Std
25 m50 m75 m100 mAverage
Handheld1.53 ± 0.450.83 ± 0.271.29 ± 0.222.44 ± 0.561.52
Swing2.55 ± 0.492.25 ± 0.201.23 ± 0.281.94 ± 0.321.99
Pocket2.28 ± 0.822.88 ± 0.491.64 ± 0.682.05 ± 0.881.96
Mix2.57 ± 0.550.87 ± 0.261.26 ± 0.481.61 ± 0.451.58
Average1.79 m1.28 m1.50 m2.08 m1.66 m
Table 3. Signal Classification Performance of the Proposed Model In Comparison with Other Models.
Table 3. Signal Classification Performance of the Proposed Model In Comparison with Other Models.
ModelsEvaluation Parameters
Distance Error (%)AccuracyPrecisionRecallF − 1 Score
ANN6.4660.6680.5640.5360.538
CNN3.5990.8780.8520.8480.87
Vanilla RNN5.6760.7140.6430.6330.629
LSTM2.4410.9040.8950.8880.887
GRU2.3790.9030.8900.8850.885
CNN + GRU1.8600.9250.9150.9130.912
Multiscale CNN + GRU with classification (Proposed)1.2780.9490.9430.9420.942
Multiscale CNN + GRU
with regression
1.572-
Table 4. Properties and Walking Dataset for Each Subject.
Table 4. Properties and Walking Dataset for Each Subject.
TypesSubject 1Subject 2Subject 3Subject 4Subject 5Subject 6Subject 7Subject 8Subject 9
SmartphoneSamsung Galaxy Note 7Samsung Galaxy S8LG V30Samsung Galaxy S7LG G6LG V30Samsung Galaxy Note 7Samsung Galaxy S8+Samsung Galaxy S7
Dataset configuration for training14.4 h,
41 km
11.1 h,
34 km
10.1 h,
31 km
4.0 h,
22 km
4.9 h,
16 km
4.3 h,
14 km
2.2 h,
10 km
2.4 h,
7 km
1.3 h,
3.6 km
Pedestrian properties181 cm,
85 kg,
38 age,
male
175 cm,
68 kg,
30 age,
male
179 cm,
78 kg
30 age,
male
173 cm,
75 kg,
28 age,
male
163 cm,
53 kg,
24 age,
female
177 cm,
79 kg,
35 age,
male
172 cm,
70 kg,
27 age,
male
160 cm,
55 kg,
21 age,
female
161 cm,
48 kg,
28 age,
female
Table 5. Evaluation and Analysis of Traveled Distance Estimation for Indoor Localization.
Table 5. Evaluation and Analysis of Traveled Distance Estimation for Indoor Localization.
ModelsSubject 1Subject 2Subject 3Subject 4Subject 5Subject 6Subject 7Subject 8Subject 9Average
Proposed MethodHandheld1.12 ± 0.141.01 ± 0.341.66 ± 0.492.02 ± 0.330.89 ± 0.071.51 ± 0.171.42 ± 0.141.98 ± 0.383.02 ± 0.751.63 m
Swing1.05 ± 0.271.16 ± 0.291.03 ± 0.151.99 ± 0.241.12 ± 0.371.60 ± 0.401.45 ± 0.612.63 ± 0.633.55 ± 0.641.74 m
Pocket0.78 ± 0.070.65 ± 0.150.87 ± 0.211.18 ± 0.191.04 ± 0.212.37 ± 0.271.40 ± 0.412.73 ± 0.353.42 ± 0.671.60 m
Weinberg [12]Handheld12.7 ± 0.7413.8 ± 0.298.12 ± 1.1512.4 ± 0.6712.3 ± 1.368.73 ± 1.574.27 ± 2.713.67 ± 0.863.95 ± 0.978.90 m
Swing25.26 ± 3.7822.16 ± 4.1429.58 ± 2.7027.05 ± 2.0120.46 ± 2.1625.12 ± 2.2120.88 ± 5.3917.44 ± 3.1216.64 ± 3.1722.73 m
Pocket16.20 ± 0.9518.23 ± 2.0920.30 ± 1.9417.02 ± 2.2125.91 ± 3.2918.18 ± 4.9213.75 ± 2.7012.37 ± 0.9414.20 ± 1.5817.35 m
Ho et al. [11]Handheld6.30 ± 3.823.01 ± 3.814.49 ± 3.003.48 ± 1.613.18 ± 1.883.46 ± 1.222.43 ± 2.556.39 ± 3.464.93 ± 4.254.19 m
Swing13.73 ± 2.6618.26 ± 3.4021.65 ± 3.8417.65 ± 3.6120.26 ± 2.6222.14 ± 1.7918.67 ± 3.2220.57 ± 3.7116.39 ± 2.5818.81 m
Pocket17.37 ± 3.8912.63 ± 5.1514.11 ± 1.4815.13 ± 2.1916.35 ± 2.1815.72 ± 5.7410.82 ± 1.0713.63 ± 2.2210.33 ± 2.2614.01 m
Huang et al. [23]Handheld----------
Swing3.24 ± 1.104.22 ± 2.2711.39 ± 1.903.38 ± 3.0016.03 ± 6.1415.31 ± 6.147.25 ± 4.2312.21 ± 3.904.24 ± 1.818.58 m
Pocket----------
Xing et al. [35]Handheld2.50 ± 0.522.75 ± 0.263.19 ± 0.703.61 ± 1.684.28 ± 0.975.93 ± 0.403.98 ± 2.135.53 ± 0.945.76 ± 1.064.17 m
Swing4.17 ± 0.953.94 ± 1.925.93 ± 0.384.08 ± 0.415.69 ± 2.176.13 ± 0.687.54 ± 0.816.57 ± 1.007.48 ± 0.665.73 m
Pocket5.21 ± 0.984.94 ± 0.977.64 ± 1.116.42 ± 1.767.14 ± 1.158.02 ± 1.628.83 ± 0.439.29 ± 2.528.28 ± 1.127.31 m

Share and Cite

MDPI and ACS Style

Kang, J.; Lee, J.; Eom, D.-S. Smartphone-Based Traveled Distance Estimation Using Individual Walking Patterns for Indoor Localization. Sensors 2018, 18, 3149. https://0-doi-org.brum.beds.ac.uk/10.3390/s18093149

AMA Style

Kang J, Lee J, Eom D-S. Smartphone-Based Traveled Distance Estimation Using Individual Walking Patterns for Indoor Localization. Sensors. 2018; 18(9):3149. https://0-doi-org.brum.beds.ac.uk/10.3390/s18093149

Chicago/Turabian Style

Kang, Jiheon, Joonbeom Lee, and Doo-Seop Eom. 2018. "Smartphone-Based Traveled Distance Estimation Using Individual Walking Patterns for Indoor Localization" Sensors 18, no. 9: 3149. https://0-doi-org.brum.beds.ac.uk/10.3390/s18093149

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