Skip to main content

A survey of machine learning techniques for improving Global Navigation Satellite Systems

Abstract

Global Navigation Satellite Systems (GNSS)-based positioning plays a crucial role in various applications, including navigation, transportation, logistics, mapping, and emergency services. Traditional GNSS positioning methods are model-based, utilizing satellite geometry and the known properties of satellite signals. However, model-based methods have limitations in challenging environments and often lack adaptability to uncertain noise models. This paper highlights recent advances in machine learning (ML) and its potential to address these limitations. It covers a broad range of ML methods, including supervised learning, unsupervised learning, deep learning, and hybrid approaches. The survey provides insights into positioning applications related to GNSS, such as signal analysis, anomaly detection, multi-sensor integration, prediction, and accuracy enhancement using ML. It discusses the strengths, limitations, and challenges of current ML-based approaches for GNSS positioning, providing a comprehensive overview of the field.

1 Introduction

Global navigation satellite systems (GNSS)-based positioning underpins numerous essential applications, enabling efficiency, safety, and reliability across various industries. It serves various applications, including navigation, transportation, logistics, mapping, surveying, and precision agriculture. Additionally, emergency services rely on GNSS for search and rescue operations. Maritime navigation and aviation also heavily rely on GNSS for positioning information, which enhances situational awareness and reduces response times. Furthermore, GNSS is crucial in synchronizing critical infrastructure systems such as power grids, telecommunication networks, and financial transactions [1, 2].

However, GNSS measurements are subject to various sources of error that can affect positioning accuracy [3,4,5]. One source of error is signal interference caused by natural or man-made obstructions, such as tall buildings or dense foliage. In urban environments, this can lead to signal blockage, non-line-of-sight (NLOS) errors, and multipath (MP) effects. Another factor is atmospheric delays caused by the ionosphere and troposphere, which can influence the speed of the signals and introduce errors in distance measurements. Additionally, clock inaccuracies in both the satellites and receivers can contribute to errors in timing and positioning calculations. Other sources of error include satellite orbit inaccuracies and receiver noise. Mitigating these error sources is crucial in improving GNSS positioning performance for various applications.

Traditionally, model-based methods are used for GNSS positioning and error mitigation/detection because of the following advantages. Model-based methods incorporate knowledge about signal propagation characteristics in urban environments via statistical models that capture the characteristics of GNSS signals in urban environments. These models are based on well-understood physical principles, which have been refined and validated over decades. This makes their behavior predictable in different environments. Model-based algorithms are also less computationally intensive and do not necessarily need vast amounts of labeled data for training.

Model-based methods for GNSS positioning include Newton–Raphson [6], weighted least squares (WLS) [1], and Kalman filters [7]. While the Newton–Raphson method enables iterative refinement of the receiver’s position estimate [6, 8], WLS statistically optimizes the solution by assigning weights to each observation based on the measurement quality [9]. Kalman filters estimate the state recursively by combining measurements with known system dynamics [7]. Other techniques include differential positioning, which uses measurements from both the receiver and a reference station to correct for common errors affecting both the reference and receiver, such as atmospheric delays, clock errors, and orbit inaccuracies [1, 10]. Real-time kinematic (RTK) is a commonly used differential positioning technique in applications such as surveying and precision agriculture [11, 12]. It involves using a base station with known coordinates and a rover receiver. The base station provides correction data to the rover in real time, allowing for centimeter-level positioning accuracy. Similarly, another technique, notably, precise point positioning (PPP), can achieve centimeter-level accuracy without external reference stations [13]. It utilizes precise satellite orbit, clock information, and correction models for atmospheric delays. Differential positioning techniques, such as RTK and PPP, often rely on the availability of reference stations or precise orbit and clock data. This dependency can limit their practicality and flexibility in remote or challenging environments [14]. Some methods, like PPP, involve computationally intensive operations and require longer observation times for accurate results. Real-time processing of high-precision positioning can be challenging, particularly in time-critical applications.

Traditionally, NLOS errors are identified and mitigated using the signal-to-noise ratio (SNR), weighting models, statistical approaches, and consistency checking [4, 15]. MP errors are handled using elevation-enhanced maps, successive-time double differences [16], and analysis of the SNR fluctuation [17], among others. Receiver clock errors are typically mitigated using a clock-steering mechanism [18], differencing between satellites and estimating the error as an additional unknown parameter in the position estimation process [19]. Signal propagation errors, such as ionospheric and tropospheric errors, are removed using dual-frequency receivers [20] and with models such as the Klobuchar [21] and Saastamoinen models [22]. Satellite orbital errors are mitigated using a global or local network of corrections for the satellite positions or in a post-processed manner [23, 24].

While model-based methods are extensively used for positioning, error detection, and mitigation, they have certain limitations. Model-based techniques face challenges due to their strict initial assumptions concerning sensor noise and model parameters. Conventional model-based methods often assume noise to be Gaussian (or normally distributed), simplifying the mathematics involved in filtering and estimation processes, such as applying Kalman filters for real-time positioning. However, the noise affecting GNSS signals can deviate significantly from Gaussian behavior in real-world scenarios. Sources such as MP effects, where signals bounce off surfaces before reaching the receiver, create a complex error structure that is not well modeled by a normal distribution. Similarly, atmospheric disturbances, signal reflection, and interference can introduce noise with heavy tails or skewed distributions that Gaussian models fail to capture accurately. Noise characteristics can vary with location, time, and environmental conditions, introducing further complexity. For instance, urban environments might experience more significant MP effects due to tall buildings, while rural areas might have different noise profiles. Temporal changes like atmospheric conditions can also affect noise characteristics over time. Such assumptions limit the adaptability of model-based techniques, especially in challenging environments where the noise characteristics, model parameters, and error models may not adhere to the predefined assumptions [25,26,27,28]. In contrast, ML techniques have emerged as novel approaches in GNSS-based positioning, addressing the limitations of model-based methods. These techniques are more suitable for handling nonlinear relationships between variables, can learn from large amounts of data, and can adapt to new and changing environments. ML algorithms can learn hidden and nonlinear relationships from data directly without relying on noise assumptions. These algorithms are also robust to missing data and handle outliers more effectively than model-based methods [29,30,31,32].

Given the significance of ML techniques in enhancing GNSS positioning and performance, a comprehensive survey paper is needed to consolidate and disseminate knowledge in this field. In this regard, Jagiwala et al. [33] provide an insightful review, emphasizing the role of support vector machines (SVMs) and convolutional neural networks (CNNs) in enhancing position accuracy. While a systematic review of machine learning techniques for GNSS use cases is covered in [34], our survey paper distinguishes itself by making the following contributions.

  • It comprehensively reviews various ML methods applied to GNSS positioning, including supervised, unsupervised, deep, and hybrid approaches. This provides a broader perspective on the subject by showcasing the diverse applications of ML in the field.

  • It includes the latest research developments and advancements post-2021 in ML techniques for GNSS positioning. This equips readers with a current understanding of recent trends, innovations, and the state-of-the-art in the domain.

  • Beyond the performance evaluation of machine learning techniques, the paper describes various ML use cases in GNSS. Key topics include using machine learning for signal analysis, anomaly detection, multi-sensor integration, prediction, forecasting, and more.

  • By evaluating the strengths, challenges, and potential limitations of existing ML techniques, the paper provides readers with an improved understanding of the potential and constraints of ML in enhancing GNSS positioning accuracy.

The paper is organized as follows. Section 2 provides a brief background on the relevance of ML methods to GNSS positioning. Section 3 discusses various ML methods for analyzing and classifying GNSS signals, including supervised machine learning techniques such as SVM and decision trees, unsupervised ML methods, deep learning techniques, and hybrid approaches. Section 4 focuses on ML techniques for environmental context and scenario recognition using GNSS measurements, while Sect. 5 explores ML techniques for anomaly detection and quality assessment. Section 6 covers ML methods for GNSS-based multi-sensor integration, and Sect. 7 discusses prediction and forecasting techniques leveraging GNSS measurements and AI. Section 8 discusses techniques for enhancing positioning accuracy and position error modeling. Section 9 highlights other notable applications of using ML for improving GNSS. Section 10 addresses the limitations and challenges associated with the discussed ML methods. Finally, Sect. 11 identifies potential areas for future research and development in AI-based GNSS positioning.

2 Background of ML methods

2.1 Regression methods

Regression methods predict continuous numerical values by mapping input features to a target variable using a mathematical model with adjustable parameters. The model is trained by minimizing the difference between predicted and actual values. We discuss commonly used regression techniques below.

  • Quantile regression, an extension of traditional regression analysis [35], estimates different quantiles of the target variable’s conditional distribution. Unlike ordinary least squares regression, which focuses on the conditional mean, quantile regression provides a comprehensive understanding of the conditional distribution by considering multiple quantiles. It minimizes a loss function that measures the discrepancy between predicted and actual quantiles. This optimization process determines the optimal parameters governing the relationship between input features and the target variable’s quantiles.

  • SVMs are used for both classification and regression tasks [36]. They identify optimal hyperplanes to separate classes and handle nonlinear data through the kernel trick. Support vector regression (SVR), a variation of SVM, fits data by allowing a margin for error and utilizes kernel functions to capture linear and nonlinear relationships [37]. An example SVM is shown in Fig. 1. Support vectors, identified during training, play a vital role in generalization and prediction. SVR estimates numerical values for new data points by applying learned parameters and support vectors.

Fig. 1
figure 1

Illustration of SVM from [38]. SVM is a supervised learning algorithm that finds the hyperplane that best separates different classes with the maximum margin. It uses support vectors and kernels to optimize the separation boundary in linear and nonlinear classification tasks

2.2 Unsupervised learning methods

Unsupervised learning involves training models on unlabeled data without explicit guidance or predefined labels. Instead of predicting specific outcomes, unsupervised learning algorithms focus on discovering hidden patterns, structures, or relationships within the data. The primary categories of unsupervised learning methods include the following.

  • K-means algorithm is a widely used method for clustering, which partitions a dataset into k distinct, non-overlapping subsets or clusters [39]. The algorithm assigns each data point to the cluster with the nearest mean, serving as a cluster prototype. This process iteratively adjusts the positions of the centroids (the means of the clusters). It reassigns the data points to their closest centroids until the positions of the centroids stabilize, indicating that the clusters are as compact and distinct from each other as possible.

  • Autoencoders are neural networks commonly used for dimensionality reduction [40]. As illustrated in Fig. 2, they consist of an encoder network that maps the input data to a lower-dimensional representation and a decoder network that reconstructs the original input from this representation. Autoencoders learn a compressed and efficient input data representation, capturing essential features.

  • Variational autoencoders (VAE) learn a lower-dimensional latent-space representation of input data, capturing its underlying structure and distribution [42]. VAEs consist of an encoder network and a decoder network. The encoder maps input data to a latent space, typically represented by a Gaussian distribution’s mean and variance. The decoder reconstructs input data from latent-space samples. Training VAEs involves optimizing two objectives: reconstruction loss and the Kullback–Leibler (KL) divergence regularization term. The reconstructed output resembles the original input, while the regularization term encourages a structured latent space. VAEs can generate new samples resembling training data and compress data by encoding and decoding it from the latent space.

Fig. 2
figure 2

Illustration of an autoencoder from [41]. Autoencoder compresses the inputs into a latent-space representation and then reconstructs the output from this representation, aiming to match the original input

2.3 Classification methods

AI algorithms for classification utilize machine learning techniques to automatically assign data instances into predefined categories or classes based on their features or attributes. These algorithms learn from labeled training data to build models that can accurately classify new, unseen data. Two common classification approaches are decision trees and Naive Bayes.

  • Decision trees: As illustrated in Fig. 3, a decision tree is a flowchart-like structure where each internal node represents a decision based on a feature, each branch represents an outcome or decision rule, and each leaf node represents a class label or a final decision [43]. The tree is constructed by recursively splitting the data based on the values of input features until a stopping criterion is met, such as maximum depth.

  • Naive Bayes is a classification algorithm based on Bayes’ theorem, assuming conditional independence of features given the class label [45]. It estimates the likelihood of each feature value for each class in the training dataset. For categorical features, it calculates the probability of occurrence in each class, while for numerical features, it assumes a probability distribution and estimates parameters for each class. By considering prior probabilities and using Bayes’ theorem, posterior probabilities for unlabeled instances are calculated. The class label with the highest posterior probability is assigned as the predicted class.

  • The k-nearest neighbors (KNN) algorithm is a nonparametric classification algorithm based on the principle that similar data points are close in the feature space [46]. As illustrated in Fig. 4, when a new, unseen instance needs to be classified, the KNN algorithm evaluates the distances between this instance and all other instances in the dataset, identifying the k-nearest neighbors. The algorithm then assigns the most frequent label of these nearest neighbors to the new instance.

Fig. 3
figure 3

An example illustrating how decision trees are used in classification tasks [44]. Decision trees make decisions by recursively partitioning the data set into smaller subsets based on the most discriminative features. The goal is to create branches that lead to homogenous leaves, where each leaf node corresponds to the most probable target outcome

Fig. 4
figure 4

An example illustrating how KNNs are used in classification tasks [47]. KNN is a nonparametric learning algorithm that classifies new cases based on the majority vote of the k most similar instances from the training data, often using distance metrics like Euclidean distance to determine similarity

2.4 Reinforcement learning

Reinforcement learning (RL) enables agents to learn and make decisions in an environment through interactions and feedback [48]. The agent takes action, receives rewards or punishments, and updates its decision-making strategy accordingly, as shown in Fig. 5. The RL algorithm aims to develop an optimal policy that maximizes cumulative rewards over time. Key components of RL include the agent, environment, state, action, and reward. The agent interacts with the environment by selecting actions based on its current state. The environment provides feedback through rewards or penalties. The agent’s decision-making strategy is determined by its policy. The feedback received after taking an action is known as the reward. RL algorithms can be categorized as model-free or model-based. Model-free algorithms directly learn the optimal policy without explicitly modeling the environment, while model-based algorithms learn environment dynamics to plan and make decisions. Notable RL algorithms include Q-learning, deep Q-networks (DQN), proximal policy optimization (PPO), and advantage actor-critic (A2C) [49, 50].

Fig. 5
figure 5

Reinforcement learning (RL) involves agents learning to make decisions by taking actions in an environment to maximize cumulative reward. The agent refines its policy through trial and error to achieve optimal outcomes. Figure adapted from [51]

2.5 Deep neural networks

Deep neural networks (DNNs) refer to neural networks with multiple hidden layers between the input and output layers. These hidden layers enable the network to learn hierarchical representations of the input data, allowing for more complex and abstract feature extraction. Various categories of DNNs include the following:

Fig. 6
figure 6

An example RNN architecture from [52]. RNN is a class of neural networks where connections between nodes form a directed graph along a temporal sequence, allowing it to use its internal state or memory to process a sequence of inputs. RNNs process sequential data by maintaining a hidden state that captures information from previous inputs in the sequence. This state is updated at each time step as the network processes the next input, making RNNs ideal for time series prediction

  • Convolution neural networks (CNNs) are widely used in computer vision tasks. They are designed to automatically learn and extract meaningful features from images or other grid-like data through convolutional layers. Convolutional layers apply filters to input data, enabling the network to capture local patterns and spatial dependencies. The pooling layers then downsample the feature maps, reducing their spatial dimensions while retaining important information. Finally, fully connected layers at the network’s end perform classification or regression based on the learned features. CNNs have demonstrated remarkable success in tasks such as image classification, object detection, and image segmentation due to their ability to capture and exploit local patterns and hierarchical representations in visual data.

  • Recurrent neural networks (RNNs) [53] are designed to process sequential or time-dependent data. RNNs have feedback connections, allowing information to be fed back into the network at each time step, as illustrated in Fig. 6. This recurrent nature enables RNNs to maintain an internal state and capture temporal dependencies. Long short-term memory (LSTM) [54] is an RNN architecture designed to model sequential data. Unlike standard feed-forward neural networks, which process inputs independently, LSTMs have memory cells that can retain information over time. This memory mechanism makes LSTMs effective in capturing temporal dependencies and long-term patterns in sequential data.

  • Multilayer perceptron (MLP) [55] consists of an input layer, one or more hidden layers, and an output layer. Each neuron in the MLP is connected to neurons in adjacent layers, and these connections have associated weights. MLPs use activation functions to introduce nonlinearity into the model, enabling the network to learn complex relationships between the input features and the target variable.

  • Radial basis function neural network (RBFNN) [56] is a type of neural network that uses radial basis functions as activation functions in its hidden layers. The radial basis functions compute the similarity between the input data and a set of learned prototypes or centers.

  • Transformer-based deep learning models, as introduced by Vaswani et al. [57] and shown in Fig. 7, use self-attention to capture dependencies among all elements in a sequence concurrently. These models calculate the significance weights for each element through the attention mechanism, allowing for effective modeling of relationships between words or tokens. Transformers comprise an encoder and decoder, consisting of self-attention layers and feed-forward neural networks. The self-attention mechanism employs query, key, and value vectors to compute attention weights and produces outputs that prioritize crucial elements in the sequence.

  • Graph neural networks (GNNs) are a class of deep learning models specifically designed for processing data represented as graphs or networks [58, 59]. In recent years, they have gained significant attention for their effectiveness in various applications, including social network analysis, recommendation systems, and biological network analysis. GNNs handle irregular, graph-structured data by aggregating information from neighboring nodes, enabling them to capture complex relationships and dependencies within the data. An example GNN is illustrated in Fig. 8.

Fig. 7
figure 7

Illustration of the Transformer architecture from [57]. While this architecture has revolutionized language models, it has been used recently to capture temporal and spatial dependencies in GNSS measurements and improve positioning accuracy

Fig. 8
figure 8

Graph neural networks (GNNs) process data on graphs by aggregating information from neighboring nodes. Through iterative updates, they capture complex patterns and relationships inherent in graph structures. An example graph structure (GraphSAGE) is shown here [60]

2.6 Ensemble methods

Ensemble methods combine the predictions of multiple individual models to improve overall predictive accuracy and robustness. By aggregating the predictions of diverse models, ensemble models can capture different aspects of the data and reduce individual model biases. The key categories of ensemble models include the following.

  • Random forest combines multiple decision trees to make predictions [61] as shown in Fig. 9. Each decision tree in the forest is trained on a different subset of the data, and the final prediction is obtained by aggregating the predictions of all trees.

  • Gradient boosting decision tree (GBDT) builds trees sequentially, where each new tree is trained to correct the mistakes made by the previous trees [63].

  • LightGBM uses a tree-based learning algorithm similar to GBDT but incorporates several optimizations to speed up training and improve memory efficiency [64]. LightGBM supports classification and regression tasks and has gained popularity for its fast training speed and high performance.

  • Extreme gradient boosting (XGBoost) is another gradient boosting framework incorporating additional enhancements, such as regularization techniques, to improve model performance [65]. XGBoost is known for its flexibility, speed, and ability to handle various data types.

Fig. 9
figure 9

Random forest is an ensemble learning method that constructs multiple decision trees during training and outputs the mode of the classes for classification tasks or mean prediction for regression tasks. It introduces randomness by selecting different subsets of features for each tree, improving the model’s accuracy and reducing overfitting. Figure adapted from [62]

3 GNSS signal analysis and classification

In urban environments, GNSS positioning is primarily challenged by MP errors from signal reflections, NLOS errors, and signal blockage due to tall structures. These error sources are depicted in Fig. 10. Previous ML techniques have attempted to detect NLOS signals and MP errors and classify signals into direct, NLOS, blocked, and MP. Several comparative studies have analyzed the efficacy of different ML techniques for these tasks, and they are explained below.

Fig. 10
figure 10

The main error sources in GNSS positioning in urban environments include non-line-of-sight (NLOS) errors, blocked signals, and MP from reflected signals. By using ML techniques that can classify the signals into these categories, we can improve the accuracy and reliability of positioning. Figure adapted from [66]

NLOS Detection: In [67], various ML algorithms, including logistic regression, SVM, Naive Bayes, and decision tree, were used to detect NLOS signals. Decision tree and logistic regression models outperformed the other models, achieving an average NLOS prediction correctness rate of 90%. [68] demonstrated integrated GNSS shadow matching combined with an intelligent LOS/NLOS classifier based on ML algorithms. Various ML methods were evaluated, achieving classification accuracies between 69.50 and 86.47% for different urban scenarios. Integrating shadow matching with the ML classifier improved positioning accuracy compared to traditional weighted least squares methods. For GNSS signal classification and weighting scheme design in built-up areas, [69] proposed an ML-based strategy. The study identified random forest as the highest-performing LOS/NLOS classification classifier, achieving a classification accuracy of 93.4%.

Time Series Modeling and Prediction: In [70], ML models, namely GBDT, LSTM, and SVM, were used for the modeling and prediction of GNSS time series. These ML techniques significantly outperformed traditional methods, enhancing the fitting precision by over 30%.

MP Detection: [71] introduced an ML approach in GPS MP detection leveraging dual antennas. The model, developed using GPS measurements and various algorithms like GBDT, random forest, decision tree, and KNN, achieved classification accuracies between 82 and 96% for test data from identical training locations. However, the accuracy decreased to 44–77% when testing on different locations, with the random forest showing the best classification performance.

Monitoring GNSS Satellite Signals for Anomalies: In [72], anomalies were detected in GPS satellite signals using data from globally distributed stations to differentiate between intended and unintended anomalies. Validations involved datasets with known anomalies, testing both supervised and unsupervised algorithms.

We now discuss works that apply either a single technique or combine several ML techniques for enhancing GNSS-based positioning performance.

3.1 Supervised ML

3.1.1 SVM

Table 1 lists the studies that use SVMs for classification tasks.

Table 1 GNSS signal classification methods using SVMs

Classifier Design: In the paper by Hsu et al. [73], a classifier is proposed, trained with SVMs, to categorize GNSS pseudorange measurements into clean, MP, and NLOS categories. Using features extracted from GNSS raw data, the classifier achieves an approximate classification accuracy of 75%. In [78], SVMs are proposed for correlator-level GPS LOS/MP/NLOS signal reception classification to enhance positioning performance in urban environments. Traditional LOS/MP/NLOS classifiers rely on attributes extracted from basic measurements such as received signal strength and satellite elevation angle. However, complex signal propagation limits their accuracy in urban settings. The proposed approach improves classification rates by extracting LOS/MP/NLOS features at the baseband signal processing stage, providing valuable insights for enhancing GPS positioning in challenging urban scenarios.

MP Prediction: In Lee et al. [75], an MP prediction model based on SVR is designed to improve GNSS performance in deep urban zones. The model factors each satellite’s elevation and azimuth angle to generate a nonlinear MP map, marking significant improvements of 58.4% horizontally and 77.7% vertically in positioning accuracy within a deep urban region in Seoul, Korea.

NLOS Detection: Suzuki et al. [76] introduced a method to detect NLOS MP using two supervised learning techniques, SVM and NN. The evaluation shows that NN surpasses SVM and achieves a discrimination accuracy of 97.7% for NLOS signals. [79] designed an incremental learning method using an adaptive RBF SVM to detect NLOS signals. The proposed method considers the diversity and complexity of practical factors and shows enhanced performance in harsh canyon cities. Xu et al. [77] performed a study on improving the accuracy of GNSS shadow matching in urban environments. They combined a robust estimator with an SVM-based LOS/NLOS classifier. The SVM classifier achieves a classification rate of 91.5% in urban scenarios. Ozeki et al. [74] proposed a method for NLOS signal detection using an SVM classifier trained with unique features derived from receiver-independent exchange format-based information and GNSS pseudorange residual check. By combining the SVM classifier and pseudorange residual check, they achieved more than an 80% improvement in positioning errors within 10 ms in static tests conducted in dense urban areas.

Assessing the Effectiveness of GNSS Features for Signal Classification: The research in [80] is centered around evaluating the efficacy of different GNSS observation features for signal classification using SVMs. The primary metric for evaluation is classification accuracy, and the study is based on an open-source dataset gathered from Hong Kong’s urban road segments.

The literature highlights the success of SVMs in categorizing GNSS pseudorange measurements into clean, MP, and NLOS categories, showcasing their accuracy in signal classification. SVMs have proven to enhance GPS signal reception and processing, particularly in software-defined receivers, outperforming traditional classifiers. They have been successfully utilized for NLOS signal detection and improving positioning accuracy in dense urban areas. Significant improvements in positioning accuracy have been demonstrated by combining SVM classifiers with other techniques, such as pseudorange residual checks and shadow-matching algorithms.

3.1.2 Decision trees

Table 2 lists studies that use decision trees to classify GNSS signals.

Table 2 GNSS signal classification methods using decision trees and GBDT

Classifier Design: In the study conducted by Guermah et al. [81], a signal classifier system is proposed to fuse information from the left and right-polarized antennas using decision trees. The classifier achieves an accuracy of 99% by utilizing satellite elevation and C/N0 ratio as features, outperforming techniques such as KNN and SVM. Another variant of decision trees, namely the GBDT, is used in Sun et al.’s research [26] for GPS signal reception classification in urban areas, using features such as carrier-to-noise ratio (C/N0), pseudorange residuals, and satellite elevation angle. The GBDT algorithm achieves classification accuracies of 100% for LOS signals, 82% for MP signals, and 86 % for NLOS signals, surpassing other algorithms such as decision trees, KNNs, and adaptive network-based fuzzy inference systems.

RTK Positioning: Furthermore, Ye et al. [82] designed a robust real-time kinematic (RTK) positioning method that incorporates a decision tree for NLOS signal detection and real-time estimation of double-differenced MP errors. Their method shows remarkable results, achieving an NLOS detection rate of 95.64% and enhancing the ambiguity fixing rate by 43% in the instantaneous mode. This leads to an approximately 81.77% improvement in 3D position accuracy compared to standard RTK methods.

MP Mitigation: In [83], the authors proposed a machine learning-based method for mitigating MP in high-precision GNSS data processing. They used XGBoost and formulated MP modeling as a regression task. The XGB-based MP model outperformed conventional methods, achieving substantial residual reduction rates ranging from 24.9 to 36.2% for various GPS observations. After implementing the XGB-based MP corrections, significant improvements in kinematic positioning precision were observed.

Existing literature shows that decision tree-based classifiers can achieve high accuracy rates and provide robust NLOS signal detection, improving positioning performance. However, these classifiers have limitations that should be considered. They are sensitive to feature selection and engineering, requiring careful consideration for optimal performance. Overfitting is a concern, necessitating regularization techniques and model validation. Additionally, decision trees may exhibit instability and lack robustness in data variations, requiring further exploration of ensemble methods and hybrid approaches.

3.2 Unsupervised ML

The literature on utilizing unsupervised learning techniques to enhance GNSS-based positioning is sparse and limited; however, we discuss a few notable works.

Classifier Design: [84] used an unsupervised ML approach to classify NavIC signals affected by MP interference. By leveraging unsupervised learning algorithms, the proposed method classified signals based on unlabeled data, addressing the limitations of supervised learning algorithms that require labeled data. The approach demonstrated promise in detecting and removing MP-affected signals, contributing to more robust positioning applications.

MP Detection: An MP detection method based on K-means clustering proposed in the study by [85]. The authors applied the K-means algorithm to identify MP signals and evaluated the algorithm’s performance in an MP-prone environment. The results indicated that the proposed method exhibited potential for MP detection in GNSS receivers. Similarly, in [86], an unsupervised machine learning approach for GNSS MP detection was introduced. The method utilizes a CNN within an autoencoder framework combined with k-means clustering. Compared to baseline approaches, the proposed method improved MP detection accuracy and achieved a prediction accuracy of up to 99% using unsupervised domain adaptation.

While supervised learning algorithms, such as SVMs and decision trees, have been extensively explored and proven effective in GPS signal classification and positioning accuracy improvement, the application of unsupervised learning methods in this domain remains relatively unexplored. Unsupervised learning algorithms, such as clustering or dimensionality reduction techniques, can potentially discover hidden patterns and structures in GNSS data without needing labeled training data. By leveraging unsupervised learning, it may be possible to uncover valuable insights and improve positioning performance in novel ways.

3.3 Deep learning

Deep learning approaches are popular for GNSS signal analysis and classification since they can learn directly from raw GNSS signal data, eliminating the need for handcrafted feature engineering. This capability is advantageous in GNSS signal analysis, where the underlying patterns and characteristics may be challenging to define explicitly. Table 3 provides an overview of commonly used deep learning approaches for GNSS signal analysis and classification.

Table 3 Deep learning approaches for GNSS MP mitigation

MP Detection: In [76], the authors proposed a method for detecting NLOS MP using two supervised learning methods, SVM and DNN. The evaluation shows that the NN outperforms SVM, achieving a 97.7% discrimination accuracy for NLOS signals. In [87], an ML-based framework is developed for mitigating MP in a GNSS pure L5 receiver. They quantified the performance of a pure L5 receiver in static and dynamic heavy MP signal environments and proposed a DNN-based methodology to leverage ML for MP mitigation. The proposed framework significantly improves positioning accuracy and reduces the standard deviation of the pseudorange error. Orabi et al. [88] developed a neural network (NN)-based delay-locked loop (DLL) for GPS code phase estimation in MP environments. The proposed NN-based DLL outperforms conventional techniques, including early-minus-late DLL, narrow correlator, and high-resolution correlator, in terms of code phase root mean squared error in high MP environments. The paper by [89] proposes a combination of wavelet transform and neural network for GNSS signal quality monitoring and MP detection. Signal features, including signal strength and spectral characteristics, are extracted using wavelet transform, while a trained neural network performs classification and MP detection. The proposed method is evaluated using real GNSS data and achieved high accuracy in signal quality monitoring and MP detection tasks. In a study by [90], DNN-based correlation schemes are investigated to mitigate the effects of MP propagation in GNSS. These DNN-based schemes perform better than standard correlation schemes, particularly in line-of-sight (LOS) scenarios. In [69], the authors also demonstrate that DNN-based correlation schemes outperform standard correlation schemes in line-of-sight scenarios by filtering out more noise and effectively distinguishing MP signals from line-of-sight signals. The proposed DNN-trained models exhibit enhanced performance in time-delay tracking across realistic scenarios. Another research by [91] presents a neural network-based MP estimation algorithm for GNSS receivers. The algorithm leverages a 5-point complex correlator implemented in a high-precision GNSS ASIC to mitigate MP errors. Evaluation against existing parametric algorithms demonstrates the algorithm’s advantages in accurate MP estimation.

The studies demonstrate that DNN-based methods outperform traditional approaches, such as SVM and conventional correlators, in discriminating NLOS signals and mitigating MP effects. Additionally, integrating wavelet transform with neural networks shows promise for signal quality monitoring and MP detection.

3.3.1 CNN

Several studies have explored the application of CNNs, as illustrated in Fig. 11, for addressing MP and NLOS reception issues and improving positioning accuracy in urban environments. Table 4 provides an overview of these studies.

Fig. 11
figure 11

Convolutional Neural Networks (CNNs) use layered filters to automatically and adaptively learn spatial hierarchies of features from input images. Through pooling and convolution operations, they efficiently recognize and classify visual patterns. Figure adapted from [92]

MP Detection: Correlator level measurements are used in [93] along with CNNs for MP detection in GNSS receivers. The correlator output signal is mapped as a 2D input image, and a CNN is trained to extract relevant features and achieve MP detection automatically. In [94], the correlation outputs of GNSS signals are mapped into 2D grayscale images and fed into a CNN for automatic feature extraction and MP pattern detection. The proposed CNN-based algorithm demonstrates superior performance over the benchmark SVM technique, achieving prediction accuracy of over 93% even under poor receiving conditions. CNNs are used for MP detection in static and kinematic settings in [95]. The proposed method leverages the ability of CNNs to learn and identify the features of MP characteristics from MP-contaminated GPS data. The results demonstrate that the CNN-based method can detect approximately 80% of MP errors, improving positioning accuracy when down-weighting the detected MP measurements. [96] developed a CNN-based approach to detect GNSS MP using only correlator outputs. The CNN was trained on images representing correlator output values as a function of delay and time. The proposed model achieved F scores of 94.7% for Galileo E1-B and 91.6% for GPS L1 C/A, demonstrating its effectiveness in MP detection. In [97], a CNN-based approach for GNSS positioning is proposed to mitigate MP NLOS reception issues. It introduces a new input feature called a single-differenced residual map, effectively mitigating MP/NLOS signals. The network extracts features from residual maps and generates heat maps to indicate the user’s location. PositionNet significantly improves positioning accuracy in dense urban areas, achieving 5-meter-level accuracy for 84% of the epochs. In [98], a novel NLOS MP detection technique is presented using CNNs to improve positioning accuracy in urban environments. The CNN-based NLOS discriminator achieved approximately 98% correct discrimination of NLOS MP signals, outperforming a simple neural network. By applying the NLOS probability output of the CNN to positioning calculations, the proposed method improved positioning accuracy from 34.1 to 1.6 ms.

Signal Classification: [99] proposed a robust deep learning-based technique for detecting and classifying disruptive GNSS signals, including jammers, spoofing, and MP signals. The approach utilized transfer learning with pre-trained CNNs such as AlexNet, GoogleNet, ResNet-18, VGG-16, and MobileNet-V2. The MobileNet-V2 model achieved an accuracy of 99.8% in classifying different types of disruptive signals. In [100], a CNN is proposed that utilizes correlator-level measurements. They employ vector tracking to generate correlator-level measurements, and the CNN automatically extracts features and identifies the signal reception type. The proposed CNN outperforms other methods, such as KNN and SVMs, in terms of classification accuracy. In [76], the authors use GNSS signal correlation output as input for supervised learning methods, specifically SVMs and DNNs, to classify NLOS signals. The evaluation shows that the DNN outperforms SVM, achieving 97.7% correct discrimination of NLOS signals. For smartphone-based positioning, [101] designed a method to detect and correct NLOS signals utilizing a CNN that achieves enhanced positioning accuracy in urban environments.

Table 4 CNN methods for GNSS MP mitigation and signal analysis

Based on the discussed papers, several key insights emerge regarding the effectiveness of CNNs in GNSS signal analysis and classification. Firstly, CNNs show promise in mitigating MP effects, resulting in notable enhancements in horizontal positioning accuracy and reduced pseudorange errors. Secondly, CNNs exhibit strong capabilities in detecting and classifying MP signals, achieving high accuracy rates. Thirdly, CNN-based regression models outperform traditional methods in GNSS MP estimation, enabling uncertainty modeling and maintaining estimation performance even with lower input image resolution. Fourthly, CNNs excel in signal classification tasks utilizing correlator-level measurements, surpassing alternative approaches. Lastly, CNNs contribute significantly to NLOS signal detection and correction, improving positioning accuracy and stability in urban environments.

3.3.2 RNN

We summarize key papers in Table 5 that utilize RNNs for GNSS signal analysis and classification.

Table 5 GNSS NLOS/LOS classification methods using RNN

NLOS classifier: In [102], the authors proposed an NLOS/LOS classification model based on RNNs to classify satellite signals received in urban canyon environments. The model achieves an accuracy of 91% in classification and demonstrates improved three-dimensional positioning accuracy and stability in the BDS/GPS fusion system. The proposed method outperforms traditional ML classification models like SVMs. Cho et al. [103] proposed an RNN-based NLOS classifier that discriminates between LOS and NLOS satellites in urban environments. The classifier achieved about 90% accuracy in NLOS classification and showed a 20% improvement in discrimination performance compared to the conventional SVM-based NLOS classifier. The proposed technique was also applied to pedestrian road crossing detection and demonstrated a positioning accuracy of about 45% better than that of conventional techniques. [104] proposed a hybrid RNN and fully connected network approach to distinguish between LOS and NLOS signals in GNSS positioning. The method considered inter-epoch information and time series data features to enhance classification accuracy. The proposed classifier achieved an overall testing accuracy improvement from 93.00 to 95.97% for Rinex-level observations.

Context Recognition: A gated recurrent unit (GRU) for real-time processing is proposed in [105] to categorize fine-grained contexts based on the characteristics of different environments and their corresponding integrated navigation method. The proposed method enhances context recognition using a new feature called the C/N0-weighted azimuth distribution factor and achieves a recognition accuracy of 99.41% on a real-world urban driving dataset. Xia et al. [106] proposed a scenario recognition method based on RNN and LSTM models, utilizing smartphone GNSS measurements. Their analysis focuses on the impact of multi-constellation satellite signals on scenario recognition performance. The results indicate that the accuracy of scenario recognition improves with an increased number of constellations received by smartphones. The proposed algorithm achieves an impressive recognition accuracy of 98.65% and effectively handles scenario transitions with a maximum delay of only 3 s.

The papers discussed highlight the effectiveness of RNNs for NLOS/LOS classification and GNSS positioning in urban environments. These RNN-based models achieve high classification accuracy, improving positioning accuracy compared to models like SVMs, which do not consider inter-epoch information and time series data features.

3.4 Hybrid approach

In [77], robust estimation and ML techniques are combined for LOS/NLOS classification and improving shadow matching in urban GNSS positioning. The proposed approach utilizes a robust estimator for initial positioning and an SVM for satellite visibility classification. The classification rate of the SVM reaches 91.5% in urban scenarios, contributing to improved shadow-matching accuracy.

Hybrid methods have also been recently proposed in other domains, for example, in the context of Kalman filtering and particle filtering, which could be directly applied to improving GNSS positioning accuracy. KalmanNet [107] introduces a novel approach to real-time state estimation for dynamical systems with nonlinear dynamics or partial information, merging the classic Kalman filter’s structure with a recurrent neural network to learn from data. This hybrid model enhances the traditional filter’s capabilities, allowing it to adapt to complex dynamics and outperform conventional filtering methods, regardless of the accuracy of the domain knowledge. In [108], the authors introduce an unsupervised learning adaptation for KalmanNet, a deep neural network system inspired by the Kalman filter, eliminating the need for ground-truth states by using its hybrid architecture to predict observations and compute loss. It demonstrates that unsupervised KalmanNet can match the performance of its supervised counterpart and adapt to changing state space models without new data, showcasing flexibility and efficiency in dynamic environments. Similarly, in [109], a novel approach called DANSE is introduced for nonlinear state estimation, offering a model-free method to compute the posterior state in a Bayesian framework with linear measurements. By employing recurrent neural networks to capture nonlinear dynamics and utilizing a combination of maximum likelihood and gradient descent for unsupervised training, DANSE operates effectively without process model knowledge. Its performance is demonstrated to be competitive with both classic model-based estimators.

The authors in [110] introduced a particle filter RNN (PF-RNN) architecture that combines an advanced RNN architecture with uncertainty modeling by maintaining a distribution of latent states represented as particles. This approach contrasts with traditional RNNs’ single deterministic latent vector. PF-RNNs leverage a differentiable particle filter mechanism for updating the latent state distribution in line with Bayes’ rule, enhancing the model’s adaptability to variable and multi-modal data. In [111], a particle filter network is designed that integrates a system model and particle filter algorithm into a unified, fully differentiable neural network. Although it has been only applied to visual localization tasks, it has demonstrated superior performance and generalization over traditional and alternative learning-based approaches, adapting effectively to various and unseen sensor inputs. Hybrid particle filters were also explored in [112] wherein neural networks were integrated with particle filters for scalable real-world applications, focusing on optimizing dynamic and measurement models without access to expensive or unavailable true states. The approach improves state estimation accuracy by utilizing a differentiable implementation of particle filters and an end-to-end learning objective based on maximizing a pseudo-likelihood function, even when true states are largely unknown. The effectiveness of this method is evaluated through state estimation tasks in robotics, using both simulated and real-world datasets.

3.5 Other approaches

In [113], a novel approach is proposed for predicting and eliminating MP errors, particularly in urban areas with complex signal reflections. The proposed method utilizes a graph transformer neural network (GTNN) to learn environment representations from irregular GNSS measurements. Experimental results on real-world GNSS data show that the GTNN achieves over 96% accuracy in satellite visibility prediction and outperforms existing MP prediction methods in terms of generalization performance. In [114], a novel method using Neural City Maps, built on Neural Radiance Fields, is proposed to represent urban geometry accurately. The study evaluates different prediction methods for NLOS effects using Neural City Maps and demonstrates their effectiveness in improving localization accuracy in challenging urban environments.

4 Environmental context and scenario recognition

We discuss ML approaches used for scenario recognition and environmental context detection.

Supervised machine learning is used in the study by Baldini et al. [115] to train a classifier for propagation scenario identification. The researchers extracted various features from GNSS pseudorange measurements and demonstrated the classifier’s accurate identification of propagation scenarios affected by MP. The adoption of an overlapping window approach further enhances identification accuracy. The article by İşik et al. [116] presents a machine learning-based performance prediction algorithm for GNSS in urban air mobility applications. The algorithm considers environmental parameters and evaluates the prediction performance of three algorithms: KNN, SVR, and random forest. The researchers analyze the performance prediction results and the importance of parameters across different urban environments using synthetic data generated by a GNSS simulator.

Dovis et al. [117] explored the utilization of GNSS signals alongside ML algorithms to characterize the operational environment for Unmanned Aerial Vehicles and Unmanned Ground Vehicles by extracting features relevant to situational awareness in urban and harsh conditions. It presents case studies demonstrating how digital signal processing techniques combined with unsupervised and supervised ML algorithms (like K-means and SVMs) can analyze GNSS observables to identify propagation scenarios affected by MP, interference, and atmospheric conditions. The study in [118] focuses on enhancing GNSS accuracy for train localization by identifying environmental characteristics across scenarios like tunnels, open areas, and urban canyons. Utilizing NMEA-0183 protocol data from GNSS receivers, such as PRN codes, azimuth, elevation, and SNR, the research creates heatmap states of these scenarios through satellite observations, interpolation, and position transformation. The study successfully recognizes varying environmental scenarios by training a vision transformer model on these heatmap datasets, achieving an overall accuracy of 88.7% on the validation set.

In [119], the authors propose to improve high-precision GNSS positioning for intelligent transportation systems through a context-aware model, addressing the challenges posed by complex environmental contexts and feature variability. The study evaluates eight models, including various neural networks and SVM, for their ability to recognize context. The LSTM model outperforms others, achieving high accuracy and mean average precision in distinct and continuous context areas. The study in [120] introduces a novel signal-based environment recognition algorithm designed for vehicular positioning in urban settings, capable of distinguishing between six distinct environmental conditions. By constructing a signal feature vector that encapsulates signal attenuation, blockage, and MP effects, the algorithm leverages the SVM for scene classification. A temporal filtering technique is integrated to improve accuracy, allowing the model to adapt and function in real time for the receiver. Demonstrating the algorithm’s broad applicability, datasets for training and testing were gathered from various cities, achieving an overall recognition accuracy of 89.3% across diverse environments. In [121], the authors improve scenario recognition for mobile applications by classifying environments into four categories and using a hidden Markov model and an RNN. The RNN method effectively handles scenario transitions and environmental changes, achieving an overall accuracy of 98.65% and a transition recognition accuracy of 90.94%, with minimal transition delay. Xia et al. [106] introduced a deep learning method for scenario recognition using smartphone GNSS measurements, categorizing environments into four types: deep indoors, shallow indoors, semi-outdoors, and open outdoors. Leveraging Voronoi tessellations for spatial structuring and employing CNNs and ConvLSTM networks for feature extraction and sequence processing, the technique achieves accuracies of 98.82% with CNNs and 99.92% with ConvLSTMs. This approach, relying solely on GNSS measurements without additional sensors, demonstrates both efficiency and suitability for real-time applications with minimal computational latency.

5 Anomaly detection and quality assessment

The characterization and assessment of signal quality in multi-GNSS systems are crucial for enhancing the performance of GNSS-based positioning. In [122], the focus is on evaluating measurement signal quality and developing an ML-based MP detection model for multiple GNSS systems, including GPS, GLONASS, Galileo, BDS, and QZSS. The proposed model achieves high accuracy rates using simulated and real GNSS data. Additionally, [123] combined clustering-based anomaly detection with supervised classification to improve positioning accuracy significantly in different directions. These studies highlight ML-based approaches for evaluating signal quality, detecting anomalies, and enhancing GNSS positioning performance.

M. Kiani introduces a machine learning algorithm tailored for GNSS position time series prediction, demonstrating superior accuracy in outlier and anomaly detection and earthquake prediction capabilities by analyzing over three thousand GNSS station time series globally [124]. This method outperforms seventeen other algorithms and offers practical applications in detecting time series outliers and earthquake forecasting, exemplified by the Tohoku 2011 case study. In [125], the authors explore enhancing GNSS signal anomaly detection for navigation systems using time-delayed neural networks (TDNN), proposing a TDNN-based integrity monitoring system that significantly outperforms standard receiver autonomous integrity monitoring (RAIM) methods in speed and reliability. An innovative approach for automatic anomaly detection is proposed in [126] for monitoring GNSS reference stations. The authors use predictive modeling and statistical rules to identify anomalous signals, demonstrating the method’s effectiveness on historical data. ML algorithms such as random forest [127] and SVMs [128] are used to detect GPS and Galileo satellite oscillator anomalies, respectively, with high accuracy, outperforming other algorithms and demonstrating global applicability for satellite anomaly monitoring.

Unsupervised ML methods are used for autonomous GNSS data anomaly detection in [129], focusing on volcanic activity monitoring. Unsupervised methods are also used for spatial outlier detection in GNSS velocity fields using a robust Mahalanobis-distance-based classification method [130]. Their approach, validated on synthetic and real datasets, yields high classification accuracy, enhancing GNSS data reliability without requiring predefined labels.

6 GNSS integration with other sensors

Integrating ML methods in GNSS-based positioning systems, particularly in combination with other sensors like inertial measurement units (IMUs), has opened up new possibilities for improving accuracy and addressing challenges in various environmental contexts. We discuss some notable works below.

NLOS Detection: In their paper, Wang et al. [131] introduced a method that utilizes the K-means clustering algorithm to detect MP and NLOS signals in urban areas for GNSS/INS integrated positioning. The method incorporates multiple feature parameters derived from GNSS raw observations, significantly improving positioning accuracy. The offline dataset exhibits a remarkable improvement of 16% and 85% in the horizontal and vertical directions, respectively, while the online dataset showcases improvements of 21% and 41% in these two directions.

MP Prediction: [132] proposed a two-part architecture for GNSS MP prediction and detection in IMU/GNSS integration for urban navigation. It employs signal quality monitoring techniques to identify and exclude MP-contaminated GNSS signals. The architecture dynamically adjusts the integration Kalman filter based on a crowdsourced GNSS MP environment map, which is extended to unsurveyed areas using a random forest ML model. Evaluation in an automotive scenario shows a significant accuracy improvement compared to a conventional Kalman filter (13–17%).

Positioning Improvement: Han [133] proposed a reinforcement learning-based approach to optimize the process noise covariance matrix of a GNSS/IMU integration Kalman filter. Experimental results show improved navigation performance by utilizing the learned process noise covariance matrix effectively. Additionally, Shin et al. [134] designed an Actor-Critic (A2C) reinforcement learning algorithm that achieves higher scores than the baseline. Gao et al. [135] presented the RL-AKF (adaptive Kalman filter) navigation algorithm, which adaptively estimates the process noise covariance matrix using a reinforcement learning approach. The RL-AKF demonstrates an average positioning error of 0.6517 m within a 10 s GNSS outage for the GNSS/INS integrated navigation system. For the GNSS/INS/Odometer (ODO) and GNSS/INS/Non-Holonomic Constraint (NHC) integrated navigation systems, the RL-AKF achieves positioning errors of 14.9426 m and 15.3380 m, respectively, within a 300 s GNSS outage. In their study, Li et al. [136] enhanced the GNSS/INS integration methodology for vehicle navigation by using the LightGBM regression model. This model predicts vehicle position changes during GNSS outages based on INS data. The proposed methodology demonstrates reduced errors in predicting vehicle positions during GNSS outages compared to the existing methodology based on random forest. The integration of artificial intelligence improves the accuracy of GNSS/INS integrated navigation systems in situations where GNSS signals are unavailable or during GNSS outages. Chiou et al. [137] developed an ML model to enhance the utilization of GNSS positions in a loosely coupled GNSS/IMU system. The proposed model combines rule-based methods with machine learning techniques to classify the quality of GNSS position outputs. The results show that the model achieves a true positive rate of 90% in identifying bad GNSS position outputs. In [138], the authors integrated GNSS and INS sensors using deep learning techniques. They combine DNN, LSTM, and CNN to optimize Kalman filter gain and improve navigation accuracy for land vehicles.

The papers in this section present valuable contributions to GNSS integration with other sensors for navigation in urban environments. These contributions include applying ML techniques, such as clustering algorithms and reinforcement learning, to enhance positioning accuracy. Dynamic sensor integration models based on environmental maps and MP detection techniques have been shown to offer improved performance.

7 Prediction and forecasting

ML methods have also proven instrumental in prediction and forecasting tasks in geodesy and GNSS analysis domains.

Time Series Prediction: In their study, Shahvandi et al. [139] used deep transformers to predict time series in the field of geodesy. They modify the original network architecture and optimization procedure, resulting in a remarkable improvement of 21.5% in prediction accuracy compared to traditional statistical methods. Furthermore, their approach outperforms other machine learning algorithms by at least 2.7%. The method exhibits the potential to achieve millimeter accuracy in time series prediction. Loli Piccolomini [140] introduced a network architecture based on LSTMs for denoising and prediction tasks in GNSS time series analysis. Despite being a shallow network, it reduces scattering from real GNSS time series, removing nearly 50% of the noise. Additionally, the architecture achieves coordinate prediction with a mean squared error of 1.1 mms. The approach is evaluated using both synthetic and real GNSS time series data. In their research, Ji et al. [141] presented a weighted wavelet analysis-based signal extraction method for GNSS position time series. This method successfully extracts signals from daily position time series data by considering noise characteristics and variations in signal strength. The application of weighted wavelet analysis enhances the accuracy of signal extraction, particularly in the presence of noise and disturbances.

Satellite Visibility Prediction: Zhang et al. [142] proposed a deep learning network architecture that combines fully connected neural networks (FCNNs) and LSTM networks to predict GNSS satellite visibility and pseudorange error based on GNSS measurement-level data. The proposed networks achieve an accuracy of 80.1% in satellite visibility prediction and an average difference of 4.9 ms in pseudorange error prediction. The LSTM layer effectively captures environment representations, leading to improved prediction performance.

8 Position error modeling/accuracy enhancement

A significant body of work focuses on utilizing ML techniques to model GNSS errors in the position domain and directly enhance positioning accuracy. These works form the majority of research efforts in this field and are summarized in Tables 6 and 7. Figure 12 shows the distribution of different ML methods to improve GNSS positioning accuracy. These various approaches highlight the effectiveness of ML techniques in enhancing GNSS positioning accuracy and addressing specific challenges in different domains and environments.

Fig. 12
figure 12

Distribution of Papers that use ML methods for Position Error Modeling and Accuracy Enhancement

Improving PPP and RTK: Qafisheh et al. [143] utilized SVMs to reduce latency in real-time Precise Point Positioning (PPP), leading to improved clock corrections. Menzori and Teunissen [144] adopt decision trees for classifying PPP/GNSS coordinates based on precision. Additionally, Yun et al. [145] proposed leveraging dual-frequency GNSS measurements, and Mendonca et al. [146] introduced a genetic algorithm (GA)-based machine learning classifier to improve RTK positioning. Lacambre et al. [147] designed machine learning and outlier detection methods to optimize RTK positioning, achieving a substantial boost in real-world positioning performance.

Improving Accuracy in MP Environments: Ziedan et al. [148] proposed two novel ML-based algorithms that use maps and neural networks to estimate MP environment positions accurately. Sun et al. [149] addressed the challenges of achieving accurate positioning in urban terrains. They introduced a GBDT-based method that predicts pseudorange errors and corrects positioning inaccuracies caused by MP and NLOS signals, achieving a marked 70% improvement in 3D positioning accuracy compared to traditional methodologies.

Table 6 ML methods for improving GNSS positioning accuracy

Improving Accuracy for Smartphone Positioning: Google has also shown active involvement in refining urban GNSS accuracy, focusing on mitigating inaccuracies experienced by Android devices in dense urban settings, a vital endeavor for widely used location apps [161]. Hybrid methods that combine traditional models with deep neural networks are introduced by Gupta et al. [153] and Kanhere et al. [154] to enhance data efficiency and positional accuracy for smartphones. Additionally, Dai et al. [155] presented a global optimization strategy for smartphone GNSS positioning. Lastly, in [162,163,164], the authors proposed advanced GNSS solutions using graph convolution neural networks and a combination of RL and GNN, demonstrating significant improvements in smartphone positioning accuracy in various environments.

Table 7 ML methods for improving GNSS positioning accuracy (continued)

Recurrent Neural Networks: Kim et al. [151] used LSTM-based recurrent neural networks to enhance accuracy and stability in autonomous vehicle navigation. Yang et al. [152] furthered this effort by developing an LSTM RNN model tailored for real-time prediction of GPS positioning errors. Other works, such as those by Thomas et al. [157] and Zhou et al. [158], explored ML-based post-processing techniques for improving position accuracy in autonomous vehicle applications and GNSS navigation integrated with Kalman filtering, respectively. Liu et al. [156] used LSTM-based prediction to enhance GPS accuracy in vehicular navigation.

Other Methods and Applications: The research by Neri et al. [166] is tailored specifically for the rail domain. They aim to enhance the accuracy and reliability of train positioning systems by combining classical observables with advanced RAIM techniques. A unique approach is introduced in [168] to enhance high-precision GNSS positioning in dynamic urban terrains using a deep reinforcement learning framework. Random forest was explored in [169] along with conformal prediction to learn positioning errors and integrity intervals with \(99.999\%\) confidence.

9 Other use cases

In various GNSS applications, different ML methods have been employed to go beyond improving the receiver’s positioning performance. While these applications are not the main focus of our survey paper, we provide a concise overview of some existing works.

GNSS Augmentation Systems and Carrier Phase Measurements: The authors in [170] presented an anomaly detection algorithm tailored for carrier phase measurements in GNSS augmentation systems. Targeting safety-critical applications like autonomous vehicles, their machine learning-based approach estimates standard deviations of residual errors. This enables continuous fault monitoring even with single-frequency measurements, and the real-world tests validate the method’s efficiency.

Direction-of-Arrival (DOA) Estimation: In [171], a novel method for DOA estimation is introduced. Unlike conventional neural network-based approaches, this method addresses real-world array imperfections. A Transformer-based calibration network (TCN) models these imperfections at the antenna level, utilizing global and long-term properties of array errors. Experiments indicate superiority over traditional techniques, especially under amplitude and phase deviations and antenna position perturbations.

Velocity and Acceleration Measurements: The study in [172] analyzed the performance of a stand-alone GNSS receiver after incorporating sparse kernel learning. This AI-based solution improves accuracy in measuring velocity and acceleration, paving the way for vehicle dynamics analysis and geodetic monitoring applications.

Ionospheric Prediction and Total Electron Content (TEC) Variations: The work in [173] presented a real-time ionosphere prediction model using LSTM, utilizing International GNSS Service products to estimate and correct ionospheric delays. In [174], LSTM and Transformer networks predict TEC variations, showing performance enhancements over traditional methods. A spatiotemporal graph neural network, coupled with transformers, is also utilized in [175] for predicting VTEC maps. Graph nodes in this approach symbolize pixels holding VTEC values, while edges are determined by inter-node distances. Another deep learning-based system in [176] is used to forecast TEC maps for South America’s ionosphere. Finally, the global TEC map prediction framework in [177] compared LSTM and Transformer networks, illustrating the superiority of the suggested networks over IGS rapid products.

Earthquake Detection and Environmental Characterization: The research in [178] used supervised machine learning for analyzing GNSS velocities tied to earthquake-strong motion signals. The models, trained on strong motion event datasets, offer increased seismic activity detection accuracy.

GNSS Functional Safety and Satellite Orbit Predictions: Ensuring GNSS functional safety is at the forefront of [179]. This research addressed potential safety hazards in GNSS systems by leveraging machine learning. Orbit prediction for Low Earth Orbit satellites, as explored in [180], combined analytical models with ML techniques to predict orbits, respectively. Another model, presented in [181], employed a transformer deep learning framework for satellite orbit correction prediction, outclassing existing prediction methods.

Satellite Selection, Interference Detection, and Data Fusion: The deep learning network in [182] performed optimal satellite selection in GNSS positioning. This model promises enhanced positioning accuracy by intelligently accounting for signal quality, satellite geometry, and user demands. Works like [183, 184] used ML for GNSS interference detection and classification. Finally, [185, 186] used ML techniques for innovative GNSS science applications, unlocking potential in atmospheric sensing and climate studies.

Spoofing Detection and Signal Security: Several contributions target GNSS spoofing detection. Research like [187,188,189,190] employed diverse machine learning techniques ranging from tree-based models to deep learning for effective spoofing detection. While [191, 192] focused on jamming detection and measurement association in spoofing environments, [193] used supervised ML for detecting GNSS signal spoofing, further showcasing the significance of ML in ensuring GNSS signal integrity and security.

10 Limitations of discussed methods and potential solutions

Although the methods discussed for enhancing GNSS positioning through ML demonstrate promising results, it is essential to consider their limitations. Additionally, we provide potential solutions to address these limitations, which include the following directly:

  1. 1.

    Data Dependency: Many ML-based methods rely heavily on the availability of large and diverse datasets for training. While data-driven approaches have successfully improved GNSS positioning, gathering and maintaining such datasets can be challenging. Insufficient or biased training data may limit the generalizability and effectiveness of the ML models. Furthermore, collecting data for specific environments or rare scenarios may be time-consuming and resource-intensive. Adequate data collection efforts and quality control measures are necessary to ensure the reliability of ML models.

  2. 2.

    Computational Requirements: ML models, especially deep learning models, often require significant computational resources for training. Training deep learning models on large datasets can be computationally intensive and time-consuming. Deploying these models in resource-constrained environments, such as embedded systems or low-power devices, may pose challenges. Developing lightweight ML models or exploring alternative architectures that balance computational efficiency and accuracy is essential for practical deployment.

  3. 3.

    Generalizability to Unseen Scenarios: While ML models trained on extensive datasets can exhibit impressive performance in controlled test environments, their generalizability to unseen or evolving scenarios remains a concern. Changes in satellite constellations, emerging technologies, or novel interference sources may require model retraining or adaptation. Ensuring the long-term effectiveness and adaptability of these models in dynamic GNSS environments requires continuous monitoring, updating, and reevaluation of the models.

  4. 4.

    Dependency on GNSS Signal Availability: ML models designed to improve GNSS positioning heavily rely on the availability of GNSS signals. However, there are instances when GNSS signals may be temporarily unavailable or degraded due to signal blockage, jamming, or interference. In such cases, the performance of ML models that rely solely on GNSS inputs may be limited. Developing hybrid positioning approaches that combine GNSS with other sensors, such as inertial sensors or environmental context data, can help mitigate this limitation and provide robust positioning solutions.

  5. 5.

    Lack of Standardization: The field of ML for improving GNSS positioning is still evolving, and there is a lack of standardized methodologies, evaluation metrics, and benchmark datasets. The absence of standards makes comparing and replicating results across different studies challenging. Developing standardized evaluation frameworks, sharing benchmark datasets, and promoting reproducibility are essential for advancing the field and enabling meaningful comparisons between AI-based methods.

  6. 6.

    Integration Complexity: Integrating ML-based algorithms into existing GNSS positioning systems can be complex and may require system architecture or hardware modifications. Compatibility issues, system interoperability, and deployment challenges must be addressed to ensure seamless integration and practical implementation of ML techniques. Collaborative efforts among ML researchers, GNSS experts, and industry stakeholders are necessary to overcome integration barriers and facilitate the adoption of ML in real-world GNSS positioning applications.

  7. 7.

    Cost and Scalability: Implementing ML-based methods for improving GNSS positioning may involve initial investment costs, including infrastructure, computational resources, and expertise. The scalability of ML models to handle large-scale positioning systems and accommodate increasing data volumes may also pose challenges. Ensuring cost-effective solutions and scalability is crucial for practically adopting ML techniques in GNSS positioning. Exploring cloud-based solutions, distributed computing, or edge computing approaches can help address scalability concerns and optimize resource utilization.

11 Promising opportunities

Several promising opportunities arise for applying ML techniques to enhance GNSS positioning systems. We discuss some key opportunities below.

  1. 1.

    Integration with Other Sensor Modalities: ML techniques offer opportunities for seamless integration of GNSS data with other sensor modalities, such as IMUs, odometers, or digital maps. By leveraging the complementary information from different sensor modalities, ML-based integration methods can overcome limitations associated with individual sensors and provide more reliable and accurate positioning solutions. GNNs can also integrate GNSS measurements with data from other sensors, such as LiDAR or camera sensors. By representing the sensor data as a graph structure and leveraging GNNs, the models can capture the complex relationships and dependencies between different sensor modalities. This integration allows for more comprehensive and accurate positioning solutions, especially when GNSS signals may be affected by obstructions or limitations.

  2. 2.

    Adaptive Algorithms for Dynamic Environments: ML algorithms can adapt and learn from dynamic environments, allowing for real-time adjustments in GNSS positioning. These algorithms can continuously analyze and update models based on changing environmental conditions, satellite availability, or user dynamics. By considering factors such as satellite constellation health, signal quality, and user motion patterns, ML-based algorithms can dynamically optimize positioning solutions to provide accurate and reliable results.

  3. 3.

    Crowdsourced Positioning: ML techniques can harness the power of crowdsourced data to enhance GNSS positioning accuracy. Collecting positioning data from many users and applying machine learning algorithms, patterns, and trends can be extracted to improve the overall accuracy of positioning solutions. This approach can be especially beneficial in areas with limited GNSS coverage or challenging signal conditions, as it relies on collective data contributions to overcome individual limitations.

  4. 4.

    Transfer Learning for Cross-Domain Positioning: Transfer learning techniques can be applied to leverage knowledge gained from one GNSS domain to another with limited data. Such an approach can save data collection efforts and enhance the performance of GNSS systems in underrepresented domains.

  5. 5.

    Meta-Learning for Adaptive GNSS Algorithms: Meta-learning algorithms can be used to learn the optimal algorithmic configurations for GNSS positioning based on historical performance data. Training a meta-learning model on various datasets allows it to learn which algorithms work best under different conditions and adaptively select or combine them to achieve optimal positioning accuracy. This adaptive approach allows GNSS systems to improve performance and continuously adapt to changing environments.

  6. 6.

    Generative Adversarial Networks (GANs) for Data Augmentation: GANs can be used to generate synthetic GNSS data that closely resemble real-world measurements. By training a GAN on a large dataset of GNSS observations, it can learn the underlying distribution of the data and generate additional samples. These synthetic samples can augment the training data for GNSS positioning algorithms, thereby improving their performance, especially in scenarios with limited training data.

  7. 7.

    Uncertainty Estimation using Bayesian Neural Networks: Utilize Bayesian neural networks to estimate uncertainty in GNSS positioning solutions, providing confidence intervals and probabilistic measures of accuracy for better decision-making in critical applications.

  8. 8.

    Federated Learning: Employ federated learning approaches to train positioning models collaboratively across multiple devices or users, ensuring privacy while improving the accuracy and robustness of GNSS positioning.

  9. 9.

    Edge Computing for Real-time GNSS Processing: Utilize edge computing architectures to perform real-time GNSS data processing and positioning calculations at the network edge, reducing latency and enabling faster and more responsive positioning solutions.

12 Conclusion

In conclusion, this survey paper has explored the application of ML methods for GNSS-based positioning. The paper provides a comprehensive overview of various ML techniques and their relevance to different aspects of GNSS positioning. It covers topics such as signal analysis and classification, environmental context recognition, anomaly detection, multi-sensor integration, prediction and forecasting, accuracy enhancement, and position error modeling. Additionally, the paper discusses other notable applications of ML in GNSS and identifies the limitations and challenges associated with these methods. The survey highlights potential areas for future research and development in ML-based GNSS positioning. Overall, this survey contributes to a deeper understanding of the role of ML in improving GNSS positioning and provides valuable insights for researchers and practitioners in the field.

Availability of data and materials

Data sharing does not apply to this article as no datasets were generated or analyzed during the current study.

Code availability

Not applicable.

Abbreviations

A2C:

Advantage actor-critic

ASIC:

Application-specific integrated circuit

BDS:

BeiDou navigation satellite system

C/N0:

Carrier-to-noise ratio

CNNs:

Convolutional neural networks

DLL:

Delay-locked loop

DNN:

Deep neural network

DQN:

Deep Q-networks

GBDT:

Gradient boosting decision tree

GNSS:

Global navigation satellite systems

GNN:

Graph neural network

GPS:

Global positioning system

GraphSAGE:

Graph sample and aggregation

GRU:

Gated recurrent unit

GTNN:

Graph transformer neural network

IMU:

Inertial measurement unit

KL:

Kullback–Leibler

KNN:

K-nearest neighbors

LOS:

Line of sight

LSTM:

Long short-term memory

ML:

Machine learning

MLP:

Multilayer perceptron

MP:

Multipath

NavIC:

Navigation with Indian constellation

NLOS:

Non-line of sight

NN:

Neural network

PF-RNN:

Particle filter recurrent neural network

PPO:

Proximal policy optimization

PPP:

Precise point positioning

RAIM:

Receiver autonomous integrity monitoring

RBF SVM:

Radial basis function support vector machines

RBFNN:

Radial basis function neural network

RL:

Reinforcement learning

RNN:

Recurrent neural network

RTK:

Real-time kinematic

SNR:

Signal-to-noise ratio

SVM:

Support vector machine

SVMs:

Support vector machines

SVR:

Support vector regression

TDNN:

Time-delayed neural network

VAE:

Variational autoencoders

WLS:

Weighted least squares

XGBoost:

Extreme gradient boosting

References

  1. P. Misra, P. Enge, Global Positioning System: Signals, Measurements, and Performance (Ganga-Jamuna Press, Lincoln, 2006)

    Google Scholar 

  2. D. Gebre-Egziabher, S. Gleason, GNSS Applications and Methods. GNSS Technology and Applications Series (Artech House, Norwood, 2009)

    Google Scholar 

  3. M. Karaim, M. Elsheikh, A. Noureldin, R. Rustamov, GNSS error sources. Multifunctional Operation and Application of GPS, 69–85 (2018) https://doi.org/10.5772/intechopen.71221

  4. P. Groves, L. Wang, M. Adjrad, C. Ellul, GNSS shadow matching: The challenges ahead, in Proceedings of the 28th International Technical Meeting of the Satellite Division of the Institute of Navigation, Tampa, Florida, pp. 2421–2443 (2015)

  5. H. Kuusniemi, G. Lachapelle, GNSS signal reliability testing in urban and indoor environments, in Proceedings of the 2004 National Technical Meeting of the Institute of Navigation, San Diego, CA, pp. 210–224 (2004)

  6. A. Nadler, I.Y. Bar-Itzhack, An efficient algorithm for attitude determination using GPS, in Proceedings of the 11th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GPS 1998), Nashville, TN, pp. 1783–1789 (1998)

  7. R.E. Kalman, A new approach to linear filtering and prediction problems. J. Basic Eng. 82(1), 35–45 (1960)

    Article  MathSciNet  Google Scholar 

  8. A. Nadler, I.Y. Bar-Itzhack, H. Weiss, On algorithms for attitude estimation using GPS, in Proceedings of the 39th IEEE Conference on Decision and Control, vol. 4. (Sydney, Australia, 2000), pp. 3321–3326. https://doi.org/10.1109/CDC.2000.912212 . IEEE

  9. D.J. Dailey, B.M. Bell, A method for GPS positioning. IEEE Trans. Aerosp. Electron. Syst. 32(3), 1148–1154 (1996). https://doi.org/10.1109/7.532275

    Article  Google Scholar 

  10. D. Walsh, S. Capaccio, D. Lowe, P. Daly, P. Shardlow, G. Johnston, Real time differential GPS and GLONASS vehicle positioning in urban areas. Space Commun. 14(4), 203–217 (1997)

    Google Scholar 

  11. J. Wang, Stochastic modeling for real-time kinematic GPS/GLONASS positioning. Navigation 46(4), 297–305 (1999)

    Article  Google Scholar 

  12. B. Eissfeller, C. Tiberius, T. Pany, R. Biberger, G. Heinrichs, Real-time kinematic in the light of GPS modernization and Galileo, in Proceedings of the 14th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GPS 2001), Salt Lake City, UT, pp. 650–682 (2001)

  13. B. Hofmann-Wellenhof, H. Lichtenegger, E. Wasle, GNSS—Global Navigation Satellite Systems: GPS, GLONASS, Galileo, and More. (Springer, Vienna, 2008). https://doi.org/10.1007/978-3-211-73017-1

  14. J. Huang, X. Li, X. Li et al., Review of PPP-RTK: achievements, challenges, and opportunities. Satell. Navig. 3, 28 (2022). https://doi.org/10.1186/s43020-022-00089-9

    Article  Google Scholar 

  15. N. Zhu, J. Marais, D. Bétaille, M. Berbineau, GNSS position integrity in urban environments: a review of literature. IEEE Trans. Intell. Transp. Syst. 19(9), 2762–2778 (2018). https://doi.org/10.1109/TITS.2017.2766768

    Article  Google Scholar 

  16. E. Amani, K. Djouani, J.-R.D. Boer, A. Kurien, W. Vigneau, Correlator-based multipath detection technique for a global positioning system/GNSS receiver. IET Radar Sonar Navig. 12, 783–793 (2018). https://doi.org/10.1049/iet-rsn.2017.0379

    Article  Google Scholar 

  17. H. Tokura, H. Yamada, N. Kubo, S. Pullen et al., Using multiple GNSS constellations with strict quality constraints for more accurate positioning in urban environments. Positioning 5(04), 85 (2014). https://doi.org/10.4236/pos.2014.54011

    Article  Google Scholar 

  18. H. Kim, H. Lee, Compensation of time alignment error in heterogeneous GPS receivers, in Proceedings of the 13th International Association of Institutes of Navigation World Congress, Stockholm, Sweden, pp. 27–30 (2009)

  19. L. Chen, C. Geng, Q. Zhou, W. Jiao, Estimation strategy and accuracy analysis of GNSS real-time precise satellite clock error, in China Satellite Navigation Conference (CSNC) 2015 Proceedings, vol. III, ed. by J. Sun, J. Liu, S. Fan, X. Lu (Springer, China, 2015), pp.57–66

    Chapter  Google Scholar 

  20. S. Bassiri, G. Hajj, Higher-order ionospheric effects on the GPS observables and means of modeling them. Technical report, JPL Open Repository, Pasadena, California, USA (1993)

  21. J. Klobuchar, Ionospheric time-delay algorithm for single-frequency GPS users. IEEE Trans. Aerosp. Electron. Syst. 3, 325–331 (1987)

    Article  Google Scholar 

  22. J. Saastamoinen, Atmospheric correction for the troposphere and stratosphere in radio ranging satellites. Use Artif. Satell. Geod. 15, 247–251 (1972)

    Google Scholar 

  23. S.-C. Han, J. Kwon, C. Jekeli, Accurate absolute GPS positioning through satellite clock error estimation. J. Geod. 75, 33–43 (2001)

    Article  Google Scholar 

  24. R.B. Langley, The orbits of GPS satellites. GPS World 2(3), 50–53 (1991)

    Google Scholar 

  25. M. Malleswaran, A.S.V. Vaidehi, M. Mohankumar, Performance analysis of various artificial intelligent neural networks for GPS/INS integration. Appl. Artif. Intell. 27(5), 367–407 (2013). https://doi.org/10.1080/08839514.2013.785793

    Article  Google Scholar 

  26. R. Sun, G. Wang, W. Zhang, L.-T. Hsu, W.Y. Ochieng, A gradient boosting decision tree based GPS signal reception classification algorithm. Appl. Soft Comput. 86, 105942 (2020). https://doi.org/10.1016/j.asoc.2019.105942

    Article  Google Scholar 

  27. H. Zhao, Z. Li, C. Chen, L. Wang, K. Xie, S. Xie, Fusing vehicle trajectories and GNSS measurements to improve GNSS positioning correction based on actor-critic learning, in Proceedings of the 2023 International Technical Meeting of the Institute of Navigation, Long Beach, California, pp. 82–94 (2023). https://doi.org/10.33012/2023.18593

  28. R. Yozevitch, B.B. Moshe, A. Weissman, A robust GNSS LOS/NLOS signal classifier. NAVIGATION 63(4), 429–442 (2016). https://doi.org/10.1002/navi.166

    Article  Google Scholar 

  29. V.C. Müller, N. Bostrom, Future progress in artificial intelligence: a survey of expert opinion, in Müller, V.C. (ed.), Fundamental Issues of Artificial Intelligence, Synthese Library. (Springer, Cham, 2016), pp. 555–572. https://doi.org/10.1007/978-3-319-26485-1_33

  30. L. Kunze, N. Hawes, T. Duckett, M. Hanheide, T. Krajní­k, Artificial intelligence for long-term robot autonomy: a survey. IEEE Robot. Autom. Lett. 3(4), 4023–4030 (2018). https://doi.org/10.1109/LRA.2018.2860628

  31. J. Fayyad, M.A. Jaradat, D. Gruyer, H. Najjaran, Deep learning sensor fusion for autonomous vehicle perception and localization: a review. Sensors 20(15), 4220 (2020). https://doi.org/10.3390/s20154220

    Article  Google Scholar 

  32. R. Shahbazian, G. Macrina, E. Scalzo, F. Guerriero, Machine learning assists IoT localization: a review of current challenges and future trends. Sensors 23(7), 3551 (2023). https://doi.org/10.3390/s23073551

    Article  Google Scholar 

  33. D. Jagiwala, S.N. Shah, Possibilities of AI algorithm execution in GNSS, in 2022 URSI regional conference on radio science (USRI-RCRS), Indore, India, pp. 1–4 (2022). https://doi.org/10.23919/URSI-RCRS56822.2022.10118529

  34. A. Siemuri, H. Kuusniemi, M.S. Elmusrati, P. Välisuo, A. Shamsuzzoha, Machine learning utilization in GNSS-use cases, challenges and future applications, in 2021 International Conference on Localization and GNSS (ICL-GNSS), Tampere, Finland, pp. 1–6 (2021). https://doi.org/10.1109/ICL-GNSS51451.2021.9452295

  35. R. Koenker, G. Bassett, Regression quantiles, vol. 46, pp. 33–50. JSTOR, New York (1978). https://doi.org/10.2307/1913643

  36. C. Cortes, V. Vapnik, Support-vector networks. Mach. Learn. 20(3), 273–297 (1995)

    Article  Google Scholar 

  37. A.J. Smola, B. Schölkopf, A tutorial on support vector regression. Stat. Comput. 14, 199–222 (2004). https://doi.org/10.1023/B:STCO.0000035301.49549.88

    Article  MathSciNet  Google Scholar 

  38. M. Caputo, K. Denker, M.O. Franz, P. Laube, G. Umlauf, Support vector machines for classification of geometric primitives in point clouds, in Curves and Surfaces. ed. by J.-D. Boissonnat, A. Cohen, O. Gibaru, C. Gout, T. Lyche, M.-L. Mazure, L.L. Schumaker (Springer, Cham, 2015), pp.80–95. https://doi.org/10.1007/978-3-319-22804-4_7

    Chapter  Google Scholar 

  39. J.B. MacQueen, Some methods for classification and analysis of multivariate observations, in Proceedings of the Fifth Berkeley Symposium on Mathematical Statistics and Probability, vol. 1, ed. by L.M. Le Cam, J. Neyman (University of California Press, California, 1967), pp.281–297

    Google Scholar 

  40. G.E. Hinton, R.R. Salakhutdinov, Reducing the dimensionality of data with neural networks. Science 313(5786), 504–507 (2006)

    Article  MathSciNet  Google Scholar 

  41. E. Bisong, Autoencoders. (Apress, Berkeley, CA, 2019), pp. 475–482. Chap. 37. https://doi.org/10.1007/978-1-4842-4470-8_37

  42. D.P. Kingma, M. Welling, Auto-encoding variational Bayes. arXiv:1312.6114 (2013)

  43. J.R. Quinlan, Induction of decision trees. Mach. Learn. 1(1), 81–106 (1986)

    Article  Google Scholar 

  44. M. Camana, S. Ahmed, C. García, I. Koo, Extremely randomized trees-based scheme for stealthy cyber-attack detection in smart grid networks. IEEE Access 8, 1–1 (2020). https://doi.org/10.1109/ACCESS.2020.2968934

    Article  Google Scholar 

  45. I. Rish, Empirical evaluation of the naive Bayes classifier. Int. Joint Conf. Artif. Intell. Workshop Empir. Methods Artif. Intell. 3, 41–46 (2001)

    Google Scholar 

  46. E. Fix, J.L. Hodges, Discriminatory analysis. Nonparametric discrimination: consistency properties. Int. Stat. Rev./Revue Internationale de Statistique 57(3), 238–247 (1989). https://doi.org/10.2307/1403797

    Article  Google Scholar 

  47. P. Sarang, K-Nearest Neighbors. The Springer Series in Applied Machine Learning (Springer, Cham, 2023), pp.131–141. https://doi.org/10.1007/978-3-031-02363-7_6

    Book  Google Scholar 

  48. C.J. Watkins, P. Dayan, Q-learning. Mach. Learn. 8(3–4), 279–292 (1992)

    Article  Google Scholar 

  49. K. Arulkumaran, M.P. Deisenroth, M. Brundage, A.A. Bharath, Deep reinforcement learning: a brief survey. IEEE Signal Process. Mag. 34(6), 26–38 (2017). https://doi.org/10.1109/MSP.2017.2743240

    Article  Google Scholar 

  50. L.P. Kaelbling et al., Reinforcement learning: a survey. J. Artif. intell. Res. 4, 237–285 (1996)

    Article  Google Scholar 

  51. R.S. Sutton, A.G. Barto, Reinforcement Learning: An Introduction, 2nd edn. (MIT Press, Cambridge, 2018). https://doi.org/10.1109/TNN.1998.712192

    Book  Google Scholar 

  52. W. Feng, N. Guan, Y. Li, X. Zhang, Z. Luo, Audio visual speech recognition with multimodal recurrent neural networks, pp. 681–688 (2017). https://doi.org/10.1109/IJCNN.2017.7965918

  53. D.E. Rumelhart, G.E. Hinton, R.J. Williams, Learning representations by back-propagating errors. Nature 323(6088), 533–536 (1986). https://doi.org/10.1038/323533a0

    Article  Google Scholar 

  54. S. Hochreiter, J. Schmidhuber, Long short-term memory, in Neural Computation, vol. 9. (MIT Press, Cambridge, USA, 1997), pp. 1735–1780

  55. C.M. Bishop, Neural Networks for Pattern Recognition (Oxford University Press, Oxford, 1995)

    Book  Google Scholar 

  56. J. Park, I. Sandberg, Universal approximation using radial-basis-function networks, in Neural Computation, vol. 3. (MIT Press, 1991), pp. 246–257

  57. A. Vaswani, N. Shazeer, N. Parmar, J. Uszkoreit, L. Jones, A.N. Gomez,Ł. Kaiser, I. Polosukhin, Attention is all you need, in Advances in Neural Information Processing Systems, vol. 30. (Curran Associates, Inc., Long Beach, CA, 2017), pp. 5998–6008. https://doi.org/10.5555/3295222.3295349

  58. F. Scarselli, M. Gori, A.C. Tsoi, M. Hagenbuchner, G. Monfardini, The graph neural network model. IEEE Trans. Neural Netw. 20(1), 61–80 (2009). https://doi.org/10.1109/TNN.2008.2005605

    Article  Google Scholar 

  59. T.N. Kipf, M. Welling, Semi-supervised classification with graph convolutional networks, in International Conference on Learning Representations (Poster), Toulon, France (2017)

  60. W. Hamilton, Z. Ying, J. Leskovec, Inductive representation learning on large graphs, in Advances in Neural Information Processing Systems, Long Beach, CA, pp. 1024–1034 (2017)

  61. L. Breiman, Random forests. Mach. Learn. 45, 5–32 (2001). https://doi.org/10.1023/A:1010933404324

    Article  Google Scholar 

  62. H. Fu, K. Qi, Evaluation model of teachers’ teaching ability based on improved random forest with grey relation projection. Sci. Program. 2022, 1–12 (2022). https://doi.org/10.1155/2022/5793459

    Article  Google Scholar 

  63. J.H. Friedman, Greedy function approximation: a gradient boosting machine. Ann. Stat. 29(5), 1189–1232 (2001)

    Article  MathSciNet  Google Scholar 

  64. G. Ke, Q. Meng, T. Finley, T. Wang, W. Chen, W. Ma, Q. Ye, LightGBM: a highly efficient gradient boosting decision tree. Adv. Neural Inf. Process. Syst. 30, 3149–3157 (2017). https://doi.org/10.5555/3294996.3295074

    Article  Google Scholar 

  65. T. Chen, C. Guestrin, XGBoost: a scalable tree boosting system, in Proceedings of the 22nd Association for Computing Machinery SIGKDD International Conference on Knowledge Discovery and Data Mining, San Franscico, CA, pp. 785–794 (2016). https://doi.org/10.1145/2939672.2939785

  66. X. Li, J. Huang, X. Li, Z. Shen, J. Han, L. Li, B. Wang, Review of PPP–RTK: achievements, challenges, and opportunities. Satell. Navig. 3, 28 (2022). https://doi.org/10.1186/s43020-022-00089-9

    Article  Google Scholar 

  67. M. Socharoentum, H.A. Karimi, Y. Deng, A machine learning approach to detect non-line-of-sight GNSS signals in Nav2Nav, in 23rd World Congress on Intelligent Transport Systems. (Melbourne, Australia, 2016)

  68. H. Xu et al., Machine learning based LOS/NLOS classifier and robust estimator for GNSS shadow matching. Satell. Navig. 1, 1–12 (2020). https://doi.org/10.1186/s43020-020-00016-w

    Article  Google Scholar 

  69. L. Li, M. Elhajj, Y. Feng, W.Y. Ochieng, Machine learning based GNSS signal classification and weighting scheme design in the built environment: a comparative experiment. Satell. Navig. 4(1), 12 (2023). https://doi.org/10.1186/s43020-023-00101-w

    Article  Google Scholar 

  70. W. Gao, Z. Li, Q. Chen, W. Jiang, Y. Feng, Modelling and prediction of GNSS time series using GBDT, LSTM and SVM machine learning approaches. J. Geod. 96(10), 71 (2022). https://doi.org/10.1007/s00190-022-01662-5

    Article  Google Scholar 

  71. S. Kim, J. Byun, K. Park, Machine learning-based GPS multipath detection method using dual antennas, in 2022 13th Asian Control Conference (ASCC), Jeju, South Korea, pp. 691–695 (2022). https://doi.org/10.23919/ASCC56756.2022.9828175

  72. S. Thoelert, G. Allende-Alba, P. Steigenberger, GNSS signal anomaly detection using DCB estimates and machine learning algorithms, in Presented at the 36th International Technical Meeting of the Satellite Division of The Institute of Navigation, Denver, Colorado (2023)

  73. L.-T. Hsu, GNSS multipath detection using a machine learning approach, in 2017 IEEE 20th International Conference on Intelligent Transportation Systems (ITSC), pp. 1–6 (2017). https://doi.org/10.1109/ITSC.2017.8317700

  74. T. Ozeki, N. Kubo, GNSS NLOS signal classification based on machine learning and Pseudorange residual check. Front. Robot. AI 9, 868608 (2022). https://doi.org/10.3389/frobt.2022.868608

    Article  Google Scholar 

  75. Y. Lee, B. Park, Nonlinear regression-based GNSS multipath modelling in deep urban area. Mathematics 10(3), 412 (2022). https://doi.org/10.3390/math10030412

    Article  Google Scholar 

  76. T. Suzuki, Y. Amano, NLOS multipath classification of GNSS signal correlation output using machine learning. Sensors 21(7), 2503 (2021). https://doi.org/10.3390/s21072503

    Article  Google Scholar 

  77. H. Xu, A. Angrisano, S. Gaglione, L.-T. Hsu, Machine learning based LOS/NLOS classifier and robust estimator for GNSS shadow matching. Satell. Navig. 1(1), 15 (2020). https://doi.org/10.1186/s43020-020-00016-w

    Article  Google Scholar 

  78. B. Xu, Q. Jia, Y. Luo, L.-T. Hsu, Intelligent GPS L1 LOS/multipath/NLOS classifiers based on correlator-RINEX- and NMEA-level measurements. Remote Sens. 11(16), 1851 (2019). https://doi.org/10.3390/rs11161851

    Article  Google Scholar 

  79. Y. Sun, S. Li, Z. Deng, Incremental learning for LOS/NLOS classification of global navigation satellite system, in Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2023), Denver, Colorado, pp. 231–244 (2023). https://doi.org/10.33012/2023.19314. The Institute of Navigation

  80. N. Yin, D. He, Y. Xiang, W. Yu, F. Zhu, Z. Xiao, Features effectiveness verification using machine-learning-based GNSS NLOS signal detection in urban canyon environment, in Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2023), Denver, Colorado, pp. 3035–3048 (2023). https://doi.org/10.33012/2023.19363

  81. G. Bassma, H.E. Ghazi, T. Sadiki, H. Guermah, A robust GNSS LOS/multipath signal classifier based on the fusion of information and machine learning for intelligent transportation systems, in 2018 IEEE International Conference on Technology Management, Operations and Decisions (ICTMOD), Marrakech, Morocco, pp. 94–100 (2018). https://doi.org/10.1109/ITMC.2018.8691272

  82. X. Ye, C. Ma, W. Liu, F. Wang, Robust real-time kinematic positioning method based on NLOS detection and multipath elimination in GNSS challenged environments. Electron. Lett. 56(24), 1332–1335 (2020). https://doi.org/10.1049/el.2020.2210

    Article  Google Scholar 

  83. Y. Pan, G. Möller, B. Soja, Machine learning-based multipath modeling in spatial domain applied to GNSS short baseline processing. GPS Solut. 28, 9 (2024). https://doi.org/10.1007/s10291-023-01553-y

    Article  Google Scholar 

  84. A.K. Shukla, S.A. Sinha, Unsupervised machine learning approach for multipath classification of NavIC signals, in Proceedings of the 35th international technical meeting of the satellite division of the institute of navigation (ION GNSS+ 2022), Denver, Colorado, pp. 2618–2624 (2022). https://doi.org/10.33012/2022.18439

  85. C. Savas, F. Dovis, Multipath detection based on K-means clustering, in Proceedings of the 32nd International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2019), Miami, Florida, pp. 3801–3811 (2019). https://doi.org/10.33012/2019.17028

  86. R. Zawislak, M. Greiff, K.J. Kim, K. Berntorp, S. Di Cairano, M. Konishi, K. Parsons, P.V. Orlik, Y. Sato, GNSS multipath detection aided by unsupervised domain adaptation, in Proceedings of the 35th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2022), Denver, Colorado, pp. 2127–2137 (2022). https://doi.org/10.33012/2022.18333

  87. M. Maaref, L. Garin, P. McBurney, Leveraging machine learning to mitigate multipath in a GNSS pure L5 receiver, in Proceedings of the 34th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2021). (St. Louis, Missouri, 2021), pp. 3740–3748. https://doi.org/10.33012/2021.18014

  88. M. Orabi, J. Khalife, A.A. Abdallah, Z.M. Kassas, S.S. Saab, A machine learning approach for GPS code phase estimation in multipath environments, in 2020 IEEE/ION Position, Location and Navigation Symposium (PLANS), pp. 1224–1229 (2020). https://doi.org/10.1109/PLANS46316.2020.9110155

  89. O.-J. Kim, C. Kee, Wavelet and neural network-based multipath detection for precise positioning systems. Mathematics 11(6), 1400 (2023). https://doi.org/10.3390/math11061400

    Article  Google Scholar 

  90. H. Li, P. Borhani-Darian, P. Wu, P. Closas, Deep neural network correlators for GNSS multipath mitigation. IEEE Trans. Aerosp. Electron. Syst. 59(2), 1249–1259 (2023). https://doi.org/10.1109/TAES.2022.3197098

    Article  Google Scholar 

  91. M.Y. Klimenko, A.V. Veitsel, Evaluation of neural network-based multipath mitigation approach for the GNSS receivers, in 2021 Systems of Signal Synchronization, Generating and Processing in Telecommunications (SYNCHROINFO). (Kaliningrad, Russia, 2021), pp. 1–5. https://doi.org/10.1109/SYNCHROINFO51390.2021.9488410

  92. S. Saha, A comprehensive guide to convolutional neural networks—the ELI5 way (Towards Data Science, 2018). Accessed 1 October (2023)

  93. E. Munin, A. Blais, N. Couellan, Convolutional neural network for multipath detection in GNSS receivers, in 2020 International Conference on Artificial Intelligence and Data Analytics for Air Transportation (AIDA-AT). (Singapore, 2020), pp. 1–10. https://doi.org/10.1109/AIDA-AT48540.2020.9049188

  94. A. Blais, N. Couellan, E. Munin, A novel image representation of GNSS correlation for deep learning multipath detection. Array 14, 100167 (2022). https://doi.org/10.1016/j.array.2022.100167

    Article  Google Scholar 

  95. Y. Quan, L. Lau, G.W. Roberts, X. Meng, C. Zhang, Convolutional neural network based multipath detection method for static and kinematic GPS high precision positioning. Remote Sens. 10(12), 2052 (2018). https://doi.org/10.3390/rs10122052

    Article  Google Scholar 

  96. A. Guillard, P. Thevenon, C. Milner, Using convolutional neural networks to detect GNSS multipath. Enhanced GNSS-Based localiz. Solut. Artif. Intell. 10, 1106439 (2023). https://doi.org/10.3389/frobt.2023.1106439

    Article  Google Scholar 

  97. P. Xu, G. Zhang, B. Yang, L.-T. Hsu, Positionnet: CNN-based GNSS positioning in urban areas with residual maps. Appl. Soft Comput. 148, 110882 (2023). https://doi.org/10.1016/j.asoc.2023.110882

    Article  Google Scholar 

  98. T. Suzuki, K. Kusama, Y. Amano, NLOS multipath detection using convolutional neural network, in Proceedings of the 33rd International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2020), pp. 2989–3000 (2020). https://doi.org/10.33012/2020.17663

  99. A. Elango, S. Ujan, L. Ruotsalainen, Disruptive GNSS signal detection and classification at different Power levels using advanced deep-learning approach, in 2022 International Conference on Localization and GNSS (ICL-GNSS). (Tampere, Finland, 2022), pp. 1–7. https://doi.org/10.1109/ICL-GNSS54081.2022.9797026

  100. C. Jiang, Y. Chen, B. Xu, J. Jia, H. Sun, Z. He, T. Wang, J. Hyyppä, Convolutional neural networks based GNSS signal classification using correlator-level measurements, in The International Archives of Photogrammetry, Remote Sensing and Spatial Information Sciences, vol. XLVI-3/W1-2022. (Copernicus GmbH, Gottingen, Germany, 2022), pp. 61–66. https://doi.org/10.5194/isprs-archives-XLVI-3-W1-2022-61-2022

  101. Q. Liu, C. Gao, R. Shang, Z. Peng, R. Zhang, L. Gan, W. Gao, NLOS signal detection and correction for smartphone using convolutional neural network and variational mode decomposition in urban environment. GPS Solut. 27(1), 31 (2022). https://doi.org/10.1007/s10291-022-01369-2

    Article  Google Scholar 

  102. H. Su, B. Wu, X. Mao, Non-line-of-sight multipath detection method for BDS/GPS fusion system based on deep learning. J. Shanghai Jiaotong Univ. (Sci.) 27(6), 844–854 (2022). https://doi.org/10.1007/s12204-022-2430-9

    Article  Google Scholar 

  103. S.J. Cho, B. Seong Kim, T.S. Kim, S.-H. Kong, Enhancing GNSS performance and detection of road crossing in urban area using deep learning, in 2019 IEEE Intelligent Transportation Systems Conference (ITSC), Auckland, New Zealand, pp. 2115–2120 (2019). https://doi.org/10.1109/ITSC.2019.8917224

  104. Z. Lyu, Y. Gao, A new method for non-line-of-sight GNSS signal detection for positioning accuracy improvement in urban environments, in Proceedings of the 33rd International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2020), Virtual, pp. 2972–2988 (2020). https://doi.org/10.33012/2020.17662

  105. S. Liu, X. University, Z. Yao, X. Cao, X. Cai, GNSS measurement-based context recognition for vehicle navigation using gated recurrent unit, in Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation. (Denver, Colorado, 2023), pp. 2158–2166. https://doi.org/10.33012/2023.19426

  106. Y. Xia, S. Pan, W. Gao, B. Yu, X. Gan, Y. Zhao, Q. Zhao, Recurrent neural network based scenario recognition with multi-constellation GNSS measurements on a smartphone. Measurement 153, 107420 (2020). https://doi.org/10.1016/j.measurement.2019.107420

    Article  Google Scholar 

  107. G. Revach, N. Shlezinger, X. Ni, A.L. Escoriza, R.J.G. Sloun, Y.C. Eldar, KalmanNet: neural network aided Kalman filtering for partially known dynamics. IEEE Trans. Signal Process. 70, 1532–1547 (2022). https://doi.org/10.1109/TSP.2022.3158588

    Article  MathSciNet  Google Scholar 

  108. G. Revach, N. Shlezinger, T. Locher, X. Ni, R.J.G. Sloun, Y.C. Eldar, Unsupervised learned Kalman filtering, in 2022 30th European Signal Processing Conference (EUSIPCO), pp. 1571–1575 (2022). https://doi.org/10.23919/EUSIPCO55093.2022.9909801

  109. A. Ghosh, A. Honoré, S. Chatterjee, DANSE: data-driven non-linear state estimation of model-free process in unsupervised Bayesian setup, in 2023 31st European Signal Processing Conference (EUSIPCO), pp. 870–874 (2023). https://doi.org/10.23919/EUSIPCO58844.2023.10289946

  110. X. Ma, P. Karkus, D. Hsu, W.S. Lee, Particle filter recurrent neural networks. Proc. AAAI Conf. Artif. Intell. 34, 5101–5108 (2020)

    Google Scholar 

  111. P. Karkus, D. Hsu, W.S. Lee, Particle filter networks with application to visual localization, in Proceedings of The 2nd Conference on Robot Learning. Proceedings of Machine Learning Research, vol. 87, ed. by A. Billard, A. Dragan, J. Peters, J. Morimoto (Springer, Berlin, 2018), pp.169–178

    Google Scholar 

  112. H. Wen, X. Chen, G. Papagiannis, C. Hu, Y. Li, End-to-end semi-supervised learning for differentiable particle filters, in 2021 IEEE International Conference on Robotics and Automation (ICRA), pp. 5825–5831 (2021). https://doi.org/10.1109/ICRA48506.2021.9561889

  113. S. Zheng, Z. Li, X. Kan, M. Liu, S. Xie, M. Polycarpou, Improving prediction of GNSS satellite visibility in urban canyon based on graph transformer, in Presented at the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation. (Denver, Colorado, 2023), pp. 314–328. https://doi.org/10.33012/2023.19346

  114. D. Neamati, S. Gupta, M. Partha, G. Gao, Neural city maps for GNSS NLOS prediction, in Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation. (Denver, Colorado, 2023), pp. 2073–2087. https://doi.org/10.33012/2023.19403

  115. G. Baldini, M. Susi, J. Fortuny-Guasch, F. Bonavitacola, An experimental analysis of GNSS signals to characterize the propagation environment by means of machine learning processing, in 2021 IEEE International Conference on Information and Telecommunication Technologies and Radio Electronics (UkrMiCo). (Odesa, Ukraine, 2021), pp. 176–181. https://doi.org/10.1109/UkrMiCo52950.2021.9716650

  116. O.K. Isik, I. Petrunin, G. Inalhan, A. Tsourdos, R.V. Moreno, R. Grech, A machine learning based GNSS performance prediction for urban air mobility using environment recognition, in 2021 IEEE/AIAA 40th Digital Avionics Systems Conference (DASC). (San Antonio, Texas, 2021), pp. 1–5. https://doi.org/10.1109/DASC52595.2021.9594434

  117. F. Dovis, R. Imam, W. Qin, C. Savas, H. Visser, Opportunistic use of GNSS signals to characterize the environment by means of machine learning based processing, in ICASSP 2020-2020 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pp. 9190–9194 (2020). https://doi.org/10.1109/ICASSP40776.2020.9052924

  118. H. Sun, D. Lu, B. Cai, T. Lan, Railway environmental scenario recognition for GNSS localization based on deep learning and ViT model, in 2022 International Conference on Electromagnetics in Advanced Applications (ICEAA). pp. 167–171 (2022). https://doi.org/10.1109/ICEAA49419.2022.9900054

  119. F. Zhu, K. Luo, X. Tao, X. Zhang, Deep learning based vehicle-mounted environmental context awareness via GNSS signal. IEEE Trans. Intell. Transp. Syst. 1, 14 (2024). https://doi.org/10.1109/TITS.2024.3350874

    Article  Google Scholar 

  120. L. Li, M. Elhajj, Y. Feng et al., Machine learning based GNSS signal classification and weighting scheme design in the built environment: a comparative experiment. Satell. Navig. 4, 12 (2023). https://doi.org/10.1186/s43020-023-00101-w

    Article  Google Scholar 

  121. Z. Dai, C. Zhai, F. Li, W. Chen, X. Zhu, Y. Feng, Deep-learning-based scenario recognition with GNSS measurements on smartphones. IEEE Sens. J. 23(4), 3776–3786 (2023). https://doi.org/10.1109/JSEN.2022.3230213

    Article  Google Scholar 

  122. Y. Quan, A new machine learning-based method for multi-GNSS data quality assurance and multipath detection. PhD thesis, University of Nottingham, Nottingham, UK (2017). https://eprints.nottingham.ac.uk/id/eprint/39748

  123. Y. Xia, S. Pan, X. Meng, W. Gao, F. Ye, Q. Zhao, X. Zhao, Anomaly detection for urban vehicle GNSS observation with a hybrid machine learning system. Remote Sens. 12(6), 971 (2020). https://doi.org/10.3390/rs12060971

    Article  Google Scholar 

  124. M. Kiani, A specifically designed machine learning algorithm for GNSS position time series prediction and its applications in outlier and anomaly detection and earthquake prediction. arXiv Signal Processing (2020) https://doi.org/10.48550/arXiv.2006.09067

  125. D. Kim, J. Cho, Improvement of anomalous behavior detection of GNSS signal based on TDNN for augmentation systems. Sensors 18(11), 3800 (2018). https://doi.org/10.3390/s18113800

    Article  Google Scholar 

  126. S. Lebrun, S. Kaloustian, R. Rollier, C. Barschel, GNSS positioning security: automatic anomaly detection on reference stations, in Critical Information Infrastructures Security. Lecture Notes in Computer Science, vol. 13139, ed. by D. Percia David, A. Mermoud, T. Maillart (Springer, Cham, 2021). https://doi.org/10.1007/978-3-030-93200-8_4

    Chapter  Google Scholar 

  127. Y. Liu, Y.J. Morton, Improved automatic detection of GPS satellite oscillator anomaly using a machine learning algorithm. NAVIGATION: J. Inst. Navig. 69(1), 500 (2022). https://doi.org/10.33012/navi.500

    Article  Google Scholar 

  128. K.-B. Wu, Y. Liu, Y.J. Morton, Automatic detection of Galileo satellite oscillator anomaly by using a machine learning algorithm. In Proceedings of the 34th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2021). (St. Louis, Missouri, 2021), pp. 2925–2939. The Institute of Navigation. https://doi.org/10.33012/2021.17992

  129. M. Dye, D.S. Stamps, M. Mason, E. Saria, Toward autonomous detection of anomalous GNSS data via applied unsupervised artificial intelligence. Int. J. Semant. Comput. 16(01), 29–45 (2022). https://doi.org/10.1142/S1793351X22400025

    Article  Google Scholar 

  130. B. Magyar, A. Kenyeres, S. Tóth et al., Spatial outlier detection on discrete GNSS velocity fields using robust Mahalanobis-distance-based unsupervised classification. GPS Solut. 26, 145 (2022). https://doi.org/10.1007/s10291-022-01323-2

    Article  Google Scholar 

  131. H. Wang, S. Pan, W. Gao, Y. Xia, C. Ma, Multipath/NLOS detection based on K-means clustering for GNSS/INS tightly coupled system in urban areas. Micromachines 13(7), 1128 (2022). https://doi.org/10.3390/mi13071128

    Article  Google Scholar 

  132. I. Smolyakov, M. Rezaee, R.B. Langley, Resilient multipath prediction and detection architecture for low-cost navigation in challenging urban areas. NAVIGATION: J. Inst. Navig. 67(2), 397–409 (2020). https://doi.org/10.1002/navi.362

    Article  Google Scholar 

  133. K. Han, S. Lee, Y.-J. Song, H.-B. Lee, D.-H. Park, J.-H. Won, Precise positioning with machine learning based Kalman Filter using GNSS/IMU measurements from android smartphone. In Proceedings of the 34th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2021). (St. Louis, Missouri, 2021), pp. 3094–3102. https://doi.org/10.33012/2021.18005

  134. H. Shin, J. Lee, C.-K. Sung, Implementation of deep reinforcement learning on high precision GNSS/INS augmentation system. In Proceedings of the 31st International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2018). (Miami, Florida, 2018), pp. 3179–3185. https://doi.org/10.33012/2018.15986

  135. X. Gao, H. Luo, B. Ning, F. Zhao, L. Bao, Y. Gong, Y. Xiao, J. Jiang, RL-AKF: an adaptive Kalman filter navigation algorithm based on reinforcement learning for ground vehicles. Remote Sens. 12(11), 1704 (2020). https://doi.org/10.3390/rs12111704

    Article  Google Scholar 

  136. B. Li, G. Chen, Y. Si, X. Zhou, P. Li, P. Li, T. Fadiji, GNSS/INS integration based on machine learning LightGBM model for vehicle navigation. Appl. Sci. 12(11), 5565 (2022). https://doi.org/10.3390/app12115565

    Article  Google Scholar 

  137. T.-Y. Chiou, T.-E. Tseng, A.-L. Tao, Performance of machine learning models in determining the GNSS position usage for a loosely coupled GNSS/IMU system. In Proceedings of the 32nd International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2019). (Miami, Florida, 2019), pp. 154–174. https://doi.org/10.33012/2019.16898

  138. S. Li, M. Mikhaylov, N. Mikhaylov, T. Pany, M. Bochkati, First real-world results of a deep neural network assisted GNSS/INS Kalman-filter with MEMS inertial sensors for autonomous vehicle. In Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation. (Denver, Colorado, 2023), pp. 188–198

  139. M.K. Shahvandi, B. Soja, Modified deep transformers for GNSS time series prediction. In 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, pp. 8313–8316 (2021). https://doi.org/10.1109/IGARSS47720.2021.9554764

  140. E.L. Piccolomini, S. Gandolfi, L. Poluzzi, L. Tavasci, P. Cascarano, A. Pascucci, Recurrent neural networks applied to GNSS time series for denoising and prediction. In ed by Gamper, J., Pinchinat, S., Sciavicco, G., 26th International Symposium on Temporal Representation and Reasoning (TIME 2019). Leibniz International Proceedings in Informatics (LIPIcs), vol. 147, pp. 10–11012. Schloss Dagstuhl–Leibniz-Zentrum fuer Informatik, Dagstuhl, Germany (2019). https://doi.org/10.4230/LIPIcs.TIME.2019.10

  141. K. Ji, Y. Shen, F. Wang, Signal extraction from GNSS position time series using weighted wavelet analysis. Remote Sens. 12(6), 992 (2020). https://doi.org/10.3390/rs12060992

    Article  Google Scholar 

  142. G. Zhang, P. Xu, H. Xu, L.-T. Hsu, Prediction on the Urban GNSS measurement uncertainty based on deep learning networks with long short-term memory. IEEE Sens. J. 21(18), 20563–20577 (2021). https://doi.org/10.1109/JSEN.2021.3098006

    Article  Google Scholar 

  143. M. Qafisheh, A. Martín, R.M. Capilla et al., SVR and ARIMA models as machine learning solutions for solving the latency problem in real-time clock corrections. GPS Solut. 26, 85 (2022). https://doi.org/10.1007/s10291-022-01270-y

    Article  Google Scholar 

  144. M. Menzori, V. Junior, Evaluation of PPP/GNSS obtained coordinates accuracy using a decision tree. Int. J. Adv. Eng. Res. Sci. 5, 118–125 (2018). https://doi.org/10.22161/ijaers.5.12.16

    Article  Google Scholar 

  145. J. Yun, C. Lim, Y. Lee, S. Kim, Y. Jo, B. Park, Practical approaches to real-time position accuracy improvement of android smartphone dual-frequency GNSS. In Proceedings of the 35th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2022). (Denver, Colorado, 2022), pp. 2226–2234. https://doi.org/10.33012/2022.18373

  146. M. Mendonca, A. Jokinen, R. Yang, G. Hau, Y.-F. Tseng, RTK ambiguity resolution validation using a genetic algorithm approach. In Proceedings of the 35th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2022). (Denver, Colorado, 2022), pp. 2701–2705. https://doi.org/10.33012/2022.18514

  147. J.-B. Lacambre, T. Barford, N. Oudart, P. Lieffering, G. Morvant, B. Guyot, Optimizing high precision RTK/PPK GNSS algorithms using real-world data. In Proceedings of the 35th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2022). (Denver, Colorado, 2022), pp. 1746–1759. https://doi.org/10.33012/2022.18500

  148. N.I. Ziedan, Optimized position estimation in multipath environments using machine learning. In Proceedings of the 34th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2021). (St. Louis, Missouri, 2021), pp. 3437–3451. https://doi.org/10.33012/2021.17880

  149. R. Sun, G. Wang, Q. Cheng, L. Fu, K.-W. Chiang, L.-T. Hsu, W.Y. Ochieng, Improving GPS code phase positioning accuracy in urban environments using machine learning. IEEE Internet of Things J. 8(8), 7065–7078 (2021). https://doi.org/10.1109/JIOT.2020.3037074

    Article  Google Scholar 

  150. M. Mendonca, A. Jokinen, R. Yang, G. Hau, Y.-F. Tseng, Improving integrity and information output on a low-cost GNSS platform using machine-learning algorithms. In Proceedings of the 35th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2022). (Denver, Colorado, 2022), pp. 2694–2700. https://doi.org/10.33012/2022.18513

  151. H.-U. Kim, T.-S. Bae, Deep learning-based GNSS network-based real-time kinematic improvement for autonomous ground vehicle navigation. J. Sens. (2019). https://doi.org/10.1155/2019/3737265

    Article  Google Scholar 

  152. S. Yang, T.-B. Ben, W. Xiang, Build up a real-time LSTM positioning error prediction model for GPS sensors. In 2019 IEEE 90th Vehicular Technology Conference (VTC2019-Fall). (Honolulu, Hawaii, 2019), pp. 1–5. https://doi.org/10.1109/VTCFall.2019.8891192

  153. S. Gupta, A.V. Kanhere, A. Shetty, G. Gao, Designing deep neural networks for sequential GNSS positioning. In Proceedings of the 35th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2022), pp. 1209–1219 (2022). https://doi.org/10.33012/2022.18494

  154. A.V. Kanhere, S. Gupta, A. Shetty, G. Gao, Improving GNSS positioning using neural-network-based corrections. NAVIGATION: J. Inst. Navig. (2022). https://doi.org/10.33012/navi.548

    Article  Google Scholar 

  155. S. Dai, 2nd place winner of the smartphone decimeter challenge: improving smartphone GNSS positioning using gradient descent method. In Proceedings of the 35th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2022). (Denver, Colorado, (2022), pp. 2321–2328. https://doi.org/10.33012/2022.18380

  156. S. Liu, V. Elangovan, W. Xiang, A vehicular GPS error prediction model based on data smoothing preprocessed LSTM. In 2019 IEEE 90th Vehicular Technology Conference (VTC2019-Fall). (Honolulu, Hawaii, 2019), pp. 1–5. https://doi.org/10.1109/VTCFall.2019.8891454

  157. R. Thomas, B.B. Nair, S. Adarsh, Position accuracy enhancement of a low-cost gps receiver based on machine learning approach. In Computer Networks and Inventive Communication Technologies. Lecture Notes on Data Engineering and Communications Technologies. (Springer, Singapore, 2021), pp. 373–389. https://doi.org/10.1007/978-981-15-9647-6_29

  158. Z. Zhou, Y. Li, C. Fu, C. Rizos, Least-squares support vector machine-based Kalman filtering for GNSS navigation with dynamic model real-time correction. IET Radar Sonar Navig. 11(3), 528–538 (2017). https://doi.org/10.1049/iet-rsn.2016.0422

    Article  Google Scholar 

  159. D. Gao, H. Zhao, C. Zhuang, A method for estimating the positioning accuracy of vehicles in urban environments. In Proceedings of the 35th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2022). (Denver, Colorado, 2022), pp. 2706–2717. https://doi.org/10.33012/2022.18516

  160. J. Wei, A. Ding, K. Li, L. Zhao, Y. Wang, Z. Li, The satellite selection algorithm of GNSS based on neural network, in China Satellite Navigation Conference (CSNC) 2016 Proceedings: Volume I. Lecture Notes in Electrical Engineering. ed. by J. Sun, J. Liu, S. Fan, F. Wang (Springer, Singapore, 2016), pp.115–123. https://doi.org/10.1007/978-981-10-0934-1_11

    Chapter  Google Scholar 

  161. F. Van Diggelen, Google to improve urban GPS accuracy for apps. GPS World. Accessed 26 August 2023 (2020). https://www.gpsworld.com/google-to-improve-urban-gps-accuracy-for-apps/

  162. A. Mohanty, G. Gao, Learning GNSS positioning corrections for smartphones using graph convolution neural networks. NAVIGATION: J. Inst. Navig. 70(4), 622 (2023). https://doi.org/10.33012/navi.622

    Article  Google Scholar 

  163. A. Mohanty, G. Gao, Tightly Coupled Graph Neural Network and Kalman Filter for Improving Smartphone GNSS Positioning. In Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation. (Denver, Colorado, 2023), pp. 175–187. https://doi.org/10.33012/2023.19300

  164. H. Zhao, J. Tang, Z. Li, Z. Wu, S. Xie, Z. Wu, M. Liu, B.T.G.S. Kumara, Efficient graph neural network driven recurrent reinforcement learning for GNSS position correction. In Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2023). (Denver, Colorado, 2023), pp. 216–230. https://doi.org/10.33012/2023.19313. The Institute of Navigation

  165. A. Ragheb, A. Zekry, M. Elhabiby, GNSS cycle slip detection and estimation using LSTM-based autoencoder model. Mansoura Eng. J. 46(2), 31–40 (2021). https://doi.org/10.21608/bfemu.2021.195739

    Article  Google Scholar 

  166. A. Neri, A. Ruggeri, A. Vennarini, A. Coluccia, Machine learning for GNSS performance analysis and environment characterization in rail domain. In Proceedings of the 33rd International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2020), Virtual, pp. 3561–3566 (2020). https://doi.org/10.33012/2020.17673

  167. S. He, J. Liu, X. Zhu, Z. Dai, D. Li, Research on modeling and predicting of BDS-3 satellite clock bias using the LSTM neural network model. GPS Solut. 27(3), 108 (2023). https://doi.org/10.1007/s10291-023-01451-3

    Article  Google Scholar 

  168. J. Tang, Z. Li, R. Guo, H. Zhao, Q. Wang, M. Liu, S. Xie, M. Polycarpou, Improving GNSS positioning correction using deep reinforcement learning with adaptive reward augmentation method. In Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation. (Denver, Colorado, 2023), pp. 38–52. https://doi.org/10.33012/2023.19181

  169. A. Kuratomi, T. Lindgren, P. Papapetrou, In: Dong, Y., Mladenić, D., Saunders, C. (eds.) Prediction of Global Navigation Satellite System Positioning Errors with Guarantees. Lecture Notes in Computer Science, vol. 12460. (Springer, Cham, 2021). https://doi.org/10.1007/978-3-030-67667-4_34

  170. D.-K. Lee, Y. Lee, B. Park, Carrier phase residual modeling and fault monitoring using short-baseline double difference and machine learning. MDPI Math. 11(12), 2696 (2023). https://doi.org/10.3390/math11122696

    Article  Google Scholar 

  171. Y. Jin, D. He, L. Tian, W. Yu, S. Wei, F. Zhu, Z. Xiao, A modified sparse Bayesian learning method for high-accuracy DOA estimation with TCN under array imperfection. In Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2023). (Denver, Colorado, 2023), pp. 3888–3896. https://doi.org/10.33012/2023.19396. The Institute of Navigation

  172. G. Chang, N. Qian, C. Chen, J. Gao, Precise instantaneous velocimetry and accelerometry with a stand-alone GNSS receiver based on sparse kernel learning. Measurement 159, 107803 (2020). https://doi.org/10.1016/j.measurement.2020.107803

    Article  Google Scholar 

  173. J. Chen, Y. Gao, Real-time ionosphere prediction based on IGS rapid products using long short-term memory deep learning. NAVIGATION: J. Inst. Navig. (2023). https://doi.org/10.33012/navi.581

    Article  Google Scholar 

  174. K. Yang, Y. Liu, Comparison of global TEC prediction performance with two deep learning frameworks. In Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2023). (Denver, Colorado, 2023), pp. 3982–4001. https://doi.org/10.33012/2023.19467. The Institute of Navigation

  175. R. Liu, Y. Jiang, Ionospheric VTEC map forecasting based on graph neural network with Transformers. In Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2023). (Denver, Colorado, 2023), pp. 136–148. https://doi.org/10.33012/2023.19292. The Institute of Navigation

  176. A.L.A. Silva, M.S. Freitas, P.R.P. Silva, Jr, C.F., J.F.G. Monico, B.C. Vani, J. Sousasantos, A.O. Moraes, A deep learning approach for an online ionospheric delay forecasting map system. In Proceedings of the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS + 2023). (Denver, Colorado, 2023), pp. 149–158. https://doi.org/10.33012/2023.19293. The Institute of Navigation

  177. K. Yang, Y. Liu, Comparison of global TEC prediction performance with two deep learning frameworks. In Presented at the 36th International Technical Meeting of the Satellite Division of the Institute of Navigation. (Denver, Colorado, 2023), pp. 3982–4001. https://doi.org/10.33012/2023.19467

  178. T. Dittmann, Y. Liu, Y. Morton, D. Mencin, Supervised machine learning of high rate GNSS velocities for earthquake strong motion signals. J. Geophys. Res. (Solid Earth) 127(11), e2022JB024854 (2022). https://doi.org/10.1029/2022JB024854

    Article  Google Scholar 

  179. G. Gogliettino, M. Renna, F. Pisoni, D.D. Grazia, D. Pau, A machine learning approach to GNSS functional safety, in Proceedings of the 32nd International Technical Meeting of the Satellite Division of the Institute of Navigation (ION GNSS+ 2019), pp. 1738–1752 (2019). https://doi.org/10.33012/2019.17001

  180. J. Haidar-Ahmad, N. Khairallah, Z.M. Kassas, A Hybrid analytical-machine learning approach for LEO satellite orbit prediction, in 2022 25th International Conference on Information Fusion (FUSION). (Linköping, Sweden, 2022). IEEE, pp. 1–7. https://doi.org/10.23919/FUSION49751.2022.9841298

  181. W.P. Syam, S. Priyadarshi, A.A.G. Roqué, A.P. Conesa, G. Buscarlet, M. Dall’Orso, Transformer deep learning for real-time precise orbit corrections, in Proceedings of the 36th International Technical Meeting of the Satellite Division of The Institute of Navigation. (Denver, Colorado, 2023), pp. 159–174. https://doi.org/10.33012/2023.19294

  182. P. Huang, C. Rizos, C. Roberts, Satellite selection with an end-to-end deep learning network. GPS Solut. 22(4), 108 (2018). https://doi.org/10.1007/s10291-018-0776-0

    Article  Google Scholar 

  183. A.R. Kazemi, S. Tohidi, M.R. Mosavi, Enhancing classification performance between different GNSS interferences using neural networks trained by TAC-PSO algorithm, in 2020 10th International Symposium on Telecommunications (IST). (Tehran, Iran, 2020), pp. 150–154. https://doi.org/10.1109/IST50524.2020.9345914

  184. Z. Liu, S. Lo, T. Walter, GNSS interference detection using machine learning algorithms on ADS-B data, in Proceedings of the 34th International Technical Meeting of the Satellite Division of the Institute of Navigation. (St. Louis, Missouri, 2021), pp. 4305–4315. https://doi.org/10.33012/2021.18111

  185. V. Navarro, R. Grieco, B. Soja, M. Nugnes, G. Klopotek, G. Tagliaferro, L. See, R. Falzarano, R. Weinacker, J. VenturaTraveset, Data fusion and machine learning for innovative GNSS science use cases, in Proceedings of the 34th International Technical Meeting of the Satellite Division of the Institute of Navigation. (St. Louis, MO, 2021), pp. 2656–2669. https://doi.org/10.33012/2021.18115

  186. V. Navarro, J. Ventura-Traveset, A data-intensive approach to exploit new GNSS science opportunities, in Proceedings of the 3rd Congress in Geomatics Engineering—CIGeo. Universitat Politècnica de València, ??? (2021). https://doi.org/10.4995/CiGeo2021.2021.12740

  187. G. Aissou, H.O. Slimane, S. Benouadah, N. Kaabouch, Tree-based supervised machine learning models for detecting GPS spoofing attacks on UAS, in 2021 IEEE 12th Annual Ubiquitous Computing, Electronics and Mobile Communication Conference (UEMCON), Virtual, pp. 0649–0653. IEEE (2021). https://doi.org/10.1109/UEMCON53757.2021.9666744

  188. S.C. Bose, GPS spoofing detection by neural network machine learning. IEEE Aerosp. Electron. Syst. Mag. 37(6), 18–31 (2022). https://doi.org/10.1109/MAES.2021.3100844

    Article  Google Scholar 

  189. Z. Feng, C.K. Seow, Q. Cao, GNSS anti-spoofing detection based on gaussian mixture model machine learning, in 25th IEEE International Conference on Intelligent Transportation Systems, Macau, China, pp. 3334–3339. IEEE (2022). https://doi.org/10.1109/ITSC55140.2022.9922109

  190. O. Jullian, B. Otero, M. Stojilović, J.J. Costa, J. Verdú, M.A. Pajuelo, Deep learning detection of GPS spoofing, in Machine Learning, Optimizationand Data Science. Lecture Notes in Computer Science. (Springer, Cham, 2022), pp. 527–540. https://doi.org/10.1007/978-3-030-95467-3_38

  191. I.E. Mehr, F. Dovis, Detection and classification of GNSS jammers using convolutional neural networks, in 2022 International Conference on Localization and GNSS (ICL-GNSS). (Tampere, Finland, 2022), pp. 01–06. https://doi.org/10.1109/ICL-GNSS54081.2022.9797030

  192. B. Pardhasaradhi, R.R. Yakkati, L.R. Cenkeramaddi, Machine learning-based screening and measurement to measurement association for navigation in GNSS spoofing environment. IEEE Sens. J. 22(23), 23423–23435 (2022). https://doi.org/10.1109/JSEN.2022.3214349

    Article  Google Scholar 

  193. S. Semanjski, A. Muls, I. Semanjski, W. De Wilde, Use and validation of supervised machine learning approach for detection of GNSS Signal Spoofing, in International Conference on Localization and GNSS (ICL-GNSS). (Nuremberg, Germany), pp. 1–6. https://doi.org/10.1109/ICL-GNSS.2019.8752775

Download references

Acknowledgements

We would like to acknowledge Derek Knowles and Asta Wu for providing feedback on the paper.

Funding

Not applicable

Author information

Authors and Affiliations

Authors

Contributions

AM wrote the first draft of the manuscript and conducted the survey. AM and GG finalized the manuscript write-up, proofread it, and checked its technical correctness. All authors read and approved the final manuscript.

Corresponding author

Correspondence to Grace Gao.

Ethics declarations

Conflict of interest/Conflict of interest

The authors declare that they have no conflict of interest.

Ethics approval

Not applicable

Consent to participate

Not applicable

Consent for publication

Yes

Additional information

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Mohanty, A., Gao, G. A survey of machine learning techniques for improving Global Navigation Satellite Systems. EURASIP J. Adv. Signal Process. 2024, 73 (2024). https://doi.org/10.1186/s13634-024-01167-7

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s13634-024-01167-7

Keywords