Next Article in Journal
Improved A* Algorithm for Path Planning of Spherical Robot Considering Energy Consumption
Previous Article in Journal
Automatic Detection and Association Analysis of Multiple Surface Defects on Shield Subway Tunnels
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Simultaneous Estimation of Azimuth and Elevation Angles Using a Decision Tree-Based Method

by
Anabel Reyes Carballeira
,
Felipe A. P. de Figueiredo
* and
Jose Marcos C. Brito
National Institute of Telecommunications INATEL, Av. João de Camargo, 510-Centro, Santa Rita do Sapucaí 37540-000, MG, Brazil
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(16), 7114; https://doi.org/10.3390/s23167114
Submission received: 11 July 2023 / Revised: 6 August 2023 / Accepted: 8 August 2023 / Published: 11 August 2023
(This article belongs to the Section Communications)

Abstract

:
This study addresses the problem of accurately predicting azimuth and elevation angles of signals impinging on an antenna array employing Machine Learning (ML). Using the information obtained at a receiving system when a transmitter’s signal hits it, a Decision Tree (DT) model is trained to estimate azimuth and elevation angles simultaneously. Simulation results demonstrate the robustness of the proposed DT-based method, showcasing its ability to predict the Direction of Arrival (DOA) in diverse conditions beyond the ones present in the training dataset, i.e., the results display the model’s generalization capability. Additionally, the comparative analysis reveals that DT-based DOA estimation outperforms the state-of-the-art MUltiple SIgnal Classification (MUSIC) algorithm. Our results demonstrate an average reduction of over 90% in the prediction error and 50% in the prediction time achieved by our proposal when compared to the MUSIC algorithm. These results establish DTs as competitive alternatives for DOA estimation in signal reception systems.

1. Introduction

In signal processing, Direction of Arrival (DOA) denotes the direction of signals impinging on a sensor or antenna array [1]. DOA estimation methods have been investigated for decades due to their actual application in radar, sonar, seismology, astronomy, and military surveillance. Furthermore, DOA has become more significant due to the development of mobile networks, technologies, and devices. For example, Beamforming (BF) is a technology that is becoming more important every day in mobile communication networks [2]. BF is a technique that focuses a wireless signal toward a specific receiving device rather than having the signal spread in all directions from an omnidirectional antenna, as it usually would. In this way, the received signal level is increased. Thus, it is essential to know the device’s direction in order to to precisely align the antenna’s beam with it.
On the other hand, the wide number of drone devices in agriculture, industry, transport, communication, surveillance, etc., along with the development of the Internet of Things (IoT), means that the use of such devices is increasing considerably [3,4]. However, drones can seriously threaten civilian environments or sensitive areas such as airports and military bases. For example, in January 2015, a drone crashed at the White House [5], compromising the security of the government building. On 29 March 2016, a Lufthansa jet came within 200 feet and collided with a drone near Los Angeles International Airport [6]. On 12 October 2017, a Beech King Air A100 of Skyjet Aviation collided with an Unmanned Aerial Vehicle (UAV) as the former approached Jean Lesage Airport near Quebec City, Canada. The aircraft landed safely despite being hit on the wing [7].
Due to the security risk associated with drones, as aforementioned, it is necessary to implement drone DOA systems to locate and confiscate or disable them. For the DOA system to work, a drone’s signal is required in order to discover its directions. However, drone owners do not want to be discoverable, and they will not transmit such a signal that makes them vulnerable to detection or localization through a DOA system. Fortunately, most drones transmit signals to their controllers to send images, video, and telemetry reports. Another important use case for a DOA system is the localization and recovery of drones that lost contact with their controllers. These drones generally keep sending data to their controllers. Therefore, these signals can be used by DOA systems to find the drone’s direction.
In 5G and 6G wireless networks [8], the estimation of the DOA plays a crucial role across various applications. One of its key benefits lies in facilitating the deployment of smart antenna systems, allowing adaptive steering of antenna arrays to optimize both signal reception and transmission [9]. Moreover, DOA information finds utility in localization and positioning applications, as it enables accurate triangulation of user device locations by estimating the DOA of signals from multiple base stations or access points [10]. Another notable application of DOA estimation pertains to enhancing network security, as the analysis of signal DOAs permits the detection and mitigation of spoofing attacks or unauthorized signal sources [11]. Furthermore, DOA estimation offers valuable insights for network planning and optimization processes, aiding in efficient resource allocation and improved network performance [12].
Hence, due to the importance of the DOA estimation, a new method, based on ML, for finding the azimuth and elevation angles of a signal impinging on a receiving antenna array system is proposed and analyzed in this paper.
The remainder of this paper is organized as follows. In Section 2, we discuss several DOA estimation methods and related works. Section 3 describes the system model used to collect the information that feeds the ML model. Section 4 describes our proposal based on an ML model for the DOA estimation that predicts both the azimuth and elevation angles. Simulation results are presented and discussed in Section 5. We draw the limitations of our proposal in Section 6. Finally, in Section 7, we present our conclusion.

2. Related Works

Different studies have been carried out to establish the DOA of an incoming signal [13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,42]. DOA estimation techniques can be broadly classified into conventional beamforming techniques, Maximum Likelihood Estimator (MLE), and Subspace-Based Techniques (SBT). However, there are recent works on Received Signal Strength (RSS)-based DOA estimation [43]. Moreover, in recent years, ML has been applied to this problem. This section will briefly summarize these techniques and their principal works, which introduce ML to obtain better DOA results.

2.1. Maximum Likelihood Estimation

The MLE finds its estimates by maximizing the probability density function of the observed received signals concerning the model’s parameters. MLE solutions can be classified into two approaches: stochastic MLE and deterministic MLE. In the stochastic MLE, the signals are assumed to be Gaussian distributed [13,14,15]. Deterministic MLE methods consider the signals as being arbitrary and deterministic [15,16]. The sensor noise is modeled as Gaussian in both methods, which is a reasonable assumption due to the central limit theorem. As a result, the stochastic MLE achieves the Cramer-Rao Bound (CRB). On the other hand, this does not hold true for deterministic MLE methods [17].
The problem with MLE techniques is the high computational cost involved since they have to solve a nonlinear multidimensional optimization problem for which global convergence is not guaranteed [18].

2.2. Subspace-Based Techniques

The best-known subspace-based methods are MUSIC [19] and Estimation of Signal Parameters Via Rotational Invariance Techniques (ESPRIT) [20], on which many works have been based. MUSIC-based methods employ the orthogonality of the signal subspace (steering vectors) and the noise subspace to search the spatial spectrum to achieve high resolution. ESPRIT-based methods exploit an underlying rotational invariance among signal subspaces induced by an array of sensors with a translational invariance structure. When the uncertainty of the system or background noise leads to model errors, e.g., the wrong number of sources, subspace-based methods need to solve high-dimensional non-linear parameter estimation problems. Many improved algorithms based on MUSIC and ESPRIT have been developed to estimate the number of sources [21,22]. However, these approaches must sacrifice the array aperture and deteriorate the resolution to deal with the singular matrix of the spatial covariance issue.

2.3. Sparse Signal Reconstruction

The Sparse Signal Reconstruction (SSR) technique has been used in DOA estimation [23,24,25,26,27]. It exploits the property that the spatial spectrum of the point source signals is sparse when the number of signals is limited. The key is to use appropriate non-quadratic regularizing functions (such as p -norms), which lead to sparsity constraints and super-resolution. In addition, the primary concern in the SSR technique lies in the computational complexity.

2.4. Machine Learning

ML is presented as a promising technology to be used for DOA estimation. ML-based methods are data-driven and more robust than other methods due to their adaptability to the array geometry and sensor imperfections. They also do not depend on the array geometry shape [44]. In addition, ML offers low-cost implementation and simplicity.
The authors in [28,29,30,31,32,33,34,35,36] used a Neural Network (NN) for DOA estimation. The authors in [28] proposed an azimuth estimation method using a Complex Valued Neural Network (CVNN) for ultra-wideband systems, where the received signal feeds the CVNN. The authors validate their proposal via simulation and experiments. The results are compared to MUSIC and Real-Valued Neural Networks (RVNNs). In [29], a Multilayer Perceptron Neural Network (MPNN) is presented that can learn from a large amount of simulated noisy and reverberant microphone array inputs for robust DOA estimation. Specifically, the MPNN learns the nonlinear mapping between Generalized Cross-Correlation Vectors (GCC) features and DOA. In [30], the authors used a Deep Neural Network (DNN) for DOA estimation. They evaluated the estimation performance under a scenario where two equal-power and uncorrelated signals are incidents on a Uniform Linear Array (ULA). The authors in [31] focused on scenarios where the number of active sources may exceed the number of simultaneously sampled antenna elements. For this purpose, they proposed new schemes based on NN and estimators that combine NNs with gradient steps on the likelihood function. The authors in [32] propose a cascaded neural network consisting of the SNR classification and the elevation angle estimation for two closely spaced sources. The authors used the correlation matrix as the input of a DNN for DOA estimation. In [33], the authors integrate Multiple Input Multiple Output (MIMO) systems with DNN for channel estimation and DOA determination of a source. In this work, good results are obtained in the simulations. However, they only focus on the azimuth angle and require a complex system (e.g., in their simulation, the radio base of the MIMO system is equipped with 128 antennas). In [34], the authors propose a new DOA method based on an ML model to estimate the azimuth angle of a signal. A dataset named “Dround Data New” was obtained with a four-antenna-based system that contains well-known received powers. The authors trained and validated the dataset with a DNN model. In [35], the authors presented a deep ensemble learning to find a source’s azimuth and elevation angles to different training conditions. The authors designed a Convolutional Neural Network (CNN) that performs the regression task to learn a mapping between the spatial covariance matrix of the received signals from the antenna elements and the DOA. In addition, to improve the prediction performance, they proposed an ensemble learning method. Simulation results show that their proposals have slightly lower Mean Squared Error (MSE) performance than conventional methods such as MUSIC and 1 -norm SVD (Singular Value Decomposition). However, the simulation results also show that the authors’ proposals in this article respond very fast and have higher speeds than the MUSIC and 1 -norm SVD algorithms. In [36], the authors proposed Circularly Fully Convolutional Networks (CFCN) to find the DOA of multiple sources in low-frequency scenarios. The CFCN is trained using the dataset labeled with space-frequency pseudo-spectra and accompanied by on-grid DOA predictions. Then, the regression model is developed to estimate the precise DOAs according to corresponding proposals and features.
In [37,38,39,40,41,42], the authors proposed a Support Vector Regression (SVR)-based DOA estimation method. In [37], a smart antenna system is considered to estimate the DOAs of multiple sources in noiseless and noisy environments.In [38], the authors address the problem of estimating the DOAs of coherent electromagnetic waves incident on a ULA, building upon previous work and presenting experimental results. In [39], a multi-resolution approach for the real-time DOA estimation of multiple signals impinging on a planar array is presented. The method is based on a Support Vector Classifier (SVC), and it exploits a multi-scaling procedure to enhance the angular resolution of the detection process in the regions of incidence of the incoming waves. The authors in [40] proposed the combination of the advantages of Forward–Backward Linear Prediction (FBLP) and SVR in estimating DOAs of coherent incoming signals with low snapshots. In [41], the authors proposed a scheme to address the wideband DOA estimation problem. An approach for the real-time DOA estimation of multiple signals impinging on a planar array is presented in [42]. This last work estimates the azimuth and elevation angles of one or more incident sources in a ULA. However, the angular resolution is shallow. The main disadvantage of Support Vector Machine (SVM) is the algorithm’s time complexity [45]. The algorithmic complexity of SVM models affects the model training time on large datasets, the development of optimal models for multiclass, and the performance on unbalanced datasets.
Table 1 summarizes the articles mentioned above that employ ML techniques to solve the DOA problem. The table shows the main aspects considered to carry out our work. In addition, the table collects the angles considered by the related works: azimuth, elevation, or both. It also shows if the work is oriented to find the DOA from a single source or several, if the proposals were validated via simulation or experiments, and if the results were compared with an existing DOA model.
ML has been mainly used to improve the estimation of azimuth or elevation angles and computing speed. In addition, various studies have been carried out to find the origin of multiple sources. However, the study of ML-based DOA for estimating azimuth and elevation angles has yet to be deeply studied. The reason behind this is the huge size of the training data, which are only supported by some models such as NNs [46]. However, estimating the elevation and the azimuth angles is crucial and has many applications in various engineering fields. For instance, with complete DOA information, it is possible to improve the transmission coverage in wireless communications by avoiding interference and enhancing the system capacity [42]. More specifically, the knowledge of the azimuth and elevation angles would enable more effective utilization of the beamforming (BF) technology in the next generation of mobile networks. Therefore, this study addresses the problem of accurately predicting the azimuth and elevation angles of a signal impinging on an antenna array.
The main goal of this work is to propose a simple, in terms of computational complexity, yet accurate ML model for DOA estimation that predicts both the azimuth and elevation angles. To achieve this goal, the following specific objectives are considered:
  • Design a receiving antenna system to estimate the DOA.
  • Propose an ML-based DOA estimation solution capable of adapting to different conditions, such as the SNR of the signal.
  • Discuss training data preparation and design for a specific scenario.
  • Optimize the ML-based DOA estimation solution.
  • Compare the results obtained with the ML-based DOA estimation solution with a state-of-the-art DOA estimation method present in the literature.

3. System Model

We consider a receiving system that consists of a single-channel receiver and M half-wavelength strip dipole antennas operating at a frequency of 70 MHz (70 MHz is the maximum frequency supported by the computer used for the simulations in terms of processing power) [47,48]. Therefore, only one antenna is connected to the receiver at a time. The M antennas are uniformly placed along a circle of radius, r = λ / 2 , forming a Uniform Circular Array (UCA) as shown in Figure 1, where λ is the incident signal’s wavelength.
If a signal impinges on the center of the circle formed by the M antennas with azimuth, ϕ , and elevation, θ , angles as shown in Figure 1, the received signal at the m-th antenna element can be mathematically given as
y m ( k ) = a m ( ϕ , θ , γ m ) s ( k ) + n m ( k ) ,
where m { 1 , , M } is the antenna index, k { 1 , , N } is the sample index, a m ( ϕ , θ , γ m ) represents the attenuation factor (amplitude attenuation and phase shift) of the m-th antenna, s(k) is the k-th signal transmitted by the source as it arrives at the antenna array and n m (k) is the k-th noise sample at the m-th antenna, which has its value drawn from a circularly symmetric (central) complex normal distribution with variance equal to σ 2 . The attenuation factor, a m ( ϕ , θ , γ m ), is expressed as
a m ( ϕ , θ , γ m ) = e j 2 π r cos ( γ m ϕ ) cos ( θ ) λ ,
where r is the radius of the receiving system, and γ m is the angular position of the antenna array elements, which can be calculated as
γ m = 2 π ( m 1 ) M .
Therefore, the received signal vector obtained at the output of the antenna array can be written as
y ( k ) = y 1 ( k ) , y 2 ( k ) , , y M ( k ) T ,
which can be re-expressed as
y ( k ) = A s ( k ) + n ( k ) ,
where · T denotes the transpose and A, s(k), and n(k) are given by
A = e j 2 π r cos ( γ 1 ϕ ) cos ( θ ) λ 0 0 e j 2 π r cos ( γ M ϕ ) cos ( θ ) λ ,
s ( k ) = s 1 ( k ) , s 2 ( k ) , , s M ( k ) T ,
and
n ( k ) = n 1 ( k ) , n 2 ( k ) , , n M ( k ) T ,
with dimensions M × M , M × 1 , and M × 1 , respectively.
The spatial correlation matrix of the array output is usually used for DOA estimation since it contains sufficient information about the received signals. From (5), the spatial correlation matrix, R, of the received noisy signals can be expressed as
R = E y ( k ) y H ( k ) = E y 1 ( k ) y 1 H ( k ) E y 1 ( k ) y 2 H ( k ) E y 1 ( k ) y M H ( k ) E y 2 ( k ) y 1 H ( k ) E y 2 ( k ) y 2 H ( k ) E y 2 ( k ) y M H ( k ) E y M ( k ) y 1 H ( k ) E y M ( k ) y 2 H ( k ) E y M ( k ) y M H ( k ) = R 11 R 12 R 1 M R 21 R 22 R 2 M R M 1 R M 2 R M M ,
where E · is the statistical expectation operator, the superscript H denotes the complex conjugate transpose operation and R i j is the element in the i-th row and j-th column.
After applying the expectation operator, (9) can be rewritten as
R = A R s A H + σ 2 I ,
where σ 2 represents the noise power (i.e., the variance) at the array elements, I is the identity matrix with dimensions M × M, and R s is the K × K signal correlation matrix that is written as
R s = E s ( k ) s H ( k ) .
Now the problem boils down to finding the angle of azimuth and elevation between the center of the receiving system and the source (i.e., ϕ , θ , respectively), having as input data the correlation matrix, R, of the receiving system. The correlation matrix can be unbiasedly estimated through the sample correlation matrix
R ¯ = 1 N 1 k = 1 N y ( k ) y H ( k ) ,
where N is the number of independent observations considered for calculating the matrix.

4. Proposed Method

Figure 2 summarizes our proposal to find the azimuth and elevation angles of a source signal impinging on a receiver system. The proposed method will be divided into the ML model’s setup process (Process 1—blue colored boxes) and the up-and-running process (Process 2—yellow colored boxes). First, both processes are fed with the output of the antenna array in response to the source signal impinging on it. Next, the steps involved in these two processes are described.
Step 1—Data collection: This work uses supervised learning to find ϕ and θ angles. In supervised learning, the training data fed to the ML algorithm include pairs of fixed-dimension feature vectors and the desired output, called labels. In this step, the received signal obtained at the output of the antenna array Y and their respective labels are collected (azimuth and elevation angles that the transmitter forms with the center of the array). Y is the matrix formed by the K received signal vectors obtained at the output of the antenna array
Y = y ( 1 ) , y ( 2 ) , , y ( K ) T ,
where K is the number of collected vector samples.
In this work, we assume the size of the dataset is L. In that case, the fixed-dimensional feature vectors are composed of L spatial correlation matrices, R l , l { 1 L } , which are converted into vectors, and the labels are their respective azimuth and elevation angles formed between the transmitter and the center of the receiving system (i.e., ϕ 1 , ϕ 2 , , ϕ L and θ 1 , θ 2 , , θ L ), where φ 1 , φ 2 , , φ L are values between 0 and 2 π radians and θ 1 , θ 2 , , θ L are values between 0 and π /2 radians.
Step 2—Data preprocessing: The preprocessing of the data is essential to achieve good performance with the ML algorithms. At this point, the L correlation matrices are calculated from the samples of the signals received by the receiving system, and their redundant information is removed. Since the correlation matrices R l are conjugate-symmetrical concerning their diagonal, the elements of their upper or lower triangular part provide enough information for 2D DOA estimation. This way, the other part of the matrix can be ignored. Therefore, next, we create feature vectors with the upper triangular part of the L correlation matrices, R l , (which includes the main diagonal) with dimensions equal to d R = i = 1 M i .
In addition, the matrices R l contain complex values that cannot be interpreted by most ML models. Therefore, the matrices R l will be split into real and imaginary parts and arranged in a vector as follows
r l = Re ( R 11 , l ) Re ( R 12 , l ) Re ( R M M , l ) Im ( R 11 , l ) Im ( R 12 , l ) Im ( R M M , l ) ,
where Re ( R i j , l ) and Im ( R i j , l ) are the real and imaginary parts of the element in the i-th row and j-th column of l-th correlation matrix, respectively. Thus, the dimensions of r l is 2 d R . Notice that r l is the input data of the ML models.
Step 3—Data splitting: To validate the ML models, it is necessary to take part of the input data for training and another part, known as a validation set, usually smaller than the previous one, to evaluate the model when presented with unseen data, i.e., measure its generalization capacity. The validation set is used to evaluate the different metrics for the ML model by comparing the model’s predicted label with the actual value in the set. This way, it is possible to assess whether the model learned a general solution or not.
Step 4—Building/Training the ML model: In this step, the ML model is set up by choosing various strategies to improve the training results. First, we can select various ML regression models, for example, DT, Random Forest (RF), SVC, NN, etc. Specifically, in this work, we will work with the DT model. This model was chosen based on results obtained and published in [49]. DT models are one of the simplest yet most successful and powerful forms of ML models [50].
During the training phase, the DT algorithm builds (i.e., learns/trains) a tree-like model, as shown in Figure 3. The trained model is the one applied for making predictions, as shown in Figure 4. A DT is a tree-like structure where an internal node represents a feature (or attribute), the branch represents a decision rule, and each leaf node represents the outcome. The tree’s construction must start from a root node. The root node is the first node chosen by an Attribute Selection Measure (ASM) algorithm, such as information gain, gini index, and gain ratio. A typical decision tree evaluates the variable that best splits the data. Then, the model learns to partition based on the attribute value. Finally, it partitions the tree in a recursive way called recursive partitioning. Therefore, the construction of a DT can be summarized as described next.
  • Select the root node using ASM to split the records.
  • Make that attribute a decision node and break the dataset into smaller subsets.
  • Start building the tree by repeating this process recursively for each child until one of the following conditions matches:
    • All the tuples belong to the same attribute value.
    • There are no more remaining attributes.
    • There are no more instances.
Decision trees offer several advantages in data analysis. Firstly, they are simple to understand and interpret, and their structure can be visualized, providing a clear representation of the decision-making process. Additionally, decision trees require minimal data preprocessing, reducing the need for data normalization, dummy variables, and missing value handling. The computational cost of using decision trees is logarithmic in the number of data points used to train the tree, making predictions efficient even with large datasets. Furthermore, decision trees are versatile, capable of handling both numerical and categorical data, and they can also handle multi-output problems. Another advantage is that decision trees represent a white box model, where explanations for decisions are easily understood using boolean logic. This is in contrast to black box models like artificial neural networks, which can be more challenging to interpret. Additionally, decision trees enable the validation of the model using statistical tests, allowing for an assessment of the model’s reliability. Even when the assumptions of the true model are somewhat violated, decision trees tend to perform well in generating accurate predictions based on the given data.
This work uses the sklearn.tree.DecisionTreeRegressor [51] class from the Scikit-Learn (sklearn) library [52]. This class allows for Multi-Output Multi-Labels. This feature makes it possible for the proposed ML-based method to estimate azimuth and elevation angles simultaneously. Therefore, only one ML model is necessary for the DOA estimation. The sklearn.tree.DecisionTreeRegressor class takes as input the following parameters:
  • criterion: The function to measure the quality of a split. This function can take the following values:
    squared_error: for the mean squared error.
    friedman_mse: uses mean squared error with Friedman’s improvement score for potential splits.
    absolute_error: for the mean absolute error.
    poisson: uses reduction in Poisson deviance to find splits.
  • splitter: The strategy used to choose the split at each node. Supported strategies are “best” to choose the best split and “random” to choose the best random split.
  • max_depth: This indicates how deep the tree can be.
  • min_samples_split: The minimum number of samples required to split an internal node.
  • min_samples_leaf: The minimum number of samples required at a leaf node.
The next step in the proposed method is hyperparameter optimization. The main goal of this optimization technique is to find a set of hyperparameters that optimizes the ML algorithm. Hyperparameter optimization reduces the human effort necessary for optimizing ML algorithms, improves their performance, and improves scientific studies’ reproducibility and fairness. There are different open-source software functions and libraries such as sklearn.model_selection.GridSearchCV [53], Talos [54], and Optuna [55] that facilitate the automation of hyperparameter optimization. In this work, we will employ Optuna for its simplicity and excellent results.
Optuna’s optimization algorithm is divided into sampling and pruning strategies, each playing a distinct role. The sampling strategy leverages Bayesian optimization [56], utilizing the historical data to determine the next set of hyperparameters or configurations. On the other hand, the pruning strategy enables faster optimization by identifying and discarding unpromising trials based on learning curves. Optuna offers numerous advantages that greatly influenced our decision to choose this tool. The key highlights of these advantages are outlined next.
  • Lightweight, versatile, and platform-agnostic architecture that can be effortlessly integrated into various environments, allowing for easy adoption and usage.
  • Handling a wide variety of hyperparameter optimization tasks, which offers flexibility and robustness to tackle various optimization scenarios effectively.
  • Pythonic way of coding using familiar Python syntaxes, which simplifies the process of defining and exploring complex search spaces, enhancing user convenience and code readability.
  • Efficient optimization algorithms, including state-of-the-art techniques for sampling hyperparameters and pruning unpromising trials, which lead to improved optimization performance and faster convergence toward optimal solutions.
  • Easy parallelization, which allows the scaling of studies to tens or hundreds of workers with minimal or no code modifications, accelerating the optimization process, particularly when dealing with computationally intensive tasks.
  • Quick visualization capabilities that enable swift inspection and analysis of optimization histories. It provides a range of plotting functions that allow for easy interpretation and understanding of the optimization process.
Step 5—Validating the ML model: After training the ML model, we validate it using part of the pre-processed data intended for this purpose (i.e., the validation dataset), that is, the part that was not used to train the ML model. For this, a prediction of the labels corresponding to the feature vectors of the validation set is made and compared with the actual labels. From here, we can obtain satisfactory or unsatisfactory results depending on whether the predicted labels are more or less similar to the actual ones. We analyze the results and adjust the ML model accordingly if the results are unsatisfactory.
There are different metrics to analyze how satisfactory the results of the ML model were. In this work, we will use the Root-Mean-Square Error (RMSE). The RMSE of an estimator measures the square root of the average of the squares of the errors, that is, the square root of the average of the squared difference between the estimated and the actual values. The RMSE for the proposed Multi-Output Multi-Label Proposal (MMP) is calculated as follows
R M S E ( ϕ , ϕ ^ , θ ^ , θ ) = 1 2 L i = 0 L 1 ( ϕ ^ i ϕ i ) 2 + ( θ ^ i θ i ) 2 ,
where L is the number of examples, ϕ , θ are the actual azimuth and elevation angles, and ϕ ^ , θ ^ are the azimuth and elevation angles predicted by the ML model, respectively.
Step 6—Data preprocessing: The same pre-processing as the one described in Step 2 is carried out for new data samples collected during the operational use of the proposed DOA estimation method.
Step 7—Operational step: Once satisfactory results are obtained, the trained and optimized ML model can be used to predict the azimuth and elevation angles of new data samples.

5. Experimental Results

In this section, we describe how the dataset was generated and present several experimental results used for assessing the proposed DOA estimation method. In the first part, we discuss how the dataset was created. Next, we analyze the robustness of the method. Finally, in the third part, we compare it with a well-known DOA estimation algorithm.
All receiving models are simulated in Matlab, and the collected information is used to create the dataset. The Python language and the Scikit-Learn library are used to implement the DT-based DOA estimation method. All experiments are performed on an Acer laptop with a Core i7 processor, 16 GB of RAM memory, and an 8 GB Intel(R) Iris(R) Xe graphics video card.

5.1. Data Generation

Based on the system model described in Section 3 and using the Matlab simulation tool, we generated the dataset that was used for training and validating the proposed DT-based DOA estimation method. Matlab was also used to generate the radiation patterns of the half-wavelength strip dipole antennas.
For each pair of azimuth and elevation angles, i.e., ( ϕ i , θ i ), the corresponding l-th correlation vector, r l , was obtained. The azimuth and elevation angles are in the range [0°, 360°) and [0°, 90°), respectively, with an angular resolution of 1°. For each angle pair, 20 correlation vectors, r l , were generated. Each correlation vector corresponds to a realization of the AWGN channel. This way, the total number of correlation vectors, r l , generated is equal to 648,000, i.e., 20 noise realizations × 360 azimuth angles × 90 elevation angles. It is assumed that s ( k ) = 1 , ∀k, and n m ( k ) is circularly symmetric, independent, and identically distributed complex AWGN with zero mean and variance in the range 10 4 to 10. Moreover, we are going to compare the proposed method for a different number of receiving antennas, M = 4, 8, and 12.

5.2. Analysis of the Robustness of the ML Model

In this section, we assess the robustness of the ML model against variations in the received signal. Let us suppose all data in the collected database have the same noise variance. In that case, there is a significant probability that when the received signal has a different noise variance, the model will predict the wrong angles because it was trained with a dataset generated with signals having a different noise variance. For example, if the DT model is trained with correlation vectors of signals with an SNR of −10 dB, the model could incorrectly predict the azimuth and elevation angles when the received signal has an SNR of 20 dB. Next, we describe two experiments that will be used to analyze whether the DT model can correctly predict the angles using signals with different SNRs during the training and prediction stages.
  • Experiment 1: For a given number of receiving antennas, M, one single DT model is trained with a dataset comprising correlation vectors of signals of all SNR values in the set −10, 0, 10, 20, 30, and 40 dB. Subsequently, also for a specific number of receiving antennas, the model is validated with datasets composed of correlation vectors of each individual SNR value. This training and validation process is repeated for each different number of receiving antennas considered ( M = 4, 8, and 12).
  • Experiment 2: For a given number of receiving antennas, M, different DT models are trained with a dataset containing correlation vectors of one specific SNR value in the set −10, 0, 10, 20, 30, and 40 dB. Subsequently, also for a specific number of receiving antennas, the models are validated with datasets composed of correlation vectors of each individual SNR value. This training and validation process is repeated for each different number of receiving antennas considered ( M = 4, 8, and 12).

5.2.1. Experiment 1—Results

To perform this experiment, 19 examples of each combination of angles and SNR values were used for training purposes. The azimuth angles are between 0° and 359°, and the elevation angles range from 0° to 89° with a resolution of 1°. One DT model was trained with a dataset composed of correlation vectors with SNR values of −10, 0, 10, 20, 30, and 40 dB. In other words, 3,693,600 (i.e., 19 × 360 × 90 × 6) samples (i.e., correlation vectors) were used for training the DT model. On the other hand, one example of each combination of angles and SNR value was used to validate the model for each SNR value, generating six datasets with 32,400 (i.e., 1 × 360 × 90) samples each. Optuna was employed to optimize the hyperparameters of the DT model. This process (i.e., training, optimization, and validation) was repeated for each number of receiving antennas in the set M = 4, 8, and 12. The obtained hyperparameter optimization results for all antenna numbers are presented in Table 2.
Figure 5 shows the RMSE versus SNR values attained by the DT models trained with correlation vectors containing all SNR values and for different numbers of receiving antennas. The models were validated with six datasets, each one comprising correlation vectors with a unique SNR value. Figure 5a shows the RMSE of the DT models when simultaneously predicting the azimuth and elevation angles. Figure 5b,c show the RMSE of the DT models when predicting the azimuth and elevation angles, respectively.
Figure 5 as a whole shows that the DT model’s estimation performance improves as the number of antennas increases. This is expected, since the available correlation information increases. Moreover, the figure also shows that training the DT model with a dataset comprised of correlation vectors with different SNRs demonstrates good performance.
Figure 6 shows the SNR versus the actual and predicted angles for ϕ (Figure 6a–c) and θ (Figure 6d–f), respectively. As the number of antennas of the receiving system increases, the diagonal becomes narrower (i.e., less noisy), both in the prediction of ϕ and θ angles, which means a greater correspondence between the actual and predicted angles. Furthermore, for the same number of receiving system antennas, the sharpness of the diagonal improves as the SNR increases.
In addition, when looking at Figure 6 and comparing the predictions of ϕ and θ angles, one might be made to believe that the model better predicts the ϕ angle, which is contradicted by the results in Figure 5b,c. This happens because θ angles are in a shorter interval, [0°, 90°), than ϕ angles, [0°, 360°). As a matter of fact, in order to plot the results shown in Figure 6, the DT model performs the same number of predictions for θ and ϕ angles. This means that the DT model has more information to learn from in order to estimate the elevation angle compared to the azimuth angle, making it easier for the model to estimate elevation angles than the azimuth ones. Therefore, when plotting the same number of points (i.e., predictions) in a smaller space, the points seem more dispersed, and consequently, the diagonal seems less narrow (i.e., is less defined) when compared with the diagonal of the azimuth angles.

5.2.2. Experiment 2—Results

To perform this experiment, 19 examples of each combination of angles and one specific SNR value were used to train one model. In total, 615,600 (19 × 360 × 90) samples of one given SNR value were used to train the DT models. An example of each combination of angles and specific SNR was used to validate the models.
As in Experiment 1, we first use Optuna to optimize the hyperparameters of the models. Since we want to train DT models for different numbers of antennas and specific SNR values, we are going to have a total of 18 models (i.e., models for 4, 8, and 12 antennas that are trained with datasets composed of six different SNR values, −10, 0, 10, 20, 30, and 40 dB). The obtained hyperparameter optimization results for all SNR values and antenna numbers are presented in Table 3.
Figure 7 shows the results of training the DT models with correlation vectors of the received signals. Each model was trained with a dataset composed of correlation vectors of signals with one specific SNR and then validated with correlation vectors of signals with different SNRs. The x-axis shows the SNR of the signals with which the DT model was trained, and the y-axis shows the average RMSE of validating the DT models with signals with SNRs of −10, 0, 10, 20, 30, and 40 dB. When analyzing the results shown in Figure 7, it is observed that, globally, particularly for M > 4 , the DT models exhibit improved capabilities in predicting azimuth and elevation angles of signals with varying SNRs when trained with signals possessing an SNR of approximately 20 dB. Therefore, next, we use models trained with signals having an SNR of approximately 20 dB.
Figure 8 displays the validation results of DT models trained with correlation vectors presenting an SNR of 20 dB. The validation is performed using correlation vectors presenting SNR values ranging from −10 dB to 40 dB (x-axis). The graph illustrates that training the DT model with correlation vectors of signals at an SNR of 20 dB and validating it with SNR signals from −10 dB to 40 dB yields satisfactory performance. Moreover, Figure 9 demonstrates consistent predictions of azimuth and elevation angles when training the model with signals at an SNR of 20 dB. Once more, we see that the diagonal becomes narrower as the number of antennas and SNR increase.

5.2.3. Comparison between Experiments 1 and 2

Let us delve into the comparison of the results obtained from experiments 1 and 2 (i.e., Figure 5 and Figure 8, respectively). Upon careful analysis, it becomes apparent that the results of experiment 1 outshine those achieved in experiment 2. Notably, experiment 1 showcases a smaller RMSE for both low SNR values and a limited number of antennas, as small as four. This compellingly signifies that training a DT model with a diverse dataset containing correlation vectors encompassing various SNR values proves to be a superior approach compared to training the model with signals having a specific SNR value.
These results highlight the efficacy of employing DT models in accurately estimating azimuth and elevation angles across a wide range of SNR values. While experiment 1 outperformed experiment 2 in terms of RMSE, both experiments demonstrate the overall efficiency and robustness of proposals utilizing DT models in handling a broad range of SNR values. This reaffirms the potential of DT-based methodologies for accurate angle estimation, providing valuable insights into their application in real-world scenarios.

5.3. Comparison with MUSIC

Finally, let us compare the results of the well-known MUSIC DOA estimation algorithm with our proposed method [19]. In this work, we use the Matlab implementation of the algorithm [57]. In Figure 10a, we observe the MUSIC results for the resolution of the same azimuth and elevation angles as resolved by the DT model. Comparing the results of MUSIC with those of Experiments 1 and 2 (Figure 10b,c, respectively), it becomes apparent that, on the whole, the DT model achieves superior performance. Furthermore, Figure 11 presents the difference between the RMSE of the DT and MUSIC models for each SNR value. This difference is calculated as follows
R M S E d i f f e r e n c e = R M S E D T ( S N R ) R M S E M U S I C ( S N R ) .
Thus, if the RMSE difference is less than zero (green color in the figure), it means that the DT model is closer to the expected value of DOA than MUSIC. On the other hand, if the RMSE difference is positive (red color in the figure), it means that MUSIC obtains a better result.
Comparing Figure 10 and Figure 11, it can be seen that, in general, the DT models are closer to the expected azimuth and elevation angles than MUSIC. It is mainly true for Experiment 1 (Figure 11a). For Experiment 2, MUSIC obtains better results across almost all SNR values when the number of receiver antennas is four. In addition to this analysis, a statistical analysis for the difference between the results of the MUSIC and DT models using the Wilcoxon signed-rank test was carried out [58]. With this analysis, we obtained p v a l u e = 0.00438 . Therefore, the difference between the DOA estimation methods is significant, since the p v a l u e is less than the significance level of 0.05. Therefore, it is concluded that there is enough evidence to state that the methods are really different, with the DT being the best one in terms of the RMSE.
The comparison between the DT model and the MUSIC algorithm underscores the advantages of our approach in achieving accurate DOA estimation. The DT model outperforms MUSIC in terms of RMSE, especially for signals with higher SNR values. Additionally, the DT model showcases the ability to leverage an increasing number of antennas to enhance accuracy, which is not observed in the case of MUSIC.
Next, let us examine Figure 12a, which displays the average time taken by the MUSIC algorithm to estimate the azimuth and elevation angles. Additionally, Figure 12b,c, illustrate the average time consumed by the DT models in Experiments 1 and 2, respectively. Upon comparing these figures, it becomes apparent that, in general, the average prediction times of DT models are shorter than the average prediction time of the MUSIC algorithm.
As in the case of RMSE, we wanted to analyze how different the DT models were from the MUSIC models in terms of prediction time, i.e., the time it takes for the model to output an estimate. The prediction difference is calculated as the DT’s prediction time minus that of MUSIC, which is represented by (17).
T i m e d i f f e r e n c e = T i m e D T ( S N R ) T i m e M U S I C ( S N R ) .
The prediction difference between both models is presented in Figure 13. As in Figure 11, if the results are below zero, it means that the DT model is faster than MUSIC. In Figure 13, it is shown that, indeed, for most of the cases, the DT models predict the angles faster than MUSIC. In addition, according to the Wilcoxon signed-rank test theorem, this difference is significant, since p v a l u e = 0.01078 ( p v a l u e < 0.05 ). Therefore, as before, it is concluded that there is enough evidence to state that the methods are really different, with the DT being the faster one in terms of the prediction time.
This finding not only reinforces the superior accuracy demonstrated by DT models, as discussed earlier in terms of RMSE results, but also highlights their efficiency in terms of prediction time. The reduced prediction times indicate that DT models offer a faster computational approach to achieving accurate DOA estimation when compared to the conventional MUSIC method.
By excelling in both RMSE and computational efficiency, our model exhibits a clear advantage over the MUSIC algorithm. These results validate the effectiveness of the DT models, providing a solid foundation for their practical implementation in real-world scenarios where timely and precise DOA estimation is of utmost importance.

6. Limitations of the Proposed Method

In this section, we describe some limitations the proposed method presents.
  • Generalizability: The study primarily investigates a specific scenario involving line-of-sight communication between a single transmitter and the receiving system. Therefore, the diversity of the training dataset might not cover all possible real-world scenarios, potentially affecting the method’s performance in certain situations. The method’s accuracy and generalization capability may vary when applied to more complex scenarios. As such, the direct applicability of the findings to other contexts may be restricted. The generalizability of the results is more likely to be applicable to similar scenarios and related applications. In future research, it is important to consider additional scenarios, such as those involving fading channels and simultaneously transmitting devices. By incorporating these varied scenarios, a more comprehensive understanding of the subject matter can be achieved, leading to broader applicability and enriched insights.
  • Exploration of ML models: The study exclusively utilizes DT models owing to their simplicity, low complexity, and superior performance when compared to more intricate models such as neural networks. However, this approach imposes a limitation by precluding the exploration of potentially superior models. Future research endeavors should encompass a broader spectrum of ML models, such as neural networks, support vector machines, or ensemble methods, to facilitate comprehensive comparisons and gain insights into their respective strengths and weaknesses when tackling the specific problem at hand. By incorporating these diverse models, the analysis can be enriched, leading to a deeper understanding and improved overall assessment.
  • Antenna Array Configuration: The performance of the DT-based method could be influenced by the specific antenna array configuration used in the study. Different antenna array configurations may yield varying results, and the effectiveness of the model may depend on the physical setup of the array.
  • Real-time constraints: The present research does not take real-time processing requirements and analysis into account, which is a crucial aspect in certain applications. The lack of real-time processing assessment in the study might limit its applicability to time-sensitive scenarios. Future investigations should consider incorporating real-time considerations to render the proposed methodologies suitable for real-world applications.
  • Simulation-based results: The results are based on simulation studies, which may not perfectly reflect real-world conditions. The model’s performance in an actual implementation could differ from the simulation results due to factors such as noise, interference, and other real-world complexities.
It is important to acknowledge these limitations to provide a clear understanding of the study’s scope and potential implications. Addressing these limitations in future research will contribute to a more comprehensive and nuanced understanding of the problem under investigation.

7. Conclusions

In conclusion, DOA estimation has been a widely researched topic in signal processing, with applications spanning various fields such as beamforming, localization in 5G and 6G networks, drone localization, radar, sonar, seismology, astronomy, and military surveillance, among others.
Therefore, by recognizing the significance of DOA estimation, this study has proposed and analyzed a novel method based on DTs for accurately determining the azimuth and elevation angles of signals impinging on a receiving antenna array system. The primary objective of this proposed method is to improve the accuracy, efficiency, and applicability of DOA estimation.
The DT models employed in this method are capable of estimating the azimuth and elevation angles between a transmitter and a system receiver. They utilize information provided by the correlation matrix derived from the signals received by an antenna system. To enhance the training and prediction processes of the DT models, their hyperparameters have been optimized using the Optuna framework.
Two experiments were conducted to demonstrate the effectiveness of the proposed solution in predicting the azimuth and elevation angles under different conditions from those used during the training of the ML model. The results from both experiments indicate that the DT models employed in the proposed method can effectively learn to predict azimuth and elevation angles with signals characterized by varying SNRs. When compared to the MUSIC DOA estimation algorithm, the proposed solution exhibited significantly better results in minimizing both the RMSE and the average prediction time. In a more quantitative way, the results of the conducted experiments show a significant average reduction of more than 90% in the prediction error and 50% in the prediction time achieved by the proposed DT-based DOA estimation method when compared to the MUSIC algorithm.
In future research, it would be valuable to explore and evaluate the performance of alternative types of receiving systems and ML models, including neural networks. Furthermore, the proposal presented in this study, as well as future ones, should be validated through real-world experiments to complement the findings obtained from simulations. Such real experiments would provide further validation and ensure the practical viability of the proposed solutions.

Author Contributions

Conceptualization A.R.C., J.M.C.B. and F.A.P.d.F.; investigation A.R.C.; writing—original draft preparation A.R.C.; writing—review and editing A.R.C., J.M.C.B. and F.A.P.d.F.; supervision J.M.C.B. and F.A.P.d.F.; project administration J.M.C.B. All authors have read and agreed to the published version of the manuscript.

Funding

This work was partially supported by the Coordenação de Aperfeiçoamento de Pessoal de Nível Superior—Brazil (CAPES) and RNP, with resources from MCTIC, under Grant Nos. 01250.075413/2018-04, 01245.010604/2020-14, and 01245.020548/2021-07 under the Brazil 6G project of the Radiocommunication Reference Center (Centro de Referência em Radiocomunicações—CRR) of the National Institute of Telecommunications (Instituto Nacional de Telecomunicações—Inatel), Brazil; by Huawei, under the project Advanced Academic Education in Telecommunications Networks and Systems, Grant No. PPA6001BRA23032110257684; by Fundação de Amparo à Pesquisa do Estado de Minas Gerais (FAPEMIG) via grant number 2070.01.0004709/2021-28; by FCT/MCTES through national funds and when applicable co-funded EU funds under the Project UIDB/EEA/50008/2020; and by the Brazilian National Council for Research and Development (CNPq) via Grant Numbers 313036/2020-9 and 403827/2021-3; and by the MCTI/CGI.br and the São Paulo Research Foundation (FAPESP) under Grant No. 2021/06946-0.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
MLMachine Learning
DTDecision Tree
DOADirection of Arrival
BFBeamforming
IoTInternet of Things
UAVUnmanned Aerial Vehicle
MLEMaximum Likelihood Estimator
SBTSubspace-Based Techniques
RSSReceived Signal Strength
CRBCramer-Rao Bound
MUSICMultiple Signal Classification
ESPRITEstimation of Signal Parameters Via Rotational Invariance Techniques
SSRSparse Signal Reconstruction
NNNeural Network
CVNNComplex Valued Neural Network
RVNNReal-Valued Neural Network
MPNNMultilayer Perceptron Neural Network
GCCGeneralized Cross-Correlation Vectors
DNNDeep Neural Network
ULAUniform Linear Array
MIMOMultiple Input Multiple Output
CNNConvolutional Neural Network
MSEMean Squared Error
SVDSingular Value Decomposition
CFCNCircularly Fully Convolutional Networks
SVRSupport Vector Regression
FBLPForward–Backward Linear Prediction
SVMSupport Vector Machine
AWGNAdditive White Gaussian Noise
HPOAutomated Hyperparameter Optimization
RMSERoot-Mean-Square Error
MMPMulti-Output Multi-Label Proposal
UCAUniform Circular Array
SNRSignal-to-Noise Ratio

Symbols

The following symbols are used in this manuscript:
p -normsSpace function.
1 -normThe sum of the magnitudes of the vectors in space.
MA number of antennas of the receiving system.
rUCA radius.
λ Incident signal’s wavelength.
ϕ Azimuth angle.
θ Elevation angle.
mAntenna number index.
y m ( k ) Received signal at the m-th antenna element.
γ m The angular position of the m-th antenna element.
a m ( ϕ , θ , γ m ) Attenuation factor.
s ( k ) Signal transmitted by the source.
n m ( k ) Complex Additive White Gaussian Noise at the m-th antenna element.
kSample index.
KNumber of collected vector samples at the output of the antenna array.
σ 2 The variance of Additive White Gaussian Noise.
y ( k ) Received signal vector obtained at the output of the antenna array.
AMatrix of the attenuation factor.
s(k)Vector of the signal transmitted by the source.
n(k)Vector of Complex Additive White Gaussian Noise at the output of the antenna array.
· T Transpose of a matrix
RSpatial covariance matrix.
E · Statistical expectation operator.
HComplex conjugate transpose operation.
IIdentity matrix with dimensions M × M.
NNumber of independent observations considered for calculating the R matrix.
YMatrix formed by the K received signal vectors
obtained at the output of the antenna array.
LSize of the dataset used to train ML models.
R l Correlation matrix.
r l Vector formed by the real and imaginary parts of each element R i j , l of the R l matrix.
Re ( R i j , l ) Real part of the element in the i-th row and j-th column of R l matrix.
Im ( R i j , l ) Imaginary part of the element in the i-th row and j-th column of R l matrix.
ϕ ^ Azimuth angle predicted by the ML model.
θ ^ Elevation angle predicted by the ML model.

References

  1. Chen, Z.; Gokeda, G.; Yu, Y. Introduction to Direction-of-Arrival Estimation; Artech House: Boston, MA, USA, 2010. [Google Scholar]
  2. Brilhante, D.d.S.; Manjarres, J.C.; Moreira, R.; de Oliveira Veiga, L.; de Rezende, J.F.; Müller, F.; Klautau, A.; Leonel Mendes, L.; P. de Figueiredo, F.A. A Literature Survey on AI-Aided Beamforming and Beam Management for 5G and 6G Systems. Sensors 2023, 23, 4359. [Google Scholar] [CrossRef] [PubMed]
  3. Lahoti, S.; Lahoti, A.; Saito, O. Application of unmanned aerial vehicle (UAV) for urban green space mapping in urbanizing Indian cities. In Unmanned Aerial Vehicle: Applications in Agriculture and Environment; Springer: Berlin/Heidelberg, Germany, 2020; pp. 177–188. [Google Scholar]
  4. Allahham, M.S.; Khattab, T.; Mohamed, A. Deep learning for RF-based drone detection and identification: A multi-channel 1-D convolutional neural networks approach. In Proceedings of the 2020 IEEE International Conference on Informatics, IoT, and Enabling Technologies (ICIoT), Doha, Qatar, 2–5 February 2020; pp. 112–117. [Google Scholar]
  5. Drone That Crashed at White House Was Quadcopter. Available online: https://time.com/3682307/white-house-drone-crash/ (accessed on 20 March 2023).
  6. Lufthansa Jet and Drone Nearly Collide Near LAX. Available online: https://www.latimes.com/local/lanow/la-me-ln-drone-near-miss-lax-20160318-story.html/ (accessed on 20 March 2023).
  7. Aviation Investigation Report A17Q0162. Available online: https://www.tsb.gc.ca/eng/rapports-reports/aviation/2017/a17q0162/a17q0162.html/ (accessed on 20 March 2023).
  8. Dala Pegorara Souto, V.; Dester, P.S.; Soares Pereira Facina, M.; Gomes Silva, D.; de Figueiredo, F.A.P.; Rodrigues de Lima Tejerina, G.; Silveira Santos Filho, J.C.; Silveira Ferreira, J.; Mendes, L.L.; Souza, R.D.; et al. Emerging MIMO Technologies for 6G Networks. Sensors 2023, 23, 1921. [Google Scholar] [CrossRef] [PubMed]
  9. Dhope, T.; Simunic, D.; Djurek, M. Application of DOA estimation algorithms in smart antenna systems. Stud. Inform. Control. 2010, 19, 445–452. [Google Scholar]
  10. Zhang, Y.; Wang, D.; Cui, W.; You, J.; Li, H.; Liu, F. DOA-based localization method with multiple screening K-means clustering for multiple sources. Wirel. Commun. Mob. Comput. 2019, 2019, 1–7. [Google Scholar] [CrossRef] [Green Version]
  11. Meurer, M.; Konovaltsev, A.; Appel, M.; Cuntz, M. Direction-of-arrival assisted sequential spoofing detection and mitigation. In Proceedings of the 2016 International Technical Meeting, Monterey, CA, USA, 25–28 January 2016. [Google Scholar]
  12. Zhou, Z.; Liu, L.; Zhang, J. FD-MIMO via pilot-data superposition: Tensor-based DOA estimation and system performance. IEEE J. Sel. Top. Signal Process. 2019, 13, 931–946. [Google Scholar] [CrossRef]
  13. Paik, J.W.; Lee, K.H.; Lee, J.H. Asymptotic performance analysis of maximum likelihood algorithm for direction-of-arrival estimation: Explicit expression of estimation error and mean square error. Appl. Sci. 2020, 10, 2415. [Google Scholar] [CrossRef] [Green Version]
  14. Pesavento, M.; Gershman, A.B. Maximum-likelihood direction-of-arrival estimation in the presence of unknown nonuniform noise. IEEE Trans. Signal Process. 2001, 49, 1310–1324. [Google Scholar] [CrossRef]
  15. Athley, F. Threshold region performance of maximum likelihood direction of arrival estimators. IEEE Trans. Signal Process. 2005, 53, 1359–1373. [Google Scholar] [CrossRef]
  16. Dong, Y.Y.; Dong, C.X.; Liu, W.; Liu, M.M. DOA estimation with known waveforms in the presence of unknown time delays and Doppler shifts. Signal Process. 2020, 166, 107232. [Google Scholar] [CrossRef]
  17. Stoica, P.; Nehorai, A. MUSIC, maximum likelihood, and Cramer-Rao bound. IEEE Trans. Acoust. Speech Signal Process. 1989, 37, 720–741. [Google Scholar] [CrossRef]
  18. Stoica, P.; Sharman, K.C. Maximum likelihood methods for direction-of-arrival estimation. IEEE Trans. Acoust. Speech Signal Process. 1990, 38, 1132–1143. [Google Scholar] [CrossRef]
  19. Schmidt, R. Multiple emitter location and signal parameter estimation. IEEE Trans. Antennas Propag. 1986, 34, 276–280. [Google Scholar] [CrossRef] [Green Version]
  20. Roy, R.; Kailath, T. ESPRIT-estimation of signal parameters via rotational invariance techniques. IEEE Trans. Acoust. Speech Signal Process. 1989, 37, 984–995. [Google Scholar] [CrossRef] [Green Version]
  21. Zhou, L.; Zhao, Y.j.; Cui, H. High resolution wideband DOA estimation based on modified MUSIC algorithm. In Proceedings of the 2008 International Conference on Information and Automation, Changsha, China, 20–23 June 2008; pp. 20–22. [Google Scholar]
  22. Vallet, P.; Mestre, X.; Loubaton, P. Performance analysis of an improved MUSIC DoA estimator. IEEE Trans. Signal Process. 2015, 63, 6407–6422. [Google Scholar] [CrossRef] [Green Version]
  23. Xu, X.; Wei, X.; Ye, Z. DOA estimation based on sparse signal recovery utilizing weighted l_{1}-norm penalty. IEEE Signal Process. Lett. 2012, 19, 155–158. [Google Scholar] [CrossRef]
  24. Malioutov, D.; Cetin, M.; Willsky, A.S. A sparse signal reconstruction perspective for source localization with sensor arrays. IEEE Trans. Signal Process. 2005, 53, 3010–3022. [Google Scholar] [CrossRef] [Green Version]
  25. Dai, J.; Zhao, D.; Ji, X. A sparse representation method for DOA estimation with unknown mutual coupling. IEEE Antennas Wirel. Propag. Lett. 2012, 11, 1210–1213. [Google Scholar] [CrossRef]
  26. Zhang, X.; Jiang, T.; Li, Y.; Zakharov, Y. A novel block sparse reconstruction method for DOA estimation with unknown mutual coupling. IEEE Commun. Lett. 2019, 23, 1845–1848. [Google Scholar] [CrossRef] [Green Version]
  27. Fu, H.; Abeywickrama, S.; Yuen, C.; Zhang, M. A robust phase-ambiguity-immune DOA estimation scheme for antenna array. IEEE Trans. Veh. Technol. 2019, 68, 6686–6696. [Google Scholar] [CrossRef]
  28. Wang, Z.; Shao, Y.H.; Bai, L.; Deng, N.Y. Twin support vector machine for clustering. IEEE Trans. Neural Netw. Learn. Syst. 2015, 26, 2583–2588. [Google Scholar] [CrossRef]
  29. Xiao, X.; Zhao, S.; Zhong, X.; Jones, D.L.; Chng, E.S.; Li, H. A learning-based approach to direction of arrival estimation in noisy and reverberant environments. In Proceedings of the 2015 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), South Brisbane, QLD, Australia, 19–24 April 2015; pp. 2814–2818. [Google Scholar]
  30. Kase, Y.; Nishimura, T.; Ohgane, T.; Ogawa, Y.; Kitayama, D.; Kishiyama, Y. DOA estimation of two targets with deep learning. In Proceedings of the 2018 15th Workshop on Positioning, Navigation and Communications (WPNC), Bremen, Germany, 25–26 October 2018; pp. 1–5. [Google Scholar]
  31. Barthelme, A.; Utschick, W. A machine learning approach to DoA estimation and model order selection for antenna arrays with subarray sampling. IEEE Trans. Signal Process. 2021, 69, 3075–3087. [Google Scholar] [CrossRef]
  32. Guo, Y.; Zhang, Z.; Huang, Y.; Zhang, P. DOA estimation method based on cascaded neural network for two closely spaced sources. IEEE Signal Process. Lett. 2020, 27, 570–574. [Google Scholar] [CrossRef]
  33. Huang, H.; Yang, J.; Huang, H.; Song, Y.; Gui, G. Deep learning for super-resolution channel estimation and DOA estimation based massive MIMO system. IEEE Trans. Veh. Technol. 2018, 67, 8549–8560. [Google Scholar] [CrossRef]
  34. Abeywickrama, S.; Jayasinghe, L.; Fu, H.; Nissanka, S.; Yuen, C. RF-based direction finding of UAVs using DNN. In Proceedings of the 2018 IEEE International Conference on Communication Systems (ICCS), Chengdu, China, 19–21 December 2018; pp. 157–161. [Google Scholar]
  35. Zhu, W.; Zhang, M.; Li, P.; Wu, C. Two-dimensional DOA estimation via deep ensemble learning. IEEE Access 2020, 8, 124544–124552. [Google Scholar] [CrossRef]
  36. Zhang, W.; Huang, Y.; Tong, J.; Bao, M.; Li, X. Off-grid DOA estimation based on circularly fully convolutional networks (CFCN) using space-frequency pseudo-spectrum. Sensors 2021, 21, 2767. [Google Scholar] [CrossRef]
  37. Pastorino, M.; Randazzo, A. A smart antenna system for direction of arrival estimation based on a support vector regression. IEEE Trans. Antennas Propag. 2005, 53, 2161–2168. [Google Scholar] [CrossRef]
  38. Randazzo, A.; Abou-Khousa, M.A.; Pastorino, M.; Zoughi, R. Direction of arrival estimation based on support vector regression: Experimental validation and comparison with MUSIC. IEEE Antennas Wirel. Propag. Lett. 2007, 6, 379–382. [Google Scholar] [CrossRef]
  39. Donelli, M.; Viani, F.; Rocca, P.; Massa, A. An innovative multiresolution approach for DOA estimation based on a support vector classification. IEEE Trans. Antennas Propag. 2009, 57, 2279–2292. [Google Scholar] [CrossRef] [Green Version]
  40. Pan, J.; Wang, Y.; Le Bastard, C.; Wang, T. DOA finding with support vector regression based forward–backward linear prediction. Sensors 2017, 17, 1225. [Google Scholar] [CrossRef] [Green Version]
  41. Huang, Z.T.; Wu, L.L.; Liu, Z.M. Toward wide-frequency-range direction finding with support vector regression. IEEE Commun. Lett. 2019, 23, 1029–1032. [Google Scholar] [CrossRef]
  42. Wu, L.L.; Huang, Z.T. Coherent SVR learning for wideband direction-of-arrival estimation. IEEE Signal Process. Lett. 2019, 26, 642–646. [Google Scholar] [CrossRef]
  43. Miranda, R.K.; Ando, D.A.; da Costa, J.P.C.; de Oliveira, M.T. Enhanced direction of arrival estimation via received signal strength of directional antennas. In Proceedings of the 2018 IEEE International Symposium on Signal Processing and Information Technology (ISSPIT), Louisville, KY, USA, 6–8 December 2018; pp. 162–167. [Google Scholar]
  44. Liu, Z.M.; Zhang, C.; Philip, S.Y. Direction-of-arrival estimation based on deep neural networks with robustness to array imperfections. IEEE Trans. Antennas Propag. 2018, 66, 7315–7327. [Google Scholar] [CrossRef]
  45. Dashtipour, K.; Gogate, M.; Li, J.; Jiang, F.; Kong, B.; Hussain, A. A hybrid Persian sentiment analysis framework: Integrating dependency grammar based rules and deep neural networks. Neurocomputing 2020, 380, 1–10. [Google Scholar] [CrossRef] [Green Version]
  46. You, M.Y.; Lu, A.N.; Ye, Y.X.; Huang, K.; Jiang, B. A review on machine learning-based radio direction finding. Math. Probl. Eng. 2020, 2020, 1–9. [Google Scholar] [CrossRef]
  47. Balanis, C.A. Antenna Theory: Analysis and Design; John Wiley & Sons: Hoboken, NJ, USA, 2016. [Google Scholar]
  48. Volakis, J.L. Antenna Engineering Handbook; McGraw-Hill Education: New York, NY, USA, 2007. [Google Scholar]
  49. Anabel Reyes Carballeira, A.R.M.; Brito, J.M.C. A Direction of Arrival Machine Learning approach for Beamforming in 6G. In Proceedings of the Seventeenth International Conference on Wireless and Mobile Communications (ICWMC 2021), Venice, Italy, 22–26 May 2022. [Google Scholar]
  50. Aragão, M.V.C.; Mafra, S.B.; de Figueiredo, F.A.P. An álise de Tráfego de Rede com Machine Learning para Identificação de Ameaças a Dispositivos IoT. In Proceedings of the XL Simpósio Brasileiro de Telecomunicações e Processamento de Sinais (SBrT2022), Rio de Janeiro, RJ, Brazil, 25–28 September 2022. [Google Scholar]
  51. sklearn.tree.DecisionTreeRegressor. Available online: https://scikit-learn.org/stable/modules/generated/sklearn.tree.DecisionTreeRegressor.html (accessed on 17 April 2023).
  52. Scikit-Learn: Machine Learning in Python—Scikit-Learn 1.1.2 Documentation. Available online: https://scikit-learn.org/stable/ (accessed on 17 April 2023).
  53. sklearn.model_selection.GridSearchCV. Available online: https://scikit-learn.org/stable/modules/generated/sklearn.model_selection.GridSearchCV.html (accessed on 17 April 2023).
  54. Talos Docs. Available online: https://autonomio.github.io/talos/#/README?id=quick-start (accessed on 17 April 2023).
  55. Optuna: A Next-generation Hyperparameter Optimization Framework. Available online: https://arxiv.org/abs/1907.10902 (accessed on 17 April 2023).
  56. Feurer, M.; Hutter, F. Hyperparameter optimization. Automated Machine Learning: Methods, Systems, Challenges; Springer: Berlin/Heidelberg, Germany, 2019; pp. 3–33. [Google Scholar]
  57. Inc., T.M. MATLAB Version: 9.13.0 (R2022b). 2022. Available online: https://www.mathworks.com/products/matlab.html (accessed on 10 July 2023).
  58. Woolson, R.F. Wilcoxon signed-rank test. Wiley Encyclopedia of Clinical Trials; Wiley: Hoboken, NJ, USA, 2007; pp. 1–3. [Google Scholar]
Figure 1. Receiver system.
Figure 1. Receiver system.
Sensors 23 07114 g001
Figure 2. The System Model.
Figure 2. The System Model.
Sensors 23 07114 g002
Figure 3. Structure of a Decision Tree.
Figure 3. Structure of a Decision Tree.
Sensors 23 07114 g003
Figure 4. DT model: Process.
Figure 4. DT model: Process.
Sensors 23 07114 g004
Figure 5. Comparison of the RMSE for different numbers of receiving. (a) Azimuth and elevation angles’ RMSE versus SNR for different antenna numbers, (b) Azimuth angle’s RMSE versus SNR for different antenna numbers, and (c) Elevation angle’s RMSE versus SNR for different antenna numbers.
Figure 5. Comparison of the RMSE for different numbers of receiving. (a) Azimuth and elevation angles’ RMSE versus SNR for different antenna numbers, (b) Azimuth angle’s RMSE versus SNR for different antenna numbers, and (c) Elevation angle’s RMSE versus SNR for different antenna numbers.
Sensors 23 07114 g005
Figure 6. SNR versus actual and predicted azimuth angle for (a) M = 4, (b) M = 8, (c) M = 12, and elevation angle for (d) M = 4, (e) M = 8, (f) M = 12 (Experiment 1).
Figure 6. SNR versus actual and predicted azimuth angle for (a) M = 4, (b) M = 8, (c) M = 12, and elevation angle for (d) M = 4, (e) M = 8, (f) M = 12 (Experiment 1).
Sensors 23 07114 g006
Figure 7. Average RMSE of the DT models versus the SNR of the signals used to train the models.
Figure 7. Average RMSE of the DT models versus the SNR of the signals used to train the models.
Sensors 23 07114 g007
Figure 8. Comparison of the RMSE of DT models trained with signals having an SNR of 20 dB versus the SNR of the signals used to validate them: (a) Azimuth and elevation angles’ RMSE versus SNR for different antenna numbers, (b) Azimuth angle’s RMSE versus SNR for different antenna numbers, and (c) Elevation angle’s RMSE versus SNR for different antenna numbers.
Figure 8. Comparison of the RMSE of DT models trained with signals having an SNR of 20 dB versus the SNR of the signals used to validate them: (a) Azimuth and elevation angles’ RMSE versus SNR for different antenna numbers, (b) Azimuth angle’s RMSE versus SNR for different antenna numbers, and (c) Elevation angle’s RMSE versus SNR for different antenna numbers.
Sensors 23 07114 g008
Figure 9. SNR versus actual and predicted azimuth angle for (a) M = 4, (b) M = 8, (c) M = 12, and elevation angle for (d) M = 4, (e) M = 8, (f) M = 12 (Experiment 2).
Figure 9. SNR versus actual and predicted azimuth angle for (a) M = 4, (b) M = 8, (c) M = 12, and elevation angle for (d) M = 4, (e) M = 8, (f) M = 12 (Experiment 2).
Sensors 23 07114 g009
Figure 10. Comparison of the RMSE vs. SNR for different antenna numbers: (a) MUSIC, (b) Experiment 1, (c) Experiment 2.
Figure 10. Comparison of the RMSE vs. SNR for different antenna numbers: (a) MUSIC, (b) Experiment 1, (c) Experiment 2.
Sensors 23 07114 g010
Figure 11. Difference between the RMSE of the DT and MUSIC models for each experiment and SNR value: (a) Experiment 1, (b) Experiment 2.
Figure 11. Difference between the RMSE of the DT and MUSIC models for each experiment and SNR value: (a) Experiment 1, (b) Experiment 2.
Sensors 23 07114 g011
Figure 12. Prediction time vs. SNR for different antenna numbers: (a) MUSIC, (b) Experiment 1, (c) Experiment 2.
Figure 12. Prediction time vs. SNR for different antenna numbers: (a) MUSIC, (b) Experiment 1, (c) Experiment 2.
Sensors 23 07114 g012
Figure 13. Time difference versus SNR: (a) Experiment 1 DT models in respect to MUSIC method, (b) Experiment 2 DT models in respect to MUSIC method.
Figure 13. Time difference versus SNR: (a) Experiment 1 DT models in respect to MUSIC method, (b) Experiment 2 DT models in respect to MUSIC method.
Sensors 23 07114 g013
Table 1. Taxonomy of the proposed ML to DOA estimation.
Table 1. Taxonomy of the proposed ML to DOA estimation.
RefAzimuthElevationSingle-SourceMulti-SourceSimulationExperimentComparative with Other Works
[28]x xxxx
[29]x x xxx
[30] x xx
[31]x xx x
[32] x xx x
[33]x x x x
[34]x x x
[35]xxx x x
[36] x xxx
[37] xxxx x
[38] xxx xx
[39]xxxxx x
[40] x xx
[41] x xx x
[42]x x x x
Table 2. Summary of the best model hyperparameters for Experiment 1.
Table 2. Summary of the best model hyperparameters for Experiment 1.
Parametersmax_depthmin_samples_splitmin_samples_leafsplittercriterionmax_features
Selection range100–1100, step: 1002–401–40“best”, “random”“friedman_mse”, “poisson”“auto”, “log2”, “sqrt”
M = 4 5002719“best”“friedman_mse”“auto”
M = 8 7001621“best”“friedman_mse”“log2”
M = 12 1000534“random”“friedman_mse”“auto”
Table 3. Summary of the best model hyperparameters for Experiment 2.
Table 3. Summary of the best model hyperparameters for Experiment 2.
Parametersmax_depthmin_samples_splitmin_samples_leafsplittercriterionmax_features
Selection Range100–1100, Step: 1002–401–40“best”, “random”“friedman_mse”, “poisson”“auto”, “log2”, “sqrt”
SNR = −10 dB M = 4 4001634“best”“friedman_mse”“log2”
M = 8 500276“random”“friedman_mse”“sqrt”
M = 12 8003523“random”“friedman_mse”“sqrt”
SNR = 0 dB M = 4 8001917“random”“friedman_mse”“auto”
M = 8 100312“random”“friedman_mse”“sqrt”
M = 12 9002824“random”“friedman_mse”“log2”
SNR = 10 dB M = 4 600713“best”“friedman_mse”“log2”
M = 8 9002222“random”“friedman_mse”“log2”
M = 12 2001112“best”“friedman_mse”“log2”
SNR = 20 dB M = 4 5001210“random”“friedman_mse”“sqrt”
M = 8 200399“random”“friedman_mse”“log2”
M = 12 400228“best”“friedman_mse”“logs2”
SNR = 30 dB M = 4 900416“best”“friedman_mse”“log2”
M = 8 10001637“random”“friedman_mse”“log2”
M = 12 400354“best”“friedman_mse”“sqrt”
SNR = 40 dB M = 4 4001423“best”“poisson”“sqrt”
M = 8 8003738“random”“poisson”“sqrt”
M = 12 1003425“random”“poisson”“sqrt”
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Carballeira, A.R.; de Figueiredo, F.A.P.; Brito, J.M.C. Simultaneous Estimation of Azimuth and Elevation Angles Using a Decision Tree-Based Method. Sensors 2023, 23, 7114. https://doi.org/10.3390/s23167114

AMA Style

Carballeira AR, de Figueiredo FAP, Brito JMC. Simultaneous Estimation of Azimuth and Elevation Angles Using a Decision Tree-Based Method. Sensors. 2023; 23(16):7114. https://doi.org/10.3390/s23167114

Chicago/Turabian Style

Carballeira, Anabel Reyes, Felipe A. P. de Figueiredo, and Jose Marcos C. Brito. 2023. "Simultaneous Estimation of Azimuth and Elevation Angles Using a Decision Tree-Based Method" Sensors 23, no. 16: 7114. https://doi.org/10.3390/s23167114

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop