Next Article in Journal
High-Resolution Monitored Data Analysis of EV Public Charging Stations for Modelled Grid Impact Validation
Previous Article in Journal
Elimination of the Solid Graininess Issue with Different Micro-Pattern Structures at Flexo Printing
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Method for Assisting GNSS/INS Integrated Navigation System during GNSS Outage Based on CNN-GRU and Factor Graph

1
School of Automation, Beijing Information Science & Technology University, Beijing 100192, China
2
Beijing Key Laboratory of High Dynamic Navigation Technology, Beijing Information Science & Technology University, Beijing 100192, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2024, 14(18), 8131; https://doi.org/10.3390/app14188131
Submission received: 26 July 2024 / Revised: 1 September 2024 / Accepted: 3 September 2024 / Published: 10 September 2024
(This article belongs to the Special Issue Mapping and Localization for Intelligent Vehicles in Urban Canyons)

Abstract

:
In complex urban road environments, vehicles inevitably experience frequent or sustained interruptions of the Global Navigation Satellite System (GNSS) signal when passing through overpasses, near tall buildings, and through tunnels. This results in the reduced accuracy and robustness of the GNSS/Inertial Navigation System (INS) integrated navigation systems. To improve the performance of GNSS and INS integrated navigation systems in complex environments, particularly during GNSS outages, we propose a convolutional neural network–gated recurrent unit (CNN-GRU)-assisted factor graph hybrid navigation method. This method effectively combines the spatial feature extraction capability of CNN, the temporal dynamic processing capability of GRU, and the data fusion strength of a factor graph, thereby better addressing the impact of GNSS outages on GNSS/INS integrated navigation. When GNSS signals are strong, the factor graph algorithm integrates GNSS/INS navigation information and trains the CNN-GRU assisted prediction model using INS velocity, acceleration, angular velocity, and GNSS position increment data. During GNSS outages, the trained CNN-GRU assisted prediction model forecasts pseudo GNSS observations, which are then integrated with INS calculations to achieve integrated navigation. To validate the performance and effectiveness of the proposed method, we conducted real road tests in environments with frequent and sustained GNSS interruptions. Experimental results demonstrate that the proposed method provides higher accuracy and continuous navigation outcomes in environments with frequent and sustained GNSS interruptions, compared to traditional GNSS/INS factor graph integrated navigation methods and long short-term memory (LSTM)-assisted GNSS/INS factor graph navigation methods.

1. Introduction

The integration of the Global Navigation Satellite System and the Inertial Navigation System has long provided a reliable solution for navigation in various dynamic environments [1,2]. GNSS offers high-precision location information [3], while the INS can maintain short-term navigation capabilities without external signals. However, the performance of this integrated system is limited by the availability of GNSS signals, especially in urban environments with high buildings, tunnels, and similar settings where GNSS signals are prone to interference or interruptions. Additionally, while the INS can provide location information without GNSS signals, its errors accumulate rapidly over time, leading to decreased accuracy with prolonged use. Thus, maintaining the continuity and accuracy of the navigation system in the absence of GNSS signals has become a focal point of navigation technology research.
In integrated navigation systems, data fusion algorithms play a central role, especially in synchronizing and merging data from different sensors. Traditionally, the Kalman Filter (KF) [4] and its derivatives, such as the Extended Kalman Filter (EKF) [5,6] and the Unscented Kalman Filter (UKF) [7,8], have been crucial for estimating system states. These algorithms significantly enhance the system’s positioning accuracy and robustness across various environments by effectively integrating positioning data from different navigation systems. However, as the application environments become increasingly complex, these filtering techniques show certain limitations in handling complex nonlinear dynamics, error accumulation, and global optimization needs. Traditional filtering methods tend to perform estimations in local regions, where errors may accumulate over long periods or during large-scale operations. To address these challenges, factor graph algorithms have recently attracted widespread attention from researchers [9]. Factor graphs offer a novel perspective and approach, integrating various sensor data through a globally optimized graph model to comprehensively update and optimize system states. Unlike traditional sequential update filtering methods, factor graphs use historical information to establish more complex constraints and significantly reduce error accumulation through iterative optimization processes, thereby enhancing long-term accuracy and stability [10]. This method not only performs excellently in highly nonlinear systems but also maintains high performance in complex navigation environments. Factor graphs can achieve more consistent global state estimates compared to KF, EKF, and UKF through global optimization. Wen et al. [11] conducted a performance comparison of factor graph-based and EKF-based integrated navigation. The factor graph, using multiple iterations for robust estimation, achieved better navigation performance than the EKF. Jiang et al. [12] integrated PDR step lengths and GNSS using a factor graph for pedestrian navigation. The relinearization and full utilization of time-correlated states and measurements in factor graphs contribute to achieving better estimates than KF. Yang et al. [13] conducted indoor integrated navigation experiments with drones to evaluate the performance of EKF and factor graphs in various environments. The factor graph utilizes more historical data to construct constraints and obtains the optimal state by solving nonlinear optimization. Zhang et al. [14] applied a factor graph for INS/USBL integration in underwater navigation and positioning. Due to multiple iterations and the application of large amounts of data, its performance is generally superior to that of KF. Studies [11,12,13,14] compared factor graphs with KF and its derivatives across various test scenarios, with experimental results showing that factor graphs provided superior positioning accuracy, confirming their potential for navigation and positioning applications in complex scenarios.
In GNSS/INS integrated navigation systems, several solutions have been provided to maintain continuous high-precision navigation capabilities during GNSS signal outages. One method is the zero-velocity update (ZUPT) [15,16], where the vehicle’s speed is zero when stationary, and the calculated speed from the vehicle’s inertial system is used as an observation of the system’s speed error to correct other error quantities. The application of zero-velocity correction is limited because the vehicle must periodically stop moving, which is challenging in high-dynamic or continuous motion scenarios. Another method is the non-holonomic constraint (NHC) [17,18], which enhances system performance by using the vehicle’s motion restrictions (e.g., the vehicle cannot move laterally), but this method relies on an accurate understanding of the vehicle’s dynamic model. In practice, the actual driving state of the vehicle may deviate from the model assumptions, especially in complex road conditions and extreme driving behaviors, making NHC’s restrictions and assumptions less effective and reducing the accuracy of the navigation system.
Recently, with the development of artificial intelligence and neural network technologies, neural networks have been proposed to address GNSS/INS integrated navigation issues during GNSS outages [19,20]. By training neural networks and predicting GNSS data, they can cope with various signal interruption scenarios, enhancing integrated navigation accuracy during GNSS outages [21]. Yao et al. [22] used a multilayer perceptron (MLP) to assist GPS/INS positioning, reducing the cumulative positioning error of the independent INS during GNSS interruptions. Dai et al. [23] used a recurrent neural network (RNN) to assist INS/GNSS integrated navigation in GNSS denial environments. However, MLP and RNN tend to overfit on training data and face issues of gradient vanishing or exploding. To overcome some of the shortcomings of MLP and RNN, Zhang et al. [24] and Wei et al. [25] used long short-term memory (LSTM) to predict pseudo GNSS positions during GNSS outages. LSTM reduces the risk of overfitting through regularization and introduces gating mechanisms to mitigate gradient vanishing or exploding. Gated recurrent unit (GRU) maintains LSTM’s ability to handle long-term dependencies while reducing model complexity and computational demands. Tang et al. used GRU to bridge GNSS outages [26], with GRU surpassing LSTM in prediction accuracy and training efficiency.
In response to the issues with traditional compensation methods, this paper proposes a CNN-GRU-assisted GNSS/INS factor graph integrated navigation method. This unique combination not only enhances the robustness of the integrated navigation system during signal interruptions but also improves the system’s adaptability to complex environments.
The proposed method demonstrates significant advantages in handling nonlinear dynamics, addressing GNSS signal interruptions, and mitigating error accumulation during long-term operations. Experimental validation shows that this method significantly improves navigation accuracy in special environments such as urban buildings and tunnels, demonstrating superior performance over traditional integrated navigation technologies.
The remainder of this paper is organized as follows: Section 2 introduces the integrated system solution and presents the implementation process of the proposed method. Section 3 discusses the model and information fusion theory of factor graph. Section 4 details the CNN-GRU network and the neural network prediction assistance model. Section 5 conducts road tests and result analysis under frequent and sustained GNSS interruptions, with conclusions presented in Section 6.

2. Integrated System Solution

The system solution for the factor graph integrated navigation method assisted by the CNN-GRU neural network proposed in this paper is illustrated in Figure 1. When GNSS signals are strong, the factor graph is used to fuse GNSS and INS data and output navigation results, while simultaneously training the CNN-GRU prediction model. The training and prediction processes of the CNN-GRU model are detailed later in the text. If a GNSS signal interruption occurs, the CNN-GRU prediction model generates pseudo GNSS position information to supplement the missing information in the integrated navigation system. The basic idea of using the CNN-GRU prediction model to assist the integrated navigation system is to train the model using INS and GNSS measurement information when the GNSS reception signal quality is good, and to predict GNSS position data using the trained model when GNSS signals are unexpectedly interrupted. The INS and GNSS factors are connected via undirected edges to form the factor graph model. Additionally, it is necessary to continuously correct the INS using the integrated navigation information to eliminate the error accumulation in inertial navigation, thereby enhancing the accuracy and robustness of the integrated navigation system.

3. Factor Graph Integrated Navigation Framework

3.1. Factor Graph Information Fusion Theory

Considering the problems of occlusion and signal interference in the urban road environment, this paper constructs a GNSS/INS integrated navigation information fusion framework based on the factor graph to meet the needs of in-vehicle navigation systems for positioning accuracy and robustness. The integrated navigation information fusion factor graph framework is shown in Figure 2. In the figure, the IMU pre-integration factor node f i m u is connected to the navigation state variable node x and the system error variable node α in the neighboring moments, and the GNSS factor node is connected to the navigation state variable node in the corresponding moments. At the same time, the system error factor node f b i a s is connected to the system error variable node of the neighboring moment, and the factor graph model expands with the access of measurement information [27].
A factor graph is a graph structure consisting of factor nodes and variable nodes used to represent a probabilistic model, which is able to visually describe the dependencies and conditional probabilities between random variables. In the factor graph framework, the system state variables x = [ φ , v , p ] T , where φ = [ ψ , θ , γ ] is the 3D attitude angle vector, v = [ v N , v E , v D ] is the velocity vector, and p = [ L , λ , h ] is the position vector. The system deviation variables α = [ b ω , b a ] T , b ω and b a are the three-axis deviations of the gyroscope and accelerometer, respectively. The set of system state variables and system error variables from the initial moment t 0 to the current moment t k is defined as X k = { x , α } i = 0 k . The set of measurement information of the system from the initial moment t 0 to the current moment t k is defined Z k = { z i i m u , z i g n s s } i = 0 k , where z i i m u , z i g n s s are the IMU and GNSS measurement values, respectively. The optimal navigation solution corresponding to the navigation system is the maximum a posteriori estimate of the system state. According to Bayesian theory, the a posteriori probability P X k | Z k based on the navigation system state variables X can be factorized as:
P X k | Z k = P ( Z k | X k ) P ( X k | X k 1 ) P ( Z k ) P ( X k 1 | Z k 1 ) = i = 1 k P ( z i | x i ) P ( x i | x i 1 ) P ( z i ) P ( X 0 )
where P ( X 0 ) denotes the a priori information of the initial state, P ( Z k ) is the probability density of the sensor measurements, P ( Z k | X k ) is the a priori probability density function of the navigation system’s state quantity and sensor quantity measurements. The Bayesian estimation process consists of two parts: prediction and updating. In the prediction process of the factor graph, the probability density P ( X k | X k 1 ) is utilized to pass the state backward, providing a priori information about the state quantities at each moment in time. The updating process, on the other hand, corrects the prior probability density of the state quantities by using the most recent observations to obtain the posterior probability density P X k | Z k . Based on the maximum a posteriori probability estimation, the optimal estimation of the navigational state variables can be expressed as follows:
X m a p = arg max P X k | Z k
It is functionally decomposed according to the principle of factor graph, and each probability density from the decomposition corresponds to the factor node in it, respectively. Therefore, the above equation can be rewritten as [28]:
X m a p = arg max X i f i ( X i )
In the factor graph model, each factor node will correspond to an error function that characterizes the magnitude of the error between the predicted and actual measurements of the navigation system state quantities. The sensor factor f i ( X i ) can be represented as:
f i ( X i ) = exp ( 1 2 ( h i ( X i ) z i ) i 2 )
r ( z i , X i ) = h i ( X i ) z i
where h ( X ) is the measurement function of the sensor, i is the noise covariance matrix of the corresponding sensor, and r ( z i , X i ) is the corresponding sensor measurement residual. The maximum a posteriori estimate X m a p needs to be obtained by minimizing i r ( x i , z i ) i 2 , which turns the maximum a posteriori estimation problem of the system state quantities in the navigation system into a nonlinear least squares problem:
X m a p = arg min X log i f i ( X i ) = arg min X i r ( x i , z i ) i 2
Combining the sensor factors and the a priori information, the maximum a posteriori probabilistic solution of the navigation system state variables is derived, so as to realize the fusion of sensor information. For the GNSS/INS integrated navigation factor graph model proposed in this paper, the optimal estimate X m a p of the navigation system state can be expressed as:
X m a p = arg min X k n r i m u ( z b ( k ) b ( k 1 ) , X ) k 1 , k i m u 2 + i n r g n s s ( z i g n s s , X ) i g n s s 2 + r p H p X p 2
Using unconstrained nonlinear least squares optimization theory to solve Equation (7) allows for obtaining the optimal values of the navigation state variables at each moment. In the equation, r i m u , i m u represents the measurement residuals and noise covariance matrix of the IMU pre-integration factor, r g n s s , g n s s represents the measurement residuals and covariance matrix of the GNSS factor, which will be detailed later in the text. r p , H P stands for prior information, and p is the noise covariance matrix of the prior information. Prior factors are used in navigation problems to introduce prior knowledge or measurement information about the state variables, helping the navigation system to more accurately estimate the states.

3.2. IMU Pre-Integration Factor Node

IMU typically output acceleration and angular velocity information at a high frequency. Constructing a factor node for each sampling point would result in a substantial amount of redundant information in the factor graph, leading to considerable computational load [29]. To address this issue, pre-integration is employed to preprocess IMU data. To obtain the current position, velocity, and attitude, the state variables from the previous moment are needed. However, when these state variables change, it is necessary to retransmit the IMU measurements for integration to obtain the current state variables. Each time an adjustment in pose is made, the IMU measurements must be retransmitted, which is a time-consuming and computationally intensive measurement strategy. Using IMU pre-integration ensures that the IMU integration values between two nodes are only related to the IMU errors at those two moments, thus avoiding repeated integrations caused by changes in the starting point of integration. This process involves integrating the raw IMU data to obtain the relative displacement and rotational changes in the carrier over a period of time, thereby reducing data processing volume and minimizing the risk of error accumulation.
In integrated navigation systems, the inertial measurement unit can reflect changes in the carrier’s motion state by measuring angular velocity ω ˜ i b b and acceleration (specific force) f ˜ b . The measurement equation can be expressed as [30]:
ω ˜ i b b = ω i b b + b ω + ε ω , f ˜ b = f b + b a + ε a
where ω i b b and f b , respectively, represent the true values of the gyroscope and accelerometer, while b ω and b a , respectively, denote the biases of the gyroscope and accelerometer. ε ω and ε a represent the noise associated with the gyroscope and accelerometer, respectively. Based on inertial devices, the navigation information of the carrier is calculated by first solving for the carrier’s attitude information, and then using the updated attitude information to compute the carrier’s velocity and position. Traditional inertial navigation gyro modeling outputs do not consider the effects of the Earth’s rotation rate ω i e n and the angular velocity of entrainment ω e n n on the accuracy of gyro measurements. Therefore, considering these two types of rotational velocities, the differential equation for the carrier’s attitude is as follows:
q ˙ b n = 1 2 q b n 0 ω n b b , ω n b b = ω i b b C n b ( ω i e n + ω e n n ) ω i e n = [ ω e cos L 0 ω e sin L ] ω e n n = [ v E ( R N + h ) v N ( R M + h ) v E tan L ( R N + h ) ]
where q b n is the attitude quaternion from the body coordinate system (b-frame) to the navigation coordinate system (n-frame), with the n-frame defined as (END). C n b is the attitude rotation matrix from the b-frame to the n-frame. L is the latitude of the carrier’s location. h is the height of the carrier’s location relative to the horizontal plane. R M is the meridian radius of curvature, and R N is the prime vertical radius of curvature, with their respective calculation formulas as follows:
R M = R e ( 1 e 1 2 ) ( 1 e 1 2 sin 2 L ) 3 / 2 R N = R e ( 1 e 1 2 sin 2 L ) 1 / 2
where R e is the radius of the Earth and e 1 is the first eccentricity. When describing the carrier’s attitude using quaternions, the update of the carrier’s attitude between two adjacent IMU sampling times can be expressed as:
q b ( k ) n = q b ( k 1 ) n q b ( k 1 ) n ( k 1 ) q b ( k ) n ( k 1 )
Updating the carrier’s attitude information using pre-integration for quaternions from t k 1 to t k can be expressed as:
q b ( k ) b ( k 1 ) = ( ( q b ( k ) n ( k ) ) 1 q n ( k 1 ) n ( k ) q b ( k 1 ) n ( k 1 ) ) 1
The velocity update equation for the carrier can be expressed as:
v b ( k ) n = v b ( k 1 ) n + t k 1 t k C b ( t ) n ( t ) ( f ˜ b b a ε a ) d t + t k 1 t k ( g n ( 2 ω i e n + ω e n n ) × v n ) d t
where g n is the local gravity. The velocity pre-integration from t k 1 to t k can be expressed as:
v b ( k ) b ( k 1 ) = C n ( t ) b ( k 1 ) ( v b ( k ) n v b ( k 1 ) n g n t k 1 , k + ( ( 2 ω i e n + ω e n n ) × v b ( k 1 ) n t k 1 , k ) = t k 1 t k C b ( t ) b ( k 1 ) ( f ˜ b b a ε a ) d t
Integrating the velocity of the carrier yields the position increment of the carrier, which, when added to the previous position, provides the current pose measurement. Therefore, the position update equation for the carrier can be expressed as:
p b ( k ) n = p b ( k 1 ) n + t k 1 t k v b ( t ) n d t
The position pre-integration from t k 1 to t k can be expressed as:
p b ( k ) b ( k 1 ) = C n ( t ) b ( k 1 ) ( p b ( k ) n p b ( k 1 ) n v b ( k 1 ) n t k 1 , k + 0.5 ( ( 2 ω i e n + ω e n n ) × v b ( k 1 ) n g n ) t k 1 , k 2 ) = t k 1 t k C b ( t ) b ( k 1 ) ( f ˜ b b a ε a ) d t 2
During the position update process using the position pre-integration model, the influences of ω i e n and ω e n n are considered, which improves the position solving accuracy compared to traditional inertial pre-integration methods. In factor graph optimization, a noise covariance matrix is needed to weight the IMU factors, and the error state vector is defined as follows:
δ z t = δ p b ( k ) b ( k 1 ) δ v b ( k ) b ( k 1 ) δ q b ( k ) b ( k 1 ) δ b ω δ b a T
In the formula, δ p b ( k ) b ( k 1 ) , δ v b ( k ) b ( k 1 ) , δ q b ( k ) b ( k 1 ) represents the pre-integrated measurement errors for position, velocity, and attitude, while δ b ω , δ b a represents the bias errors for the gyroscope and accelerometer. The continuous-time system’s error state equation is expressed as:
δ z ˙ t = F t δ z t + G t ε t
where the system error state transition matrix F t , the process noise transition matrix G t , and the noise vector ε t are represented as:
F t = 0 I 0 0 0 0 0 C ^ b ( t ) b ( k 1 ) ( f ^ b b a ) × 0 C ^ b ( t ) b ( k 1 ) 0 0 ( ω ^ i b i b ω ) × I 0 0 0 0 0 0 0 0 0 0 0
G t = 0 0 0 C ^ b ( t ) b ( k 1 ) I 0 0 0 0 0 , ε t = ε ω ε a
The pre-integration covariance matrix can be expressed as:
b ( t ) i m u = Φ t b ( t 1 ) i m u Φ t T + t 1 t Φ t G t Q G t T Φ t T d t
where b ( t 1 ) i m u = 0 is the initial covariance matrix, Φ t Ι + F t is the transition matrix, and Q = d i a g σ ω 2 , σ a 2 is the discrete-time noise covariance matrix. The update equation for the Jacobian matrix of the system state variables with respect to the system error state variables, which calculates the first derivative, can be expressed as:
J k 1 , t = Φ t J k 1 , t 1
where J k 1 , t 1 is the initial Jacobian matrix and is an identity matrix. To avoid repeated integration, the pre-integrated measurements are approximated using a first-order expansion based on the Jacobian and covariance matrices. The updated pre-integrated measurement values are calculated as follows:
p ^ b ( k ) b ( k 1 ) p b ( k ) b ( k 1 ) + J b ω p δ b ω + J b a p δ b a v ^ b ( k ) b ( k 1 ) v b ( k ) b ( k 1 ) + J b ω v δ b ω + J b a v δ b a q ^ b ( k ) b ( k 1 ) q b ( k ) b ( k 1 ) 1 1 2 J b ω ϕ δ b ω
where J b ω p , J b a p , J b ω v , J b a v , J b ω ϕ is a submatrix of J k 1 , k , representing the Jacobian matrix of the first derivative of the superscript with respect to the subscript. For example, J b ω p corresponds to the position of δ p b ( k ) b ( k 1 ) / δ b ω . Based on the previous derivation, the IMU pre-integration factor residual can be expressed as:
r i m u ( z b ( k ) b ( k 1 ) , X ) = p b ( k ) b ( k 1 ) p ^ b ( k ) b ( k 1 ) v b ( k ) b ( k 1 ) v ^ b ( k ) b ( k 1 ) 2 ( q b ( k ) n ( k ) ) 1 q n ( k 1 ) n ( k ) q b ( k 1 ) n ( k 1 ) q ^ b ( k ) b ( k 1 ) b ω ( k ) b ω ( k 1 ) b a ( k ) b a ( k 1 )

3.3. GNSS Factor Nodes

GNSS factors are extremely valuable for providing absolute position information and long-term data, especially in open sky environments. However, in environments with obstructions such as urban high-rise buildings and tunnels, GNSS signal reception may be interrupted. Therefore, it is necessary to integrate GNSS data with other sensor data to improve navigation accuracy and robustness. The GNSS sensor measurement equation is given as [31]:
z i g n s s = h g n s s ( x i ) + n g n s s
where n g n s s represents the measurement noise and h g n s s ( x i ) is the GNSS measurement function. GNSS positioning provides the coordinates of the antenna phase center, while INS mechanical arrangement provides the navigation results from the IMU measurement center. These two centers do not physically coincide, necessitating lever-arm effect correction during integrated navigation computation. The GNSS factor residual can be expressed as:
r g n s s ( z i g n s s , X ) = z i g n s s z ^ i g n s s + C b n l g n s s b
where z ^ i g n s s is the GNSS estimated value, and l g n s s b is the GNSS antenna lever arm.

4. CNN-GRU Neural Network Prediction-Assisted Positioning Method

4.1. CNN-GRU Model

CNN is a commonly used multilayer feedforward neural network model [32], with its basic structure shown in Figure 3. A typical CNN includes an input layer, multiple alternating convolutional and pooling layers, and a fully connected layer. CNNs extract hidden topological features from data through layer-by-layer convolution and pooling operations, capturing the spatial characteristics of the input data with fewer parameters. The convolution operation efficiently extracts data feature parameters and reduces matrix dimensions, while the pooling layer reduces network parameters and computational complexity. Finally, the fully connected layer combines all local features. After the convolutional and pooling layers, a flattening layer is used to convert the data from multidimensional to one-dimensional, preparing it for connection to the GRU layer.
The structure of a GRU is shown in Figure 4. The main variables include the hidden state information at the previous time step h t 1 , the input state x t , and the current hidden state h t . There are also two gates: vector r t corresponds to the reset gate, and vector Z t corresponds to the update gate. The update gate controls how much of the previous information should be retained in the current state and how much new information from the current candidate hidden state should be introduced. The reset gate determines how much past information should be included in the current state computation.
The specific computation formulas for the GRU can be expressed as follows [33]:
Z t = σ ( W z · [ h t 1 , x t ] )
r t = σ ( W r · [ h t 1 , x t ] )
h ˜ t = tanh ( W h · [ r t h t 1 , x t ] )
h t = ( 1 Z t ) h t 1 + Z t h ˜ t
In the formula, W r , W z , W h refers to the weight matrices for the reset gate, update gate, and candidate hidden state, σ is the sigmoid function, and tanh is the activation function.
The CNN-GRU neural network model consists of a combination of CNN and GRU [34], as shown in Figure 5. Initially, a CNN layer is established to extract spatial features from motion sensor data. Following the CNN layer, a max pooling layer is added, which extracts primary features by selecting the maximum value within each pooling window, thereby reducing the spatial dimensions and size of the input feature map. This operation helps to reduce the number of model parameters and computational complexity, minimize the risk of overfitting, and enhance the model’s computational efficiency. After the CNN module, a GRU layer is connected, using Flatten to spread out the features into a flat array linked to a fully connected layer. The CNN-GRU-assisted prediction model is used to output pseudo GNSS data, compensating for the accuracy of the integrated positioning system during interruptions. This solves the problem of the integrated positioning system degrading to a pure INS during GNSS outages.
The training of the CNN-GRU combined neural network in this paper is primarily conducted in the following six steps:
Step 1: input acceleration, angular velocity, and velocity data into the convolutional neural network, perform convolution on the data separately, and then sum the data within each convolution channel to generate feature maps.
Step 2: Feed the feature maps into a pooling layer and perform max pooling on the convoluted features, selecting the maximum value to reduce the feature dimensions. Then, transform the dimensions of the pooling layer’s output and connect it to the GRU layer.
Step 3: solve for the propagation parameters of each neuron and compute the values of vector Z t , r t , h ˜ t , h t .
Step 4: compare the output values with the expected values, and if there is a discrepancy, calculate the error for the neurons and construct a loss function based on this.
Step 5: update the weight parameters according to the loss function.
Step 6: calculate the gradient for each weight and then update the weights using an optimization algorithm.

4.2. CNN-GRU-Based GNSS Outage Assisted Prediction

In GNSS/INS integrated systems, there are already many neural network-assisted models. The common approach is to establish a relationship between INS outputs (angular velocity, specific force, velocity, position, etc.) and certain GNSS information. When GNSS signals are available, these data are used to train the neural network. If GNSS signals are interrupted, the trained neural network is capable of generating pseudo GNSS data. Before beginning to construct the neural network model, it is necessary to establish a system model and select appropriate parameters as inputs and outputs, which helps to enhance the efficiency of model training and the accuracy of predictions. A commonly used model is model O I N S δ G N S S , I N S [35], because δ G N S S , I N S represents the difference between INS and GNSS positions, and the constructed model is always affected by errors from both GNSS and INS. To avoid this problem, model O I N S Δ P G N S S is proposed, where the model output ( Δ P G N S S ) is only the GNSS position increment. The ideal scenario for neural networks is when training data and prediction data are in the same motion state. However, in practical applications, the motion state of vehicles always changes due to complex road environments. A single neural network may not effectively train with these mixed data. Therefore, CNN is used to extract the motion state of the vehicle. CNN has excellent feature extraction capabilities and can accurately capture changes in motion states from raw data in complex and dynamic motion states. Additionally, GRU is introduced to help the model better understand long-term dependencies in time series data. These mechanisms enable the model to more effectively filter and utilize historical information when processing navigation data with temporal dynamics, enhancing navigation and positioning performance in complex environments.
The specific structure of the CNN-GRU neural network-assisted model is shown in Figure 6. Here, ω , f represents the angular velocity and specific force output by the IMU, v I N S , p I N S represents the velocity and position output by the inertial navigation system, p G is the GNSS output position, and δ p is the position error. The assisted prediction model includes a training phase and a prediction phase. In the training phase, the CNN-GRU model parameters are determined based on the acceleration, specific force, and velocity of the INS at the previous and current times, as well as the GNSS position increment Δ P G . In the prediction phase, the acceleration, specific force, and velocity of the INS at the current and next times are input to the CNN-GRU model to predict the GNSS position increment. Subsequently, the predicted position increment Δ P G is added to the initial position information P G 0 to generate the pseudo GNSS position P G p s e , thereby suppressing the divergence of the inertial navigation system errors.

5. Experiment

5.1. Experimental Setup and Data Acquisition

In order to verify the effectiveness of the proposed algorithm in this paper, we conducted in-vehicle experiments in a typical urban environment in Beijing, China. The sensors were provided by the Beijing Key Laboratory of High Dynamic Navigation Technology, and the sensor parameters are shown in Table 1.
We conducted experiments with frequent and sustained interruptions of GNSS signals to evaluate the performance of the proposed algorithm. The experimental test trajectory is shown in Figure 7, which includes common occlusion environments such as overpasses and tunnels that the vehicle passed through. The total length of the experimental trajectory was 32.96 km. The light blue section, which is 18.99 km long, includes data collected for training the neural network prediction model and determining its parameters. The green trajectory, measuring 7.79 km, was used to assess the algorithm’s performance under conditions of frequent GNSS interruptions. The orange trajectory, extending for 6.18 km, was used to evaluate the algorithm’s performance during sustained GNSS interruptions. To highlight the superiority of the proposed algorithm, we compared three different integrated navigation methods.
(1)
FGO: factor graph-based integrated navigation method;
(2)
LSTM-FGO: factor graph-based integrated navigation method assisted by a long short-term memory (LSTM) network;
(3)
CNN-GRU-FGO: The proposed integrated navigation method, combining convolutional neural network (CNN) and gated recurrent unit (GRU) with factor graph assistance.

5.2. Experimental Verification and Analysis

5.2.1. Frequent Interruption Test

To validate the algorithm’s performance in common GNSS interruption environments, we designed a vehicle driving route that covers typical urban occlusion environments, including high-rise buildings, overpasses, and densely built areas. These environments frequently cause satellite signal interruptions, making it very challenging to achieve high-precision GNSS/INS integrated navigation. The test route is divided into sections with frequent GNSS interruptions, including winding roads and long straight roads. The total GNSS was interrupted 25 times during the journey. The winding road section is 2.97 km long and lasts 580 s (0–580 s), with GNSS being interrupted 16 times. The long straight road section is 4.82 km long and lasts 420 s (580–1000 s), with GNSS being interrupted 9 times. The GNSS interruption times are detailed in Table 2.
The trajectory calculations for the section with frequent interruptions on winding roads are shown in Figure 8, the long straight section with frequent interruptions, as shown in Figure 9. Regarding the the section with frequent interruptions on winding roads, when examining the eastward error curve in Figure 10 and the northward error curve in Figure 11 (0–580 s), it is clear that all three methods exhibit a notable increase in errors in this section, with frequent GNSS interruptions compared to the uninterrupted sections. However, the error increase is significantly smaller with LSTM-FGO and CNN-GRU-FGO, because these methods use neural network models for auxiliary prediction during GNSS interruptions. Specifically, LSTM-FGO utilizes long short-term memory networks for GNSS position prediction, while CNN-GRU-FGO employs a combination of convolutional neural networks and gated recurrent units for the same purpose. Both approaches maintain higher position accuracy during GNSS signal interruptions, offering a clear advantage over traditional factor graph optimization methods.
Regarding the long straight section with frequent interruptions, considering the eastward error curve in Figure 10 and the northward error curve in Figure 11 (580–1000 s), the vehicle’s motion pattern on the straight road is relatively simple, as the vehicle moves in a straight line. This simplicity allows for more accurate and reliable position predictions based on historical data. Utilizing the LSTM and CNN-GRU neural network models enhances the precision of position predictions, thus reducing the possibility of positioning errors.
From the position error statistics in Table 3, it can be seen that CNN-GRU-FGO, compared to FGO and LSTM-FGO, has reduced the root mean square error of position by 89% and 56%, respectively. In environments with frequent GNSS interruptions, both LSTM-FGO and CNN-GRU-FGO significantly enhance position accuracy compared to the traditional FGO algorithm. CNN-GRU is capable of capturing long-term dependencies and dynamic changes in time series, better adapting to these complex dynamic environments. As a result, in settings with frequent GNSS interruptions, CNN-GRU-FGO is able to provide more accurate and stable vehicle positioning results.

5.2.2. Continuous Interruption Test

In urban environments, vehicles passing through tunnels often face continuous interruptions of GNSS signals, posing significant challenges to high-precision navigation. To evaluate the performance of the proposed algorithm in such continuously interrupted environments, we consider two types of road sections: continuously interrupted curved road sections and continuously interrupted long straight road sections. The continuously interrupted curved road section is 3.06 km long with a duration of 400 s (0–400 s), including a curved tunnel section of 1.5 km with continuous interruptions lasting 144 s. The continuously interrupted long straight road section is 3.12 km long with a duration of 400 s (400–800 s), including a straight tunnel section of 1.37 km with continuous interruptions lasting 108 s. Interruption times are detailed in Table 4.
From the solution trajectories of the three algorithms shown in Figure 12, in cases of continuous GNSS interruptions, the trajectory of FGO gradually deviates from the reference trajectory, and this deviation increases over time. According to the eastward error curve in Figure 13 and the northward error curve in Figure 14, we can clearly see that the error of FGO is significant. Although the errors of LSTM-FGO and CNN-GRU-FGO also increase, they are significantly smaller compared to FGO. This significant reduction in error is mainly attributed to the LSTM-FGO and CNN-GRU-FGO algorithms’ ability to more effectively utilize past data to predict GNSS positions, especially in the absence of real-time GNSS data, ensuring the robustness of the integrated navigation.
In environments with continuous GNSS interruptions, according to the error statistics in Table 5, there is a significant difference in the precision performance of the three algorithms in handling positioning issues. Specifically, the CNN-GRU-FGO and LSTM-FGO algorithms show a substantial improvement in accuracy compared to the traditional FGO method. The eastward and northward RMSEs of FGO are as high as 4.16 m and 36.55 m, respectively, demonstrating the severe inadequacy of the traditional factor graph algorithm in positioning accuracy in complex environments with continuous GNSS interruptions. In contrast, the eastward and northward RMSEs of LSTM-FGO are reduced to 0.45 m and 0.88 m. CNN-GRU-FGO achieves even more remarkable precision improvements, with eastward and northward RMSEs of just 0.16 m and 0.26 m, reducing the position root mean square errors by 99% and 69% compared to FGO and LSTM-FGO, respectively. Overall, in environments with continuous GNSS interruptions, the combination of neural networks with traditional factor graph optimization methods significantly enhances the algorithm’s navigation and positioning performance in complex settings.

6. Conclusions

This study addresses the issue of GNSS signal interruptions in urban environments by proposing a CNN-GRU neural network-assisted factor graph integrated navigation method. Through vehicular experiments conducted in typical urban settings in Beijing, we have validated the effectiveness and superiority of this method in navigating complex road environments. The experimental design covered various typical urban driving scenarios, including areas with high-rise buildings, overpasses, tunnels, and other dense constructions that cause GNSS signal blockages. By comparing this method with traditional factor graph optimization methods and LSTM-assisted factor graph methods, we found that the CNN-GRU-FGO algorithm demonstrated significant performance improvements in all aspects. The application of the CNN-GRU neural network-assisted factor graph integrated navigation method in urban environments showcases its technical innovation and operational efficiency. This method not only provides a new direction for future smart transportation technologies but also offers robust technical support and a theoretical foundation for solving similar navigation and positioning challenges.

Author Contributions

H.Z. wrote the paper, and conducted the final editing; H.Z. and F.L. developed the methodology, analyzed the data, and structured the discussion; W.C. reviewed the results and supervised the conclusions. All authors have read and agreed to the published version of the manuscript.

Funding

Beijing Municipal Education Commission Research Project Funding (No.: KM202311232015; No.: KM202311232016). Beijing Natural Science Foundation Project (No. 4244091, No. 4242036). Supported by Open Project of Beijing Key Laboratory of High Dynamic Navigation Technology.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The original contributions presented in the study are included in the article, further inquiries can be directed to the corresponding author.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Boguspayev, N.; Akhmedov, D.; Raskaliyev, A.; Kim, A.; Sukhenko, A. A comprehensive review of GNSS/INS integration techniques for land and air vehicle applications. Appl. Sci. 2023, 13, 4819. [Google Scholar] [CrossRef]
  2. He, Y.; Li, J.; Liu, J. Research on GNSS INS & GNSS/INS integrated navigation method for autonomous vehicles: A survey. IEEE Access 2023, 11, 79033–79055. [Google Scholar]
  3. Hein, G.W. Status, perspectives and trends of satellite navigation. Satell. Navig. 2020, 1, 22. [Google Scholar] [CrossRef] [PubMed]
  4. Wu, F.; Luo, H.; Jia, H.; Zhao, F.; Xiao, Y.; Gao, X. Predicting the noise covariance with a multitask learning model for Kalman filter-based GNSS/INS integrated navigation. IEEE Trans. Instrum. Meas. 2020, 70, 1–13. [Google Scholar] [CrossRef]
  5. Abdelaziz, N.; El-Rabbany, A. An integrated ins/lidar slam navigation system for gnss-challenging environments. Sensors 2022, 22, 4327. [Google Scholar] [CrossRef]
  6. Guo, H.; Liu, H.; Zhou, Y.; Hu, X. Robust state estimation via maximum correntropy ekf on matrix lie groups with application to low-cost ins/gps integrated navigation system. IEEE Sens. J. 2023, 23, 9467–9479. [Google Scholar] [CrossRef]
  7. Hu, G.; Xu, L.; Gao, B.; Chang, L.; Zhong, Y. Robust unscented Kalman filter-based decentralized multisensor information fusion for INS/GNSS/CNS integration in hypersonic vehicle navigation. IEEE Trans. Instrum. Meas. 2023, 72, 8504011. [Google Scholar] [CrossRef]
  8. Gao, B.; Hu, G.; Gao, S.; Zhong, Y.; Gu, C. Multi-sensor optimal data fusion for INS/GNSS/CNS integration based on unscented Kalman filter. Int. J. Control. Autom. Syst. 2018, 16, 129–140. [Google Scholar] [CrossRef]
  9. Wu, X.; Xiao, B.; Wu, C.; Guo, Y.; Li, L. Factor graph based navigation and positioning for control system design: A review. Chin. J. Aeronaut. 2022, 35, 25–39. [Google Scholar] [CrossRef]
  10. Taylor, C.; Gross, J. Factor Graphs for Navigation Applications: A Tutorial. NAVIGATION J. Inst. Navig. 2024, 71, navi.653. [Google Scholar] [CrossRef]
  11. Wen, W.; Bai, X.; Kan, Y.C.; Hsu, L.-T. Tightly coupled GNSS/INS integration via factor graph and aided by fish-eye camera. IEEE Trans. Veh. Technol. 2019, 68, 10651–10662. [Google Scholar] [CrossRef]
  12. Jiang, C.; Chen, Y.; Chen, C.; Jia, J.; Sun, H.; Wang, T.; Hyyppa, J. Smartphone PDR/GNSS integration via factor graph optimization for pedestrian navigation. IEEE Trans. Instrum. Meas. 2022, 71, 8504112. [Google Scholar] [CrossRef]
  13. Song, Y.; Hsu, L.T. Tightly coupled integrated navigation system via factor graph for UAV indoor localization. Aerosp. Sci. Technol. 2021, 108, 106370. [Google Scholar] [CrossRef]
  14. Zhang, L.; Hsu, L.T.; Zhang, T. A novel INS/USBL integrated navigation scheme via factor graph optimization. IEEE Trans. Veh. Technol. 2022, 71, 9239–9249. [Google Scholar] [CrossRef]
  15. Meiling, W.; Guoqiang, F.; Huachao, Y.; Yafeng, L.; Yi, Y.; Xuan, X. A loosely coupled MEMS-SINS/GNSS integrated system for land vehicle navigation in urban areas. In Proceedings of the 2017 IEEE International Conference on Vehicular Electronics and Safety (ICVES), Vienna, Austria, 27–28 June 2017; pp. 103–108. [Google Scholar]
  16. Çifdalöz, O. Navigation Under GNSS Denied Environments: Zero Velocity and Zero Turning Update. Avrupa Bilim Teknol. Derg. 2022, 38, 360–369. [Google Scholar] [CrossRef]
  17. Cheng, S.; Cheng, J.; Zang, N.; Cai, J.; Fan, S.; Zhang, Z.; Song, H. Adaptive non-holonomic constraint aiding Multi-GNSS PPP/INS tightly coupled navigation in the urban environment. GPS Solut. 2023, 27, 152. [Google Scholar] [CrossRef]
  18. Wang, D.; Dong, Y.; Li, Z.; Li, Q.; Wu, J. Constrained MEMS-based GNSS/INS tightly coupled system with robust Kalman filter for accurate land vehicular navigation. IEEE Trans. Instrum. Meas. 2019, 69, 5138–5148. [Google Scholar] [CrossRef]
  19. Al Bitar, N.; Gavrilov, A.; Khalaf, W. Artificial intelligence based methods for accuracy improvement of integrated navigation systems during GNSS signal outages: An analytical overview. Gyroscopy Navig. 2020, 11, 41–58. [Google Scholar] [CrossRef]
  20. Jwo, D.J.; Biswal, A.; Mir, I.A. Artificial neural networks for navigation systems: A review of recent research. Appl. Sci. 2023, 13, 4475. [Google Scholar] [CrossRef]
  21. Siemuri, A.; Selvan, K.; Kuusniemi, H.; Valisuo, P.; Elmusrati, M.S. A systematic review of machine learning techniques for GNSS use cases. IEEE Trans. Aerosp. Electron. Syst. 2022, 58, 5043–5077. [Google Scholar] [CrossRef]
  22. Yao, Y.; Xu, X.; Zhu, C.; Chan, C.-Y. A hybrid fusion algorithm for GPS/INS integration during GPS outages. Measurement 2017, 103, 42–51. [Google Scholar] [CrossRef]
  23. Dai, H.-F.; Bian, H.-W.; Wang, R.-Y.; Ma, H. An INS/GNSS integrated navigation in GNSS denied environment using recurrent neural network. Def. Technol. 2020, 16, 334–340. [Google Scholar] [CrossRef]
  24. Zhang, Y. A fusion methodology to bridge GPS outages for INS/GPS integrated navigation system. IEEE Access 2019, 7, 61296–61306. [Google Scholar] [CrossRef]
  25. Fang, W.; Jiang, J.; Lu, S.; Gong, Y.; Tao, Y.; Tang, Y.; Yan, P.; Luo, H.; Liu, J. A LSTM algorithm estimating pseudo measurements for aiding INS during GNSS signal outages. Remote Sens. 2020, 12, 256. [Google Scholar] [CrossRef]
  26. Tang, Y.; Jiang, J.; Liu, J.; Yan, P.; Tao, Y.; Liu, J. A GRU and AKF-based hybrid algorithm for improving INS/GNSS navigation accuracy during GNSS outage. Remote Sens. 2022, 14, 752. [Google Scholar] [CrossRef]
  27. Wei, X.; Li, J.; Zhang, D.; Feng, K. An improved integrated navigation method with enhanced robustness based on factor graph. Mech. Syst. Signal Process. 2021, 155, 107565. [Google Scholar] [CrossRef]
  28. Bai, S.; Lai, J.; Lyu, P.; Wang, B.; Sun, X.; Yu, W. An Enhanced Adaptable Factor Graph for Simultaneous Localization and Calibration in GNSS/IMU/Odometer Integration. IEEE Trans. Veh. Technol. 2023, 72, 11346–11357. [Google Scholar] [CrossRef]
  29. Qin, H.; Wang, X.; Wang, G.; Hu, M.; Bian, Y.; Qin, X.; Ding, R. A novel INS/USBL/DVL integrated navigation scheme against complex underwater environment. Ocean. Eng. 2023, 286, 115485. [Google Scholar] [CrossRef]
  30. Tang, H.; Zhang, T.; Niu, X.; Fan, J.; Liu, J. Impact of the earth rotation compensation on MEMS-IMU preintegration of factor graph optimization. IEEE Sens. J. 2022, 22, 17194–17204. [Google Scholar] [CrossRef]
  31. Li, Q.; Zhang, L.; Wang, X. Loosely coupled GNSS/INS integration based on factor graph and aided by ARIMA model. IEEE Sens. J. 2021, 21, 24379–24387. [Google Scholar] [CrossRef]
  32. Zou, X.; Lian, B.; Wu, P. Fault identification ability of a robust deeply integrated GNSS/INS system assisted by convolutional neural networks. Sensors 2019, 19, 2734. [Google Scholar] [CrossRef] [PubMed]
  33. Li, D.; Wu, Y.; Zhao, J. Novel hybrid algorithm of improved CKF and GRU for GPS/INS. IEEE Access 2020, 8, 202836–202847. [Google Scholar] [CrossRef]
  34. Meng, X.; Tan, H.; Yan, P.; Zheng, Q.; Chen, G.; Jiang, J. A GNSS/INS integrated navigation compensation method based on CNN-GRU+ IRAKF hybrid model during GNSS outages. IEEE Trans. Instrum. Meas. 2024, 73, 2510015. [Google Scholar] [CrossRef]
  35. Al Bitar, N.; Gavrilov, A. A new method for compensating the errors of integrated navigation systems using artificial neural networks. Measurement 2021, 168, 108391. [Google Scholar] [CrossRef]
Figure 1. Programmatic framework for integrated navigation systems.
Figure 1. Programmatic framework for integrated navigation systems.
Applsci 14 08131 g001
Figure 2. GNSS/INS integrated navigation information fusion factor graph framework.
Figure 2. GNSS/INS integrated navigation information fusion factor graph framework.
Applsci 14 08131 g002
Figure 3. CNN basic structure.
Figure 3. CNN basic structure.
Applsci 14 08131 g003
Figure 4. GRU basic structure.
Figure 4. GRU basic structure.
Applsci 14 08131 g004
Figure 5. CNN-GRU model structure.
Figure 5. CNN-GRU model structure.
Applsci 14 08131 g005
Figure 6. CNN-GRU-assisted model structure diagram.
Figure 6. CNN-GRU-assisted model structure diagram.
Applsci 14 08131 g006
Figure 7. Test vehicle driving route.
Figure 7. Test vehicle driving route.
Applsci 14 08131 g007
Figure 8. Trajectory calculation for Section 1 with frequent interruptions on winding roads.
Figure 8. Trajectory calculation for Section 1 with frequent interruptions on winding roads.
Applsci 14 08131 g008
Figure 9. Trajectory calculation for Section 1 with frequent interruptions on long straight road.
Figure 9. Trajectory calculation for Section 1 with frequent interruptions on long straight road.
Applsci 14 08131 g009
Figure 10. Section 1 east error.
Figure 10. Section 1 east error.
Applsci 14 08131 g010
Figure 11. Section 1 north error.
Figure 11. Section 1 north error.
Applsci 14 08131 g011
Figure 12. Continuously interrupted section solution trajectories.
Figure 12. Continuously interrupted section solution trajectories.
Applsci 14 08131 g012
Figure 13. Section 2 east error.
Figure 13. Section 2 east error.
Applsci 14 08131 g013
Figure 14. Section 2 north error.
Figure 14. Section 2 north error.
Applsci 14 08131 g014
Table 1. Sensor parameters.
Table 1. Sensor parameters.
SensorParametersAccuracy
IMUGyroscope Bias20°/h
GNSSGyroscope Random Walk 0.0667 ° / h
Accelerometer Bias50 mg
Sampling Frequency100 Hz
Position Accuracy2 m
Sampling Frequency1 Hz
Table 2. GNSS interruption time statistics for Section 1.
Table 2. GNSS interruption time statistics for Section 1.
Start Time (s)Interruption Duration (s)Start Time (s)Interruption Duration (s)Start Time (s)Interruption Duration (s)
70445026166
96246556506
156847136628
16814474468612
18325482107176
2412551177305
320654357757
366259711
41396087
Table 3. Position error statistics for Section 1.
Table 3. Position error statistics for Section 1.
Section 1 AlgorithmOrientationRMSE (m)Maximum Error (m)
winding roadFGOeast3.0614.91
north3.5413.19
LSTM-FGOeast0.623.41
north0.904.48
CNN-GRU-FGOeast0.271.81
north0.401.92
long straight roadFGOeast0.380.99
north1.353.67
LSTM-FGOeast0.260.85
north0.190.80
CNN-GRU-FGOeast0.050.19
north0.120.56
all roadFGOeast2.3414.91
north2.8413.19
LSTM-FGOeast0.503.41
north0.704.48
CNN-GRU-FGOeast0.211.81
north0.311.92
Table 4. GNSS interruption time statistics for Section 2.
Table 4. GNSS interruption time statistics for Section 2.
Start Time (s)Interruption Duration (s)Start Time (s)Interruption Duration (s)Start Time (s)Interruption Duration (s)
4414443267894
28544695
3108534108
Table 5. Position error statistics for Section 2.
Table 5. Position error statistics for Section 2.
Section 2AlgorithmOrientationRMSE (m)Maximum Error (m)
winding roadFGOeast5.7325.42
north41.48141.69
LSTM-FGOeast0.481.66
north1.083.62
CNN-GRU-FGOeast0.191.49
north0.282.18
long straight roadFGOeast1.333.81
north30.7998.44
LSTM-FGOeast0.412.58
north0.623.54
CNN-GRU-FGOeast0.131.08
north0.241.60
all roadFGOeast4.1625.42
north36.55141.69
LSTM-FGOeast0.452.58
north0.883.62
CNN-GRU-FGOeast0.161.49
north0.262.18
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhao, H.; Liu, F.; Chen, W. A Method for Assisting GNSS/INS Integrated Navigation System during GNSS Outage Based on CNN-GRU and Factor Graph. Appl. Sci. 2024, 14, 8131. https://doi.org/10.3390/app14188131

AMA Style

Zhao H, Liu F, Chen W. A Method for Assisting GNSS/INS Integrated Navigation System during GNSS Outage Based on CNN-GRU and Factor Graph. Applied Sciences. 2024; 14(18):8131. https://doi.org/10.3390/app14188131

Chicago/Turabian Style

Zhao, Hailin, Fuchao Liu, and Wenjue Chen. 2024. "A Method for Assisting GNSS/INS Integrated Navigation System during GNSS Outage Based on CNN-GRU and Factor Graph" Applied Sciences 14, no. 18: 8131. https://doi.org/10.3390/app14188131

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