Next Article in Journal
Methodology of Adaptive Instantaneous Overcurrent Protection Setting
Next Article in Special Issue
An Optimal Procedure for the Design of Discrete Constrained Lens Antennas with Minimized Optical Aberrations. Part I: Two-Dimensional Architectures
Previous Article in Journal
A Novel Electro-Thermal Model of Lithium-Ion Batteries Using Power as the Input
Previous Article in Special Issue
Parametric Analysis of Linear Periodic Arrays Generating Flat-Top Beams
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Application of Machine Learning in Electromagnetics: Mini-Review

by
Md. Samiul Islam Sagar
1,†,
Hassna Ouassal
1,†,
Asif I. Omi
1,
Anna Wisniewska
1,
Harikrishnan M. Jalajamony
2,
Renny E. Fernandez
2 and
Praveen K. Sekhar
1,*
1
School of Engineering and Computer Science, Washington State University Vancouver, Vancouver, WA 98686, USA
2
Department of Engineering, Norfolk State University, Norfolk, VA 23504, USA
*
Author to whom correspondence should be addressed.
Equal Contribution First Authors.
Electronics 2021, 10(22), 2752; https://doi.org/10.3390/electronics10222752
Submission received: 28 September 2021 / Revised: 30 October 2021 / Accepted: 3 November 2021 / Published: 11 November 2021
(This article belongs to the Special Issue High-Performance Antenna Design and Applications)

Abstract

:
As an integral part of the electromagnetic system, antennas are becoming more advanced and versatile than ever before, thus making it necessary to adopt new techniques to enhance their performance. Machine Learning (ML), a branch of artificial intelligence, is a method of data analysis that automates analytical model building with minimal human intervention. The potential for ML to solve unpredictable and non-linear complex challenges is attracting researchers in the field of electromagnetics (EM), especially in antenna and antenna-based systems. Numerous antenna simulations, synthesis, and pattern recognition of radiations as well as non-linear inverse scattering-based object identifications are now leveraging ML techniques. Although the accuracy of ML algorithms depends on the availability of sufficient data and expert handling of the model and hyperparameters, it is gradually becoming the desired solution when researchers are aiming for a cost-effective solution without excessive time consumption. In this context, this paper aims to present an overview of machine learning, and its applications in Electromagnetics, including communication, radar, and sensing. It extensively discusses recent research progress in the development and use of intelligent algorithms for antenna design, synthesis and analysis, electromagnetic inverse scattering, synthetic aperture radar target recognition, and fault detection systems. It also provides limitations of this emerging field of study. The unique aspect of this work is that it surveys the state-of the art and recent advances in ML techniques as applied to EM.

1. Introduction

Recent development in the field of electromagnetics (EM) and its diverse application have attracted a wider community of researchers [1]. Among the different aspects of EM, antenna research has evolved and transformed in totality from the design to end-use application [2,3,4,5,6]. Advanced network systems [7,8], implantable devices [9,10], wearables [11], flexible devices [12,13], textile products [14], and modern control system development [15,16] necessitate futuristic antenna technology and performance requirements. For example, with the advent of the 5G spectrum, antenna design is by far the most challenging part of the implementation as it is entirely dependent on the end device form factor. This inevitably pushes antenna design for 5G devices to fit the ever-increasing requirements for greater bandwidth, more frequency bands, and superior interference immunity [17,18]. Furthermore, fault detection in antenna arrays and inverse scattering-based non-linear problems need sophisticated yet cost-effective solutions, where Machine Learning (ML) can provide an edge over other techniques [19,20].
ML techniques have been extensively used in engineering and medical fields. They have the ability to discover specific trends and patterns within large volumes of complex datasets that would not be apparent to humans. As ML algorithms gain experience, they continue improving in accuracy and efficiency. In addition, ML algorithms are good at handling data that are multi-dimensional and multi-variety. Due to these unique features, ML is being used in classification and optimization problems in the EM domain, specifically antennas.
As modern discoveries in the field of wireless devices are in the upswing, versatile and complex designs of antennas have been surfacing. With the increased complexities, it is important to minimize design time and overhead costs to achieve optimized antenna implementation. ML has contributed to parameter optimization and evolutionary algorithm development in antenna research [21,22]. For instance, the usual synthesis mechanism utilizing a full-wave electromagnetic simulator is gradually being replaced by faster and more cost-effective ML algorithms. For its unparalleled performance in unforeseen situations encompassing non-linear environments, researchers are utilizing it to solve complex and modern conundrums with ease. ML has simplified the maintenance and control of fabrication systems to achieve significant miniaturization [23]. Various automated and cost-effective design procedures using ML techniques have been used to develop complex antenna technologies [24,25]. Moreover, different fault detection in large antenna-array-based knotty systems have also been resolved by ML.
This paper explores different ML applications from the perspective of EM, especially antenna design, synthesis, manufacturing, development, and the detection of anomalies. Moreover, this article describes different ML algorithms, optimization procedures, usability, and selection of the best-suited model for the specific application. Moreover, the ML applications in different domains of antennae are clustered for ease in comprehension. Finally, the challenges and limitations of ML applications in EM have been discussed. This review is divided into six sections. Section 1 provides the introduction, Section 2 includes necessary background information to understand ML, Section 3 describes different ML applications in the EM field, Section 4 discusses the limitations of ML algorithms, Section 5 suggests future scopes, and Section 6 concludes the article with necessary explanations supporting this innovative research area.

2. Familiarization with ML

During the past few decades, researchers have been aiming at making machines intelligent by providing them the capacity to make decisions or classify objects without being programmed or without the use of predefined functions, rather using raw data from the environment. Termed Artificial Intelligence (AI), the field has made breakthroughs in the past few years. Mimicking the brain to solve an unknown problem, AI is widely used in the fields of engineering, science, medicine, and technology [26]. ML is a branch of AI that can be used to train algorithms to learn from and act on data without being explicitly programmed [27], and the learned model can be used for future designs. Currently, ML is used in interpreting and analyzing data more efficiently and effectively than the human brain. Incorporating the statistical modeling-based prediction and optimization techniques, ML has various models and approaches as different problems need different approximations to provide optimized solutions [28]. Common ML algorithms include artificial neural networks (ANNs), support vector machines (SVMs), k-nearest neighbors (KNNs), random forest, and gradient boosting trees [29,30,31]. From a methodological standpoint, ML can be classified into three main types: Supervised, unsupervised, and reinforcement learning [32,33,34].

2.1. Supervised Learning

In supervised learning, the algorithm learns from a training dataset (i.e., predefined inputs and known outputs) to make predictions about the unforeseen data. A dataset is designed using empirical data from a system in different configurations. This dataset is then divided into training and testing sub-datasets. The training dataset is used to train a model that infers a mathematical relationship between the input and output. A trained model can then be used as a standard function for the system. Figure 1 shows the methodological workflow of supervised learning.
Different algorithms have been developed under supervised learning to solve a variety of problems. Some of the known algorithms are mentioned below:
i.
K-Nearest Neighbor (KNN): The concept behind the nearest-neighbor algorithm is to find a predefined number of training samples nearest in distance to the new value and predict the label from them. KNN depends on the surrounding limited samples, rather than relying on the method of discriminating the class domain to determine the value, and the KNN algorithm is more suitable for datasets with crossover or overlap.
ii.
Support Vector Machine (SVM): Support Vector Machines (SVMs) are paradigms based on statistical learning theory. They incorporate the structural risk minimization principle, which has been shown to be better than the traditional empirical risk minimization principle used by ANNs. Thus, they have a greater generalization capability. SVMs can solve classification and regression problems and perform well in a high-dimensional feature space. They handle a nonlinear classification efficiently using the kernel trick that implicitly transforms the input space into another high-dimensional feature space.
iii.
Gradient Boosting (GB) Tree: The GB tree is an ensemble method that builds one decision tree learner at a time by fitting the gradients of the residuals of the previously constructed tree learners. To build a tree, the method starts from a single node and iteratively adds branches to the tree until a criterion is met. For each leaf, branches are added to maximize the loss reduction after the split (gain function).
iv.
Random Forest (RF): The forest operates by forming a multitude of decision trees at training time, and it is mostly trained using the bagging method, which adopts randomly selected training data and then constructs the regressor. Finally, it combines the multiple decision trees to obtain more accurate and stable predictions.
v.
Naive Bayes (NB): This generally works as a classifier by utilizing the clustering technique. Clustering occurs considering the conditional probability of the components. Based on the Bayes theorem, it independently predicts the probability of one feature existing over others.

2.2. Unsupervised Learning

In unsupervised learning, there are no training data, and the algorithm finds patterns in data without any reference to labeled outcomes. The model itself discovers important features existing in a raw dataset. In most cases, unsupervised learning is used for classification problems or feature reduction. One of the simplest forms of unsupervised learning is K-means clustering. It is a classification method that determines a center and the samples neighboring the cluster. This determination of K-centers follows a pattern of choosing the farthest samples from each other. Moreover, Principal Component Analysis (PCA) and Independent Component Analysis (ICA) are used to cluster a set of data with similar characteristics and distinguish unrelatable data from a given dataset without any supervision of the system or dataset. Figure 2 illustrates a simple block diagram of unsupervised learning.

2.3. Reinforcement Learning

This learning method is more like a humanoid approach than an isolated machine. A model designed by reinforcement learning decides by utilizing negative and positive feedbacks, also known as penalties and rewards, respectively, provided by the environment. These two reagents determine a string of actions named a policy. The individual action of any policy may be inappropriate, but the cumulative outcome will always show the highest reward for any specific task. Figure 3 is a simple algorithmic view of a reinforcement learning technique.
Besides the above methods, new approaches such as Artificial Neural Networks (ANN) and Deep Learning (DL) algorithms are found to be handy in the case of complex problems. ANNs are bio-inspired algorithms for data processing, designed to model the way in which the human brain operates. ANNs are typically structured in layers i.e., the input layer, the hidden layer, and the output layer. Each layer contains many neurons. Recently, ANNs with multiple hidden layers, which are usually referred to as Deep Neural Networks (DNNs) or Deep Learning (DL), have been introduced to solve EM problems. Specially, DL has a vast variety of network architectures such as the multilayer perceptron (MLP), convolutional neural network (CNN) (with many variants, including the U-Net, which is an encoder-decoder CNN with skip connections), recurrent neural network (RNN), and generative adversarial network (GAN).

3. ML and EM

In the era of advanced communication characterized by high speed and high bandwidth network topologies, the need for EM systems to offer reconfigurability, compactness, directivity, and energy efficiency has become a necessity. Furthermore, the detection and identification of remote objects and faulty components in systems as well as pattern recognition of radiating signals in electrical systems are the latest trends in EM. On the other hand, the optimization of EM systems for superior performance given the constraints has been a recurrent challenge. ML-based approaches have the potential to address such complex and multifaceted challenges. The EM scientific community has leveraged ML for various applications. In the next few subsections, a few of the applications of ML in EM will be discussed.

3.1. Design Optimization and Synthesis

Antennae are an integral part of the EM system, which starts with the design, implementation, and testing [35]. Traditionally, full wave (FW) EM simulation, such as finite-difference time-domain (FDTD) or finite-element modeling (FEM) methods, is used for antenna design and optimization. These methods require large computational resources and time [36]. In fact, optimizing antenna arrays may involve significant repetitions of EM simulations to fine-tune the geometric and/or material parameters for performance improvement. Thus, applying ML models in the design of compact antenna or antenna arrays with high gain, transmission efficiency, and directivity, including suitable material selection, can enrich the effectiveness of the design.
ML has been used in different applications of antenna design and optimization [37,38,39]. Lecci et al. [40] proposed an ML framework that enabled a simulation-based optimization of thinned arrays, considering network-level metrics such as signal to interference plus noise ratio statistics, based on a Monte Carlo approach. Koziel et al. [41] proposed a multi-objective optimization-based sequential mode algorithm that provided optimized design characteristics of antennas using a few hundred full-wave EM simulations. Surrogate-modeling-based antenna optimization is one of the most important methods in antenna design [42]. Its purpose is to replace computationally expensive EM simulation with computationally cheap estimation models. Surrogate models are formed using statistical learning techniques [43]. A multistage collaborative ML platform (MS-CoML) was introduced in another study [44], which reported almost double speed in antenna modelling without compromising the accuracy via single-output Gaussian process regression (SOGPR). By jointly applying three ML methods i.e., SOGPR and symmetric and asymmetric multioutput GPR methods, the surrogate antenna models for different design objectives were constructed based on a limited number of high-fidelity responses, while achieving high prediction accuracy. Three antenna examples, i.e., single-band, broadband, and multiband designs operating at the Q, V, and S/C bands, were chosen to validate the proposed method.
Simulation results showed that the MS-CoML method can greatly minimize the total optimization time without compromising modeling accuracy or performance. An advanced study of a modified parallel simulation surrogate model-assisted system (PSADEA) was proposed previously [45] that showed 1.8 times faster performance in optimization than the conventional surrogate modelling method with higher antenna quality. Another approach, which claimed 90% more time saved in antenna optimization compared to other surrogate models, is the single-fidelity, EM-model-based, training cost-reduced, surrogate model-assisted hybrid differential evolution for complex antenna optimization (TR-SADEA) [46]. It is a self-adaptive hybrid surrogate modeling framework that facilitates better performance for complex antenna design with increased design variables and specifications. More than 80% computational expense reduction was made possible by [47] implementing a Gaussian process regression (GPR) model when the training data contain high fidelity.
A semi-supervised approach-based process was proposed in another study [48] where a GP model and an SVM model were concurrently trained using a small amount of pre-labeled samples. The system was controllable by selecting the required accuracy, which optimizes design time. It offered high-precision predictive ability with respect to conventional supervised learning-based surrogate modeling using less labeled data and provided quality antenna designs utilizing only 10 to 15 EM simulations. Xue et al. [49] developed a hybrid ML model where ten different models were initially trained using a small set of data, which worked as a base learner. The initial predictions were then inserted into a K-nearest neighbors (KNN) model, which reported the final prediction of 0.00456 mean squared error in the case of a triangular-shaped pin-fed patch antenna. To increase the transmission efficiency of antennas used in wireless power transmission, ML has become a reliable assistive technology [50].
Antenna synthesis involves the determination of a geometrical or physical form from the knowledge of the electrical parameters. ML models can be fully used to enhance antenna synthesis efficiency. Gaussian Boosting Tree (GBT) was applied in a previous study [51] to synthesize a phase array antenna by estimating the phase angle for different amplitudes. To predict the phase shift in a reflect array antenna, another study [52] showed significant accuracy using a deep CNN-based AlexNet. The model takes the radiation pattern and beam direction as inputs and predicts the phase shift with less than 0.4% prediction error. Another ML approach was introduced in [53] where the coupling coefficient between pantograph arcing and a GSM-R antenna is determined utilizing multiple neural network (NN) regressors. The study showed significantly faster performance (almost three times faster via ML) while conserving the accuracy of the coupling coefficient. NN has provided over 99% accuracy towards [54] synthesizing an H-shaped rectangular microstrip antenna (RMSA). However, studies have shown that the Radial Basis Functions (RBF) of ANN are best suitable for evaluating the resonant frequency of rectangular microstrip patch antennae [55]. Radiation field estimation utilizing the near-field focusing technique offered by an earlier report [56] showed faster performance of the SVM model with a smaller training dataset. Investigators [57] developed an inverse NN (INN) model that could determine the VSWR, gain, radiation pattern, and radiation efficiency of different planes with greater accuracy using a small dataset for training, with only 36 samples. INN has also shown usability in transmit array antenna synthesis from a given transmission co-efficient [58].
Sharma et al. [59] showed how modern ML algorithms such as least absolute shrinkage and selection operator (lasso), KNN, and ANN improved the design optimization and synthesis of antennae based on a specific bandwidth selection. The performance table and the frequency response curve for the above study are shown in Figure 4, which suggests the KNN algorithm as being the fastest among all. Again, in a different study [60], a modified KNN showed the lowest S11 parameter compared to GPR, ANN, and a conjugate gradient (CG) with a small dataset of 36 samples. CNN was used earlier [61] to estimate the phase angle from an input (two-dimensional radiation pattern). The network was able to accurately calculate phases to synthesize the desired pattern.
An adaptive chaotic particle swarm optimization (PSO) algorithm was used to avoid trapping in the local optimum, resulting in premature convergence of the antenna synthesis. A prior article [62] provided a DL methodology that determined the amplitude and phase of the antenna elements in response to the input radiation patterns, but for 0° and 360°, it will show less accuracy.
DL-based optimizers also provide significant improvements in DL models [63]. A combined GP CNN model was proposed by Zhang et al. [64] as a tool for the rapid optimization of EM problems such as antenna design. PSO was also used to optimize the model parameter, which elevated the performance, reduced convergence time, and increased the design accuracy. For higher bandwidth and gain, PSO was used prior [65] for optimizing a dielectric resonator antenna. For the combination of linear and non-linear natures of geometrical parameters and design specifications of antennae, deep CNN was used for the fast and accurate design of the antenna [66]. In an earlier study [67], modeling multiband antennae using three ML algorithms with increased accuracy and performance was reported. Kazemian et al. [68] described a directional antenna design scheme using multi-objective GA to reduce the number of the antenna side lobes and lobe levels, which eventually aids directivity and security in wireless communication. Rudant et al. [69] proposed a Dual-Band Global Navigation Satellite System (GNSS) micro-array antenna design optimization method to achieve higher Right-Hand Circular Polarized (RHCP) gain and lower Left-Hand Circular Polarized (LHCP) gain.

3.2. Antenna Selection Applications

Antenna selection is key for efficient transmission with enhanced communication and resource utilization. ML has the potential to play significant roles in the automation of selecting antennas for an application-specific need. Especially in multiple-input multiple-output (MIMO) technology, several developments utilizing ML in efficient transmit antennae selection are visible. To select a suitable antenna subset for large-scale MIMO systems, a study [70] proposed a dynamic generalized spatial modulation framework with Euclidean distance-optimized antenna selection (EDAS) and a Multi-layer perception (MLP) model, which enabled higher diversity gain. Another article [71] proposed a CNN-based transmit antenna selection for a nonorthogonal multiple-access MIMO system for 5G applications, where the proposed algorithm showed a performance 10,000 times faster than the exhaustive search and 2 times faster than the hyper region proposal network (HRPN) with an 89% validation accuracy. However, SVM, Naive bayes, and KNN showed increased performance in selecting transmit antennas in untrusted relay networks conserving standard channel-state information (CSI) secrecy with decreased computational complexity compared to the exhaustive search in MIMO systems (Figure 5) [72,73].
A multilevel CNN was used in a MIMO Internet of Things (IoT) system to select transmit antennae [74]. For modern MIMO communication transmit antennae selection, a learn-to-select (L2S) approach was implemented by Diamantaras et al. [75] where achieving the optimal uniform linear array of antennas was expensive, both from the design and cost of materials perspectives. A DNN-based approach was implemented by Zhong et al. [76], which seems to outperform the conventional norm-based approach for antenna selection in MIMO software-defined radio systems by 53%. Aside from MIMO technology, ML was used previously [77], where the Gaussian Mixture Model was adopted to sort the features of an RF fingerprinting dataset, and later, an SVM was used to classify the antenna for the classification and wireless identification of different RF devices. This study showed above 75% accuracy in the case of heavily noise-affected RF signals and better feature extraction performance than conventional algorithms. A prior study [78] proposed a deep-learning-based approach rather than SVM for joint antenna selection, as well as a precoding design algorithm to select the suitable group of antennas for base stations, with an increased system sum rate and quality of service. The reason for selecting DNN is to improve performance by using more elaborate functions compared to SVM-based hyperplane models.
Figure 5. Secrecy Outage Probability (SOP) of single- and two-antenna selection for β = 1 and Rt = 2 bps/Hz [73].
Figure 5. Secrecy Outage Probability (SOP) of single- and two-antenna selection for β = 1 and Rt = 2 bps/Hz [73].
Electronics 10 02752 g005

3.3. Antenna Position, Direction, and Radiation Estimation

ML techniques have been significantly applied in estimating antenna position and direction to achieve the maximum gain in transmission and receiver systems. It assists in the detection and control of beam phasing of antennas based on signal patterns, strength, and target location [79,80]. The direction of arrival (DoA) estimation has become a popular application in military–civil research for remote object detection [81,82,83]. The fixed-antenna method for DoA estimation has limitations, hence antenna arrays have been used as an alternative in practice. The selection of suitable antennas for an antenna array and their positioning for multiple-input single-output (MISO) applications using ML [84] is gaining popularity due to its optimized computational time and performance.
Barthelme et al. [81] studied an NN-enabled algorithm to estimate DoA with lower computational complexity. A modified genetic algorithm (GA) was implemented in another study [85] to predict the optimal position of the antenna in an RF-based advanced driving assistance system. A previous article [79] described a rotating, elevated antenna technique assisted by ML to estimate the angle for a better field of view and cost-effective automation. In another study [86], ANN was used to estimate beam alignment and distribution without prior knowledge of user location information. Hong et al. [87] described a directional antenna design scheme using multi-objective GA to reduce the number of antenna side lobes and the lobe level, which eventually aided directivity and security in wireless communication. In a prior report [88], GPR was used for computing the resonant frequency of a square microstrip patch antenna. ML algorithms perform better in both linear and complex problems [89], where different scattering parameters are estimated in the UHF band of an antenna operating at a resonance frequency. An earlier study [90] provided a predictive model using ANN, which can predict the resonant frequency of a flexible microstrip patch antenna considering an inserted airgap. In a past investigation [91], the Support Vector Regressor (SVR) method was introduced to predict the EM response of complex reflect-array antenna elements with complex shapes. SVR enabled reliable, accurate, and fast EM response estimation (15% more time was saved compared with the FW simulation). Furthermore, a recurrent neural network (RNN) was used to suppress harmonics in wireless communication [92]. Deep neural networks (DNN) aid in reduced computational complexity while predicting the optimized direction of arrival (DoA) [93]. The study also showed how a hybrid multilayered network can both detect the optimum antenna from an antenna array and estimate DoA at the same time. Figure 6 shows the model architecture for the complex algorithm to estimate DoA reported in that study [93].
Another study [94] proposed a deep learning model to accurately track mobile stations and point to the satellite antenna to obtain an interference-free communication link. To obtain the desired radiation pattern, Lutati and Wolf [95] used a composite ANN approach of a hypernetwork. Recurrent learning was shown to have the scope for advancing the control of antenna such as safe antenna tilting at a remote distance [96].
Reconfigurability in antenna can be achieved through different mechanisms such as electrical, optical, physical, and/or material changes [97,98,99,100,101]. ML has become popular with reconfigurable antennas, specifically frequency-reconfigurable ones [102,103]. For example, an intelligent surrogate model-assisted differential evolution to synthesize an antenna array [24] with reconfigurable frequency was reported earlier. ML has been shown to be more robust in complex environments compared to most other signal processing techniques and offered an increased signal-to-noise ratio and efficient beamforming architectures. Different types of fractal antennas, star antennas, and pattern reconfigurable antennas are now utilizing ML algorithms to provide automatic reconfigurability features to serve modern applications [104,105].

3.4. Remote Object Detection and Recognition

ML has been applied in the analysis and prediction of information from radar signals. Synthetic Aperture Radar (SAR) is a microwave tool for the detection and recognition of targets as well as for the analysis of natural and man-made scenes. It has the benefits of all-weather, day-and-night operation with high-resolution imaging capability. Recently, CNNs have been used for SAR target recognition (TR) and could achieve high precision in image recognition and classification. However, the shortage of data still makes SAR-based target recognition difficult. An earlier report [106] utilized CNN with three types of data augmentation for issues in SAR-TR, such as the translation of a target, the randomness of speckle noise in different observations, and the lack of pose images in training data. To overcome the over-fitting problem of CNN for SAR-TR, Chen et al. [107] proposed a new all-convolutional network (A-ConvNets) based on sparsely connected layers. The experimental results showed that, using data-driven features the model learned automatically from SAR image pixels, A-ConvNets achieves excellent classification accuracy.
Mufti et al. [108] used a transfer learning approach where a pre-trained CNN, namely AlexNet, was used as a feature extractor. Moreover, Pei et al. [109] proposed a Multiview deep convolutional neural network (DCNN), which is an implementation of deep learning architecture, to recognize targets using multiple viewing angles. The framework was seen to effectively learn and extract classification information from the Multiview and requires only a small number of SAR images to train the network model. Experimental results have shown the superiority of the proposed framework based on the moving and stationary target acquisition and recognition datasets. By analyzing multiple images from different viewpoints (Figure 7a,b), the proposed algorithm showed an improved recognition rate using the targets’ four input views compared to when using two or three input views, in the case of an extended operating condition (Figure 7c). CNNs require a massive amount of parameters and operations to generate a single inference, making them unsuitable for latency- and energy-constrained applications such as SAR-TR. To reduce the cost of implementing these networks, Dbouk et al. [110] developed a set of compact network architectures, which achieves an overall 984 times reduction in terms of storage requirements and 71 times reduction in terms of computational complexity compared to state-of-the-art CNNs for automatic target recognition. To achieve good performance with a small number of parameters, Huang et al. [111] proposed a lightweight two-stream CNN to extract multilevel features. Experimental results demonstrate that the proposed method achieved higher recognition accuracy compared to other CNN-based methods. Another method for determining the characteristics of the unknown reflective object is analyzing the signals from inverse scattering problems of EM.

3.5. Inverse Scattering Problem

The electromagnetic inverse scattering problems (ISPs) seek to determine the nature of the unknown (i.e., location, shape, and constitutive parameters) from the knowledge of measured scattered fields. The imaging techniques based on ISPs are instrumental in numerous areas, such as remote sensing, biomedical imaging, through-wall imaging, geophysics, and non-destructive evaluation. ISPs are challenging to solve due to their intrinsic nonlinearity. This has led to the development of many various EM inverse scattering methods, which can be categorized into two groups: (1) Deterministic optimization methods including the subspace optimization method (SOM) [112], distorted born iterative method [113], and contrast source inversion (CSI) [114], and (2) stochastic methods [115] including genetic algorithms, evolutionary optimization, and PSO algorithms. Compressive-sensing (CS)-based methods are used as effective regularization tools to mitigate the ISP-related challenges, especially for high-contrast and large objects, due to the high complexity and long computing time. DNNs have been successfully used to solve inverse problems. Moreover, the learning-by-examples (LBEs) methods have been proposed to devise various ML approaches to resolve the ISPs [116]. Wei et al. [20] developed DL schemes for ISP that were able to produce good quantitative results by training a U-Net [117]; a unique CNNs architecture originally designed for bio-medical segmentation.
To exploit the relationship between the DNNs architecture and the iterative methods of nonlinear EM inverse scattering, the author [20] proposed three inversion schemes based on a U-Net CNN.
Li et al. [118] investigated a Deep Neural Network for Nonlinear Inverse Electromagnetic Scattering (Deep-NIS), which was based on a cascade of three CNN modules, in which the inputs from the scene were processed by the backpropagation (BP) method and the output was the reconstruction images of the unknown scatterers. Deep-learning schemes could achieve excellent performance, but they are too difficult to implement using the physical knowledge of electromagnetic inverse scattering. Thus, to bridge the gap between physical knowledge and learning approaches, Wei et al. [119] proposed an induced current-learning method by integrating benefits in the iterative algorithm architecture of CNN. To solve the ISPs with high contrast, a contrast source network (CS-Net) combined with a traditional subspace-based optimization method was investigated [120] and CNNs were developed with three stages [121]. Furthermore, Yao et al. [122] proposed a two-step deep-learning approach that can reproduce high-contrast objects using a cascade of CNNs and another complex-valued deep residual CNN. In another study [123], a gradient learning approach was used to invert transient electromagnetic data. Thus, the inversion methods using only phase-less data (e.g., only amplitude data) are preferred for engineering applications. Xu et al. [124] proposed three inversion schemes based on U-net CNNs to solve phase-less ISPs.

3.6. Fault Detection Systems

The failure of elements in an antenna array causes sharp field variations across the array aperture, thus degrading the radiation pattern of the antenna system. Therefore, identifying defective elements is vital for correcting array failures. The Woodward–Lawson method [125], Case-Based Reasoning systems [126], GA [127], and ML techniques have been used earlier to locate the fault element(s) in an antenna array [128]. Patnaik et al. [129] used an ANN to locate a maximum of three defective elements in a 16-element array, from its distorted radiation pattern. The results were in excellent agreement with the simulation results. In another study [130], the SVM classifier was used to detect defective elements in a four-element array, using a different SVM for each combination of defective elements. However, this approach was not feasible with moderate or large arrays, as the number of possible combinations increased. The training and detection of the SVM were conducted on measured radiation data with a signal-to-noise ratio (SNR) in the range of 0–25 dB. In shipborne antennas, it is arduous to detect faults due to the unfriendly working environment and loud background noises, so DL can play an important role by using multiscale analysis with a multi-layered network [131]. EM can be used in power transmission anchor rods to detect faults. The procedure is noninvasive and nondestructive due to the absence of physical human touch. However, the acquired signal is complex and ML techniques must be used to recognize the pattern of the radiation and thus detect anomalies [132]. The uncertainty of sudden antenna failure in textile applications was characterized using a Bayesian optimization-adopted possibility theory in a prior article [133]. A defect in the base station often creates sleeping cells resulting in network failures that are hard to detect. The naive bayes method provided excellent results in detecting this kind of failure with precision [134].

3.7. Miscellaneous Applications

ML has been found to be useful in versatile EM applications. Tang et al. [135] described a dual-antenna approach by optimizing the antenna parameters using GA, to avoid the pathloss and increase the signal power effectively. A dual-band Planar Inverted F-Antennas (PIFA) antenna for 5G mobile communications was proposed utilizing a GA and Bayesian convolution incorporated hybrid algorithm in an earlier study [136]. ANN was used to optimize the dual-band antenna with the desired return loss and frequencies of operation [137], which are ideal for 5G communication.
For better configuration of the number of subcarriers and the size of constellation symbols in the case of mm-Wave communications, KNN was used in another study [138] to maximize the system throughput. The system was evaluated using four antenna configurations resulting in a uniform cylindrical array with the highest data rate. A KNN-based power allocation algorithm was proposed in [139] for a distributed antenna system. Thirteen ML algorithms including GP, SVM, KNN, Naive bayes, and ANN were adopted in another study [140] for performance testing of fingerprint-based mobile terminal localization, which improved the efficiency of KNN over other algorithms, producing the least mean squared error.
Jiang and Schotten [141] studied a deep RNN-based approach including the long-short-term memory (LSTM) and the gated recurrent unit to estimate the channel condition. ML has been utilized in different antenna-related Internet of Things (IoT) applications [142]. The single-input multiple-output (SIMO) system is a great example of a modern IoT application where ANN enabled significant improvements in learning the modulation–demodulation schemes for multipath channels [143]. To achieve energy efficiency while reserving the quality of service in the case of a shared wireless medium, base stations must choose the best subset of antennae to utilize the spatial diversity of multiple users. Deep Learning is also used in distributed antenna systems for optimal power allocation to achieve spectral and energy efficiency with reduced computational complexity [144]. ML has also been used to perform different medical applications, such as breast cancer detection by EM radiation [145]. Moreover, ML is used to generate models for the experimentation of antenna performance of wireless devices adjacent to the human body, such as radiation patterns, return loss, impedance, etc. [146]. It has been utilized to predict breast cancer by estimating the S-parameter of an ultra-MIMO sensor antenna using PCA [147]. Figure 8 illustrates the versatility of ML in EM applications involving the design, synthesis, recognition, and optimization of various EM-based systems.

4. Limitations

It is undeniably noticeable from prior sections that the advent of ML has revolutionized the progress in EM. However, machine-learning-based approaches have limitations. As ML approaches are data driven, major limitations arise due to inadequate data to train the model effectively. Moreover, as ML facilitates predictions, accuracy can decrease in new cases and needs continuous evaluation and training of the model. Even the best-performing CNN is found to be quite inaccurate outside of its known environment [148]. Although surrogate modeling provides great opportunities, it requires sufficient empirical data from experiments and sophisticated tuning of the hyperparameters to achieve the expected results. It often lacks efficiency in the case of higher dimensionality and highly non-linear problems. Although different unsupervised algorithms are used to solve the feature reduction and classification problems, almost all require expertise in handling the design and in-depth programming of the required model of interest. Although it is important to provide an abundance of data during training as the accuracy of the model mostly depends on it [149], additional characteristics such as the learning rate, batch size, and others are also essential for optimized and improved outcomes [150].
Although PCA and GA have shown significant optimization of ML algorithms using an intelligent search-based mechanism [151,152], further improvement is necessary to achieve better results. Even in antenna arrays, the performance of ML techniques is not satisfactory due to the increased possibilities of antenna combinations. Sometimes, even larger datasets for fault detection results in low accuracy, which makes the selection of the appropriate ML algorithm difficult [153].

5. Future Scope

Table 1 summarizes the comparisons of different ML algorithms (their pros and cons) when applied in various aspects of EM. Since the emergence of 5G technology, antenna arrays have received unprecedented attention and will continue to play a dominant role in next-generation wireless communications systems. Small cell clustering, MIMO channel estimation, bandwidth sharing automation, and different fault detections in 5G technology are gradually adopting ML to obtain automation and success [154]. The use of ML improves energy efficiency, allows for more signal-path diversity, and helps to mitigate multi-path fading. Electromagnetic radiation-based detection can be a prominent solution [155,156] where deep learning can play an important role in analyzing the radiation pattern and facilitating a fast response. ML classifiers displayed significant accuracy in providing information beyond the line of sight. These have now been used in the Global Navigation Satellite System (GNSS) to eradicate the disputes caused by multipath and non-line-of-sight signal propagation between the earth and satellites [157]. Another study [158] has shown the feasibility of ML in the state recognition of satellite antennas by accumulating minimal data. In addition, published literature [159,160] proved the viability of using ML algorithms in the detection of spoofing attacks in multiantenna snapshot receivers by tracking the antenna positions by satellite. ML can also automate the design procedure in different computational EM methods of intelligent CAD and CAE applications [161]. ML is becoming popular in the design of complex antennas for advanced and new applications involving 5G technology and IoT [162]. To represent the path loss in complex environments of future wireless sensors, ML can contribute significantly via advanced feature selection and modeling tools [163]. Again, determining the signal condition is an important aspect of modern wireless networks, in which ML algorithms can play a significant role [164]. AI and the subset ML approaches are better than conventional algorithms in the implementation of reconfigurable antenna arrays with greater robustness in the case of noisy and multipath environments [104], even for the protection of the devices [165].

6. Conclusions

This paper presents a survey of the state-of-the art investigations in the application of machine-learning techniques in EM. The available literature proves the effectiveness and efficiency of these ML methods in solving EM problems. The advantages of ML models include their accuracy and ease of implementation for highly non-linear EM problems. A primary disadvantage of ML techniques is the high number of parameters and hyper-parameters to set, which makes the process complex and consumes time. Nonetheless, it can be envisioned that ML techniques will play a dominant role in next-generation wireless technology via faster solutions in the EM domain.

Author Contributions

Conceptualization, P.K.S.; methodology, H.O. and M.S.I.S.; validation, A.I.O., H.M.J. and R.E.F.; investigation, H.O., M.S.I.S. and P.K.S.; resources, A.W.; data curation, H.O. and M.S.I.S.; writing—original draft preparation, H.O., M.S.I.S. and A.I.O.; writing—review and editing, P.K.S. and A.W.; visualization, M.S.I.S., A.I.O. and H.M.J.; supervision, P.K.S. and R.E.F.; project administration, P.K.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Bansal, R. Engineering Electromagnetics: Applications; CRC Press: Boca Raton, CA, USA, 2006; 297p. [Google Scholar]
  2. Zhang, Z. Antenna Design for Mobile Devices; John Wiley & Sons: Hoboken, NJ, USA, 2017. [Google Scholar]
  3. Soltani, S.; Murch, R.D. A Compact Planar Printed MIMO Antenna Design. IEEE Trans. Antennas Propag. 2015, 63, 1140–1149. [Google Scholar] [CrossRef]
  4. Çalışkan, R.; Gültekin, S.S.; Uzer, D.; Dündar, Ö. A Microstrip Patch Antenna Design for Breast Cancer Detection. Proc. Soc. Behav. Sci. 2015, 195, 2905–2911. [Google Scholar] [CrossRef] [Green Version]
  5. Robinson, G. Antenna Synthesis Through Characteristic Modal Analysis for Small Unmanned Aerial System Applications. Master’s Thesis, University of Oklahoma, Norman, OK, USA, 2019. [Google Scholar]
  6. El Gharbi, M.; Fernández-García, R.; Ahyoud, S.; Gil, I. A Review of Flexible Wearable Antenna Sensors: Design, Fabrication Methods, and Applications. Materials 2020, 13, 3781. [Google Scholar] [CrossRef]
  7. Shlezinger, N.; Alexandropoulos, G.C.; Imani, M.F.; Eldar, Y.C.; Smith, D.R. Dynamic Metasurface Antennas for 6G Extreme Massive MIMO Communications. IEEE Wirel. Commun. 2021, 28, 106–113. [Google Scholar] [CrossRef]
  8. Nadeem, I.; Alibakhshikenari, M.; Babaeian, F.; Althuwayb, A.A.; Virdee, B.S.; Azpilicueta, L.; Khan, S.; Huynen, I.; Falcone, F.; Denidni, T.A.; et al. A Comprehensive Survey on ‘Circular Polarized Antennas’ for Existing and Emerging Wireless Communication Technologies. J. Phys. D. Appl. Phys. 2021, 55, 033002. [Google Scholar] [CrossRef]
  9. Wang, J.; Lim, E.G.; Leach, M.P.; Wang, Z.; Pei, R.; Jiang, Z.; Huang, Y. A 403 MHz Wireless Power Transfer System with Tuned Split-Ring Loops for Implantable Medical Devices. IEEE Trans. Antennas Propag. 2021, 1. [Google Scholar] [CrossRef]
  10. Siddiqi, M.A.; Beurskens, R.H.S.H.; Kruizinga, P.; De Zeeuw, C.I.; Strydis, C. Securing Implantable Medical Devices Using Ultrasound Waves. IEEE Access 2021, 9, 80170–80182. [Google Scholar] [CrossRef]
  11. Yang, H.; Liu, X. Screen-Printed Dual-Band and Dual-Circularly Polarized Textile Antenna for Wearable Applications. In Proceedings of the 15th European Conference on Antennas and Propagation (EuCAP), Dusseldorf, Germany, 22–26 March 2021. [Google Scholar] [CrossRef]
  12. Bhattacharjee, M.; Nikbakhtnasrabadi, F.; Dahiya, R. Printed Chipless Antenna as Flexible Temperature Sensor. IEEE Internet Things J. 2021, 8, 5101–5110. [Google Scholar] [CrossRef]
  13. Ibanez-Labiano, I.; Nourinovin, S.; Alomainy, A. Graphene Inkjet-Printed Ultrawideband Tapered Coplanar-Waveguide Antenna on Kapton Substrate. In Proceedings of the 15th European Conference on Antennas and Propagation (EuCAP), Dusseldorf, Germany, 22–26 March 2021. [Google Scholar] [CrossRef]
  14. Kumar, S.; Nandan, D.; Srivastava, K.; Kumar, S.; Singh, H.; Marey, M.; Mostafa, H.; Kanaujia, B.K. Wideband Circularly Polarized Textile MIMO Antenna for Wearable Applications. IEEE Access 2021, 9, 108601–108613. [Google Scholar] [CrossRef]
  15. Tsaliovich, A.; Haridim, M.; Gavan, J. A Critical Note on the Engineering Model of Radiating Antenna in Homogeneous Medium: Field Regions and Transition Zone Boundaries. IEEE Electromagn. Compat. Mag. 2021, 10, 41–50. [Google Scholar] [CrossRef]
  16. Koziel, S.; Pietrenko-Dabrowska, A. Reliable EM-Driven Size Reduction of Antenna Structures by Means of Adaptive Penalty Factors. IEEE Trans. Antennas Propag. 2021, 1. [Google Scholar] [CrossRef]
  17. Kumar, S.; Dixit, A.S.; Malekar, R.R.; Raut, H.D.; Shevada, L.K. Fifth Generation Antennas: A Comprehensive Review of Design and Performance Enhancement Techniques. IEEE Access 2020, 8, 163568–163593. [Google Scholar] [CrossRef]
  18. Rahman, S.; Alam, S.; Haque, M.; Siddique, N.S.; Sagor, M.H. Transparent and Flexible Y-Shaped Antenna for 5G Wireless Applications. In Proceedings of the 12th European Conference on Antennas and Propagation (EuCAP 2018), London, UK, 9–13 April 2018. [Google Scholar] [CrossRef]
  19. Rani, S.; Sivia, J.S. Design and Development of Virtual Instrument for Fault Diagnosis in Fractal Antenna Array. Int. J. RF Microw. Comput. Eng. 2020, 30, e22026. [Google Scholar] [CrossRef]
  20. Wei, Z.; Chen, X. Deep-Learning Schemes for Full-Wave Nonlinear Inverse Scattering Problems. IEEE Trans. Geosci. Remote Sens. 2019, 57, 1849–1860. [Google Scholar] [CrossRef]
  21. El Misilmani, H.M.; Naous, T.; Al Khatib, S.K. A Review on the Design and Optimization of Antennas Using Machine Learning Algorithms and Techniques. Int. J. RF Microw. Comput. Eng. 2020, 30, 1–28. [Google Scholar] [CrossRef]
  22. Passos, F.; Roca, E.; Castro-López, R.; Fernández, F.V. Radio-Frequency Inductor Synthesis Using Evolutionary Computation and Gaussian-Process Surrogate Modeling. Appl. Soft Comput. 2017, 60, 495–507. [Google Scholar] [CrossRef] [Green Version]
  23. Plonis, D.; Katkevicius, A.; Gurskas, A.; Urbanavicius, V.; Maskeliunas, R.; Damasevicius, R. Prediction of Meander Delay System Parameters for Internet-of-Things Devices Using Pareto-Optimal Artificial Neural Network and Multiple Linear Regression. IEEE Access 2020, 8, 39525–39535. [Google Scholar] [CrossRef]
  24. Zhang, J.; Akinsolu, M.O.; Liu, B.; Vandenbosch, G.A.E. Automatic AI-Driven Design of Mutual Coupling Reducing Topologies for Frequency Reconfigurable Antenna Arrays. IEEE Trans. Antennas Propag. 2021, 69, 1831–1836. [Google Scholar] [CrossRef]
  25. Pietrenko-Dabrowska, A.; Koziel, S. Cost-Efficient Surrogate Modeling of High-Frequency Structures Using Nested Kriging with Automated Adjustment of Model Domain Lateral Dimensions. AEU Int. J. Electron. Commun. 2020, 121, 153224. [Google Scholar] [CrossRef]
  26. Ertel, W. Introduction to Artificial Intelligence; Springer: Berlin, Germany, 2018. [Google Scholar]
  27. Langley, P.; Simon, H.A. Applications of Machine Learning and Rule Induction. Commun. ACM 1995, 38, 54–64. [Google Scholar] [CrossRef]
  28. Mahesh, B. Machine Learning Algorithms-A Review. Int. J. Sci. Res. 2018. [Google Scholar] [CrossRef]
  29. Haykin, S. Neural Networks and Learning Machines, 3/E.; Pearson Education India: Bengaluru, India, 2010. [Google Scholar]
  30. Liaw, A.; Wiener, M. Classification and Regression by RandomForest. R News 2002, 2, 18–22. [Google Scholar]
  31. Friedman, J.H. Stochastic Gradient Boosting. Comput. Stat. Data Anal. 2002, 38, 367–378. [Google Scholar] [CrossRef]
  32. Kotsiantis, S.B.; Zaharakis, I.; Pintelas, P. Supervised Machine Learning: A Review of Classification Techniques. Emerg. Artif. Intell. Appl. Comput. Eng. 2007, 160, 3–24. [Google Scholar]
  33. Le, Q.V. Building High-Level Features Using Large Scale Unsupervised Learning. In Proceedings of the 2013 IEEE International Conference on Acoustics, Speech and Signal Processing, Vancouver, BC, Canada, 26–31 May 2013; pp. 8595–8598. [Google Scholar] [CrossRef] [Green Version]
  34. Bonaccorso, G. Machine Learning Algorithms; Packt Publishing Ltd.: Birmingham, UK, 2017. [Google Scholar]
  35. Nyangwarimam Obadiah, A.; Hamid, M.R.; Rahim, M.K.A.; Murad, N.A. A Review on Filter-Antennas. Appl. Mech. Mater. 2015, 735, 289–293. [Google Scholar] [CrossRef]
  36. Akinsolu, M.O.; Mistry, K.K.; Liu, B.; Lazaridis, P.I.; Excell, P. Machine Learning-Assisted Antenna Design Optimization: A Review and the State-of-the-Art. In Proceedings of the 14th European Conference on Antennas and Propagation (EuCAP), Copenhagen, Denmark, 15–20 March 2020. [Google Scholar] [CrossRef]
  37. Maeurer, C.; Futter, P.; Gampala, G. Antenna Design Exploration and Optimization Using Machine Learning. In Proceedings of the 14th European Conference on Antennas and Propagation (EuCAP), Copenhagen, Denmark, 15–20 March 2020. [Google Scholar] [CrossRef]
  38. Sahal, M.; Tiwari, V.; Jhajhria, T. Optimization Algorithms for Antenna Design, Array Thinning, and Radiation Pattern Synthesis, Proceedings of International Conference on Communication and Computational Technologies, Jaipur, India, 30–31 August 2019; Algorithms for Intelligent Systems; Springer: Singapore, 2021; pp. 319–326. [Google Scholar] [CrossRef]
  39. Li, Y.; Lei, G.; Bramerdorfer, G.; Peng, S.; Sun, X.; Zhu, J. Machine Learning for Design Optimization of Electromagnetic Devices: Recent Developments and Future Directions. Appl. Sci. 2021, 11, 1627. [Google Scholar] [CrossRef]
  40. Lecci, M.; Testolina, P.; Rebato, M.; Testolin, A.; Zorzi, M. Machine Learning-Aided Design of Thinned Antenna Arrays for Optimized Network Level Performance. In Proceedings of the 14th European Conference on Antennas and Propagation (EuCAP), Copenhagen, Denmark, 15–20 March 2020. [Google Scholar] [CrossRef]
  41. Koziel, S.; Pietrenko-Dabrowska, A. Rapid Multi-Criterial Antenna Optimization by Means of Pareto Front Triangulation and Interpolative Design Predictors. IEEE Access 2021, 9, 35670–35680. [Google Scholar] [CrossRef]
  42. Forrester, A.I.J.; Keane, A.J. Recent Advances in Surrogate-Based Optimization. Prog. Aerosp. Sci. 2009, 45, 50–79. [Google Scholar] [CrossRef]
  43. Jacobs, J.P.; Koziel, S. Two-Stage Framework for Efficient Gaussian Process Modeling of Antenna Input Characteristics. IEEE Trans. Antennas Propag. 2014, 62, 706–713. [Google Scholar] [CrossRef] [Green Version]
  44. Wu, Q.; Wang, H.; Hong, W. Multistage Collaborative Machine Learning and Its Application to Antenna Modeling and Optimization. IEEE Trans. Antennas Propag. 2020, 68, 3397–3409. [Google Scholar] [CrossRef]
  45. Liu, B.; Akinsolu, M.O.; Ali, N.; Abd-Alhameed, R. Efficient Global Optimisation of Microwave Antennas Based on a Parallel Surrogate Model-Assisted Evolutionary Algorithm. IET Microwaves, Antennas Propag. 2019, 13, 149–155. [Google Scholar] [CrossRef] [Green Version]
  46. Liu, B.; Akinsolu, M.O.; Song, C.; Hua, Q.; Excell, P.; Xu, Q.; Huang, Y.; Imran, M.A. An Efficient Method for Complex Antenna Design Based on a Self Adaptive Surrogate Model-Assisted Optimization Technique. IEEE Trans. Antennas Propag. 2021, 69, 2302–2315. [Google Scholar] [CrossRef]
  47. Koziel, S.; Ogurtsov, S.; Couckuyt, I.; Dhaene, T. Variable-Fidelity Electromagnetic Simulations and Co-Kriging for Accurate Modeling of Antennas. IEEE Trans. Antennas Propag. 2013, 61, 1301–1308. [Google Scholar] [CrossRef] [Green Version]
  48. Gao, J.; Tian, Y.; Chen, X. Antenna Optimization Based on Co-Training Algorithm of Gaussian Process and Support Vector Machine. IEEE Access 2020, 8, 211380–211390. [Google Scholar] [CrossRef]
  49. Xue, M.; Shi, D.; He, Y.; Li, C. A Novel Intelligent Antenna Synthesis System Using Hybrid Machine Learning Algorithms. In Proceedings of the 2019 International Symposium on Electromagnetic Compatibility—EMC EUROPE, Barcelona, Spain, 2–6 September 2019; pp. 902–907. [Google Scholar] [CrossRef]
  50. Kim, Y.; Seo, C. High-Efficiency and Compact WPT Receiving Antenna Design Using Simulation Optimization Method. Int. J. Electr. Eng. Educ. 2021. [Google Scholar] [CrossRef]
  51. Danesh, S.; Araghi, A.; Khalily, M.; Xiao, P.; Tafazolli, R. Millimeter Wave Phased Array Antenna Synthesis Using a Machine Learning Technique for Different 5G Applications. In Proceedings of the 2020 International Symposium on Networks, Computers and Communications (ISNCC), Montreal, QC, Canada, 20–22 October 2020. [Google Scholar] [CrossRef]
  52. Shan, T.; Li, M.; Xu, S.; Yang, F. Synthesis of Refiectarray Based on Deep Learning Technique. In Proceedings of the 2018 Cross Strait Quad-Regional Radio Science and Wireless Technology Conference (CSQRWC), Xuzhou, China, 21–24 July 2018. [Google Scholar] [CrossRef]
  53. Song, Y.; Wen, Y.; Zhang, D.; Zhang, J. Fast Prediction Model of Coupling Coefficient between Pantograph Arcing and GSM-R Antenna. IEEE Trans. Veh. Technol. 2020, 69, 11612–11618. [Google Scholar] [CrossRef]
  54. Sharma, K.; Pandey, G.P. Designing a Compact Microstrip Antenna Using the Machine Learning Approach. J. Telecommun. Inf. Technol. 2020, nr 4, 44–52. [Google Scholar] [CrossRef]
  55. Singh, B.K. Design of Rectangular Microstrip Patch Antenna Based on Artificial Neural Network Algorithm. In Proceedings of the 2nd International Conference on Signal Processing and Integrated Networks (SPIN), Noida, India, 19–20 February 2015; pp. 6–9. [Google Scholar] [CrossRef]
  56. Ayestarán, R.G. Support Vector Regression for the Modeling and Synthesis of Near-Field Focused Antenna Arrays. Electronics 2019, 8, 1352. [Google Scholar] [CrossRef] [Green Version]
  57. Xiao, L.Y.; Shao, W.; Jin, F.L.; Wang, B.Z.; Liu, Q.H. Inverse Artificial Neural Network for Multi-Objective Antenna Design. IEEE Trans. Antennas Propag. 2021, 6651–6659. [Google Scholar] [CrossRef]
  58. Gosal, G.; Almajali, E.; McNamara, D.; Yagoub, M. Transmitarray Antenna Design Using Forward and Inverse Neural Network Modeling. IEEE Antennas Wirel. Propag. Lett. 2016, 15, 1483–1486. [Google Scholar] [CrossRef]
  59. Sharma, Y.; Zhang, H.H.; Xin, H. Machine Learning Techniques for Optimizing Design of Double T-Shaped Monopole Antenna. IEEE Trans. Antennas Propag. 2020, 68, 5658–5663. [Google Scholar] [CrossRef]
  60. Cui, L.; Zhang, Y.; Zhang, R.; Liu, Q.H. A Modified Efficient KNN Method for Antenna Optimization and Design. IEEE Trans. Antennas Propag. 2020, 68, 6858–6866. [Google Scholar] [CrossRef]
  61. Lovato, R.; Gong, X. Phased Antenna Array Beamforming Using Convolutional Neural Networks. In Proceedings of the 2019 IEEE International Symposium on Antennas and Propagation and USNC-URSI Radio Science Meeting, Atlanta, GA, USA, 7–12 July 2019; pp. 1247–1248. [Google Scholar] [CrossRef]
  62. Kim, J.H.; Choi, S.W. A Deep Learning-Based Approach for Radiation Pattern Synthesis of an Array Antenna. IEEE Access 2020, 8, 226059–226063. [Google Scholar] [CrossRef]
  63. Chen, Z.R.; Kai Guan, K.; Tong, M.S. An Improved Adaptive Chaotic Particle Swarm Optimization Algorithm for Antenna Synthesis. In Proceedings of the 2019 Photonics & Electromagnetics Research Symposium—Fall (PIERS—Fall), Xiamen, China, 17–20 December 2019; pp. 207–210. [Google Scholar] [CrossRef]
  64. Zhang, X.Y.; Tian, Y.B.; Zheng, X. Antenna Optimization Design Based on Deep Gaussian Process Model. Int. J. Antennas Propag. 2020, 2020. [Google Scholar] [CrossRef]
  65. Hu, C.; Zhao, J.P.; Xu, J. Optimization of Dielectric Resonator Antenna Based on Machine Learning and PSO Methods. In Proceedings of the 2020 International Conference on Microwave and Millimeter Wave Technology (ICMMT), Shanghai, China, 20–23 September 2020. [Google Scholar] [CrossRef]
  66. Calik, N.; Belen, M.A.; Mahouti, P. Deep Learning Base Modified MLP Model for Precise Scattering Parameter Prediction of Capacitive Feed Antenna. Int. J. Numer. Model. Electron. Netw. Devices Fields 2020, 33, e2682. [Google Scholar] [CrossRef]
  67. Aoad, A. Design and Manufacture of a Multiband Rectangular Spiral-Shaped Microstrip Antenna Using EM-Driven and Machine Learning. Elektron. Elektrotech. 2021, 27, 29–40. [Google Scholar] [CrossRef]
  68. Kazemian, A.; Wang, P.; Yi, Y.; Zhuang, Y.; Zhuang, Y.; Yi, Y. Optimization of the Silicon-Based Aperiodic Optical Phased Array Antenna. Opt. Lett. 2021, 46, 801–804. [Google Scholar] [CrossRef]
  69. Rudant, L.; Batel, L.; Clemente, A.; Delaveaud, C. New Approach in Antenna Design Automation Applied to a Dual-Band GNSS Micro-Array. In Proceedings of the 15th European Conference on Antennas and Propagation (EuCAP), Dusseldorf, Germany, 22–26 March 2021. [Google Scholar] [CrossRef]
  70. Gecgel, S.; Goztepe, C.; Kurt, G.K. Transmit Antenna Selection for Large-Scale MIMO GSM with Machine Learning. IEEE Wirel. Commun. Lett. 2020, 9, 113–116. [Google Scholar] [CrossRef]
  71. de Souza Junior, W.; Alves, T.A.B.; Abrão, T. Antenna Selection in Nonorthogonal Multiple Access Multiple-Input Multiple-Output Systems Aided by Machine Learning. Trans. Emerg. Telecommun. Technol. 2021, 32, e4283. [Google Scholar] [CrossRef]
  72. He, D.; Liu, C.; Quek, T.Q.S.; Wang, H. Transmit Antenna Selection in MIMO Wiretap Channels: A Machine Learning Approach. IEEE Wirel. Commun. Lett. 2018, 7, 634–637. [Google Scholar] [CrossRef]
  73. Yao, R.; Zhang, Y.; Qi, N.; Tsiftsis, T.A.; Liu, Y. Machine Learning-Based Antenna Selection in Untrusted Relay Networks. In Proceedings of the 2nd International Conference on Artificial Intelligence and Big Data (ICAIBD), Chengdu, China, 25–28 May 2019; pp. 323–328. [Google Scholar] [CrossRef] [Green Version]
  74. An, W.; Zhang, P.; Xu, J.; Luo, H.; Huang, L.; Zhong, S. A Novel Machine Learning Aided Antenna Selection Scheme for MIMO Internet of Things. Sensors 2020, 20, 2250. [Google Scholar] [CrossRef]
  75. Diamantaras, K.; Xu, Z.; Petropulu, A. Sparse Antenna Array Design for MIMO Radar Using Softmax Selection. arXiv 2021, arXiv:2102.05092. [Google Scholar]
  76. Zhong, S.; Feng, H.; Zhang, P.; Xu, J.; Luo, H.; Zhang, J.; Yuan, T.; Huang, L. Deep Learning Based Antenna Selection for MIMO SDR System. Sensors 2020, 20, 6987. [Google Scholar] [CrossRef]
  77. Ma, Y.; Hao, Y. Antenna Classification Using Gaussian Mixture Models (GMM) and Machine Learning. IEEE Open J. Antennas Propag. 2020, 1, 320–328. [Google Scholar] [CrossRef]
  78. Vu, T.X.; Chatzinotas, S.; Nguyen, V.D.; Hoang, D.T.; Nguyen, D.N.; Di Renzo, M.; Ottersten, B. Machine Learning-Enabled Joint Antenna Selection and Precoding Design: From Offline Complexity to Online Performance. IEEE Trans. Wirel. Commun. 2021, 20, 3710–3722. [Google Scholar] [CrossRef]
  79. Cenkeramaddi, L.R.; Rai, P.K.; Dayal, A.; Bhatia, J.; Pandya, A.; Soumya, J.; Kumar, A.; Jha, A. A Novel Angle Estimation for MmWave FMCW Radars Using Machine Learning. IEEE Sens. J. 2021, 21, 9833–9843. [Google Scholar] [CrossRef]
  80. Sun, R.; Wang, G.; Cheng, Q.; Fu, L.; Chiang, K.W.; Hsu, L.T.; Ochieng, W.Y. Improving GPS Code Phase Positioning Accuracy in Urban Environments Using Machine Learning. IEEE Internet Things J. 2021, 8, 7065–7078. [Google Scholar] [CrossRef]
  81. 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, 3075–3087. [Google Scholar] [CrossRef]
  82. Lv, Y.; Zhen, J.; Guo, B. Accessorial Locating for Internet of Vehicles Based on DOA Estimation in Industrial Transportation. Wirel. Commun. Mob. Comput. 2021, 2021, 1–10. [Google Scholar] [CrossRef]
  83. Yang, T.; Zheng, J.; Su, T.; Liu, H. Fast and Robust Super-Resolution DOA Estimation for UAV Swarms. Signal Process. 2021, 188, 108187. [Google Scholar] [CrossRef]
  84. Vu, T.X.; Lei, L.; Chatzinotas, S.; Ottersten, B. Machine Learning Based Antenna Selection and Power Allocation in Multi-User MISO Systems. In Proceedings of the 2019 International Symposium on Modeling and Optimization in Mobile, Ad Hoc, and Wireless Networks (WiOPT), Avignon, France, 3–7 June 2019. [Google Scholar] [CrossRef]
  85. Karim, A.K.; Shanmugha Sundaram, G.A. Optimisation of Articulated Vehicular RADAR Antenna Array Parameters Using Machine Learning Algorithms. Lect. Notes Networks Syst. 2021, 154, 517–526. [Google Scholar] [CrossRef]
  86. Ma, W.; Qi, C.; Li, G.Y. Machine Learning for Beam Alignment in Millimeter Wave Massive MIMO. IEEE Wirel. Commun. Lett. 2020, 9, 875–878. [Google Scholar] [CrossRef]
  87. Hong, T.; Liu, C.; Kadoch, M. Machine Learning Based Antenna Design for Physical Layer Security in Ambient Backscatter Communications. Wirel. Commun. Mob. Comput. 2019, 2019. [Google Scholar] [CrossRef]
  88. Sharma, K.; Pandey, G.P. Efficient Modelling of Compact Microstrip Antenna Using Machine Learning. AEU Int. J. Electron. Commun. 2021, 135, 153739. [Google Scholar] [CrossRef]
  89. Akdag, I.; Gocen, C.; Palandoken, M.; Kaya, A. Estimation of the Scattering Parameter at the Resonance Frequency of the UHF Band of the E-Shaped RFID Antenna Using Machine Learning Techniques. In Proceedings of the 4th International Symposium on Multidisciplinary Studies and Innovative Technologies (ISMSIT), Istanbul, Turkey, 22–24 October 2020. [Google Scholar] [CrossRef]
  90. Soni, M.; Sharma, K.; Pandey, G.P.; Gupta, S.K. Resonant Frequency Prediction of Patch Antenna in the Presence of Inserted Airgap Using Machine Learning. Lect. Notes Electr. Eng. 2021, 721 LNEE, 353–361. [Google Scholar] [CrossRef]
  91. Shi, L.P.; Zhang, Q.H.; Zhang, S.H.; Liu, G.X.; Yi, C. Application of Machine Learning Method to the Prediction of Em Response of Reflectarray Antenna Elements. In Proceedings of the 2019 Photonics & Electromagnetics Research Symposium—Fall (PIERS—Fall), Xiamen, China, 17–20 December 2019; pp. 2671–2676. [Google Scholar] [CrossRef]
  92. Subramani, P.; Al-Turjman, F.; Kumar, R.; Kannan, A.; Loganthan, A. Improving Medical Communication Process Using Recurrent Networks and Wearable Antenna S11 Variation with Harmonic Suppressions. Pers. Ubiquitous Comput. 2021, 2021, 1–13. [Google Scholar] [CrossRef]
  93. Chen, M.; Gong, Y.; Mao, X. Deep Neural Network for Estimation of Direction of Arrival with Antenna Array. IEEE Access 2020, 8, 140688–140698. [Google Scholar] [CrossRef]
  94. Liu, Q.; Yang, J.; Zhuang, C.; Barnawi, A.; Alzahrani, B.A. Artificial Intelligence Based Mobile Tracking and Antenna Pointing in Satellite-Terrestrial Network. IEEE Access 2019, 7, 177497–177503. [Google Scholar] [CrossRef]
  95. Lutati, S.; Wolf, L. HyperHyperNetworks for the Design of Antenna Arrays. arXiv 2021, arXiv:2105.03838. [Google Scholar]
  96. Aumayr, E.; Feghhi, S.; Vannella, F.; Al Hakim, E.; Iakovidis, G. A Safe Reinforcement Learning Architecture for Antenna Tilt Optimisation. arXiv 2020, arXiv:2012.01296. [Google Scholar]
  97. Reji, V.; Manimegalai, C.T. V-Shaped Long Wire Frequency Reconfigurable Antenna for WLAN and ISM Band Applications. AEU Int. J. Electron. Commun. 2021, 140, 153937. [Google Scholar] [CrossRef]
  98. Elwi, T.A. Remotely Controlled Reconfigurable Antenna for Modern 5G Networks Applications. Microw. Opt. Technol. Lett. 2021, 63, 2018–2023. [Google Scholar] [CrossRef]
  99. Qin, P.; Wang, L.; Liu, T.-Y.; Wang, Q.-Y.; Fu, J.-H.; Huang, G.-L.; Gui, L.; Liu, J.; Deng, Z.-S. The Design and Manufacturing Process of an Electrolyte-Free Liquid Metal Frequency-Reconfigurable Antenna. Sensors 2021, 21, 1793. [Google Scholar] [CrossRef]
  100. Mohamadzade, B.; Simorangkir, R.B.V.B.; Hashmi, R.M.; Gharaei, R.; Lalbakhsh, A.; Shrestha, S.; Zhadobov, M.; Sauleau, R. A Conformal, Dynamic Pattern-Reconfigurable Antenna Using Conductive Textile-Polymer Composite. IEEE Trans. Antennas Propag. 2021, 6175–6184. [Google Scholar] [CrossRef]
  101. Bakar, H.A.; Rahim, R.A.; Soh, P.J.; Akkaraekthalin, P. Liquid-Based Reconfigurable Antenna Technology: Recent Developments, Challenges and Future. Sensors 2021, 21, 827. [Google Scholar] [CrossRef]
  102. Kaur, N.; Sivia, J.S.; Rajni. Artificial Neural Network Based Metasurface Inspired Planar Frequency Reconfigurable Antenna for Wireless Applications. Int. J. RF Microw. Comput. Eng. 2021, 31, e22793. [Google Scholar] [CrossRef]
  103. Yang, S.; Khusro, A.; Li, W.; Vaseem, M.; Hashmi, M.; Shamim, A. A Machine Learning-Based Microwave Device Model for Fully Printed VO2 RF Switches. In Proceedings of the 50th European Microwave Conference (EuMC), Utrecht, The Netherlands, 12–14 January 2021; pp. 662–665. [Google Scholar]
  104. Zardi, F.; Nayeri, P.; Rocca, P.; Haupt, R. Artificial Intelligence for Adaptive and Reconfigurable Antenna Arrays: A Review. IEEE Antennas Propag. Mag. 2021, 63, 28–38. [Google Scholar] [CrossRef]
  105. Cetiner, B. The Development of Efficient and Intelligent Algorithms for a New Class of Multifunctional Reconfigurable Antenna Systems; Defense Technical Information Center: Fort Belvoir, VA, USA, 2019. [Google Scholar]
  106. Ding, J.; Chen, B.; Liu, H.; Huang, M. Convolutional Neural Network with Data Augmentation for SAR Target Recognition. IEEE Geosci. Remote Sens. Lett. 2016, 13, 364–368. [Google Scholar] [CrossRef]
  107. Chen, S.; Wang, H.; Xu, F.; Jin, Y.Q. Target Classification Using the Deep Convolutional Networks for SAR Images. IEEE Trans. Geosci. Remote Sens. 2016, 54, 4806–4817. [Google Scholar] [CrossRef]
  108. Al Mufti, M.; Al Hadhrami, E.; Taha, B.; Werghi, N. SAR Automatic Target Recognition Using Transfer Learning Approach. In Proceedings of the 2018 International Conference on Intelligent Autonomous Systems (ICoIAS), Singapore, 1–3 March 2018; pp. 1–4. [Google Scholar] [CrossRef]
  109. Pei, J.; Huang, Y.; Huo, W.; Zhang, Y.; Yang, J.; Yeo, T.S. SAR Automatic Target Recognition Based on Multiview Deep Learning Framework. IEEE Trans. Geosci. Remote Sens. 2018, 56, 2196–2210. [Google Scholar] [CrossRef]
  110. Dbouk, H.; Geng, H.; Vineyard, C.M.; Shanbhag, N.R. Low-Complexity Fixed-Point Convolutional Neural Networks for Automatic Target Recognition. In Proceedings of the ICASSP 2020—2020 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Barcelona, Spain, 4–8 May 2020; pp. 1598–1602. [Google Scholar] [CrossRef]
  111. Huang, X.; Yang, Q.; Qiao, H. Lightweight Two-Stream Convolutional Neural Network for SAR Target Recognition. IEEE Geosci. Remote Sens. Lett. 2021, 18, 667–671. [Google Scholar] [CrossRef]
  112. Chen, X. Subspace-Based Optimization Method for Solving Inverse-Scattering Problems. IEEE Trans. Geosci. Remote Sens. 2010, 48, 42–49. [Google Scholar] [CrossRef]
  113. Chew, W.C.; Wang, Y.M. Reconstruction of Two-Dimensional Permittivity Distribution Using the Distorted Born Iterative Method. IEEE Trans. Med. Imaging 1990, 9, 218–225. [Google Scholar] [CrossRef]
  114. Van den Berg, P.; Abubakar, A. Contrast Source Inversion Method: State of Art. Prog. Electromagn. Res. 2001, 34, 189–218. [Google Scholar] [CrossRef] [Green Version]
  115. Pastorino, M. Stochastic Optimization Methods Applied to Microwave Imaging: A Review. IEEE Trans. Antennas Propag. 2007, 55, 538–548. [Google Scholar] [CrossRef]
  116. Massa, A.; Oliveri, G.; Salucci, M.; Anselmi, N.; Rocca, P. Learning-by-Examples Techniques as Applied to Electromagnetics. J. Electromagn. Waves Appl. 2017, 32, 516–541. [Google Scholar] [CrossRef]
  117. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. Lect. Notes Comput. Sci. 2015, 9351, 234–241. [Google Scholar] [CrossRef] [Green Version]
  118. Li, L.; Wang, L.G.; Teixeira, F.L.; Liu, C.; Nehorai, A.; Cui, T.J. DeepNIS: Deep Neural Network for Nonlinear Electromagnetic Inverse Scattering. IEEE Trans. Antennas Propag. 2019, 67, 1819–1825. [Google Scholar] [CrossRef] [Green Version]
  119. Wei, Z.; Chen, X. Physics-Inspired Convolutional Neural Network for Solving Full-Wave Inverse Scattering Problems. IEEE Trans. Antennas Propag. 2019, 67, 6138–6148. [Google Scholar] [CrossRef]
  120. Agarwal, K.; Pan, L.; Yeo, S.P.; Chen, X.; Zhong, Y. Subspace-Based Optimization Method for Reconstructing Extended Scatterers: Transverse Electric Case. JOSA A 2009, 26, 1932–1937. [Google Scholar] [CrossRef]
  121. Sanghvi, Y.; Kalepu, Y.; Khankhoje, U.K. Embedding Deep Learning in Inverse Scattering Problems. IEEE Trans. Comput. Imaging 2019, 6, 46–56. [Google Scholar] [CrossRef]
  122. Yao, H.M.; Sha, W.E.I.; Jiang, L. Two-Step Enhanced Deep Learning Approach for Electromagnetic Inverse Scattering Problems. IEEE Antennas Wirel. Propag. Lett. 2019, 18, 2254–2258. [Google Scholar] [CrossRef]
  123. Guo, R.; Song, X.; Li, M.; Yang, F.; Xu, S.; Abubakar, A. Supervised Descent Learning Technique for 2-D Microwave Imaging. IEEE Trans. Antennas Propag. 2019, 67, 3550–3554. [Google Scholar] [CrossRef]
  124. Xu, K.; Wu, L.; Ye, X.; Chen, X. Deep Learning-Based Inversion Methods for Solving Inverse Scattering Problems with Phaseless Data. IEEE Trans. Antennas Propag. 2020, 68, 7457–7470. [Google Scholar] [CrossRef]
  125. Fondevila-Gomez, J.; Rodriguez, J.A.; Ares, F.; Moreno, E. A Simple Way of Obtaining Optimized Patterns Using the Woodward-Lawson Method. In Proceedings of the 2006 IEEE Antennas and Propagation Society International Symposium, Albuquerque, NM, USA, 9–14 July 2006; pp. 3383–3386. [Google Scholar] [CrossRef]
  126. Iglesias, R.; Ares, F.; Fernández-Delgado, M.; Rodríguez, J.A.; Brégains, J.; Barro, S. Element Failure Detection in Linear Antenna Arrays Using Case-Based Reasoning. IEEE Antennas Propag. Mag. 2008, 50, 198–204. [Google Scholar] [CrossRef]
  127. Rodriguez, J.A.; Ares, F.; Palacios, H.; Vassal’lo, J. Finding Defective Elements in Planar Arrays Using Genetic Algorithms. Prog. Electromagn. Res. 2000, 29, 25–37. [Google Scholar] [CrossRef] [Green Version]
  128. De Lange, L.; Ludick, D.J.; Grobler, T.L. Detecting Failed Elements in an Arbitrary Antenna Array Using Machine Learning. In Proceedings of the 2019 International Conference on Electromagnetics in Advanced Applications (ICEAA), Granada, Spain, 9–13 September 2019; pp. 1099–1103. [Google Scholar] [CrossRef]
  129. Patnaik, A.; Choudhury, B.; Pradhan, P.; Mishra, R.K.; Christodoulou, C. An ANN Application for Fault Finding in Antenna Arrays. IEEE Trans. Antennas Propag. 2007, 55, 775–777. [Google Scholar] [CrossRef]
  130. Xu, N.; Christodoulou, C.G.; Barbin, S.E.; Martínez-Ramón, M. Detecting Failure of Antenna Array Elements Using Machine Learning Optimization. In Proceedings of the 2007 IEEE Antennas and Propagation Society International Symposium, Honolulu, HI, USA, 9–15 June 2007; pp. 5753–5756. [Google Scholar] [CrossRef]
  131. Pan, T.; Chen, J.; Zhou, Z.; Wang, C.; He, S. A Novel Deep Learning Network via Multiscale Inner Product with Locally Connected Feature Extraction for Intelligent Fault Detection. IEEE Trans. Ind. Inform. 2019, 15, 5119–5128. [Google Scholar] [CrossRef]
  132. Barbosa, D.C.P.; Tarrago, V.L.; De Medeiros, L.H.A.; De Melo, M.T.; Da Silva Lourenco Novo, L.R.G.; Coutinho, M.D.S.; Alves, M.M.; Lott Neto, H.B.D.T.; Gama, P.H.R.P.; Dos Santos, R.G.M. Machine Learning Approach to Detect Faults in Anchor Rods of Power Transmission Lines. IEEE Antennas Wirel. Propag. Lett. 2019, 18, 2335–2339. [Google Scholar] [CrossRef]
  133. Kan, D.; Spina, D.; De Ridder, S.; Grassi, F.; Rogier, H.; Ginste, D. Vande. A Machine-Learning-Based Epistemic Modeling Framework for Textile Antenna Design. IEEE Antennas Wirel. Propag. Lett. 2019, 18, 2292–2296. [Google Scholar] [CrossRef]
  134. Manzanilla-Salazar, O.G.; Malandra, F.; Mellah, H.; Wette, C.; Sanso, B. A Machine Learning Framework for Sleeping Cell Detection in a Smart-City IoT Telecommunications Infrastructure. IEEE Access 2020, 8, 61213–61225. [Google Scholar] [CrossRef]
  135. Tang, T.; Hong, T.; Liu, C.; Zhao, W.; Kadoch, M. Design of 5G Dual-Antenna Passive Repeater Based on Machine Learning. In Proceedings of the 15th International Wireless Communications & Mobile Computing Conference (IWCMC), Tangier, Morocco, 24–28 June 2019; pp. 1907–1912. [Google Scholar] [CrossRef]
  136. Padmapriya, T.; Manikanthan, S.V. Implementation of Dual-Band Planar Inverted F- Antenna (PIFA) Using Machine Learning (ML) for 5G Mobile Applications. In Proceedings of the First International Conference on Computing, Communication and Control System, I3CAC 2021, Chennai, India, 7–8 June 2021. [Google Scholar] [CrossRef]
  137. Nakmouche, M.F.; Allam, A.M.M.A.; Fawzy, D.E.; Bing Lin, D.; Abo Sree, M.F. Development of H-Slotted DGS Based Dual Band Antenna Using ANN for 5G Applications. In Proceedings of the 15th European Conference on Antennas and Propagation (EuCAP), Dusseldorf, Germany, 22–26 March 2021. [Google Scholar] [CrossRef]
  138. Liu, H.; Lu, S.; El-Hajjar, M.; Yang, L.-L. Machine Learning Assisted Adaptive Index Modulation for MmWave Communications. IEEE Open J. Commun. Soc. 2020, 1, 1425–1441. [Google Scholar] [CrossRef]
  139. Liu, Y.; He, C.; Li, X.; Zhang, C.; Tian, C. Power Allocation Schemes Based on Machine Learning for Distributed Antenna Systems. IEEE Access 2019, 7, 20577–20584. [Google Scholar] [CrossRef]
  140. Al-Rashdan, W.Y.; Tahat, A. A Comparative Performance Evaluation of Machine Learning Algorithms for Fingerprinting Based Localization in DM-MIMO Wireless Systems Relying on Big Data Techniques. IEEE Access 2020, 8, 109522–109534. [Google Scholar] [CrossRef]
  141. Jiang, W.; Schotten, H.D. Deep Learning for Fading Channel Prediction. IEEE Open J. Commun. Soc. 2020, 1, 320–332. [Google Scholar] [CrossRef]
  142. Javali, A.; Sahoo, A.; Gupta, J. Machine Learning Algorithms in Smart Antenna and Arrays for Internet of Things Applications. In Proceedings of the 2021 International Conference on Artificial Intelligence and Smart Systems (ICAIS), Coimbatore, India, 25–27 March 2021; pp. 297–301. [Google Scholar] [CrossRef]
  143. Zhang, H.; Lan, M.; Huang, J.; Huang, C.; Cui, S. Noncoherent Energy-Modulated Massive SIMO in Multipath Channels: A Machine Learning Approach. IEEE Internet Things J. 2020, 7, 8263–8270. [Google Scholar] [CrossRef]
  144. Qian, G.; Li, Z.; He, C.; Li, X.; Ding, X. Power Allocation Schemes Based on Deep Learning for Distributed Antenna Systems. IEEE Access 2020, 8, 31245–31253. [Google Scholar] [CrossRef]
  145. Martins, R.A.; Felicio, J.M.; Costa, J.R.; Fernandes, C.A. Comparison of Slot-Based and Vivaldi Antennas for Breast Tumor Detection Using Machine Learning and Microwave Imaging Algorithms. In Proceedings of the 15th European Conference on Antennas and Propagation (EuCAP), Dusseldorf, Germany, 22–26 March 2021. [Google Scholar] [CrossRef]
  146. Diao, Y.; Rashed, E.A.; Hirata, A. Large-Scale Analysis of the Head Proximity Effects on Antenna Performance Using Machine Learning Based Models. IEEE Access 2020, 8, 154060–154071. [Google Scholar] [CrossRef]
  147. Sharma, M.K.; Kumar, M.; Saini, J.P.; Gangwar, D.; Kanaujia, B.K.; Singh, S.P.; Ekuakille, A.L. Experimental Investigation of the Breast Phantom for Tumor Detection Using Ultra-Wide Band-MIMO Antenna Sensor (UMAS) Probe. IEEE Sens. J. 2020, 20, 6745–6752. [Google Scholar] [CrossRef]
  148. Hosseini, H.; Xiao, B.; Jaiswal, M.; Poovendran, R. On the Limitation of Convolutional Neural Networks in Recognizing Negative Images. In Proceedings of the 16th IEEE International Conference on Machine Learning and Applications (ICMLA), Cancun, Mexico, 18–21 December 2017; pp. 352–358. [Google Scholar] [CrossRef] [Green Version]
  149. Barbedo, J.G.A. Impact of Dataset Size and Variety on the Effectiveness of Deep Learning and Transfer Learning for Plant Disease Classification. Comput. Electron. Agric. 2018, 153, 46–53. [Google Scholar] [CrossRef]
  150. Kandel, I.; Castelli, M. The Effect of Batch Size on the Generalizability of the Convolutional Neural Networks on a Histopathology Dataset. ICT Express 2020, 6, 312–315. [Google Scholar] [CrossRef]
  151. Moiz, A.A.; Pal, P.; Probst, D.; Pei, Y.; Zhang, Y.; Som, S.; Kodavasal, J. A Machine Learning-Genetic Algorithm (ML-GA) Approach for Rapid Optimization Using High-Performance Computing. Soc. Automot. Eng. Tech. Pap. Ser. 2018, 11, 291–306. [Google Scholar] [CrossRef]
  152. Adhao, R.; Pachghare, V. Feature Selection Using Principal Component Analysis and Genetic Algorithm. J. Discret. Math. Sci. Cryptogr. 2020, 23, 595–602. [Google Scholar] [CrossRef]
  153. De Lange, L.; Ludick, D.J. Application of Machine Learning for Antenna Array Failure Analysis. In Proceedings of the 2018 International Workshop on Computing, Electromagnetics, and Machine Intelligence (CEMi), Stellenbosch, South Africa, 21–24 November 2018; pp. 5–6. [Google Scholar] [CrossRef]
  154. Jiang, C.; Zhang, H.; Ren, Y.; Han, Z.; Chen, K.C.; Hanzo, L. Machine Learning Paradigms for Next-Generation Wireless Networks. IEEE Wirel. Commun. 2017, 24, 98–105. [Google Scholar] [CrossRef] [Green Version]
  155. Zhao, S.; Wang, Y.; Niu, F.; Zhu, C.; Xu, Y.; Li, K. A Series DC Arc Fault Detection Method Based on Steady Pattern of High-Frequency Electromagnetic Radiation. IEEE Trans. Plasma Sci. 2019, 47, 4370–4377. [Google Scholar] [CrossRef]
  156. Xiong, Q.; Ji, S.; Zhu, L.; Zhong, L.; Liu, Y. A Novel DC Arc Fault Detection Method Based on Electromagnetic Radiation Signal. IEEE Trans. Plasma Sci. 2017, 45, 472–478. [Google Scholar] [CrossRef]
  157. Adegoke, E.I.; Zidane, J.; Kampert, E.; Jennings, P.A.; Ford, C.R.; Birrell, S.A.; Higgins, M.D. Evaluating Machine Learning Antenna Placement for Enhanced GNSS Accuracy for CAVs. In Proceedings of the 2019 IEEE Intelligent Vehicles Symposium (IV), Paris, France, 9–12 June 2019; pp. 1007–1012. [Google Scholar] [CrossRef] [Green Version]
  158. Chang, Y.H.; Chen, J.L.; He, S.L. Intelligent Fault Diagnosis of Satellite Communication Antenna via a Novel Meta-Learning Network Combining with Attention Mechanism. J. Phys. Conf. Ser. 2020, 1510, 012026. [Google Scholar] [CrossRef]
  159. Gallardo, F.; Yuste, A.P. SCER Spoofing Attacks on the Galileo Open Service and Machine Learning Techniques for End-User Protection. IEEE Access 2020, 8, 85515–85532. [Google Scholar] [CrossRef]
  160. van der Merwe, J.R.; Nikolikj, A.; Kram, S.; Lukcin, I.; Nadzinski, G.; Rügamer, A.; Felber, W. Blind Spoofing Detection for Multi-Antenna Snapshot Receivers Using Machine-Learning Techniques. In Proceedings of the 33rd International Technical Meeting of the Satellite Division of The Institute of Navigation (ION GNSS+ 2020), Online, 21–25 September 2020; pp. 3294–3312. [Google Scholar] [CrossRef]
  161. Dubovitskiy, M.A.; Pashaev, S.Y.; Zhukov, A.O. Machine Learning Based Computational Electromagnetic Methods for Intelligence CAD/CAE Application. In Proceedings of the 3rd International Youth Conference on Radio Electronics, Electrical and Power Engineering (REEPE), Moscow, Russia, 11–13 March 2021. [Google Scholar] [CrossRef]
  162. Roqui, J.; Santamaria, L.; Khacef, L.; Pegatoquet, A.; Lizzi, L. Estimation of Small Antenna Performance Using a Machine Learning Approach. In Proceedings of the 2020 IEEE International Symposium on Antennas and Propagation and North American Radio Science Meeting, Montreal, QC, Canada, 5–10 July 2020; pp. 581–582. [Google Scholar] [CrossRef]
  163. Jo, H.-S.; Park, C.; Lee, E.; Choi, H.K.; Park, J. Path Loss Prediction Based on Machine Learning Techniques: Principal Component Analysis, Artificial Neural Network, and Gaussian Process. Sensors 2020, 20, 1927. [Google Scholar] [CrossRef] [Green Version]
  164. Huang, C.; Molisch, A.F.; He, R.; Wang, R.; Tang, P.; Ai, B.; Zhong, Z. Machine Learning-Enabled LOS/NLOS Identification for MIMO Systems in Dynamic Environments. IEEE Trans. Wirel. Commun. 2020, 19, 3643–3657. [Google Scholar] [CrossRef]
  165. Sharma, K.; Pandey, G.P. Efficient Isolation Modelling for Two-Port MIMO Antenna by Gaussian Process Regression. Prog. Electromagn. Res. C 2021, 108, 227–236. [Google Scholar] [CrossRef]
Figure 1. Workflow of supervised learning.
Figure 1. Workflow of supervised learning.
Electronics 10 02752 g001
Figure 2. Workflow diagram of unsupervised learning.
Figure 2. Workflow diagram of unsupervised learning.
Electronics 10 02752 g002
Figure 3. Reinforcement learning mechanism.
Figure 3. Reinforcement learning mechanism.
Electronics 10 02752 g003
Figure 4. (a) Comparison of different ML algorithms based on computational time and figure of merit for different ML techniques, and (b) comparison of S11 parameter predicted by ML techniques with respect to the reference design parameters [59].
Figure 4. (a) Comparison of different ML algorithms based on computational time and figure of merit for different ML techniques, and (b) comparison of S11 parameter predicted by ML techniques with respect to the reference design parameters [59].
Electronics 10 02752 g004
Figure 6. Detection network diagram and DoA (direction of arrival) estimation algorithm using DNN (Deep Neural Network) model [93].
Figure 6. Detection network diagram and DoA (direction of arrival) estimation algorithm using DNN (Deep Neural Network) model [93].
Electronics 10 02752 g006
Figure 7. Illustrations of Multiview SAR (Synthetic Aperture Radar) ATR (Automatic Target Recognition) and Multiview SAR image combinations’ generation for training. (a) Geometric model of Multiview SAR ATR for a ground target, (b) confusion matrix under extended operating condition with recognition rate for each Multiview, and (c) example of nine three-view SAR image combinations’ generation from only six raw SAR image [109].
Figure 7. Illustrations of Multiview SAR (Synthetic Aperture Radar) ATR (Automatic Target Recognition) and Multiview SAR image combinations’ generation for training. (a) Geometric model of Multiview SAR ATR for a ground target, (b) confusion matrix under extended operating condition with recognition rate for each Multiview, and (c) example of nine three-view SAR image combinations’ generation from only six raw SAR image [109].
Electronics 10 02752 g007aElectronics 10 02752 g007b
Figure 8. Applications of Machine Learning in the field of electromagnetics.
Figure 8. Applications of Machine Learning in the field of electromagnetics.
Electronics 10 02752 g008
Table 1. Qualitative comparison of different ML algorithms based on EM applications.
Table 1. Qualitative comparison of different ML algorithms based on EM applications.
EM ApplicationsAlgorithms & OptimizersAdvantagesShortcomingsReferences
Design optimization, synthesis & modelingSurrogate modeling (single-stage, multi-stage, single- and multi-output GP modeling and differential evolution)Inexpensive computation techniques, fast optimization with significant accuracy, self-adaptive feature for complex designsLong models needed for better accuracy, computational complexity can be increased due to parallel simulation and hybrid structures[21,22,23,24,25,37,39,42,44,45,46,47,48,49,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69]
SVM, GBT, KNNFast design can be achieved, conditional designing with less dataset for specific accuracy, easy controlling, and modelingLess effective in case of complex designs
Neural networks (ANN, RBF, CNN, INN and other Deep learning variants)Higher accuracy, complex designing capability, high adaptability, fast estimation, and classification, efficient in handling large feature spaceLarge dataset required for optimal accuracy, may increase computational complexity for higher order deep models
Particle swarm optimizationReduced convergence time, optimal model parameter determinationAssisting technology for other ML algorithms, performance depends on the selection of accurate models, computationally complex techniques of optimization.
Antenna selection applicationsNeural networks (MLP, CNN, DL variants)Higher diversity handling capability, higher accuracy in complex environmentsComputationally complex, large dataset needed for significant accuracy with confidence[70,71,72,73,74,75,76,77,78]
SVM, NB, KNN, L2SLow computational complexity compared to exhaustive search methods and neural network variants, compatible to maintain CSI secrecy in MIMO, less affected by random noise in a datasetLow Quality of Service (QoS) in large systems, where more elaborative functionality required
Antenna position, direction, and radiation estimationNeural network (ANN, RNN, DNN)Lower computational complexity with higher accuracy and reduced computational expense than other algorithms in this field, effective for DoA estimation.Requires large dataset, may be computationally costly and complex with hybrid compound structures of the model[24,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105]
Genetic algorithmEffective for complex analysis, network estimation and diversified fields of applicationsComputationally complex, effective parameter handling is needed.
GPR, SVR, evolutionary algorithmsEasy to implement, significantly accurate and faster than all the other algorithms. Effective for reconfigurability estimation of antennaNot suitable for complex problems and more prompt to be affected by dataset noise.
Remote object detection and recognitionCNN, DCNNModel compatible data availability is high. Different variants such as Multiview, deep CNN, and dual-stream method provide higher accuracy with reduced computational complexity.Not suitable for real-time object detection for high latency to deal with massive parameters.[106,107,108,109,110,111]
Inverse Scattering ProblemsDeterministic optimization methods (SOM, DBIM, CSI) and stochastic methods (GA, evolutionary optimization and PSO).Mitigation of the challenges related to high contrast and large objects.Less effective in solving intrinsic nonlinearity[18,110,111,112,113,114,115,116,117,118,119,120,121,122]
DNNAble to reconstruct images of the unknown scatterers.Failure to bridge the gap between physical knowledge and learning approaches
CS-Net, residual CNNReproduction of high-contrast objects.Inversion of transient electromagnetic data only.
Gradient learning, U-net CNNsCapable of producing good quantitative results (e.g., amplitude data)Unable to predict phase measurement
Fault Detection SystemsANNDisplay of excellent agreement with the simulation results found from its distorted radiation pattern.Locating maximum of three defective elements in a 16-element array.[123,124,125,126,127,128,129,130,131,132]
SVMAble to detect defective elements in a 4-element array, using a different SVM for each defective element.Not feasible with moderate or large arrays.
Bayesian optimization, Naive bayes methodCharacterizing of the uncertainty of sudden antenna failure and precise detection of network failure that are hard to detect.-
Miscellaneous applications & future scopes (5G, IoT, healthcare and distributed networks)GA and Bayesian convolutionOptimization of the antenna parameters avoiding the pathloss and not increasing signal power effectivelyNot suitable for optimizing all the parameters of a given system.[133,134,135,136,137,138,139,140,141,142,143,144,145,154,157,162,165]
ANNOptimization of dual-band antenna with desired return loss, Significant improvements in learning the modulation demodulation schemes for multipath channels in IoT applications.Less effective for MIMO system
KNNMaximization of the system throughput in mm-Wave communications due to ensuring the highest data rate and least mean squared error.Unable to reduce computational complexity.
PCADifferent medical applications (e.g., prediction of breast cancer by estimating S-parameter of an ultra-MIMO sensor antenna)Complexity to generate models for experimentation of antenna performance of wireless devices adjacent to the human body such as radiation pattern, return loss, impedance etc.
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Sagar, M.S.I.; Ouassal, H.; Omi, A.I.; Wisniewska, A.; Jalajamony, H.M.; Fernandez, R.E.; Sekhar, P.K. Application of Machine Learning in Electromagnetics: Mini-Review. Electronics 2021, 10, 2752. https://doi.org/10.3390/electronics10222752

AMA Style

Sagar MSI, Ouassal H, Omi AI, Wisniewska A, Jalajamony HM, Fernandez RE, Sekhar PK. Application of Machine Learning in Electromagnetics: Mini-Review. Electronics. 2021; 10(22):2752. https://doi.org/10.3390/electronics10222752

Chicago/Turabian Style

Sagar, Md. Samiul Islam, Hassna Ouassal, Asif I. Omi, Anna Wisniewska, Harikrishnan M. Jalajamony, Renny E. Fernandez, and Praveen K. Sekhar. 2021. "Application of Machine Learning in Electromagnetics: Mini-Review" Electronics 10, no. 22: 2752. https://doi.org/10.3390/electronics10222752

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