Next Article in Journal
Multi-Layer Artificial Neural Networks Based MPPT-Pitch Angle Control of a Tidal Stream Generator
Next Article in Special Issue
Managing Emergency Situations in VANET Through Heterogeneous Technologies Cooperation
Previous Article in Journal
Presentation Attack Detection for Iris Recognition System Using NIR Camera Sensor
Previous Article in Special Issue
Practical 3-D Beam Pattern Based Channel Modeling for Multi-Polarized Massive MIMO Systems
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Kalman Filter: Simultaneous Multi-Sensor Integration and Modelling; A GNSS/IMU Case Study

by
Siavash Hosseinyalamdary
Department of Earth Observation Science (EOS), Faculty of Geo-information Science and Earth Observation (ITC), University of Twente, Enschede 7514AE, The Netherlands
Sensors 2018, 18(5), 1316; https://doi.org/10.3390/s18051316
Submission received: 15 March 2018 / Revised: 11 April 2018 / Accepted: 16 April 2018 / Published: 24 April 2018
(This article belongs to the Special Issue Smart Vehicular Mobile Sensing)

Abstract

:
Bayes filters, such as the Kalman and particle filters, have been used in sensor fusion to integrate two sources of information and obtain the best estimate of unknowns. The efficient integration of multiple sensors requires deep knowledge of their error sources. Some sensors, such as Inertial Measurement Unit (IMU), have complicated error sources. Therefore, IMU error modelling and the efficient integration of IMU and Global Navigation Satellite System (GNSS) observations has remained a challenge. In this paper, we developed deep Kalman filter to model and remove IMU errors and, consequently, improve the accuracy of IMU positioning. To achieve this, we added a modelling step to the prediction and update steps of the Kalman filter, so that the IMU error model is learned during integration. The results showed our deep Kalman filter outperformed the conventional Kalman filter and reached a higher level of accuracy.

1. Problem Statement

Global Navigation Satellite Systems (GNSS) enable us to locate ourselves within a few centimeters all over the world. This system consists of a Global Positioning System (GPS), Galileo, GLobal Orbiting NAvigation Satellite System (GLONASS), and Beidu, and it is integrated into our daily lives, from car navigators to airplanes. Unfortunately, GNSS positioning requires a clear sky view; therefore, it is not available in urban canyons where GNSS signals are blocked by high-rise buildings. Other alternative navigation solutions have been applied to overcome this shortcoming of GNSS positioning and bridge its gaps in urban canyons.
Among alternative navigation solutions, inertial navigation and visual odometry are cost-effective and do not require any infrastructure. The Inertial Measurement Unit (IMU) is a composition of accelerometers and gyroscopes and it estimates the position, velocity, and orientation of a platform from measured accelerations and angular rates.
The error characteristics of IMU sensors are complicated. They differ significantly from one technology, one manufacturer, and even one sensor, to another. The cold atom is the most accurate IMU [1], but it is very expensive and not applicable for commercial applications, such as mobile mapping. Other IMU technologies, such as mechanical IMU and Micro-Electro-Mechanical System (MEMS), suffer from common error sources, such as bias and scale factor errors and some technology-specific error sources, such as dead zone errors in Ring Laser Gyros (RLGs).
IMU sensors have systematic, random, and computational error sources. IMU manufacturers use controlled environments, such as turntable, to estimate and remove systematic errors. The calibration procedures associated with controlled environment are costly and it cannot fully remove systematic errors. The systematic and random errors of IMU can be estimated if the relationship between these errors and the observations are known. When GNSS positioning is available, these errors are approximated using pre-existing IMU error models and this process is called IMU calibration. When IMU errors are estimated, they are removed from IMU observations and IMU positioning becomes more accurate. Unfortunately, the pre-existing models of IMU errors are not accurate and they are based on some statistical assumptions that may not hold.
In addition, Bayes filters, such as the Kalman and particle filters, have some limitations that may introduce computational error. For instance, the conventional Kalman filter is linear and cannot handle non-linear error sources. Therefore, if the conventional Kalman filter is applied for non-linear IMU error modelling, it leads to computational error. Variants of the Kalman filter and particle filter have been developed to overcome the shortcomings of the conventional Kalman filter, but they are also limited to statistical assumptions.
If the error characteristics of IMU sensors can be accurately modelled, the accuracy of IMU positioning can be significantly improved. Currently, scientists suggest modelling error sources of IMU separately. For instance, Reference [2] suggested modelling accelerometer and gyroscope bias as a random constant, and [3] applied the first-order Gauss–Markov stochastic process to model these biases.
In this paper, we introduce the deep Kalman filter to simultaneously integrate GNSS and IMU sensors and model IMU errors. In contrast to previously proposed approaches, our approach does not have any pre-defined IMU error model and it is learned from observations. Therefore, we do not need to assume any stochastic or deterministic behavior of IMU errors. In contrast to previously proposed approaches, we can accurately model non-linear, time-variant, highly correlated IMU error sources.

1.1. Literature Review

There are a few scientific endeavors to harness IMU errors and provide accurate alternative positioning systems in the absence of GNSS positioning. As we have already discussed, accelerometer and gyro bias were modelled as random constants in [2], and they were modelled as first-order Gauss–Markov stochastic processes in [3]. Shin and El-Sheimy [4] used gravity and the earth rotation rate to calibrate IMU errors.
Wang et al. [5] treated IMU error sources as a time series and applied the AutoRegressive and Moving Average (ARMA) method to model IMU error sources. In addition to the statistical estimators, shallow Multi-Layer Perceptron (MLP) networks have been utilized to model IMU error sources in the presence of GNSS positioning [6,7]. Adaptive Neural Fuzzy Information Systems (ANFIS) have also been applied to capture IMU uncertainties [8,9]. Toth and colleagues applied neural networks and fuzzy logic [10] to model IMU error sources. Navidi et al. [11] used hybrid Fuzzy Inference Systems (FIS) and the second-order extended Kalman filter to integrate GNSS and IMU sensors. Xing and colleagues showed that chaotic particle swarm optimization significantly reduced gyroscope random drift [12]. Applied neural networks are shallow and they do not accurately calibrate IMU since they do not consider the IMU’s correlation over time. In other words, IMU error sources should be studied as a time series and they should be modelled over time.
It has been shown that shallow neural networks can only model simple phenomena and that complicated systems should be modelled using deep neural networks [13]. Therefore, we applied deep neural network for sensor integration. To our knowledge, we are the first to apply deep neural networks for GNSS and IMU integration and IMU error modelling.
Mirowski and Lecun [14] introduced dynamic factor graphs and reformulated Bayes filters as recurrent neural networks. In their proposed approach, the observation and system models of the Kalman filter are learned from observations. Gu et al. [15] reformulated the Kalman filter and recurrent neural network to model face landmark localization in videos. Krishnan et al. [16] integrated the Kalman filter and variational methods for learning famous handwritten digit datasets, Modified National Institute of Standards and Technology (MNIST).

1.2. Kalman Filter

The unknown vector, which is estimated in the Kalman filter, is called a state vector and it is represented by x n , where t indicates the state vector at time t. It also depends on the observation vectors, z 1 : t , where z m , and the initial state of the system x 0 . The probability of the state vector at the current time is Pr ( x t | z 1 : t , x 0 ) . Therefore, the current state vector is estimated using Maximum Likelihood (ML) estimation, such that:
x ^ t = argmax x t Pr ( x t | z 1 : t , x 0 )
The probability of the current state vector depends on the previous state vectors, such that:
x ^ t = argmax x t Pr ( z t | x t ) Pr ( x t | z 1 : t 1 , x 0 ) Pr ( z 1 : t )
The denominator in Equation (2) is a normalization constant and it does not contribute to the maximization of likelihood in Equation (2), such that:
x ^ t = argmax x t Pr ( z t | x t ) Pr ( x t | z 1 : t 1 , x 0 )
The state vector at the current time directly depends on the previous state vectors. Therefore, the marginalization of previous state vectors is applied and leads to state vector estimation based on previous state vectors, such that:
x ^ t = argmax x t Pr ( z t | x t ) Pr ( x t | x 1 : t 1 ) Pr ( x 1 : t 1 | z 1 : t 1 , x 0 ) d x 1 : t 1
Based on the Markovian assumption, the state vector at the current time only depends on the state vector at previous times, such that:
x ^ t = argmax x t Pr ( z t | x t ) Pr ( x t | x t 1 ) Pr ( x t 1 | z 1 : t 1 , x 0 ) d x t 1
where Pr ( z t | x t ) is the posterior probability estimation of the current state vector. The state vector best estimate in the previous time is x ^ t 1 = argmax x t 1 Pr ( x t 1 | z 1 : t 1 , x 0 ) . Therefore, Equation (5) is reformulated as:
x ^ t = argmax x t Pr ( z t | x t ) Pr ( x t | x t 1 ) x ^ t 1 d x t 1
where Pr ( x t | x t 1 ) x ^ t 1 d x t 1 is the prior probability estimation. This predicts the current state vector based on the system model and the posterior estimation of the state vector at previous times.
In the Kalman filter, the state vector is related to the state vector at previous times, t − 1, using the system model, f, such that:
x t = f ( x t 1 ) +   ϵ t
where ϵ t , is the noise of the system model. The state vector relates to the observation vector,   z t m , with the observation model, g, such that:
z t = g ( x t ) +   ω t
where ωt, is the noise of the observation model. The state and observation models are assumed to be linear in the Kalman filter. Therefore, these functions can be replaced by F and G matrices, respectively. The system model can be rewritten as:
x t = F x t 1 +   ϵ t
and similarly, the observation model can be rewritten as:
z t = G x t +   ω t
The noise of the system and observation models are also assumed to have a Normal distribution in the Kalman filter, such that:
ϵ t ~ N ( 0 , Q t )
ω t ~ N ( 0 , R t )
where Q t and R t are the covariance matrices of the system and observation models.
The Kalman filter is composed of two-stage optimization. In the first stage, the current state vector is predicted based on the state vector in the previous time, such that:
x t = F x t 1 +
The predicted values are represented by the superscript ‘−’ and the updated values are represented by the superscript ‘+’. Error propagation is applied to estimate the covariance matrix of the current state vector based on the covariance matrix of the state vector in the previous time, such that:
P t = F P t 1 + F + Q t
where P t is the predicted covariance matrix of the state vector.
In the update stage of the Kalman filter, the current state vector is updated by using the observation vector, such that:
x t + = x t + K t ( z t G t x t )
and the covariance matrix of the updated current state vector is calculated, such that:
P t + = ( I K t G t ) T P t ( I K t G t ) + K t T R t K t
where K t is the Kalman gain matrix, calculated as:
K t = P t G t T ( G t P t G t T + R t ) 1
For derivation of the Kalman filter equations, the reader is referred to [2]. Figure 1 shows the Kalman filter.

Shortcomings of the Kalman Filter

There are a number of shortcomings of the Kalman filter. Namely, F and G are linear models with Gaussian noise. Therefore, they cannot model non-linear functions or linear functions with non-Gaussian noise. In addition, these functions are time invariant, meaning they do not change over time. A number of variations in the Kalman filter, such as extended and unscented Kalman filters, can handle non-linear observation and system models. In addition, the particle filter works on observation and system models with other distributions than Gaussian noise.
Nonetheless, the observation and system models of Bayes filters should be known beforehand. In other words, scientists should find models to relate state vectors to previous state vectors and observations. As an example, we discussed that accelerometer and gyro bias can be modelled in different ways. Unfortunately, the observation and system models cannot be determined beforehand in many applications.
Another shortcoming of Bayes filters is their Markovian assumption. In Bayes filters, it is assumed that the current state vector only depends on the previous state vector and it is independent from older state vectors. Although this property significantly simplifies the system model and makes these filters very efficient, it makes the Bayes filter insensitive to system behavior with longer correlation times. In other words, complicated error models with long correlation times cannot be modelled using Bayes filters.
Here, we provide our discussion with an example of a case study on IMU error modelling. IMU models have different error sources depending on the applied technology in the accelerometer and gyroscope of the IMU. One IMU manufacturer can calibrate IMU error sources different to another manufacturer. Moreover, the error sources of MEMS sensors can significantly differ from one MEMS sensor to another, even in one MEMS family. Pre-defined IMU error models cannot handle the high variation of error sources in MEMS sensors. In addition, the high correlation between different MEMS error sources makes IMU error modelling very complicated. Often, it is not possible to discriminate error sources in MEMS sensors.

2. Methodology

In this paper, we add system modelling to the Kalman filter and refer to it as the deep Kalman filter. In other words, the deep Kalman filter is able to estimate the system model and it is useful in many applications, such as GNSS/IMU integration, where the system model is complicated. In order to estimate the system model of the Kalman filter, we add latent variables to the Kalman filter. Latent variables are not observed and they are invisible in the state vector, but the state vector depends on the latent variables. As an example, IMU errors depend on temperature, but this is not observed and cannot be estimated. These variables are represented by the latent vector, h t , where the subscription t stands for the latent vector at the current time. The current latent vector depends on the previous latent vectors, h t 1 : t T , where T is the number of previous latent vectors utilized for the current latent vector estimation.
We assume the current state vector, x t , depends on the current latent vectors, h t . Therefore, the current state vector indirectly depends on previous state vectors, x t 1 : t T , and the Markovian assumption does not hold anymore. We design our modelling step in the way that the current state vector depends on the current latent vector and the current latent vector depends on previous state vectors and previous latent vectors. This is one of many different architectures of possible networks, but it significantly simplifies our network.
Let us assume there is a function ϕ that relates the current latent vector to the previous latent vectors and previous state vectors, such that:
h t = ϕ ( x t 1 : t T + , h t 1 : t T )
and the current state vector is directly related to the current latent vector by a function, λ , such that:
x t + = λ ( h t ) + μ t
we name the posterior estimation based on our model as x t + . In other words,   x t + is the predicted posterior estimation of the state vector. We can approximate φ and λ with a combination of linear and non-linear functions. Linear functions can be represented by matrix multiplication, where coefficients of linear functions are represented by coefficient matrices, W. The non-linear function, σ , has no coefficient. Therefore, our network is designed, such that:
h t = σ ( W x h x t 1 : t T + , W h h h t 1 : t T )
x t + = σ ( W x x h t ) + μ t
Let us name the coefficients of the latent vector as W h , where W h = [ W x h , W h h ] . In order to model our system, it suffices to estimate W h and W x x . Figure 2 shows the probabilistic graphical model of the Kalman filter and deep Kalman filter. The upper part of the deep Kalman filter is the prediction and update steps and it is similar to the conventional Kalman filter. However, we added a modelling step to the Kalman filter, which is the lower part of the deep Kalman filter in Figure 2.

2.1. Expectation Maximization

When the parameters of the system model are unknown, in addition to the state vector, the system model and state vector cannot be directly estimated. In other words, the state vector depends on the latent variables of the system model and therefore, it is not estimable. In order to find the state vector and latent vector, an expectation maximization approach is utilized [17]. Expected Maximization is an iterative approach to estimate the latent vectors, as well as the state vector. In the first step, the latent vector is guessed, represented by   h t ( 0 ) , where superscript 0 shows that this is the initial guess of the latent vector. The state vector is estimated based on the guessed latent vector, such that:
x ^ t ( 1 ) = arg max x t Pr ( x t | h t ( 0 ) , z 1 : t , x 0 )
In contrast to Equation (1), where the state vector is estimated based on a pre-defined system model, Equation (22) obtains the state vector based on the guessed latent vector. In the next step, the latent vector is estimated based on the calculated state vector in Equation (22), such that:
h ^ t ( 1 ) = arg max h t Pr ( x ^ t ( 1 ) | h t , z 1 : t , x 0 )
Using Equation (21), it suffices to estimate W x x in order to calculate the state vector, x t . Similarly, it suffices to estimate W h in order to find the latent vector, h t , and model our system. Replacing the coefficient matrices from Equations (20) and (21) into Equation (22), derives the coefficient matrices, such that:
W ^ x x ( 1 ) = arg max W x x Pr ( x t | h t ( 0 ) , z 1 : t , x 0 )
When the coefficient matrix W ^ x x ( 1 ) is estimated, the state vector,   x ^ t ( 1 ) , is calculated. The coefficient matrices of Equation (20) are estimated, such that:
W ^ h ( 1 ) = arg max W h Pr ( x ^ t ( 1 ) | h t , z 1 : t , x 0 )
The iterative estimation of latent and state vectors continues until the algorithm converges to its solution, the system model is determined and the state vector is estimated. Mirowski and LeCun [14] showed that expectation maximization can lead to recurrent neural networks.
Expectation maximization will lead to a global maximum in convex functions. However, it is most likely it will converge to a local maximum, since modelling is not convex for complicated models. One of the challenges is finding an approach to maximize Equations (24) and (25).
Figure 3 shows the scheme of the proposed deep Kalman filter.

2.2. Recurrent Neural Network

We rewrite Equation (6) based on the latent vector estimation, such that:
x ^ t = argmax x t Pr ( z t | x t ) Pr ( x t | h t ) Pr ( h | h t 1 : t T , x t 1 : t T ) x ^ t 1 : t T d x t 1 : t T
In the E step of the EM algorithm, we calculate x ^ t based on the guessed model and the observations. In the case of GNSS and IMU integration, we can use the Kalman filter to estimate the state vector, x t + . Since GNSS observations are accurate, the estimated state vector is accurate too. In the M step of the EM algorithm, we use the guessed model to calculate the state vector and we represent the approximated state vector based on the guess model by x t + . If our model is accurate, the approximate state vector, x t + , should be close to the estimated state vector, x t + . Therefore, their difference is stated as an energy function, E, such that:
E ( W h , W x x ) = 1 2 ( x t + x t + ) 2
We can model our system if we minimize this energy function. By replacing x t + from Equation (21), Equation (26) is reformulated as:
E ( W h , W x x ) = 1 2 ( σ ( W x x h t ) x t + ) 2
Therefore, the gradient of the coefficient matrix, W x x , is calculated as:
E ( W h , W x x ) W x x = σ ( W x x h t ) W x x ( σ ( W x x h t ) x t + )
The gradient of the latent vector coefficient matrix, W h , is also estimated as:
E ( W h , W x x ) W h = σ ( W x h x t 1 : t T + + W h h h t 1 : t T ) W h σ ( W x x h t ) W x x ( σ ( W x x h t ) x t + )
In order to minimize the energy function, we use an iterative gradient descent. Therefore, the coefficient matrices of the modelled system,   W x x and W h , are estimated, such that:
W x x ( m + 1 ) = E ( W h , W x x ) W x x μ + W x x ( m )
W h ( m + 1 ) = E ( W h , W x x ) W h μ + W h ( m )
where μ is the learning rate. When the coefficient matrices are determined and system model is learned,   x t + can be estimated based on the previous state vectors, x t 1 : t T + , in Equations (20) and (21).

2.3. Long Short-Term Memory

Recurrent neural networks have a drawback, known as the exploding-vanishing gradient problem [18]. When T is large and we model the system for a long time span, the gradients are multiplied in several layers. If the gradients are large, their multiplication becomes humongous and their gradient explodes. On the contrary, if the gradients are small, their multiplication becomes insignificant, known as a vanishing gradient. In order to prevent such an effect in recurrent neural networks, the Long Short-Term Memory (LSTM) method involves the introduction of gated memories [19]. In LSTM, the network consists of cells and each cell can memorize the previous state vectors using an input gate, remember them using an output gate, and forget them using a forget gate. Let us represent the input gates as i t , output gates as o t , and forget gates as f t . They are represented by a combination of linear and non-linear functions, such that:
f t = σ ( W f x t + U f h t 1 )
i t = σ ( W i x t + U i h t 1 )
o t = σ ( W o x t + U o h t 1 )
where σ is the non-linear function and the linear functions are represented by the coefficient matrices, W f , W i , and W o . The cell state, c t , and latent layer, h t , are estimated as:
c t = f t c t 1 + i t σ ( W c x t + U c h t 1 )
h t = o t σ ( c t )
where is a Hadamard product. For long term correlation, the input gate can keep information from previous state vectors and the gradients of previous state vectors are accessible. Therefore, the gradients do not explode or vanish in the back-propagation process. The forget gate controls the complexity of the model and it removes the uncorrelated previous state vectors.

3. Implementation

In this section, we explain the details of our model implementation. We first explain the implementation of our Kalman filter and then we explain the implementation of our proposed deep Kalman filter.
It has been shown that the Kalman filter works better on IMU errors than IMU output [2,7] Therefore, we utilized the IMU mechanization to estimate position, velocity, and orientation. However, IMU mechanization is not perfect and errors related to position, velocity, and orientation remain in the system. We defined the state vector of the Kalman filter in terms of positioning error, velocity error, orientation error, and the bias of accelerometers and gyroscopes. The system model utilized in the Kalman filter is similar to Reference [3] and described in the appendix. The GNSS observations are used as the observation vector and applied to the observation model to update the state vector.
We implemented an extended Kalman filter and applied the system and observation models to predict and update the state vector. When GNSS observations are available, the extended Kalman filter predicts and updates the state vector. If GNSS observations are not available, the extended Kalman filter only predicts the state vector.
For the implementation of our deep Kalman filter, we calculated the posterior estimation of the state vectors, x t + , when GNSS observations were available. Since we used the Real-Time Kinematic (RTK) technique for GNSS positioning, our posterior estimation was anticipated to be very accurate and it could be used as a ground truth for our IMU error modelling. We used our proposed deep Kalman filter to predict the state vector and the predicted state vector using our model was x t + . We tried to predict x t + as close as possible to x t + and, therefore, we got the best estimate of the modelled IMU errors. In other words, we found a model to calculate x t + as an approximation of x t + in the presence of GNSS positioning and we replaced prior estimation of the Kalman filter, x t , to x t + in the absence of GNSS positioning. If the system model is accurately estimated, the predicted state vector used has higher accuracy if the proposed deep Kalman filter is applied.
In order to implement the proposed approach, we applied a predictive network, where the state vector was predicted from previous state vectors and latent vectors. This predictive network is shown in Figure 4. In the predictive network, we predicted a sequence of state vectors from tT + 1 to t, x t T + 1 + , , x t +   , based on a sequence of state vectors tT to t − 1, x t T + , , x t 1 + . In other words, we learned the model, in addition to the state vector prediction, in every step. The sequence x t T + 1 + , , x t +   was used as a target layer in our network and the sequence x t T + , , x t 1 +   was applied as an input layer. The prediction of our model was a sequence of predicted state vectors, x t T + , , x t 1 +   . The hidden layer had a sequence of h t T , ,   h t . We calculated the coefficient matrices W x x and W h in order to model the IMU errors.
In order to implement an efficient predictive recurrent neural network, we designed a network with only one latent layer while every latent vector, h t , contained 3000 variables, known as nodes, in neural network terminology. We were benefited by mini-batch learning, where sequences are added together and processed once. The batch size of our networks was 800. This speeds up the learning process and improves learning convergence. Another important factor of training in recurrent neural networks is the learning rate. We used 0.05 as the initial learning rate, with 5 × 10−3 learning rate decay. We tried several sequence lengths and studied the impact of sequence length on accurate error modeling.
When GNSS observations are not available, the posterior estimation of the state vector cannot be calculated. Therefore, x t + is not estimable and we can only predict the state vector. There are two ways to predict the current state vector: using the system model of the Kalman filter or applying the modelled system model of IMU in the deep Kalman filter. In the first approach, the state vector is predicted based on a pre-defined system model, as in Equation (13). In the second approach, the predicted state vector is estimated based on our learned IMU model, as in Equations (20) and (21). We anticipated that the modelled system in the deep Kalman filter would perform better than the system model of the Kalman filter. In other words, the modelled IMU errors were anticipated to be more accurate than the predicted IMU errors of the Kalman filter.

4. Experiment

In order to evaluate our proposed approach, the KITTI benchmark [20] was utilized. This benchmark contains multi-sensor datasets and labeled information. Among various sensors, GPS and IMU information was used in this paper. We used the longest KITTI dataset, dataset No. 34, collected on 3 October 2011. This dataset contains 7:46 min of data collection, mostly driven in residential areas with a clear sky view. The trajectory of the platform exceeds 1.7 km, as shown in Figure 5. The OXTS RT 3003 navigation system was applied to collect the GPS and IMU information. The GPS and IMU information had already been synchronized and collected in 10 Hz. Manufacturers had performed calibration procedures and the calibration parameters, such as level-arm, were internally applied to transfer the GPS information into the IMU local frame. Dual-frequency RTK was used to estimate the accurate position of the IMU, with accuracy better than 10 cm.
We used the GPS observations as the ground truth to train our network and model IMU errors. When the weights of our network were learned and IMU errors were modelled, we estimated the IMU errors in two ways and compared them. First, we did not use GPS observations and used different approaches to predict IMU errors and correct IMU positioning. Second, we used GPS observations and calculated IMU errors. The calculated IMU errors using GPS observations were utilized to correct IMU positioning and we used it as baseline to evaluate corrected IMU positioning without using GPS observations.

5. Results

In order to evaluate the results, we divided trajectory into two parts: one for training and calibration and one for testing and evaluation. In the training phase, the parameters of the system model were estimated in the extended Kalman filter, as described in the appendix. In the deep extended Kalman filter, IMU errors were modelled in addition to the prediction and update stages. In other words, we trained our network to predict the posterior estimation of IMU errors using a recurrent neural network (RNN) and consequently, model IMU errors. When the network was trained, we anticipated that we would be able to predict the posterior estimation of IMU errors and correct IMU positioning.
In the testing part, we estimated IMU errors using GNSS observations and corrected IMU positioning. We utilized the posterior estimation of the state vector as the ground truth. The extended Kalman and deep extended Kalman filters were applied to predict IMU errors without using GNSS observations and to correct IMU positioning. Corrected IMU positioning using these two approaches was compared with the ground truth and the IMU positioning error was calculated. The Root Mean Square Error (RMSE) of the IMU positioning was applied to evaluate the results of the extended Kalman filter and deep extended Kalman filter.
In the first experiment, we used a simple RNN to predict IMU errors and removed them from the IMU positioning. In this experiment, we studied the performance of the extended Kalman filter and deep extended Kalman filter using different sequence lengths. In other words, the sequences of the IMU errors, utilized to predict IMU errors in the RNN, had different lengths. We plotted the RNN for the sequence lengths of 10, 20, and 50, as shown in Figure 6.
Figure 6 shows that the performance of RNN depends on the sequence length of previous state vectors. If the sequence length is large, the network uses more IMU errors in the previous time. In other words, the network applies more heuristics to predict IMU errors and remove them from IMU positioning. Therefore, the RMSE of the deep extended Kalman filter was less than the RMSE of the extended Kalman filter, at earlier times.
Despite the effectiveness of RNN in the prediction of IMU errors over short periods, it cannot predict IMU errors over a long period of time. The RMSE of the deep extended Kalman filter was lower than the RMSE of the extended Kalman filter at earlier times, but the deep extended Kalman filter lost its effectiveness and the two approaches had the same RMSE over a longer period of time. This effect was due to the vanishing-exploding gradient problem of RNN. This well-known problem of RNN has been overcome by the development of Long Short-Term Memory (LSTM). LSTM uses memory gates to remember previous IMU errors and prevents repetitive gradient multiplications.
Figure 7 shows IMU positioning using the LSTM network, with a sequence length of 10. In other words, instead of using RNN to predict IMU errors, we used LSTM to predict IMU errors and remove them from IMU positioning. The sequence length of this network was similar to Figure 6a. However, the effectiveness of this network did not disappear over a longer time period. As shown in Figure 7, the deep extended Kalman filter outperformed the extended Kalman filter the majority of the time. There were instances where the extended Kalman filter had better accuracy than the deep extended Kalman filter, but these were limited to a few short instances. The total RMSE of the deep extended Kalman filter was 0.0100 m and the total RMSE of the extended Kalman filter was 0.0114 m for 20 s. In summary, the deep extended Kalman filter had better accuracy compared to the extended Kalman filter.
Zhang et al. [22] showed that the computational complexity of simple RNN depends on the depth of the network and the sequence length of the heuristics. Our RNN model had one layer and, roughly speaking, the complexity of the network was linearly proportional to the sequence length of the RNN for the one-layer network. In other words, training the network with a sequence length of 50 was five times slower than training the same network with a sequence length of 10. We experienced a little overhead for longer networks. LSTM is slow, therefore there are a few variants of LSTM, aimed to speed up its training step. We utilized the fast LSTM algorithm provided by Torch library in this paper.

6. Conclusions

In this paper, we introduced the deep Kalman filter to learn the system model of the Kalman filter. In addition to the prediction and update steps of the Kalman filter, we added a modelling step to the deep Kalman filter. We applied the deep Kalman filter to model IMU errors and correct IMU positioning. In the deep Kalman filter, the model of IMU errors was learned using the Recurrent Neural Network (RNN) and Long Short-Term Memory (LSTM) methods when GNSS observations were available. IMU errors could be predicted using the learned model in the absence of GNSS observations.
We compared the Kalman and deep Kalman filters using the KITTI dataset. The results showed that our approach outperformed the conventional Kalman filter and a higher level of accuracy was achieved using the deep Kalman filter. In addition, the deep Kalman filter using the RNN method predicted IMU errors over short time periods, but its effectiveness disappeared over longer time periods due to the vanishing-exploding gradient problem. Employing the deep Kalman filter based on the Long Short-Term Memory (LSTM) method predicted IMU errors over longer periods of time and outperformed the Kalman filter.

Conflicts of Interest

The author declares no conflict of interest.

Appendix A. System and Observation Models of Kalman Filter

The applied IMU model in the Kalman filter, described in this paper is as follows. The state vector is:
x t = [ δ p T   δ v T   δ θ T   b a c c T   b g y r o T ] t T
where   δ p is the IMU positioning error,   δ v is the IMU velocity error,   δ θ is the IMU orientation error, and b a c c and b g y r o are accelerometer and gyroscope bias. The system model is similar to [3], as follows:
F = [ 0 0 0 0 0 D 0 K 0 0 0 F 0 0 0 0 0 R β a c c 0 0 R 0 0 β g y r o ]
where   0 is a   3 × 3 zero matrix.   D = [ 0 1 R M + h 0 1 ( R N + h ) c o s φ 0 0 0 0 1 ] is the transformation between a geographic coordinate system to a linear coordinate system, where h is the ellipsoidal height and R M and R N are the curvature radiuses of the meridian and prime vertical.   F = [ 0 f u f n f u 0 f e f n f e 0 ] is a skew-symmetric matrix, where its components are acceleration in east, north, and up. The rotation matrix is shown by R ; β a c c and β g y r o are the coefficients of the first-order Gauss–Markov model for the accelerometer and gyroscope bias; and D = [ 0 1 R M + h 0 1 R N + h 0 0 tan φ R N + h 0 0 ] , where φ is the latitude of the IMU. When GNSS positioning is available, the observation vector is as follows:
δ p o b s = p G N S S p I M U
where p G N S S is the GNSS positioning and p I M U is the IMU positioning, estimated by IMU mechanization. The observation model is calculated, such that:
G = [ I 0 0 0 0 ]
where   I is 3 × 3 identity and 0 is 3 × 3 zero matrices.

References

  1. Bochkati, M.; Schön, S.; Schlippert, D.; Schubert, C.; Rasel, E. Could cold atom interferometry sensors be the future inertial sensors?—First simulation results. In Proceedings of the 2017 DGON Inertial Sensors and Systems (ISS), Karlsruhe, Germany, 19–20 September 2017; pp. 1–20. [Google Scholar]
  2. Jekeli, C. Inertial Navigation Systems with Geodetic Applications; Walter de Gruyter: Berlin, Germany, 2001. [Google Scholar]
  3. Noureldin, A.; Karamat, T.B.; Georgy, J. Fundamentals of Inertial Navigation, Satellite-Based Positioning and Their Integration; Springer: Berlin/Heidelberg, Germany, 2013. [Google Scholar]
  4. Shin, E.-H.; El-Sheimy, N. A new calibration method for strap down inertial navigation systems. Z. Vermess 2002, 127, 1–10. [Google Scholar]
  5. Wang, S.; Deng, Z.; Yin, G. An Accurate GPS-IMU/DR Data Fusion Method for Driverless Car Based on a Set of Predictive Models and Grid Constraints. Sensors 2016, 16, 280. [Google Scholar] [CrossRef] [PubMed]
  6. Chiang, K.W.; Noureldin, A.; El-Sheimy, N. Constructive Neural-Networks-Based MEMS/GPS Integration Scheme. IEEE Trans. Aerosp. Electron. Syst. 2008, 44, 582–594. [Google Scholar] [CrossRef]
  7. Noureldin, A.; El-Shafie, A.; Bayoumi, M. GPS/INS Integration Utilizing Dynamic Neural Networks for Vehicular Navigation. Inf. Fusion 2011, 12, 48–57. [Google Scholar] [CrossRef]
  8. Abdel-Hamid, W.; Noureldin, A.; El-Sheimy, N. Adaptive Fuzzy Prediction of Low-Cost Inertial-Based Positioning Errors. IEEE Trans. Fuzzy Syst. 2007, 15, 519–529. [Google Scholar] [CrossRef]
  9. Zhang, L.; Liu, J.; Lai, J.; Xiong, Z. Performance Analysis of Adaptive Neuro Fuzzy Inference System Control for MEMS Navigation System. Math. Probl. Eng. 2014, 2014, 961067. [Google Scholar] [CrossRef]
  10. Toth, C.; Grejner-Brzezinska, D.A.; Moafipoor, S. Pedestrian Tracking and Navigation Using Neural Networks and Fuzzy Logic. In Proceedings of the 2007 IEEE International Symposium on Intelligent Signal Processing, Alcala de Henares, Spain, 3–5 October 2007; pp. 1–6. [Google Scholar]
  11. Navidi, N.; Landry, R., Jr.; Cheng, J.; Gingras, D. A New Technique for Integrating MEMS-Based Low-Cost IMU and GPS in Vehicular Navigation. J. Sens. 2016, 2016, 5365983. [Google Scholar] [CrossRef]
  12. Xing, H.; Hou, B.; Lin, Z.; Guo, M. Modeling and Compensation of Random Drift of MEMS Gyroscopes Based on Least Squares Support Vector Machine Optimized by Chaotic Particle Swarm Optimization. Sensors 2017, 17, 2335. [Google Scholar] [CrossRef] [PubMed]
  13. Minsky, M.L.; Papert, S.A. Perceptrons: Expanded Edition; MIT Press: Cambridge, MA, USA, 1988. [Google Scholar]
  14. Mirowski, P.; Lecun, Y. Dynamic Factor Graphs for Time Series Modelling. In Proceedings of the Machine Learning and Knowledge Discovery in Databases—European Conference, Bled, Slovenia, 7–11 September 2009; Volume 5782, pp. 128–143. [Google Scholar]
  15. Gu, J.; Yang, X.; De Mello, S.; Kautz, J. Dynamic Facial Analysis: From Bayesian Filtering to Recurrent Neural Network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 1531–1540. [Google Scholar]
  16. Krishnan, R.G.; Shalit, U.; Sontag, D. Structured Inference Networks for Nonlinear State Space Models. In Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  17. Ghahramani, Z.; Roweis, S.T. Learning nonlinear dynamical systems using an EM algorithm. In Advances in Neural Information Processing Systems 11; MIT Press: Cambridge, MA, USA, 1999; pp. 431–437. [Google Scholar]
  18. Goodfellow, I.; Bengio, I.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016. [Google Scholar]
  19. Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef] [PubMed]
  20. Geiger, A.; Lenz, P.; Stiller, C.; Urtasun, R. Vision Meets Robotics: The KITTI Dataset. Int. J. Robot. Res. 2013, 32, 1231–1237. [Google Scholar] [CrossRef]
  21. Hosseinyalamdary, S.; Balazadegan, Y. Error Modeling of Reduced IMU using Recurrent Neural Network. In Proceedings of the Indoor Positioning and Indoor Navigation (IPIN), Sapporo, Japan, 18–21 September 2017. [Google Scholar]
  22. Zhang, S.; Wu, Y.; Che, T.; Lin, Z.; Memisevic, R.; Salakhutdinov, R.; Bengio, Y. Architectural complexity measures of recurrent neural networks. In Advances in Neural Information Processing Systems 29; Curran Associates Inc.: Red Hook, NY, USA, 2016; pp. 1830–1838. [Google Scholar]
Figure 1. The Kalman filter procedure, which consists of prediction (left-up box) and update steps (right-up box).
Figure 1. The Kalman filter procedure, which consists of prediction (left-up box) and update steps (right-up box).
Sensors 18 01316 g001
Figure 2. The probabilistic graphical model of the Kalman filter (a) and deep Kalman filter (b); x, z, and h are the state vector, observation vector, and latent vector, respectively. The matrices F and G are the system model and observation model of the Kalman filter and W is the coefficient matrix of our proposed IMU model. The two upper layers of the deep Kalman filter are similar to the Kalman filter and the added two lower layers enable the deep Kalman filter to estimate our system model.
Figure 2. The probabilistic graphical model of the Kalman filter (a) and deep Kalman filter (b); x, z, and h are the state vector, observation vector, and latent vector, respectively. The matrices F and G are the system model and observation model of the Kalman filter and W is the coefficient matrix of our proposed IMU model. The two upper layers of the deep Kalman filter are similar to the Kalman filter and the added two lower layers enable the deep Kalman filter to estimate our system model.
Sensors 18 01316 g002
Figure 3. The deep Kalman filter procedure. The IMU modelling step (right-bottom) has been added to the Kalman filter. The modelling is accomplished in two steps: in the first step, the current latent vector is estimated based on previous latent and state vectors; and in the second step, the current state vector is estimated based on the current latent vector.
Figure 3. The deep Kalman filter procedure. The IMU modelling step (right-bottom) has been added to the Kalman filter. The modelling is accomplished in two steps: in the first step, the current latent vector is estimated based on previous latent and state vectors; and in the second step, the current state vector is estimated based on the current latent vector.
Sensors 18 01316 g003
Figure 4. IMU error modelling reformulated as a time series prediction. The posterior estimation of the state vector is utilized in the target node (top layer), the output of our model is considered as the output node (second layer), the previous state vectors are in the input layer (bottom layer) and the latent vectors are in the hidden layer (third layer).
Figure 4. IMU error modelling reformulated as a time series prediction. The posterior estimation of the state vector is utilized in the target node (top layer), the output of our model is considered as the output node (second layer), the previous state vectors are in the input layer (bottom layer) and the latent vectors are in the hidden layer (third layer).
Sensors 18 01316 g004
Figure 5. The trajectory of the KITTI dataset, #34. It is the longest KITTI dataset where the vehicle travels more than 1.7 km.
Figure 5. The trajectory of the KITTI dataset, #34. It is the longest KITTI dataset where the vehicle travels more than 1.7 km.
Sensors 18 01316 g005
Figure 6. The RMSE of the deep extended Kalman filter and extended Kalman filter [21]. We used different sequence lengths of a simple recurrent neural network (RNN) for the IMU modelling of the deep extended Kalman filter. (a) Simple RNN with a sequence length of 10; (b) simple RNN with a sequence length of 20; (c) simple RNN with a sequence length of 50.
Figure 6. The RMSE of the deep extended Kalman filter and extended Kalman filter [21]. We used different sequence lengths of a simple recurrent neural network (RNN) for the IMU modelling of the deep extended Kalman filter. (a) Simple RNN with a sequence length of 10; (b) simple RNN with a sequence length of 20; (c) simple RNN with a sequence length of 50.
Sensors 18 01316 g006
Figure 7. RMSE of the deep extended Kalman filter and extended Kalman filter. The deep extended Kalman filter IMU modelling was based on LSTM with a sequence length of 10.
Figure 7. RMSE of the deep extended Kalman filter and extended Kalman filter. The deep extended Kalman filter IMU modelling was based on LSTM with a sequence length of 10.
Sensors 18 01316 g007

Share and Cite

MDPI and ACS Style

Hosseinyalamdary, S. Deep Kalman Filter: Simultaneous Multi-Sensor Integration and Modelling; A GNSS/IMU Case Study. Sensors 2018, 18, 1316. https://doi.org/10.3390/s18051316

AMA Style

Hosseinyalamdary S. Deep Kalman Filter: Simultaneous Multi-Sensor Integration and Modelling; A GNSS/IMU Case Study. Sensors. 2018; 18(5):1316. https://doi.org/10.3390/s18051316

Chicago/Turabian Style

Hosseinyalamdary, Siavash. 2018. "Deep Kalman Filter: Simultaneous Multi-Sensor Integration and Modelling; A GNSS/IMU Case Study" Sensors 18, no. 5: 1316. https://doi.org/10.3390/s18051316

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