Next Article in Journal
Environmental Disinfection Strategies to Prevent Indirect Transmission of SARS-CoV2 in Healthcare Settings
Next Article in Special Issue
Visual-Based Localization Using Pictorial Planar Objects in Indoor Environment
Previous Article in Journal
Energy and Exergy Analyses of a Combined Infrared Radiation-Counterflow Circulation (IRCC) Corn Dryer
Previous Article in Special Issue
Gaussian Process Modeling of Specular Multipath Components
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

UWB Indoor Localization Using Deep Learning LSTM Networks

School of Electronics Engineering, Kyungpook National University, 80 Daehak-ro, Buk-gu, Daegu 41566, Korea
*
Author to whom correspondence should be addressed.
Appl. Sci. 2020, 10(18), 6290; https://doi.org/10.3390/app10186290
Submission received: 28 July 2020 / Revised: 31 August 2020 / Accepted: 7 September 2020 / Published: 10 September 2020
(This article belongs to the Special Issue Indoor Localization Systems: Latest Advances and Prospects)

Abstract

:
Localization using ultra-wide band (UWB) signals gives accurate position results for indoor localization. The penetrating characteristics of UWB pulses reduce the multipath effects and identify the user position with precise accuracy. In UWB-based localization, the localization accuracy depends on the distance estimation between anchor nodes (ANs) and the UWB tag based on the time of arrival (TOA) of UWB pulses. The TOA errors in the UWB system, reduce the distance estimation accuracy from ANs to the UWB tag and adds the localization error to the system. The position accuracy of a UWB system also depends on the line of sight (LOS) conditions between the UWB anchors and tag, and the computational complexity of localization algorithms used in the UWB system. To overcome these UWB system challenges for indoor localization, we propose a deep learning approach for UWB localization. The proposed deep learning model uses a long short-term memory (LSTM) network for predicting the user position. The proposed LSTM model receives the distance values from TOA-distance model of the UWB system and predicts the current user position. The performance of the proposed LSTM model-based UWB localization system is analyzed in terms of learning rate, optimizer, loss function, batch size, number of hidden nodes, timesteps, and we also compared the mean localization accuracy of the system with different deep learning models and conventional UWB localization approaches. The simulation results show that the proposed UWB localization approach achieved a 7 cm mean localization error as compared to conventional UWB localization approaches.

1. Introduction

Recent advancements in indoor localization technologies [1] give accurate position results when the GPS signals are unable to detect user position in an indoor scenario. The most popular building dependent localization technology is the ultra-wideband (UWB) localization system. In UWB localization, multiple anchors are placed in the experiment area and the user uses a UWB tag to communicate with anchors. The anchors and the tag communicate through UWB signals and the time of arrival (TOA) [2] of UWB signals are used to estimate the distance of the user from anchors. The position accuracy of a UWB system depends on the UWB signal shapes, TOA of UWB signals and user distance estimation from the anchors. For an accurate user position estimation in UWB systems, it is necessary to estimate the user distance with a minimum error. In UWB localization, the localization algorithms use the user distance information from the TOA-distance model. The trilateration algorithm is the most common localization algorithm used in UWB localization. However, the position accuracy of the trilateration algorithm depends on the user distance from the anchors [3]. The multipath effects, channel conditions between anchors and tag, and the UWB signal shapes affect the distance estimation accuracy. This leads to a high position error in the UWB localization systems.
To reduce the user position errors in the UWB system, we propose a deep learning approach to UWB localization. The proposed model consists of a deep neural network which takes as input the distance information from the TOA-distance model and predicts the user positions. The proposed model uses a two layer long short-term memory (LSTM) network [4] which identifies the accurate user positions. As compared to neural network (NN), the LSTM has feedback loop which serves as a memory and gives better performance for time series analysis. The flexibility in controlling the input data from the LSTM model gives a better localization performance than other models. The constant error backpropagation within memory cells results in LSTM model can able to bridge very long-time lags for UWB localization. The unique features of LSTM model show that it is the best choice for our localization purpose.
Deep learning for UWB localization has been investigated through several approaches to improve localization performance. Many researchers proposed different deep learning approaches such as convolutional neural networks (CNN) for UWB transmitter-receiver distance estimation [5], non-line of sight (NLOS) channel classification using channel impulse response (CIR) information [6,7] and the neural network for UWB fingerprint-based localization [8]. However, to the best of our knowledge, there is no comparative analysis of hyperparameter tuning for LSTM based UWB localization. Therefore, it is necessary to investigate the best hyperparameters for LSTM based UWB localization and this paper analyses the performance of LSTM deep learning networks in terms of learning rate, optimizer, loss function, batch size, number of hidden nodes and timesteps. The best parameters for LSTM networks are identified through several simulation results and finally, we compare the proposed model prediction results with conventional UWB localization approaches such as linearized least square estimation (LLSE), fingerprint estimation (FPE), maximum likelihood estimation (MLE) and weighted centroid estimation (WCE) algorithms [9]. The performance of the LSTM model also analyzed by mean localization error with a different number of LSTM layers, training and testing time of UWB data in LSTM model and the mean localization error with a different number of anchors. Through extensive simulations, we demonstrated the superior performance of the proposed LSTM model. The following are the main contributions to this paper:
  • We simulated a UWB system with three anchors and one tag, and generated Gaussian pulses as UWB signals. The Gaussian pulses transmitted through UWB channel conditions from anchors to tag and estimated the TOA of UWB pulses.
  • We formulated a TOA-distance model and estimated the tag distance from anchors. The estimated tag distances from anchors are used for predicting the user position.
  • We introduced the LSTM deep learning architecture for UWB localization. The performance of the LSTM architecture was analyzed and we estimated the best parameters for the LSTM model.
The rest of the paper is organized as follows—Section 2 summarizes the previous work on UWB localization, Section 3 discusses the proposed UWB indoor localization approach using deep learning LSTM networks. The analysis of simulation results is provided in Section 4. Finally, the conclusions are summarized in Section 5.

2. Related Work

Indoor localization using UWB measurement has been studied in the past and in recent times based on TOA [10], time difference of arrival (TDOA) [11], phase of arrival (PoA) [12], angle of arrival (AOA) [13], joint TOA and AOA [14] and UWB localization algorithms have also been studied [15,16]. In this section, we discuss different UWB localization systems that leverage the advantages of deep learning networks.
The idea of machine learning in the UWB indoor localization research area was proposed in Reference [17] and this proposed system combines grid-search-based kernel support vector machine and principle component analysis (PCA). The results from Reference [17] show that the proposed approach reduces the localization error and improves the computational efficiency when compared to k-nearest neighbor (kNN), back propagation neural network (BPNN) and support vector machine (SVM) based methods. An SVM-based localization approach which classify the UWB NLOS conditions for indoor localization is presented in Reference [18]. The SVM model in Reference [18] reached 92% average identification accuracy for NLOS conditions and improved the UWB position accuracy in multipath conditions. To improve the localization accuracy of the UWB system during NLOS conditions, A two stage SVM classification for UWB LOS/NLOS channel conditions is discussed in Reference [19]. The system from Reference [19] shows 93.7% efficiency for identifying the LOS/NLOS channel conditions. However, selecting the adequate kernel and the parameter optimization are the major challenges faced by the SVM based localization systems. A logistic regression-based localization approach is an alternative way to improve the UWB localization performance for the non-line-of-sight (NLOS) condition. The regression model presented in Reference [20] addressed the NLOS detection error mitigation of differential time of arrival (TDoA) topologies and suppresses the NLOS error up to 80%. In Reference [21], the authors also introduced another regression-based localization method for identifying the LOS conditions. The PCA, kNN, SVM and logistic regression approaches gives better performance for UWB localization, however, the multipath effects, signal interference, sensitive to channel inconsistency and computational complexity of the models add localization errors to the UWB system. To extract the correct ToA during multipath scenarios, a signal processing method that uses deep learning to estimate the absolute UWB tag position directly from the raw channel impulse response (CIR) data is proposed in Reference [22]. The localization system explained in Reference [22] uses convolutional neural network (CNN) and achieved 17.3 cm mean absolute localization error for NLOS conditions. However, the overfitting & underfitting, parameter tuning and processing time of data from CNN models give challenges to the UWB localization. Most recent works on deep learning for UWB localization are explained in References [23,24,25]. The discussed localization systems from References [23,24,25] effectively minimize the ranging errors and computational burden and achieve excellent localization performance with much lower network complexity for UWB indoor localization.
The UWB localization systems discussed in the related works addressed localization accuracy challenges and proposed a number of systems to improve indoor position accuracy. However, the UWB system still needs improvement in terms localization accuracy. Therefore, it is necessary to propose a new localization approach for UWB based indoor localization. To reduce the localization error, this paper proposes an LSTM based localization approach based on the simulation environment. The simulation results indicate that the proposed approach gives reasonable position accuracy for indoor localization and reduces the UWB localization errors.

3. The Conventional and Proposed UWB Localization Approaches

Conventional UWB localization approaches tend to use different localization algorithms in the system controller to estimate the current user positions. The positional accuracy of the conventional methods depends on the type of the localization algorithm and the configuration of the system controller. To improve the indoor position accuracy for UWB localization, we used deep learning instead of localization algorithms and this proposed UWB indoor localization system leverages the advantages of LSTM networks in predicting user positions. As compared to the conventional UWB system, the proposed system utilizes a deep learning architecture in the system controller to predict the user position. The deep learning model is trained on user distance from anchors and gives accurate position results. Figure 1 shows the conventional and proposed UWB localization systems.
The proposed model consists of anchor-tag communication using UWB pulses, the TOA-distance model and deep learning system for user position prediction. First, we place the anchor nodes (ANs) with known coordinates in the experiment area. The UWB tag sends UWB pulses to the ANs. All ANs receive UWB pulses and estimate the distances from each AN. Since the anchors receive UWB pulses at different intervals from the UWB tag, the signals arrive at each anchor at a different time. The signal arrival of time from UWB tag is multiplied by the constant speed of light in the air resulting in the ANs and UWB tag distances. To estimate the UWB tag position, the concept of trilateration is used. To use trilateration, it is necessary to use at least three anchors in the experiment area. In our simulation, we created an experiment area with three anchors and the anchors were placed in known coordinates to cover the entire experiment area. To generate UWB pulses, we used Gaussian pulses with the IEEE 802.15.4a UWB system standard. The generated UWB pulses transmitted from the UWB tag to all anchors. The UWB tag moved in the predefined paths and sends pulses to the ANs. The ANs use UWB TOA information and estimate the tag distances from ANs. The distance information matrix from TOA-distance model is used as the input to the deep learning system. The deep learning system uses two LSTM layers to predict the tag’s x and y positions. The LSTM layer takes three inputs, the three distance values from three anchors, and predicts the current UWB tag position. The proposed LSTM model predicts accurate tag position results with minimal localization errors. The experiment results show that the proposed deep learning approach solved the LOS problems associated with UWB localization systems and reduces the computational complexity of localization algorithms. As compared to conventional localization approaches, the proposed method can be easily used for complex trajectories and estimate the user position with minimum position errors.

3.1. UWB Model

The model presented in Reference [26] is used for the UWB simulation. Figure 2 shows the flow chart of the UWB localization system.
The UWB localization system consists of UWB signal generation, transmission of UWB signals through indoor channel, cross relation of received UWB signals with reference signal, TOA estimation of UWB signals, distance estimation from TOA and finally estimate the current user position using the trilateration approach. To generate the UWB pulses as input signal for UWB simulation, we use the Gaussian pulse and is defined as
y t = A 2 π σ 2 e t 2 2 σ 2 ,
where A is the amplitude of the signal and σ is the standard deviation related to the pulse shape factor. The simulation uses the pulse width of 0.5 n s and Figure 3 shows the generated UWB pulse for transmission.
The UWB transmitted signal is expressed as [26]
s ( t ) = i = 0 N 1 p t i × T int ,
where p ( t ) is the UWB pulse, T int is the sum of guard time and pulse width, N is the number of pulses. Then the received signal is expressed as
r ( t ) = h ( t ) × s ( t ) + n ( t ) ,
where h ( t ) is the channel impulse response and n ( t ) is the AWGN noise. When we consider the average time of received signal, the noise term is eliminated and is expressed as
r avr ( t ) = i = 0 N 1 p ( t ) × h i t + i × T int .
After the average operation of received signal, we perform a correlation between the averaged signal and the template signal and is expressed as
S Crr ( t ) = 0 T int r avr τ × p t τ d τ .
The correlated output signal from one anchor node to UWB tag is shown in Figure 4.
The correlated output signal is used in the peak detector for estimating the TOA of signal. In the simulation process, we considered IEEE 802.15 4a UWB channel model [27], which characterizes industrial LOS environment. The UWB pulses propagate through a large number of paths and the channel impulse response is expressed as
h ( t ) = l = 0 L k = 0 k α k , l exp j ϕ k , l δ t T l τ k , l ,
where α k , l is the multipath gain coefficient, T l is the delay of the l t h cluster and τ k , l is the delay of the k t h multipath component relative to the l t h cluster arrival time ( T l ) . The phases ϕ k , l are uniformly distributed in the range [ 0 , 2 π ] and the number of clusters L are assumed to be the Poisson distribution. Table 1 shows the parameter settings for the UWB simulation.
The overall UWB simulation stages are summarized in Figure 5. To generate the UWB simulation data, our simulation ran on MATLAB and defined an indoor experiment area in the MATLAB simulation environment. The anchors positions are defined and the UWB tag moved in the predefined trajectories. In the UWB transmitter, we generated Gaussian pulses for transmission and these signals are transmitted through the indoor UWB channel. On the receiver side, the UWB receiver receives the UWB signal with Gaussian noise through the UWB channel. To remove the Gaussian noise, the receiver took the average of the signal and passed the signal onto the correlation block. In the correlation block, correlation between the received signals and reference signal is performed and the correlation output is used in the peak detector block. The peak detector block estimates the TOA of the UWB signal based on the threshold setting and the overall UWB transmission-reception is illustrated in Figure 5 as a block diagram.

3.2. Trilateration Approach for UWB Localization

To train the proposed LSTM network with distance information from anchors and user position coordinates, we use trilateration. The trilateration algorithm estimates the true trajectory coordinates and many position coordinates from trajectory which covers the entire experiment area. The UWB tag distance from anchors and the user positions from trilateration approach are used in training the LSTM model. Figure 6 shows the trilateration approach for UWB localization.
The distance d i between the UWB tag P ( x p , y p ) and the anchors R i ( x i , y i ) is expressed as
d i 2 = ( x i x p ) 2 + ( y i y p ) 2 .
The expanded form of (7) is
d i 2 = x i 2 + x p 2 2 x i x p + y i 2 + y p 2 2 y i y p .
When we consider a reference point K, then (8) can be expressed as
d k 2 = x k 2 + x p 2 2 x k x p + y k 2 + y p 2 2 y k y p .
Subtracting (9) from (8), we get
d i 2 d k 2 + x k 2 + y k 2 x i 2 y i 2 = 2 ( x k x i ) x p + 2 ( y k y i ) y p .
Considering i = 1 and varying index k = 2 , 3 we obtain
2 ( x 2 x 1 ) 2 ( y 2 y 1 ) 2 ( x 3 x 1 ) 2 ( y 3 y 1 ) x p y p = d 1 2 d 2 2 + x 2 2 + y 2 2 x 1 2 y 1 2 d 1 2 d 3 2 + x 3 2 + y 3 2 x 1 2 y 1 2 .
The coordinates P ( x p , y p ) of the UWB tag can be obtained by solving the above system of equations. We can obtain a linear equation with three unknowns, A x = b . The A, x and b values of liner equation is expressed
A = 2 x 2 x 1 2 y 2 y 1 2 x 3 x 1 2 y 3 y 1
x = x p y p
b = d 1 2 d 2 2 + x 2 2 + y 2 2 x 1 2 y 1 2 d 1 2 d 3 2 + x 3 2 + y 3 2 x 1 2 y 1 2 .
The solution of the equations can be ( x p , y p ) that minimizes the δ defined by the following
δ = ( A x b ) T ( A x b )
x = x p y p T .
Applying MMSE (Minimum Mean Square Error) method, we can obtain x with the following expression
x = ( A T A ) 1 A T b .
For more details on trilateration algorithm implementation, refer to our previous works in References [28,29].

3.3. LSTM Based UWB Localization

The UWB data is time dependent and LSTM model is the best deep learning model for UWB localization as compared to recurrent neural networks (RNN) [30], and extreme learning machine (ELM) [31] models. LSTM is the improved form of RNN and it is used to connect historical information to the current input. The long-term dependence problem of RNN makes them unsuitable for UWB-based localization systems and the unique long-time dependence characteristics of LSTM [32] gives accurate localization results when compared to other deep learning models. The LSTM result shows that it reduces the vanishing gradient problem [33] which exists when we use RNN networks for UWB localization. In this paper we followed the LSTM model presented in References [34,35] for deep LSTM implementation. The LSTM model consists of a layered structure with a state c (cell state) in each hidden layer. The output of the LSTM model is a regression output and not a classification one [36].
In a particular UWB indoor localization scenario, the number of anchors is N, the UWB localization could be estimated only with N 3 , 4 , 5 , 6 , . Assume that the localization system uses only one UWB tag, the distance received from anchor i, i 1 , 2 , 3 , N , can be written as D i 1 , D i 2 , , D i M i , where M i is the distance from anchor i. The distance measurements from TOA- distance model converts into a fingerprint map and the fingerprint map in a certain location ( x , y ) is expressed as
D x , y = D 1 1 , D 1 2 , , D 1 M 1 , D 2 1 , D 2 2 , , D 2 M 2 , , D N 1 , D N 2 , , D N M N .
Let t denote the time interval of the current fingerprint, UWB distance data and D ( x t , y t ) , h ( t 1 ) and c ( t 1 ) be the current network input values. The output of the LSTM network is expressed as [35]
h t = x ˜ t , y ˜ t ,
where x ˜ t and y ˜ t are the coordinates of the predicted user position at a time t. The value of c t is defined by the forget gate (FG) and input gate (IG) functions in the LSTM. The FG function saves the information of c ( t 1 ) to c t and IG saves the information c t to h t . The calculation process in FG is expressed as
f t = σ w f × h t 1 , D x t , y t + b f ,
where σ is the rectified linear unit (ReLU), w f is the weight matrix and b f is the offset item. The calculation process in IG function is expressed as
g t = σ w g × h t 1 , D x t , y t + b g ,
where w g is the weight matrix of IG and b g is the offset. The cell state in forward direction of LSTM is expressed as
c ˜ t = tanh w c × h t 1 , D x t , y t + b c ,
c t = f t × c t 1 + g t × c ˜ t ,
where c ˜ t and c t are input and output of the cell state at time t. The long term message in LSTM network is formed from an iterative process and the output function ( o t ) is expressed as
o t = σ w o × h t 1 , D x t , y t + b o ,
where W o and b o are weight matrix and offset which are estimated from training process. The last stage of LSTM forward process is to estimate h t from cell state and network and is defined as
h t = o t × tanh c t .
Figure 7 shows the overall forward propagation of the LSTM network. The output of this network is the user x and y position results x ˜ t , y ˜ t .
The error function from Figure 7 is expressed in time dimension and layer structure and is given by
E t = x t x ˜ t 2 + y t y ˜ t 2 .
The input of LSTM network is the combination of h ( t 1 ) and D ( x t , y t ) , W f , W g , W c and W o . These values can be divided into W f x , W f h , W g x , W g h , W c h , W f o x and W o h . An example of backpropagation using W o h is expressed as
E t W o h , t = E t n e t o , t × n e t o , t W o h , t
E t W o h , t = δ o , t T × h t 1 T
E t W o h , t = δ t T × tanh c t × o t × 1 o t × h t 1 T ,
where δ t T is the error term in time dimension of layer o and is expressed as
δ o , t T = t o t 1 ( δ o , t T W o h + δ f , t T W f h + δ g , t T W g h + δ c ˜ , t T W c h ) .
The LSTM network builds the regression model based on the iteration and the initial weight settings. The ReLu function in the model reduces the vanishing gradient problems and converges faster than RNN models. The localization algorithm using LSTM network is summarized in Algorithm 1.
Algorithm 1 LSTM Based Localization.
Input: D ( x t , y t ) in each time slot, M
output: Regression model based on LSTM
  • Collect the distance values from the trajectory when the user moves and repeat this step until the amount of data in this trajectory is enough.
  • Generate the distance database in each time slot
  • Initialize the structure of LSTM
  • Train LSTM and compute the LSTM parameters
  • Collect distance data for testing, then verify the trained LSTM model in step 4
  • Change the LSTM parameters and estimate the best parameters for accurate localization using steps 5 and 6.
From Algorithm 1, it can be seen that the proposed approach uses the distance values from anchors to tag for localization. When the UWB system reaches the enough number of distance data from the simulation trajectory, the system initializes the two-layer LSTM model. The total amount of data collected from the trajectory is divided into train data and test data. The LSTM model uses the train data for training the model with initial hyperparameter settings. Next, the system changes the hyperparameter values by several simulations and reach the best LSTM hyperparameter values for localization. After the hyperparameter estimation, the system collects another set of data for testing. Using the test data, the system verifies the LSTM model and predicts the user positions.
Localization using the LSTM model is efficient when the user moves a certain trajectory in the experiment area. Figure 8 shows the LSTM structure used for the localization.
The model structure of LSTM from Figure 8 shows that the proposed model uses two LSTM layers after the input layer. The two LSTM layers improve the performance of our model and gives reasonable position results than conventional neural network models. To compensate the overfitting problem, we add a dropout layer after each LSTM layer and these dropout layers enhance the localization accuracy of our proposed model. For the last layer of the proposed network, we use a time distributed dense layer which enables an interaction between the values within its own timesteps.

4. Simulation Results and Analysis

To evaluate the performance and position accuracy of our proposed LSTM model, we used the MATLAB R2019b (MathWorks, 1 Apple Hill Dr, Natick, MA 01760, United States, 2019) simulation environment with all built in tools. We simulated an experiment area with UWB anchors and a tag. Figure 9 indicates the UWB anchors and tag positions from a MATLAB simulation. In Figure 9, the starting position of the UWB tag is defined as (0, 2) and moved the UWB tag at a constant speed. We placed three anchors in the simulation environment based on the UWB tag motion. The positions of the anchors depend on the UWB tag motion and which covers the simulation environment. The UWB tag communicates with three anchors and estimates the tag distance from all anchors. The small circles in the Figure 9 show the anchor positions and the black star marks indicate the UWB tag motion. We moved the UWB tag in a random position based on a rectangular motion.
The TOA-distance model from the simulation estimates the distances for all tag positions in the experiment area and used the distances as training data. The data sample consists of 2582 samples with three distance and user x and y position values. Seventy-five percent of data samples were used for training the model and 25% samples used in testing. The LSTM model uses three input neurons for the three distance values from anchors and two output neurons to predict the user x and y positions. The performance of proposed LSTM model was analyzed in terms of learning rate, optimizer, loss function, batch size, number of hidden nodes and timesteps. Figure 10 shows the localization accuracy of training data with varies learning rates.
From Figure 10, it can be seen that the accuracy of the system increases with a lower learning rate. For large learning rates, the model tends to be unstable during training and with very low rates, the system fails to train the model. To compensate for these issues, we simulated different learning rates and obtained the optimum learning rate for training the model through a process called hyperparameter tuning. In our simulation, we selected 0.0001 value as learning rate for training the model. The selected learning rate controls how much the model responds to the output error when the model weights are updated.
Next, we analyzed the significance of different optimizers for the LSTM model. The optimizers play a very crucial role to increase the accuracy of the model. When we consider deep neural networks for localization, the neural networks have the tendency to either vanish or explode as the energy is propagated through the function. When the function is more complex, the network performs worse due to the cumulative nature. To avoid the vanishing and exploding gradient issue, we use a suitable optimizer and it is necessary to identify the best optimizer for localization. In our simulation we analysed the performance of the stochastic gradient descent (SGD), Root Mean Square Propagation (RMSProp), adaptive gradient algorithm (Adagrad), adaptive moment estimation (Adam), nesterov-accelerated adaptive moment estimation (Nadam), Adadelta and Adamax. Figure 11 shows the performance of these different optimizers for the LSTM model.
From Figure 11, the Nadam optimizer gives best localization accuracy and a lower loss value when compared to other optimizers. The SGD and Adadelta shows the worst performance. The optimizers Adam, Adamax, Adagrad and RMSProp are very similar algorithms and RMSProp was found to slightly outperform the other optimizers.
Next, we consider the effect of different loss functions for the LSTM model. The loss function used in the deep leaning model reduces the error in the prediction. For the regression loss function, networks use mean squared error loss (MSE), mean squared logarithmic error loss (MSLE) and mean absolute error loss (MAE). To find the best loss function, we analysed the effect of different loss functions and Figure 12 shows their performance.
From Figure 12, the MSLE loss function shows a slightly better performance than MSE but much better performance than MAE loss function. However, the MSLE loss function has high possibilities to overfit and is commonly used to predict large values. The results from MSE are slightly similar to MSLE and it has a lower probability to overfit. The performance and convergence behavior of our model suggests that MSE loss function is a good match for training the LSTM network for our regression problem. The results from the MAE loss function shows that it is not a good fit for our LSTM model.
Another important hyperparameter that affects the performance of the LSTM model is the batch size and it plays a major role in training the model faster. The batch size controls the amount of data samples that will be propagated through the LSTM networks. If we use a larger batch size to train the model, it increases the computational speed of the training data. However, a large batch size leads to poor generalization and the learning process converges slowly. Figure 13 shows the localization accuracy and network loss of training data in terms of the batch size.
From Figure 13, it can be seen that the lower batch size values give a learning process that converges quickly. The lower batch size value also uses less memory for training. Since the network is trained by fewer samples, the overall training procedure requires less memory. However, the lower value of batch size is not guaranteed to converge to the global optima. In our simulation, we used the batch size as 5 without any computational constraints.
The performance of LSTM model also depends on the number of hidden nodes. The number of hidden nodes depend on the complexity of the dataset, number of input features, number of data points and the data generating process. To find the optimum number of hidden nodes without overfitting, the following expression is used.
N h = N s α × N i + N o ,
where N i is the number of input neurons, N o is the output neurons, N s is the number of samples in training data and α is the arbitrary scaling factor usually 2–10. Figure 14 shows the localization accuracy and network loss of training data in terms of number of hidden nodes.
In Figure 14, the localization accuracy during the training in terms of epochs with varying hidden nodes from 16 to 512 with batch size of 5 is shown. If we use few hidden nodes, the result shows a high training error and high generalization error due to underfitting. On the other hand, for the high number of hidden nodes, the result shows low training error and high generalization error due to over fitting. Through our several simulation results, we obtained the number of hidden node as 256.
The localization accuracy of training data for different timesteps also affects the performance of LSTM model. It is necessary to analyse the performance of different timesteps for better localization accuracy. The overall performance of the model increases with increase in timesteps. The timestep is equivalent to the amount of timestep runs the LSTM model. Figure 15 shows the localization accuracy and network loss of training data in terms of timestep.
From Figure 15, it is clear that the higher timestep gives better accuracy and lower network loss. When we increase the timestep value from very low to high, the network converges quickly without any overfitting problems. From all the simulation results and analysis, we obtained the best LSTM hyperparameters for position prediction. Table 2 shows the optimized LSTM parameters based on the training data.
The Table 2 configuration of LSTM parameters are used in the proposed approach for predicting the current user position. To validate the performance of the proposed LSTM based localization, we estimated the mean localization error from average localization error ( E ) results. The estimation of E is expressed as
E = i = 1 L x i t r u e x i e s t 2 + y i t r u e y i e s t 2 0.5 ,
where ( x i t r u e , y i t r u e ) is the actual UWB tag position and ( x i e s t , y i e s t ) denotes the estimated UWB tag position calculated by proposed localization approach. The L value indicates the total number of data samples used for the localization.
The performance of the proposed LSTM approach evaluated with a number of LSTM layers, training and testing time of the model and mean localization error with different number of UWB anchors. Figure 16 shows the mean localization errors with different number of LSTM layers.
From Figure 16, the proposed two-layer LSTM approach shows better performance than standard LSTM (one LSTM layer) and a higher number of LSTM layers. The results show that if we increase the number of LSTM layers, the UWB system shows worst performances. This is due to the overfitting of the networks with more layers. The proper selection of the number of LSTM layers is an influencing factor of the localization performances and our system used the two-layer LSTM network for better performances.
The training and testing time of the proposed model is an important parameter for real time indoor localization. The training and testing time of all models are summarized in Table 3.
From Table 3, the training time of the proposed approach is still much higher than the approaches of BP, ELM and RNN. However, when we consider the accuracy of the localization system, the proposed LSTM approach gives acceptable localization accuracy with reasonable computational time. The testing time of the proposed approach with all testing samples is acceptable for real time indoor localization.
To investigate the impact of the number of anchors for UWB localization for all the approaches, we perform an additional simulation with the data from different number of anchors in the simulation environment. Figure 17 shows the simulation results with the number of anchors from 3 to 5 for all approaches.
From Figure 17, the mean localization error decreases with increase the number of anchors. The mean localization error results indicate that the proposed approach achieves the best localization performance in all situations. The results from RNN are better than ELM and BP models. However, the ELM model gives faster learning speed, better generalization performance and with least human intervention when compared to BP model. The results from BP model are not suitable for UWB indoor localization when we use multiple anchors. In the case of conventional localization approaches, the FPE algorithm shows less localization error than other conventional approaches. However, localization using fingerprint maps is not a common approach in UWB localization systems due to the anchors and tag distance limitation. The UWB anchors and tag should maintain minimum distances for accurate localization. The most common conventional UWB localization approach is the LLSE and which gives accurate position results than the MLE and WCE approaches. The WCE approach has a high localization error and it is not suitable for our simulation scenario. From all the simulation results and analysis, the proposed LSTM approach outperforms conventional localization approaches and gives better localization accuracy for UWB localization.

5. Conclusions

In this paper, we presented a UWB indoor localization system using a deep learning approach. The proposed method uses two LSTM networks and predicts the user position using anchor-tag distance information. The performance of the proposed LSTM model is analyzed on the basis of the learning rate, optimizer, loss function, batch size, hidden nodes and timesteps. Through analyzing several simulation results, we estimated the best LSTM hyperparameters for user position prediction. We also analyzed the LSTM model performance in terms of mean localization error with different number of LSTM layers, training and testing time of UWB data in LSTM model and the mean localization error with different number of anchors. From the simulation results, the proposed method shows reasonable position results for UWB based indoor localization. The proposed approach solved the LOS problems associated UWB system and gives a better localization accuracy than conventional localization approaches. In the future work, we intend to implement a CNN-LSTM model for predicting the current user position.

Author Contributions

Writing—original draft, A.P.; Writing—review & editing, D.S.H. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by Institute of Information & Communications Technology Planning & Evaluation (IITP) grant funded by the Korea government (MSIT) (2016-0-00564, Development of Intelligent Interaction Technology Based on Context Awareness and Human Intention Understanding) and Samsung Electronics’ University R&D Program. [MIMO System Architecture and Algorithm Development for 60 GHz Band Next Generation WLAN (SLSI-201507DD013)].

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. 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]
  2. Navarro, M.; Prior, S.; Najar, M. In Low complexity frequency domain TOA estimation for IR-UWB communications. In Proceedings of the IEEE Vehicular Technology Conference, Montreal, QC, Canada, 25–28 September 2006; pp. 1–5. [Google Scholar]
  3. Chóliz, J.; Eguizábal, M.; Hernández-Solana, Á.; Valdovinos, A. Comparison of algorithms for uwb indoor location and tracking systems. In Proceedings of the 2011 IEEE 73rd Vehicular Technology Conference (VTC Spring), Yokohama, Japan, 15–18 May 2011; pp. 1–5. [Google Scholar]
  4. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
  5. Joung, J.; Jung, S.; Chung, S.; Jeong, E.-R. CNN-based Tx–Rx distance estimation for UWB system localisation. Electron. Lett. 2019, 55, 938–940. [Google Scholar] [CrossRef]
  6. Bregar, K.; Mohorčič, M. Improving indoor localization using convolutional neural networks on computationally restricted devices. IEEE Access 2018, 6, 17429–17441. [Google Scholar] [CrossRef]
  7. Luo, J.; Gao, H. Deep belief networks for fingerprinting indoor localization using ultrawideband technology. Int. J. Distrib. Sens. Netw. 2016, 12, 5840916. [Google Scholar] [CrossRef] [Green Version]
  8. Taok, A.; Kandil, N.; Affes, S. Neural Networks for Fingerprinting-Based Indoor Localization Using Ultra-Wideband. JCM 2009, 4, 267–275. [Google Scholar] [CrossRef]
  9. Poulose, A.; Eyobu, O.S.; Kim, M.; Han, D.S. Localization Error Analysis of Indoor Positioning System Based on UWB Measurements. In Proceedings of the 2019 Eleventh International Conference on Ubiquitous and Future Networks (ICUFN), Zagreb, Croatia, 2–5 July 2019; pp. 84–88. [Google Scholar]
  10. Alsindi, N.A.; Alavi, B.; Pahlavan, K. easurement and modeling of ultrawideband TOA-based ranging in indoor multipath environments. IEEE Trans. Veh. Technol. 2008, 58, 1046–1058. [Google Scholar] [CrossRef]
  11. Tiemann, J.; Eckermann, F.; Wietfeld, C. Atlas-an open-source tdoa-based ultra-wideband localization system. In Proceedings of the 2016 International Conference on Indoor Positioning and Indoor Navigation (IPIN), Alcala de Henares, Spain, 4–7 October 2016; pp. 1–6. [Google Scholar]
  12. Povalacč;, A.; SŠebesta, J.ĭ. Phase of arrival ranging method for UHF RFID tags using instantaneous frequency measurement. In Proceedings of the 20th International Conference on Applied Electromagnetics and Communications, Dubrovnik, Croatia, 20–23 September 2010; pp. 1–4. [Google Scholar]
  13. Zhang, Y.; Brown, A.K.; Malik, W.Q.; Edwards, D.J. High resolution 3-D angle of arrival determination for indoor UWB multipath propagation. IEEE Trans. Wirel. Commun. 2008, 7, 3047–3055. [Google Scholar] [CrossRef]
  14. Taponecco, L.; D’Amico, A.A.; Mengali, U. Joint TOA and AOA estimation for UWB localization applications. IEEE Trans. Wirel. Commun. 2011, 10, 2207–2217. [Google Scholar] [CrossRef]
  15. Nilsson, M. Performance Comparison of Localization Algorithms for UWB Measurements with Closely Spaced Anchors. 2018. Available online: https://www.diva-portal.org/smash/record.jsf?pid=diva2%3A1251202&dswid=-5043 (accessed on 7 February 2020).
  16. Sookyoi, T. Experimental Analysis of Indoor Positioning System Based on Ultra-Wideband Measurements. 2016. Available online: https://www.diva-portal.org/smash/record.jsf?pid=diva2%3A1055816&dswid=5375 (accessed on 20 January 2020).
  17. Zhang, L.; Li, Y.; Gu, Y.; Yang, W. An efficient machine learning approach for indoor localization. China Commun. 2017, 14, 141–150. [Google Scholar] [CrossRef]
  18. Kristensen, J.B.; Ginard, M.M.; Jensen, O.K.; Shen, M. Non-Line-of-Sight Identification for UWB Indoor Positioning Systems using Support Vector Machines. In Proceedings of the IEEE MTT-S International Wireless Symposium (IWS), Guangzhou, China, 19–22 May 2019; pp. 1–3. [Google Scholar]
  19. Kołakowski, M.; Modelski, J. Detection of Direct Path Component Absence in NLOS UWB Channel. In Proceedings of the 22nd International Microwave and Radar Conference (MIKON), Poznan, Poland, 15–17 May 2018. [Google Scholar]
  20. Zandian, R.; Witkowski, U. Differential NLOS Error Detection in UWB-based Localization Systems using Logistic Regression. In Proceedings of the 15th Workshop on Positioning, Navigation and Communications (WPNC), Bremen, Germany, 25–26 October 2018; pp. 1–6. [Google Scholar]
  21. Marano, S.; Gifford, W.M.; Wymeersch, H.; Win, M.Z. NLOS Identification and Mitigation for Lozalization Based on UWB Experimental Data. IEEE J. Sel. Areas Commun. 2010, 28, 1026–1035. [Google Scholar] [CrossRef] [Green Version]
  22. Niitsoo, A.; Edelhäußer, T.; Mutschler, C. Convolutional neural networks for position estimation in tdoa-based locating systems. In Proceedings of the Nternational Conference on Indoor Positioning and Indoor Navigation (IPIN), Nantes, France, 24–27 September 2018; pp. 1–8. [Google Scholar]
  23. Hsieh, C.-H.; Chen, J.-Y.; Nien, B.-H. Deep learning-based indoor localization using received signal strength and channel state information. IEEE Access 2019, 7, 33256–33267. [Google Scholar] [CrossRef]
  24. Meghani, S.K.; Asif, M.; Awin, F.; Tepe, K. Empirical Based Ranging Error Mitigation in IR-UWB: A Fuzzy Approach. IEEE Access 2019, 7, 33686–33697. [Google Scholar] [CrossRef]
  25. Xue, Y.; Su, W.; Wang, H.; Yang, D.; Jiang, Y. DeepTAL: Deep Learning for TDOA-Based Asynchronous Localization Security With Measurement Error and Missing Data. IEEE Access 2019, 7, 122492–122502. [Google Scholar] [CrossRef]
  26. Khodjaev, J.; Narzullaev, A.; Park, Y.; Jung, W.; Lee, J.; Kim, S. Performance improvement of asynchronous UWB position location algorithm using multiple pulse transmission. In Proceedings of the 4th Workshop on Positioning, Navigation and Communication, Hannover, Germany, 22–22 March 2007; pp. 167–170. [Google Scholar]
  27. Molisch, A.F.; Balakrishnan, K.; Chong, C.-C.; Emami, S.; Fort, A.; Karedal, J.; Kunisch, J.; Schantz, H.; Schuster, U.; Siwiak, K. IEEE 802.15. 4a channel model-final report. IEEE P802 2004, 15, 0662. [Google Scholar]
  28. Poulose, A.; Kim, J.; Han, D.S. A sensor fusion framework for indoor localization using smartphone sensors and Wi-Fi RSSI measurements. Appl. Sci. 2019, 9, 4379. [Google Scholar] [CrossRef] [Green Version]
  29. Poulose, A.; Eyobu, O.S.; Han, D.S. A combined PDR and Wi-Fi trilateration algorithm for indoor localization. In Proceedings of the International Conference on Artificial Intelligence in Information and Communication (ICAIIC), Okinawa, Japan, 11–13 February 2019; pp. 072–077. [Google Scholar]
  30. Karim, F.; Majumdar, S.; Darabi, H.; Chen, S. LSTM fully convolutional networks for time series classification. IEEE Access 2017, 6, 1662–1669. [Google Scholar] [CrossRef]
  31. Zhang, J.; Xiao, W.; Zhang, S.; Huang, S. Device-free localization via an extreme learning machine with parameterized geometrical feature extraction. Sensors 2017, 17, 879. [Google Scholar] [CrossRef] [Green Version]
  32. Greff, K.; Srivastava, R.K.; Koutník, J.; Steunebrink, B.R.; Schmidhuber, J. LSTM: A search space odyssey. IEEE Trans. Neural Netw. Learn. Syst. 2016, 28, 2222–2232. [Google Scholar] [CrossRef] [Green Version]
  33. Chung, J.; Gulcehre, C.; Cho, K.; Bengio, Y. Empirical evaluation of gated recurrent neural networks on sequence modeling. arXiv 2014, arXiv:1412.3555. [Google Scholar]
  34. Zhong, Z.; Tang, Z.; Li, X.; Yuan, T.; Yang, Y.; Wei, M.; Zhang, Y.; Sheng, R.; Grant, N.; Ling, C. XJTLUIndoorLoc: A new fingerprinting database for indoor localization and trajectory estimation based on Wi-Fi RSS and geomagnetic field. In Proceedings of the Sixth International Symposium on Computing and Networking Workshops (CANDARW), Takayama, Japan, 27–30 November 2018; pp. 228–234. [Google Scholar]
  35. Xu, B.; Zhu, X.; Zhu, H. An efficient indoor localization method based on the long short-term memory recurrent neuron network. IEEE Access 2019, 7, 123912–123921. [Google Scholar] [CrossRef]
  36. Dietterich, T.G. Ensemble methods in machine learning, International workshop on multiple classifier systems. In Proceedings of the First International Workshop on Multiple Classifier Systems (MCS 2000), Cagliari, Cagliari, Italy, 21–23 June 2000; pp. 1–15. [Google Scholar]
Figure 1. Ultra-wideband (UWB) localization systems. (a) Conventional UWB localization system. (b) Proposed UWB localization system using deep learning.
Figure 1. Ultra-wideband (UWB) localization systems. (a) Conventional UWB localization system. (b) Proposed UWB localization system using deep learning.
Applsci 10 06290 g001
Figure 2. UWB based localization algorithm.
Figure 2. UWB based localization algorithm.
Applsci 10 06290 g002
Figure 3. UWB pulse.
Figure 3. UWB pulse.
Applsci 10 06290 g003
Figure 4. Correlated output signal.
Figure 4. Correlated output signal.
Applsci 10 06290 g004
Figure 5. Block diagram of overall UWB simulation system.
Figure 5. Block diagram of overall UWB simulation system.
Applsci 10 06290 g005
Figure 6. UWB localization using trilateration approach.
Figure 6. UWB localization using trilateration approach.
Applsci 10 06290 g006
Figure 7. Forward propagation of long short-term memory (LSTM).
Figure 7. Forward propagation of long short-term memory (LSTM).
Applsci 10 06290 g007
Figure 8. Model structure of proposed LSTM networks.
Figure 8. Model structure of proposed LSTM networks.
Applsci 10 06290 g008
Figure 9. UWB anchors & tag positions.
Figure 9. UWB anchors & tag positions.
Applsci 10 06290 g009
Figure 10. Localization accuracy of training data with different learning rates.
Figure 10. Localization accuracy of training data with different learning rates.
Applsci 10 06290 g010
Figure 11. Performance of different optimizers for the LSTM model.
Figure 11. Performance of different optimizers for the LSTM model.
Applsci 10 06290 g011
Figure 12. Performance of different loss functions.
Figure 12. Performance of different loss functions.
Applsci 10 06290 g012
Figure 13. Localization accuracy and network loss of training data in terms of number of batch size.
Figure 13. Localization accuracy and network loss of training data in terms of number of batch size.
Applsci 10 06290 g013
Figure 14. Localization accuracy and network loss of training data in terms of number of hidden node.
Figure 14. Localization accuracy and network loss of training data in terms of number of hidden node.
Applsci 10 06290 g014
Figure 15. Localization accuracy of training data in terms of number of timesteps.
Figure 15. Localization accuracy of training data in terms of number of timesteps.
Applsci 10 06290 g015
Figure 16. Mean localization errors with different number of LSTM layers.
Figure 16. Mean localization errors with different number of LSTM layers.
Applsci 10 06290 g016
Figure 17. Mean localization errors with different number of anchors for all the approaches.
Figure 17. Mean localization errors with different number of anchors for all the approaches.
Applsci 10 06290 g017
Table 1. UWB simulation parameter values.
Table 1. UWB simulation parameter values.
UWB Simulation ParameterValue
Speed of Light 3 × 10 8 m/s
Pulse shapeGaussian pulse
Number of anchors3
Coordinates of anchors ( x , y ) [5 18; 18 5; 18 18]
Tag’s initial coordinate ( x , y ) [0 2]
Number of bits100
Pulse repetition interval200 ns
SNR range (in dB)3 dB
Sample rate20 GHz
Pulse width0.5 ns
Table 2. LSTM parameter values.
Table 2. LSTM parameter values.
LSTM ParameterValue
Ratio of training data to overall data0.75
Number of epochs100
Batch size5
Timesteps30
Hidden nodes256
OptimizerNadam
LossMean squared error (MSE)
Dropout Rate0.2
Table 3. Training and testing time of all models.
Table 3. Training and testing time of all models.
TimeBPELMLSTMRNN
Training time (sec)7405201080900
Testing time (sec)0.2870.2150.7950.321

Share and Cite

MDPI and ACS Style

Poulose, A.; Han, D.S. UWB Indoor Localization Using Deep Learning LSTM Networks. Appl. Sci. 2020, 10, 6290. https://doi.org/10.3390/app10186290

AMA Style

Poulose A, Han DS. UWB Indoor Localization Using Deep Learning LSTM Networks. Applied Sciences. 2020; 10(18):6290. https://doi.org/10.3390/app10186290

Chicago/Turabian Style

Poulose, Alwin, and Dong Seog Han. 2020. "UWB Indoor Localization Using Deep Learning LSTM Networks" Applied Sciences 10, no. 18: 6290. https://doi.org/10.3390/app10186290

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