Next Article in Journal
A Peer-to-Peer Smart Food Delivery Platform Based on Smart Contract
Previous Article in Journal
High-Accuracy 3D Contour Measurement by Using the Quaternion Wavelet Transform Image Denoising Technique
Previous Article in Special Issue
Outage Constrained Design in NOMA-Based D2D Offloading Systems
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Novel Machine Learning Scheme for mmWave Path Loss Modeling for 5G Communications in Dense Urban Scenarios

Department of Computer Engineering, Kwangwoon University, Seoul 01897, Korea
*
Author to whom correspondence should be addressed.
Electronics 2022, 11(12), 1809; https://doi.org/10.3390/electronics11121809
Submission received: 30 April 2022 / Revised: 30 May 2022 / Accepted: 5 June 2022 / Published: 7 June 2022
(This article belongs to the Special Issue Advanced Communication Techniques for 5G and Internet of Things)

Abstract

:
Accurate and efficient path loss prediction in mmWave communication plays an important role in large-scale deployment of the mmWave-based 5G mobile communication systems. Existing methods often present limitations in accuracy and efficiency and fail to fulfill the requirements of cell planning, especially in dense urban environments. In this paper, we propose a novel training method called multi-way local attentive learning, which allows for learning from multiple perspectives on the same set of training samples with local attention paid to each subset of the entire dataset. The sample data set can be partitioned in various ways with respect to different attributes, such that a larger amount of knowledge can be extracted from the same data set. The proposed scheme outperforms the existing schemes in terms of prediction accuracy at the average RMSE of 6.01 dBm.

1. Introduction

In 5G communication, millimeter wave (mmWave) communication is one of the most important technologies. Despite technical advantages, such as wide bandwidth and low latency, it suffers from low spectral efficiency, due to high sensitivity and low scattering and diffraction amounts, narrow coverage, and the unfavorable influence of non-line-of-sight (NLoS) propagation [1]. Thus, mmWave path loss modeling acts as a crucial factor in determining the optimal placement and configuration of 5G base stations, which are directly related to the quality of user experience. To this end, it is important to design a robust and accurate path loss model even in a complex propagation environment, such as a dense urban scenario.
The existing path loss modeling methods are grouped into three categories: empirical methods [2,3], deterministic methods [4,5], and machine learning-based methods [6,7,8,9]. The empirical method builds a model based on curve fitting methods by using measurement data collected in a typical path loss environment. In empirical models, the carrier frequency, the distance between the transmitter (Tx) and the receiver (Rx), and the path loss factor (PLE) are included as key parameters. They are often unsuitable, though, for cell planning and optimization purposes, due to limited prediction accuracy [2,3].
Three-dimensional, 3D, ray-tracing is one of the most advanced deterministic mmWave path loss modeling methods. It simulates the behavior of physical propagation, based on geometric optics, including attenuation, reflection and scattering. The deterministic methods use a large number of computational resources, but can achieve higher accuracy than empirical methods. However, 3D models must be able to perform predictions precisely in propagation environments that are rarely used in deterministic methods in many deployment scenarios.
Path loss modeling, based on machine learning, is treated as a regression problem based on measured data. In this path loss modeling, the characteristics, extracted according to the measurement location and propagation environment data, are used as input, and the measured path loss value is used as the desired answer in training. The characteristics of machine learning-based models for path loss in urban scenarios include those associated with rooftop diffraction, T-R separation, obstacle penetration, reflection, and characteristics of the transmitting antenna, etc. This allows neural networks to learn the relationship between inputs and outputs and, thus, generally outperforms empirical models. However, machine learning-based modeling requires more than a certain amount of domain knowledge in parts such as input preprocessing, feature selection and extraction, and may require a large amount of computation.
Recently, a deep learning-based method for path loss modeling of mmWave in suburban and indoor environments has been proposed [10,11]. It uses a two-dimensional image generation algorithm called the Local Area Multi-Line Scan (LAMS) algorithm to transform the 2D map data between Tx and Rx into a two-dimensional image containing topographic information for training convolutional neural networks (CNNs). These methods have shown promising results with better prediction performance, in terms of accuracy, than empirical and deterministic methods.
However, 2D CNN-based modeling is not suitable for urban environments, where the heights and sizes of buildings are relatively irregular, because 2D images are disadvantageous in representing the different heights and detailed shapes of many buildings and complex networks of streets. Therefore, a three-dimensional LAMS image, which is advantageous for representing complex urban scenarios with many tall buildings, has been proposed to train 3D CNN, and the 3D CNN-based model has shown better performance, compared to the 2D CNN-based model [12].
Although it has been shown that deep learning-based path loss models can outperform conventional models, their prediction accuracy in practice may be severely limited by the size of the measurement data set that is required for training, due to the sluggish growth rate of mmWave system deployment in urban areas. Few-shot learning methods have been introduced to address the issues of small training data sets [13,14,15]. These methods, however, require a machine learning model to be trained on multiple tasks of disjoint support classes to be fine-tuned on a new set of classes. Measurement data sets that can be used as training data sets, however, cannot be organized into disjoint sets of multiple tasks, and hence the few-shot learning methods cannot be directly applied in mmWave path loss modeling.
In this paper, we propose a novel training method called multi-way local attentive learning which allows for learning from multiple perspectives on the same set of training samples with local attention paid to each subset of the entire dataset. Here, the entire data set is partitioned into multiple minibatches constructed by a data set partitioning scheme. Many different partitions can be made with respect to different attributes of the sample data such that a larger amount of knowledge is extracted from the same data set.
The main contributions of this paper can be summarized as follows:
  • We propose a 3D-LAMS algorithm that can generate 3D images that encode the radio propagation environment between a Tx and a Rx in dense urban areas.
  • We propose a 3D CNN path loss model that is expected to be able to extract more effectively the three-dimensional morphological information included in the 3D LAMS images which have a large impact on the amount of path loss.
  • Finally, we propose a novel learning method that addresses the overfitting issue due to the scarcity of measurement data for training a CNN model.
This paper is organized as follows. Section 2 presents some of the previous works on mmWave path loss modeling based on deep learning. In Section 3 the proposed methods are explained in detail, followed by experimental results with some analyses given in Section 4. Finally, we conclude our discussion in Section 5.

2. Related Works

Empirical methods try to build a model by using curve fitting techniques based on the measurement data collected in a representative path loss environment. They usually include carrier frequency, the distance between the transmitter (Tx) and receiver (Rx) (i.e., the TR-separation), and the path loss element as their main parameters. Although the simplicity of empirical methods has made them popular, their accuracy of prediction is often limited and not adequate for cell planning and optimization purposes [16].
A CNN-based millimeter wave path loss model for suburban areas, where heights of buildings are generally low, was proposed in [10]. Additionally, they proposed Enhanced Local Area Multi-Line Scan (E-LAMS) algorithms to extract topographic information within the path loss environment between Tx and Rx as an image, and to use it as input for 2D CNN. The proposed model has four subnetworks and feature-sharing layers, predicting path loss values for four directional antennae mounted on the receiver. The feature sharing layer used in this model shares common knowledge among subnetworks, and it allows generalization. As a result of comparing the path loss model proposed in [10] with the state-of-the-art empirical path loss model, the path loss model proposed in [10] proved to have better performance. However, since this was only considered in a suburban area, it is not clear that performance in urban areas, with varying heights of buildings, will be guaranteed.
A 3D CNN-based path loss model for urban areas, which convert and use tabular data converted into image was proposed in [17]. In this paper, various feature data vectors of tabular data were spread to various pixels, and in the process, the importance of specific features was calculated and arranged to correspond. The generated image was fused to be a compound pseudo image to be used at the input of the CNN. Although this method of generating 3D CNN input images has been shown to achieve performance gain, there was a lack of explanation on how to extract features, such as tabular vectors.
FadeNet, which can predict large-scale fading from the base station to each location within the coverage area based on CNN, was proposed in [18]. FadeNet mainly aims to plan and optimize 5G mmWave cellular networks. They collected and used measured data of mmWave cells in multiple sites. They were able to utilize parallel processing units of graphics processing units to reduce prediction time by 40×–1000×, compared to ray tracing methods. In terms of accuracy, the prediction accuracy of the proposed FadeNet was higher than distance dependent prediction and conditional least squares prediction.
The 3D CNN-based model proposed in [12] aimed to achieve a similar level of performance as in suburban and indoor environment scenarios even in dense urban scenarios, with various morphological characteristics representing many high-rise buildings of various heights and complex street networks. As the input of the 3D CNN model, a 3D image, including building and terrain information, was used, and the RSRP data measured at seven base stations were used as the output. The use of 3D CNN model technique proved that 3D is more advantageous than 2D for CNN-based path loss prediction in complex urban environments.
CNN with Meta-learning is based on meta-learning, which performs well in few-shot learning scenarios with multiple tasks constituting meta-tasks [19,20,21]. The CNN-based indoor and outdoor path loss model composed of multi-beam meta-tasks outperforms the CNN model, not only in the empirical model but also in the conventional training algorithm. Meta-learning, also known as “learning to learn”, means designing a model to learn new skills or quickly adapt to a new environment through several training tasks. The meta-learning techniques that motivated [19,20,21] are Model-Agnostic Meta-Learning (MAML) and Reptile [22,23]. Both MAML and Reptile perform meta-optimization through gradient descent, and it enables the model to quickly learn new tasks with a small amount of data based on existing knowledge. Therefore, meta-learning was introduced to improve the learning performance of a model that accommodates different set values of each transmit antenna and different location characteristics of the receiver Rx, such as LoS/NLoS propagation.
Aster is a high-performance propagation model for Atoll that supports macro, micro, and small cell urban propagation scenarios. Aster is based on two major components: Vertical diffraction over rooftops, based on the Walfisch Ikegami model, and the multiple knife-edge Deygout method and horizontal diffraction, based on ray tracing [4,5,24,25]. In [24], the Walfisch Ikegami model facilitates radio frequency (RF) path-loss predictions in typical suburban and urban environments, where the building heights are quasi-uniform. The method proposed in [25] calculates multiple diffraction losses of VHF/UHF propagation for multiple sharp ridges or hills based on Deygout’s method and can yield very good estimates of the received signal level.

3. The Proposed Method

3.1. 3D-LAMS Algorithm

Dense urban scenarios require new approaches that consider large variations in the heights and shapes of buildings, which significantly affect path loss values, as opposed to the low and nearly identical average building heights in suburban scenarios. The first step of the new approach would be to design a new CNN image generation algorithm that can extract the 3D topographical information with a good representational power of the wave propagation environment. Our proposed algorithm is motivated by the LAMS algorithm designed to generate 2D CNN images for path loss modeling in suburban and indoor scenarios [10,11].
Based on Digital Elevation Map (DEM) data, the 3D-LAMS algorithm (Algorithm 1) generates 3D images which include the topographical information of the propagation environment between Tx-Rx pairs. As shown in Figure 1, 3D-LAMS algorithm collects 3D topographical information by placing a number of 2D scan planes (perpendicular to the ground) of the parallelepiped connecting a Tx and a Rx within a 3D map data. As shown in Table 1, different kinds of topographical objects are encoded into different pixel values (color values) of the grayscale.
Algorithm 1 3D-LAMS Algorithm
Input:
 GPS locations of Tx and Rx
 Size of a 3D-LAMS image: ( w , h , d )
 Rasterized 3D map image MR
Output:
 A 3D-LAMS image
  • Divide the interval between Tx and Rx by d , P 1   ~   d
  • Determine the slope S of a straight line perpendicular to the line between Tx and Rx and parallel to the XY plane
  • Make empty 3D-array, C [ w ] [ h ] [ d ]
  • for  i = 1 to d do
    4.1.
    Make scan plane S P i (center: P i , size: w × d , slope: S and perpendicular to the XY plane) considering MR
    4.2.
    Copy S P i to C [ ] [ ] [ i ]
  • end for
  • Save C as a 3D-LAMS image
The size and number of scan planes are the user-defined parameters and should be determined empirically.

3.2. CNN Architecture

A CNN typically consists of multiple convolutional layers that automatically extract features by using filters (or kernels). The filters are adjustable parameters that can be determined by training based on loss functions. A CNN usually includes pooling and fully connected (FC) layers in addition to the convolution layers. Pooling layers can reduce the size of an activation map. The activation maps are the output of the convolutional layer and are expected to contain the features extracted by the convolutional layer. Based on the features extracted by the upper convolutional layers, the FC layers can be trained to generate final output with the supervision of the label(s).
The proposed CNN model takes a LAMS image as its input and produces a predicted Reference Signal Received Power (RSRP) value as the output [12]. The 3D-LAMS algorithm extracts the topographical data between a Tx and a Rx from the 3D map data and generates a 3D image sampled at uniform intervals proportional to the distance. Since the image generated through this algorithm contains only the important topographical data that affect the predicted path loss value, the CNN model can learn the features of the path loss environment more easily. As the image passes through the convolution layers, useful latent features of path loss are expected to be extracted. Pooling layers are not included in the proposed model. In general, the pooling layers can speed up learning by reducing the number of parameters and preventing overfitting, but they can also cause the loss of information included in the feature maps. In this work, we consider that it is advantageous to keep the size of the feature map unchanged, since the 3D-LAMS image contains only simplified information about the shape of buildings. The Rectified Linear Unit (ReLU) function is used as the activation function in the proposed model. The CNN model includes three convolution layers, as illustrated in Figure 2. The FC layer consists of two scalar input values, i.e., the relative angle and the distance between a Tx and a Rx, taken as additional inputs of the flattened layer of two hidden layers of 10 and 5 neurons, respectively, with ReLU activation functions. Relative angle is the difference of the angle between the direction from Tx to Rx and that of the main lobe of each antenna (azimuth or downtilt of Tx). The detailed model parameters are summarized in Table 2. The architecture is chosen to have the CNN model to approximate the highly nonlinear underlying path loss functions as closely as possible.
As shown in Figure 3, additional nodes receiving the relative angle and distance are concatenated and become the input of the FC Network.
Based on the assumption that path loss can be regarded as a function of variables representing a large number of environmental factors that affect signal propagation, we can take advantage of the universal approximation capability of neural networks [26]. Path loss modeling in dense urban scenarios, where the heights and construction materials of buildings have a large amount of influence, requires 3D morphological information between a Tx and a Rx. The 3D CNN takes this information as its input data, as generated by the 3D LAMS algorithm, and learns important latent features in order to update its parameters (weights) trying to best approximate the underlying path loss function. Unfortunately, it is extremely difficult to explain how a trained neural network approximate an underlying function although there is a large amount of research effort being conducted in the subject area of eXplainable AI (XAI) [27,28].

3.3. Multi-Way Local Attentive Learning

Deep learning models are trained to approximate the underlying probability distribution of sample input–output pairs (or the underlying function) by updating the values of model parameters repeatedly with sample exposure. The model parameters have no explicit bearing on the parameters of empirical path loss models. or their values cannot be explicitly determined. The parameters of empirical models for the path loss in urban scenarios include those associated with rooftop-to-street diffraction and scatter loss, T-R separation, and differences between building height, etc. The 3D LAMS images are proposed to represent these parameters implicitly, such that the 3D CNN model, trained with the multi-way partitioning scheme, can approximate the underlying path loss function. We propose the Multi-way Local Attentive Learning algorithm to enhance the performance of the basic training algorithm for the CNN, by presenting the training data in minibatches sampled according to the inherent organization, such as associated PCIs, distances and relative angles.
In conventional training approaches, such as stochastic gradient descent, the entire training data set is partitioned into multiple, possibly overlapping, subsets of samples called a minibatch to evaluate the estimate of the gradient over the entire training set:
g = 1 m θ i = 1 m L ( x ( i ) , y ( i ) , θ )
where = { x ( 1 ) , , x ( m ) } is the minibatch of size m drawn uniformly. We generalize this notion of minibatch, such that the minibatches are not generated by random sampling but, instead, by some data set partitioning scheme based on the values of training data attributes, i.e., p = { x p ( 1 ) , , x p ( m ) } , 1 p P , where P represents the number of minibatches generated by a particular partition scheme. If we can have L partitioning schemes over the entire sample data set, the set of minibatches comprises B l = { 1 l ,   B 2 l ,   ,   P l } , 1 l L . Since each minibatch is made up of sample data set within a range of values with respect to a particular attribute, a CNN is expected to pay higher attention on certain features during the training.
The gradient can be approximately estimated using the randomly sampled minibatch and the optimization process based on this estimation is called stochastic gradient descent. Although the stochastic gradient descent ensures unbiased and computationally efficient learning, it cannot exploit the inherent partitions which can help learning by providing additional information specific to each partition. Hence, we propose to take advantage of inherent partitions whenever available instead of using randomly sampled minibatches. One advantage of this approach is that these partitions can be obtained in multiple ways based on a number of attributes of the training data. The number of features learned can increase as the number of partitions increase. This idea can be explained by the human analogy where students learn not only by different courses (subjects) but also by different grades, even for the same subject.
In multi-way local attentive learning, the entire training data set is partitioned into minibatches by the multi-way partitioning schemes, based on different attributes, and model parameters are trained using these minibatches. Several variants of this approach can be implemented, for instance, with respect to the order of minibatches used. Either a single model can be trained on all partitions, or an individual model can be trained on each partitioning scheme and then combined into a single model in the final stage. The proposed method is summarized in Algorithm 2 in detail. To our best knowledge, this approach has never been discussed in the literature in the past.
Algorithm 2 Multi-Way Local Attentive Learning
Require:
 Training dataset D = { x ( i ) , y ( i ) } ,   1 i m
 Number of partition scheme P
 Set of minibatches B = { B 1 ,   B 2 ,   ,   B P }
 Size of minibatch m
 Data attributes A = A 1 ,   A 2 ,   ,   A P
 Trainable weights θ
 Learning rate ε
Dataset Partition:
1.
Initialize partition set B
2.
forpin P
2.1.
Partition the D into B p
2.2.
Assign A p to B p
3. 
end for
Training:
  • Randomly initialize trainable weights θ
  • forepochinepochs
    2.1.
    Assign q = epoch mod P
    2.2.
    Sample a minibatch of m from B q   { x ( 1 ) , x ( 2 ) ,   , x ( m ) } with corresponding target { y ( 1 ) , y ( 2 ) ,   , y ( m ) }
    2.3.
    Evaluate θ i = 1 m L ( x ( i ) , y ( i ) , θ )
    2.4.
    Update θ = θ ε 1 m θ i = 1 m L ( x ( i ) , y ( i ) , θ )
  • end for
In addition to the method using one model proposed in Algorithm 2, a learning method that uses the same partitioned data and three models with the same amount of partitioned data also can be proposed. Each model learns partitioned data, and the weight values of the trained models are combined into one model to derive a value. We decided that the learning technique using one model will be called multi-way local attentive learning—single model, and the learning technique using multiple models will be called multi-way local attentive learning—multi model. A performance comparison of the two models is discussed in detail in Section 4.

4. Experiments and Results

The field measurement dataset has a total of 750 measured RSRP values. Each piece of measured data has corresponding GPS-based location information (longitude, latitude, and height) and serving physical cell ID (PCI). This measured scenario consists of seven PCIs, which cover an area of approximately 300 m wide and 300 m long. The number of pieces of measurement data allocated for each PCI is different. This measured dataset was collected by driving vehicles equipped with GPS receivers and 5G mmWave RSRP measurement devices. The transmitter also consisted of different locations (longitude, latitude, and height) and different settings (Azimuth, Downtilt). The attributes of the measured data and transmitter data are in Table 3, and the RSRP intensity of the measured data and the location plots of the PCI are in Figure 4. We also found that two additional attributes, i.e., the distance (T-R separation) and the relative angle, affected the RSRP values the most through correlation analysis. As illustrated in Figure 4, the two parameters, the horizontal relative angle and the distance from Tx to Rx, have a great influence on the RSRP value. We used these attributes mainly in multi-way partitioning.
The Line-of-Sight (LoS) is an important factor that greatly affects the path loss. Since it is difficult for a deep learning model to extract LoS/NLoS information directly from a 3D map, preprocessing is needed to provide an explicit LoS/NLoS value at each location. This can be done simply by calculating the ratio of virtual Tx-Rx line segment traversing through building structures. If the ratio is close to 0%, the Tx-Rx pair is determined as ‘LoS’.
The goal of this study was to predict the measured RSRP value by the proposed model when there were measured data and transmitter information which were not used for training. The dataset had 750 measured data mapped to 7 PCIs, respectively, and a scenario with a train-to-test ratio of 75:25 and an LoS environment ratio of nearly half could be selected, as shown in Table 4. The finally selected scenario consisted of data corresponding to PCI 1 and 3 as test data and the remaining data as training data.
The structure of the 3D CNN model was the same as that mentioned in Section 3.2, and the multi-way local attentive learning technique mentioned in Section 3.3 was applied to the model. For comparison, prediction results of the basic 3D CNN, 3D CNN with meta-learning, and the Aster propagation model of Atoll were used in addition to the 3D CNN model with multi-way local attentive learning applied [20].
The 3D CNN model with meta-learning was applied to 3D CNN models for generalization of a generic model that accommodated different set values of each transmitting antenna, and different location characteristics of the received Rx, such as LoS/NLoS propagation. The advantage of meta-learning is that, given a new environment, it can learn faster and produce good generalization performance compared to before, and it can learn efficiently with less data. In the case of path loss model learning, meta-learning-based learning consisting of a number of meta-learning tasks based on the actual measurement area (base station), base station operation morphology, and Tx-Rx distance could be applied [22]. The Aster propagation model was based on advanced ray-tracing propagation techniques and combined high accuracy.
The single and multiple 3D CNN models with multi-way local attentive learning, the vanilla 3D CNN model, and the 3D CNN model with meta-learning were trained and tested for comparison. The Aster propagation model included in Atoll was also used to generate predicted path loss values. Table 5 compares these models.
Table 6 shows the mean, minimum, and maximum values for the entire test data of various models mentioned above. Analysis of LoS in Table 6 first shows that the Single 3D CNN model showed the best performance. Its minimum, mean and maximum were all lowest compared to other models, especially its mean, which was 4.38 dBm, with a difference of 0.47 dBm, compared to 4.85 dBm, the second lowest mean of Multiple 3D CNN model. The difference between its minimum and maximum was 4.86 dBm, the second smallest after 2.69 dBm of the Aster propagation model. This confirmed that 3D CNN with multi-way local attentive learning—single model had the second smallest variation among the five models. By comparing the minimum, mean, maximum, and variation of the aforementioned models, it could be seen that in LoS, the performance was good in the order of Single 3D CNN model, followed by Multiple 3D CNN model, 3D CNN with Meta-learning, basic 3D CNN, and Aster propagation model. Among them, the RMSE gap between the two 3D CNNs with multi-way local attentive learning was very small compared to the gap with other models. In the case of mean, it was very small, about 0.47 dBm.
Next, analyzing NLoS also shows that the Single 3D CNN model performed best. Its minimum, mean, and maximum all showed the lowest values compared to other models, but the difference from other models was smaller than in LoS. Its mean was 7.55 dBm, which was about 0.18 dBm different from 7.73 dBm, which was that of the Multiple 3D CNN model. In NLoS, the variation of 3D CNN with multi-way local attentive learning was also the smallest. Model performance was in the order of variation of Single 3D CNN model, multi model, basic 3D CNN, 3D CNN with Meta-learning, and Aster propagation model.
Through the analysis of Table 6, it can be seen that 3D CNN with multi-way local attentive learning had improved both LoS and NLoS, compared to the basic 3D CNN, which was from a previous study. Of course, although the increase in performance improvement in NLoS was smaller than the increase in LoS, the improvement in performance in NLoS, from which it is more difficult to predict path loss, was meaningful.
Figure 5 is a graph that is expressed by sorting the receive points of the LoS test data set in order of distance, dividing the sections at intervals of 10 m, and averaging the absolute errors of various experiments included in the section. It helps enable more detailed analysis by comparing the measured errors for each section divided by distance. Figure 5 shows that 3D CNN with multi-way local attentive learning—single model had a lower absolute error in sections in front of 150 m, compared to the 3D CNN and 3D Aster propagation models and in sections behind 150 m, compared to all the rest of the models. All the models, especially 3D CNN, tended to have lower absolute errors as the distance increased. In the case of the first section, the horizontal relative angle was small and the distance was close, but because the distance was small, the influence of the vertical relative angle increased, and it seemed that the absolute error occurred in the techniques that were not used for learning.
Figure 6 is the same as Figure 5, except that NLoS was used instead of the LoS test dataset. Among the test data, NLoS did not have test data at 180 m to 190 m, 200 m to 240 m, so there were no dots on the graph. Figure 6 shows that the results of all five models were similar, but this is because the number of data allocated for each section was different. As the distance was shorter, even if there were only a small number of buildings between Tx-Rx, the probability of being obscured by the buildings increased, so that a lot of data could be scattered in the short distance. However, the data we used for the test tended to be concentrated at 60–70 m, 120–130 m, and 170–180 m. In the 120–130 m and 170–180 m sections where the absolute error of 3D CNN with multi-way local attentive learning—single model was the lowest, there were many times more data than other sections, so, as in Table 6, the Single 3D CNN model had the lowest error rate. Table 7 shows the RMSE and the Cumulative distribution function (CDF) of absolute error based on 1, 3, and 10 dBm, respectively, for the entire test dataset, regardless of LoS/NLoS.
Figure 7 is a graph that expressed by sorting the receive points of the entire test data set in order of distance, dividing the sections at intervals of 10 m, and averaging the absolute errors of various experiments included in the section. When looking at each section of the T-R segment, the absolute error of the multi-way local attentive learning—single model in most sections was ranked low among the five path loss models. From Table 7 and Figure 7, it could be confirmed that the Single 3D CNN model had the lowest RMSE and absolute error among the five models.
Table 7 and Figure 8 show the Cumulative Distribution Function for the absolute error of labels and predicted values for the path loss regression problem. First, as can be seen from Figure 8, the absolute error distribution of the 3D CNN-based path loss model was generally lower than the absolute error distribution of the Aster propagation model. Also, it can be seen that the proposed model had a much higher probability of having a low absolute error compared to other comparative models. Specifically, the absolute error of the proposed model was 15.46% less than 1 dBm, and almost half of it was less than 3 dBm. Finally, this model could guarantee that the absolute error of more than 90% was less than 10 dBm. The result shows that the meta-learning based model achieved lower, or similar, performance compared to the model using only 3D CNN.
In addition, When the absolute error of less than 10 dBm was seen, the cumulative absolute error of multi-way local attentive learning with single model and multi model was lower than that of the other three models. However, in the case of using the multi model, the error larger than 10 dBm was higher than that of other models. It can be seen that in the combined process of multi-way local attentive learning using multi models, the learning of each model rather interfered with one another’s learning. However, in the case of using the single model, the absolute error tended to be lower than that of other models. The application of meta learning and multi model did not have much effect on the regression model learning for 5G mmWave path loss in urban areas, while the proposed multi-way local attentive learning with single model could be used.
Table 8, Table 9 and Table 10 present the partition-wise performance of path loss prediction in terms of the MAEs and their variances of different models. It can be clearly noticed the multi-way local attentive learning—single model performed the best in a most consistent way. This means that the proposed model gave a more robust performance than the other models.

5. Conclusions

This paper proposes a 5G mmWave path loss model to which a novel training method called multi-way Local Attentive Learning is applied. The 3D CNN-based path loss model is obtained by using 3D LAMS images which include three-dimensional morphological data. Since these data can provide important information about the radio propagation environment of dense urban scenarios, the 3D CNN model can give more accurate path loss prediction results. The proposed training method called multi-way Local Attentive Learning can further enhance the performance of the 3D CNN model, thanks to the improved mechanism of local attention provided by multi-way partitioning of a sample data set.
The path loss model performance is significantly improved by applying multi-way local attentive learning to the existing 3D CNN-based path loss model training. The experimental results shows that while the 3D CNN-based path loss model can guarantee performance in urban areas, applying the proposed multi-way local attentive learning can provide much better performance than using only basic learning methods, or meta-learning-based methods. In addition, we compared the prediction performance in LoS and NLoS environments for five models, including the proposed model. In all five models, the prediction performance in the NLoS environment was lower than the prediction performance in the LoS environment, which can be seen as being influenced by the characteristics of the mmWave with high straightness. Nevertheless, among the five compared models, the proposed model had high prediction accuracy in both LoS and NLoS environments.
The dataset partitioning method proposed in Algorithm 2 partitions the dataset and assigns a data attribute to each data partition. Data in these partitions are not guaranteed to be specific to the data attributes assigned to them. Therefore, in the follow-up study, for better learning, an algorithm that allows data specialized for a specific data attribute to form a partition in the data partitioning process will be studied.
In the future, it is expected that a path loss model that can be applied universally in urban areas could be provided through experiment with various hyperparameters, model fine-tuning, and training high-quality and quantity data. In addition, through deep learning model compression, it will be easier to use in the field, while maintaining, or increasing, model performance. We consider mixing a deterministic model, such as the 3D ray tracing method, and 3D CNN-based model with multi-way local attentive learning in a hybrid method in dense urban cases to increase prediction performance. Other state-of-the-art training methods and deep learning technologies should be considered regarding 5G path loss modeling.

Author Contributions

Conceptualization, H.L.; methodology, H.L.; software, W.J. and H.K.; validation, W.J., H.K. and H.L.; formal analysis, H.L.; investigation, W.J. and H.K.; resources, W.J. and H.K.; data curation, W.J. and H.K.; writing—original draft preparation, W.J. and H.K.; writing—review and editing, W.J., H.K. and H.L.; visualization, W.J. and H.K.; supervision, H.L.; project administration, H.L.; funding acquisition, H.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the MSIT, under the National Program for Excellence in SW supervised by the IITP (No. 2017-0-00096).

Data Availability Statement

The code used to support the findings of this study is available at the following url; https://github.com/ChickenRushKR/mmWave-Path-Loss-Modeling-for-5G-Communications-in-Dense-Urban-Scenarios (accessed on 20 May 2022).

Acknowledgments

The authors would like to thank Jeongho Yun and Seonuk Han of LG U+ for providing the measurement data.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Al-Ogaili, F.; Shubair, R.M. Millimeter-wave mobile communications for 5G: Challenges and opportunities. In Proceedings of the 2016 IEEE International Symposium on Antennas and Propagation (APSURSI), Fajardo, PR, USA, 26 June–1 July 2016; pp. 1003–1004. [Google Scholar]
  2. Haneda, K.; Zhang, J.; Tan, L.; Liu, G.; Zheng, Y.; Asplund, H.; Li, J.; Wang, Y.; Steer, D.; Li, C.; et al. 5G 3GPP-like channel models for outdoor urban microcellular and macrocellular environments. In Proceedings of the 2016 IEEE 83rd Vehicular Technology Conference (VTC Spring), Nanjing, China, 15–18 May 2016; pp. 1–7. [Google Scholar]
  3. Ko, J.; Cho, Y.-J.; Hur, S.; Kim, T.; Park, J.; Molisch, A.F.; Haneda, K.; Peter, M.; Park, D.-J.; Cho, D.-H. Millimeter-wave channel measurements and analysis for statistical spatial channel model in in-building and urban environments at 28 GHz. IEEE Trans. Wirel. Commun. 2017, 16, 5853–5868. [Google Scholar] [CrossRef]
  4. He, D.; Ai, B.; Guan, K.; Wang, L.; Zhong, Z.; Kurner, T. The design and applications of high-performance ray-tracing simulation platform for 5G and beyond wireless communications: A tutorial. IEEE Commun. Surv. Tutor. 2019, 21, 10–27. [Google Scholar] [CrossRef]
  5. Lee, K.-G.; Oh, S.-J.; Woo, J.-S.; Lee, K.-T. Propagation characteristics of suburban environments using hybrid ray-tracing simulation. In Proceedings of the 2016 IEEE 84th Vehicular Technology Conference (VTC-Fall), Montreal, QC, Canada, 18–21 September 2016; pp. 1–5. [Google Scholar]
  6. Yang, S.; Lee, H. Feature extraction for neural network wave propagation loss models from eld measurements and digital elevation map. IEICE Trans. Electron. 1999, 82, 12601266. [Google Scholar]
  7. Ostlin, E.; Zepernick, H.; Suzuki, H. Macrocell path-loss prediction using artificial neural networks. IEEE Trans. Veh. Technol. 2010, 59, 2735–2747. [Google Scholar] [CrossRef] [Green Version]
  8. Zhang, Y.; Wen, J.; Yang, G.; He, Z.; Wang, J. Path loss prediction based on machine learning: Principle, method, and data expansion. Appl. Sci. 2019, 9, 1908. [Google Scholar] [CrossRef] [Green Version]
  9. Popescu, I.; Nafornita, I.; Constantinou, P. Comparison of neural network models for path loss prediction. In Proceedings of the IEEE International Conference on Wireless And Mobile Computing, Networking And Communications, Montreal, QC, Canada, 22–24 August 2005; pp. 44–49. [Google Scholar]
  10. Cheng, H.; Ma, S.; Lee, H. CNN-based mmWave path loss modeling for fixed wireless access in suburban scenarios. IEEE Antennas Wirel. Propag. Lett. 2020, 19, 1694–1698. [Google Scholar] [CrossRef]
  11. Cheong, H.; Ma, S.; Lee, H.; Cho, M. Millimeter Wave Path Loss Modeling for 5G Communications Using Deep Learning with Dilated Convolution and Attention. IEEE Access 2021, 9, 62867–62879. [Google Scholar] [CrossRef]
  12. Kim, H.; Jin, W.; Lee, H. mmwave path loss modeling for urban scenarios based on 3D-convolutional neural networks. In Proceedings of the 2022 International Conference on Information Networking (ICOIN), Jeju-si, Korea, 12–15 January 2022; IEEE: Piscataway, NJ, USA, 2022. [Google Scholar]
  13. Ravi, S.; Larochelle, H. Optimization as a model for few-shot learning. In Proceedings of the ICLR 2017, Toulon, France, 24–26 April 2017. [Google Scholar]
  14. Sung, F.; Yang, Y.; Zhang, L.; Xiang, T.; Torr, P.H.; Hospedales, T.M. Learning to compare: Relation network for few-shot learning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018. [Google Scholar]
  15. Snell, J.; Swersky, K.; Zemel, R. Prototypical networks for few-shot learning. In Proceedings of the Advances in Neural Information Processing Systems 30, Long Beach, CA, USA, 4–9 December 2017. [Google Scholar]
  16. Maccartney, G.R.; Rappaport, T.S.; Samimi, M.K.; Sun, S. Millimeter-wave omnidirectional path loss data for small cell 5G channel modeling. IEEE Access 2015, 3, 1573–1580. [Google Scholar] [CrossRef]
  17. Sotiroudis, S.P.; Sarigiannidis, P.; Goudos, S.K.; Siakavara, K. Fusing Diverse Input Modalities for Path Loss Prediction: A Deep Learning Approach. IEEE Access 2021, 9, 30441–30451. [Google Scholar] [CrossRef]
  18. Ratnam, V.V.; Chen, H.; Pawar, S.; Zhang, B.; Zhang, C.J.; Kim, Y.J.; Lee, S.; Cho, M.; Yoon, S.R. FadeNet: Deep Learning-Based mm-Wave Large-Scale Channel Fading Prediction and its Applications. IEEE Access 2020, 9, 3278–3290. [Google Scholar] [CrossRef]
  19. Wang, P.; Lee, H. Indoor Path Loss Modeling for 5G Communications in Smart Factory Scenarios Based on Meta-Learning. In Proceedings of the 2021 Twelfth International Conference on Ubiquitous and Future Networks (ICUFN), Jeju Island, Korea, 17–20 August 2021; IEEE: Piscataway, NJ, USA, 2021. [Google Scholar]
  20. Wang, P.; Lee, H. Meta-learning approaches for indoor path loss modeling of 5G communications in smart factories. ICT Express 2022, 8, 290–295. [Google Scholar] [CrossRef]
  21. Jin, W.; Kim, H.; Lee, H. Path Loss Modeling for mmWave for Urban Scenarios Using Meta-Learning and 3D Images. J. Korean Inst. Commun. Inf. Sci. 2021, 46, 2229–2236. [Google Scholar]
  22. Finn, C.; Abbeel, P.; Levine, S. Model-agnostic meta-learning for fast adaptation of deep networks. In Proceedings of the International Conference on Machine Learning, Sydney, Australia, 6–11 August 2017. [Google Scholar]
  23. Nichol, A.; Schulman, J. Reptile: A scalable metalearning algorithm. arXiv 2018, arXiv:1803.02999. [Google Scholar]
  24. Har, D.; Watson, A.M.; Chadney, A.G. Comment on diffraction loss of rooftop-to-street in COST 231-Walfisch-Ikegami model. IEEE Trans. Veh. Technol. 1999, 48, 1451–1452. [Google Scholar] [CrossRef]
  25. Giovaneli, C.L. An analysis of simplified solutions for multiple knife-edge diffraction. IEEE Trans. Antennas Propag. 1984, 32, 297–301. [Google Scholar] [CrossRef]
  26. Lu, Y.; Lu, J. A universal approximation theorem of deep neural networks for expressing probability distributions. Adv. Neural Inf. Process. Syst. 2020, 33, 3094–3105. [Google Scholar]
  27. Hoffman, R.R.; Mueller, S.T.; Klein, G.; Litman, J. Metrics for explainable AI: Challenges and prospects. arXiv 2018, arXiv:1812.04608. [Google Scholar]
  28. Samek, W.; Montavon, G.; Vedaldi, A.; Hansen, L.K.; Müller, K.R. (Eds.) Explainable AI: Interpreting, Explaining and Visualizing Deep Learning; Springer Nature: Berlin/Heidelberg, Germany, 2019; Volume 11700. [Google Scholar]
Figure 1. 3D-LAMS Pseudo Image.
Figure 1. 3D-LAMS Pseudo Image.
Electronics 11 01809 g001
Figure 2. 3D CNN Path Loss Model Structure.
Figure 2. 3D CNN Path Loss Model Structure.
Electronics 11 01809 g002
Figure 3. The input of FC Network.
Figure 3. The input of FC Network.
Electronics 11 01809 g003
Figure 4. Measured data on map. Cyan color circles indicate PCIs and the arrow of PCI indicates the Azimuth setting itself. The circles on the road represent RSRP values measured by the receiver at each location.
Figure 4. Measured data on map. Cyan color circles indicate PCIs and the arrow of PCI indicates the Azimuth setting itself. The circles on the road represent RSRP values measured by the receiver at each location.
Electronics 11 01809 g004
Figure 5. Absolute Error Comparison—LoS.
Figure 5. Absolute Error Comparison—LoS.
Electronics 11 01809 g005
Figure 6. Absolute Error Comparison—NLoS.
Figure 6. Absolute Error Comparison—NLoS.
Electronics 11 01809 g006
Figure 7. Absolute Error Comparison—LoS and NLoS Combined.
Figure 7. Absolute Error Comparison—LoS and NLoS Combined.
Electronics 11 01809 g007
Figure 8. Absolute Error Cumulative Density Function.
Figure 8. Absolute Error Cumulative Density Function.
Electronics 11 01809 g008
Table 1. Grayscale value of class in 3D-LAMS.
Table 1. Grayscale value of class in 3D-LAMS.
IndexClassGrayscale
1Building240
2Terrain200
3Sky0
4Ground255
Table 2. 3D CNN Path Loss Model Parameters.
Table 2. 3D CNN Path Loss Model Parameters.
Convolution Layer1st2nd3rd
Input size20, 20, 209, 9, 95, 5, 5
Input channel18020
Output size9, 9, 95, 5, 54, 4, 4
Output channel80205
Kernel size4, 4, 42, 2, 22, 2, 2
Stride size221
Table 3. The organization of measurement data.
Table 3. The organization of measurement data.
RxTx
AttributesDate and TimePCI
LongitudeLongitude
LatitudeLatitude
GPS HeightHeight
GPS SpeedAzimuth
GPS SatelliteMechanical downtilt
GPS Head
NR Serving PCI
RSRP (dBm)
count7507
Table 4. Selected scenario information.
Table 4. Selected scenario information.
IndexTest PCITS Ratio (%)LoS Ratio (%)
11, 230.8068
21, 325.8755
31, 431.3360
42, 324.1330
52, 429.6039
63, 424.6722
71, 6, 725.6056
82, 6, 723.8630
94, 6, 724.403
Table 5. Comparison of the proposed work with previous related works.
Table 5. Comparison of the proposed work with previous related works.
ModelsMinibatch Schemes
Single 3D CNN modelAttribute-Based
Multiple 3D CNN modelAttribute-Based
3D CNNRandom Sampling
3D CNN with Meta-learningTask-Based
Aster propagation modelNone
Table 6. Minimum, Mean, Maximum Comparison Root Mean Square Error of various methods (LoS/NLoS).
Table 6. Minimum, Mean, Maximum Comparison Root Mean Square Error of various methods (LoS/NLoS).
ModelsLoS/NLoSRMSE (dBm)
MinimumMeanMaximum
Single 3D CNN modelLoS3.154.388.01
NLoS4.067.559.45
Multiple 3D CNN modelLoS3.114.8511.23
NLoS4.107.7314.08
3D CNN modelLoS4.867.6311.57
NLoS5.938.1116.46
3D CNN with Meta-learningLoS3.987.259.62
NLoS4.528.8522.12
Aster propagation modelLoS7.238.899.92
NLoS9.4311.0414.71
Table 7. Comparison Root Mean Square Error of various methods.
Table 7. Comparison Root Mean Square Error of various methods.
ModelRMSE (dBm)Absolute Error CDF (%)
<1 dBm<3 dBm<10 dBm
Single 3D CNN model6.0115.4646.9190.21
Multiple 3D CNN model6.6712.3736.6177.32
3D CNN7.857.2122.1677.84
3D CNN with Meta-learning8.0111.3427.8478.87
Aster propagation model9.919.2830.4170.62
Table 8. Comparison of mean absolute error and error variance according to the horizontal relative angle section.
Table 8. Comparison of mean absolute error and error variance according to the horizontal relative angle section.
Relative Angle SectionSingle 3D CNN ModelMultiple 3D CNN Model3D CNN3D CNN with Meta-LearningAster Propagation Model
12.682.486.735.612.88
23.184.395.415.377.2
38.659.299.099.9510.63
46.025.625.327.018.65
54.3410.518.665.255.15
61.666.516.84.518.49
74.238.875.135.5312.2
83.8212.385.753.977.4
92.613.081.437.938.19
107.144.089.4916.3516.69
Variance4.3710.255.112.1913.05
Table 9. Comparison of mean absolute error and error variance according to the distance section.
Table 9. Comparison of mean absolute error and error variance according to the distance section.
Distance
Section
Single 3D CNN ModelMultiple 3D CNN Model3D CNN3D CNN with Meta-LearningAster Propagation Model
14.883.585.4612.1412.44
23.153.176.434.924
33.644.774.716.253.63
47.153.18.510.995.81
56.371.896.49.836.55
63.976.665.785.226.07
74.119.77.485.557.68
83.635.195.695.086.58
91.151.165.263.021.75
106.058.0910.076.543.65
114.637.437.996.66.26
122.894.063.493.867.44
132.655.233.012.048.47
146.098.577.018.4817.2
Variance2.586.213.398.0814.2
Table 10. Comparison of mean absolute error and error variance according to the PCI section.
Table 10. Comparison of mean absolute error and error variance according to the PCI section.
PCI
Section
Single 3D CNN ModelMultiple 3D CNN Model3D CNN3D CNN with Meta-LearningAster Propagation Model
14.12 6.23 7.28 5.587.27
35.446.795.486.987.92
Variance0.430.370.810.140.11
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Jin, W.; Kim, H.; Lee, H. A Novel Machine Learning Scheme for mmWave Path Loss Modeling for 5G Communications in Dense Urban Scenarios. Electronics 2022, 11, 1809. https://doi.org/10.3390/electronics11121809

AMA Style

Jin W, Kim H, Lee H. A Novel Machine Learning Scheme for mmWave Path Loss Modeling for 5G Communications in Dense Urban Scenarios. Electronics. 2022; 11(12):1809. https://doi.org/10.3390/electronics11121809

Chicago/Turabian Style

Jin, Woobeen, Hyeonjin Kim, and Hyukjoon Lee. 2022. "A Novel Machine Learning Scheme for mmWave Path Loss Modeling for 5G Communications in Dense Urban Scenarios" Electronics 11, no. 12: 1809. https://doi.org/10.3390/electronics11121809

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