This paper was converted on www.awesomepapers.org from LaTeX by an anonymous user.
Want to know more? Visit the Converter page.

TiRE-GAN: Task-Incentivized Generative Learning for Radiomap Estimation

Yueling Zhou, Achintha Wijesinghe, Yibo Ma, Songyang Zhang,  , and Zhi Ding,   Y. Zhou and S. Zhang are with Department of Electrical and Computer Engineering, University of Louisiana at Lafayette, Lafayette, LA, 70503. (E-mail: {yueling.zhou1, songyang.zhang}@louisiana.edu).A. Wijesinghe, Y. Ma and Z. Ding are with Department of Electrical and Computer Engineering, University of California, Davis, CA, 95616. (E-mail: {achwijesinghe, boma, zding}@ucdavis.edu).
Abstract

To characterize radio frequency (RF) signal power distribution in wireless communication systems, the radiomap is a useful tool for resource allocation and network management. Usually, a dense radiomap is reconstructed from sparse observations collected by deployed sensors or mobile devices. To leverage both physical principles of radio propagation models and data statistics from sparse observations, this work introduces a novel task-incentivized generative learning model, namely TiRE-GAN, for radiomap estimation. Specifically, we first introduce a radio depth map to capture the overall pattern of radio propagation and shadowing effects, following which a task-driven incentive network is proposed to provide feedback for radiomap compensation depending on downstream tasks. Our experimental results demonstrate the power of the radio depth map to capture radio propagation information, and the efficiency of the proposed TiRE-GAN for radiomap estimation.

Index Terms:
Radiomap estimation, generative adversarial networks, radio propagation model
publicationid: pubid: 0000–0000/00$00.00 © 2021 IEEE

I Introduction

Rapid growth of sensor networks and edge computing continue to advance the development of next-generation wireless communications, stimulating many novel technologies, such as vehicle-to-everything (V2X) [1] and integrated sensing and communications (ISAC) [2]. All these applications require an accurate description of radio frequency (RF) spectrum coverage and efficient assessment of the radio environment, leading to the concept of radiomaps [3]. Radiomaps describe RF power spectral density (PSD) across various locations, frequencies, and time, offering rich information of spectrum coverage for the spectrum management applications [4]. Usually, dense radiomaps are reconstructed from sparse observations collected by mobile sensors and user devices. To fully leverage the power of radiomaps in spectrum resource allocation and network optimization, efficient radiomap estimation (RME) from sparse observations has emerged as an urgent challenge.

Existing methods of radiomap estimation can be categorized into model-based or learning-based approaches, each bearing its distinct constraints. Model-based approaches, such as the log-distance path loss (LDPL) models [5], inverse distance weighted interpolation (IDW) [6], and thin-plate splines kernels [7], usually assume a specific radio propagation model, with which unknown parameters are estimated by minimizing the error between observed samples and predictions. However, in practical applications, these physics models are often unknown, making model selection challenging. Moreover, the PSD distribution sometimes is more sensitive to surrounding obstacles rather than following a strict empirical model, especially in complicated environments. Thus, the efficient extraction of radio model information from realistic data samples remains an open question.

With the development of artificial intelligence (AI), recent interests of RME focus on learning-based methods [8]. In [9], a fast radiomap estimation is proposed based on Unet. Another work utilizing deep convolutional neural networks is [10], where an auto-encoder structure is presented for radiomap estimation. Other learning-based methods also include conditional generative adversarial nets (cGAN) [11, 12] and transformers [13]. However, these learning-based methods require high-quality, abundant data, which is usually inaccessible in practical applications. Although some hybrid methods [14, 15] attempt to combine radio models with machine learning approaches, the efficient model selection and task-specific designed RME, such as for outage detection and network planning, remain critical concerns.

To address the aforementioned problems, we propose a Task-incentivized Radiomap Estimation using Generative Adversarial Networks (TiRE-GAN), leveraging the synergies of radio propagation model and generative AI. Specifically, a radio depth map is introduced as an additional input channel of the generator to capture the overall radio propagation information and shadowing effects. Then, a task-incentivized block is proposed to provide feedback for radiomap generation to compensate for the estimated PSD based on downstream tasks. Our contributions can be summarized as follows:

We introduce a novel radio depth map (RDM) as an input to the cGAN, capturing shadowing and radio propagation effects to enhance the learning process with physical insights. We develop a physics-conditioned cGAN with a task-incentivized network, which improves RME performance by compensating radiomaps based on downstream tasks. Experiments demonstrate the effectiveness of the proposed RDM in capturing radio propagation behavior and the efficiency of TiRE-GAN for RME.

II Problem Description

Refer to caption
Figure 1: Overall Structure of TiRE-GAN consisting of 4 parts: 1) The model-based data preprocessing module utilizes the input observed information (e.i. building map and transmitter location) to generate the radio depth map and then stacks the four layers together as input; 2) The radiomap (RM) generation module is in a cGAN generator structure, which learn and produce the prediction of radiomap; 3) The feedback module consists of 2 parts: a cGAN discriminator and a task-incentivized network. Both modules produce a loss term as feedback to improve the generator; 4) The Downstream task that provides the additional loss term for training guidance.

In this section, we first introduce our problem formulation. In this work, the radiomap estimation is formulated as a sparse sensing problem, where a dense radiomap M^R\hat{M}_{R} is reconstructed given the landscape information of the surrounding environment, sparse observations collected from sensors, and locations of transmitters, formulated by the following equation:

M^R=g(MU,MT,MS,𝒳),\hat{M}_{R}=g(M_{U},M_{T},M_{S},\mathcal{X}), (1)

where MUM_{U}, MTM_{T}, MSM_{S} and 𝒳\mathcal{X} represent the landscape map, the encoded transmitter location, the sampled radiomap, and additional extracted features, respectively.

Different from the interpolation formulation in [5] and [6], where the unobserved PSD values are estimated only using the observed samples in the same radiomap, we follow the classic prediction formulation and assume a set of training pairs of (MR,)(M_{R},\mathcal{F}) with ={MU,MT,MS,𝒳}\mathcal{F}=\{M_{U},M_{T},M_{S},\mathcal{X}\} to train the mapping function g()g(\cdot) by

ming()L(MR,M^R),\min_{g(\cdot)}\quad L(M_{R},\hat{M}_{R}),\vspace{-1mm} (2)

where L()L(\cdot) refers to the designed loss function.

In this work, our objectives are to: 1) design an effective mapping function g()g(\cdot) by integrating the cGAN with a novel task-incentivized network; and 2) design a suitable loss function L()L(\cdot) to embed the physical principles of radio propagation. We introduce the details of our proposed TiRE-GAN in Section III.

III Methods

III-A Overall Structure of TiRE-GAN Framework

We now introduce the overall structure of our proposed TiRE-GAN. As shown in Fig. 1, the architecture of the proposed framework can be structured into three components: 1) model-based data preprocessing; 2) radiomap generation; and 3) task-incentivized feedback. The training process operates as follows. First, the urban landscape map and transmitter location data are processed to construct a physics-embedded Radio Depth Map (RDM), detailed further in Section III-B2, after which it is fed into the cGAN generator together with the urban map, transmitter locations and sparse observations. During training, a pre-trained task-incentivized network is integrated to provide feedback by embedding physics-based constraints and rewards from downstream tasks. Each module will be introduced as follows.

III-B Model-Based Data Preprocessing

The data preprocessing module consists of two parts: 1) process the observed features {MU,MT,MS}\{M_{U},M_{T},M_{S}\} into aligned inputs of cGAN; and 2) generate a radio depth map embedding the radio propagation behavior.

III-B1 Observed Data Preprocessing

Suppose that the radiomap is formatted in a N×NN\times N grid, i.e., MRN×NM_{R}\in\mathbb{R}^{N\times N}. The landscape map of buildings is encoded as a binary segmented image MUN×NM_{U}\in\mathbb{R}^{N\times N}, where building areas are marked by 1 and open areas are annotated by 0. Similar to the building map, we encode the transmitter locations into a binary image MTN×NM_{T}\in\mathbb{R}^{N\times N}, where the transmitter locations are marked as 1; otherwise, the pixel values are zero. The sparse observations can be viewed as the corresponding pixels in gray-scale images MSN×NM_{S}\in\mathbb{R}^{N\times N}. For convenience, we first use a threshold to eliminate the extremely low-value observations, and then normalize the PSD value into 010\sim 1 for the observed locations. Since linear normalization is applied, we can easily re-scale the estimated radiomap back to the original data domain. For the missing values in MSM_{S}, we set them as zeros. Since a convolutional neural network is applied for the cGAN structure, zero-padding does not impact the final RME.

III-B2 Radio Depth Map

To embed the radio propagation information, we introduce the Radio Depth Map (RDM), 𝒳=MDN×N\mathcal{X}=M_{D}\in\mathbb{R}^{N\times N} as a novel model-based attribute, derived from the distribution of buildings and the spatial locations of transmitters. Similar to a depth map in computer vision which provides information on the distances of surfaces from a specific viewpoint, the RDM is formulated as:

MD(x,y)=n(t=1NTPt(x,y)Bt(x,y)),M_{D}(x,y)=n\left(\sum_{t=1}^{N_{T}}P_{t}(x,y)\cdot B_{t}(x,y)\right), (3)

where (x,y)(x,y) denotes the two-dimensional coordinates of the target location, Pt(x,y)P_{t}(x,y) denotes the distance-based path loss gain from the tt-th transmitter, n()n(\cdot) is the max normalization function to re-scale the maximal value in the RDM as 11, and the Bt(x,y)B_{t}(x,y) capture the impact of buildings from the viewpoint of tt-th transmitter.

Let C(,t)C(\ell,\ell_{t}) denote the set of pixels in the direct line of sight between the target location =(x,y)\ell=(x,y) and location t=(xt,yt)\ell_{t}=(x_{t},y_{t}) of the tt-th transmitter. The shadowing term impacted by buildings is calculated by

Bt(x,y)=iC(,t)(1MU(i))iC(,t)1,B_{t}(x,y)=\frac{\sum_{i\in C(\ell,\ell_{t})}(1-M_{U}(i))}{\sum_{i\in C(\ell,\ell_{t})}1},\vspace{-1mm} (4)

which characterizes the ratio of non-building pixels between \ell and t\ell_{t}. Bt(x,y)B_{t}(x,y) is larger and the shadowing effect is smaller if the radio propagates through fewer buildings.

To capture the path loss Pt(x,y)P_{t}(x,y), we employ the Inverse Distance Weighting (IDW) model, calculated by

Pt(x,y)=d(,t)λ,λ>0,P_{t}(x,y)=d(\ell,\ell_{t})^{-\lambda},\ \lambda>0, (5)

where d(,t)d(\ell,\ell_{t}) denotes the Euclidean distance between the target \ell and the tt-th transmitter. The parameter λ\lambda governs the rate, at which signal strength diminishes with increasing distance, necessitating a positive value to ensure physical plausibility in the depth map. An exemplary radio depth map is shown in the orange block of Fig. 1.

III-C cGAN Network

In this work, we employ a cGAN [16] as the foundational architecture, which consists of two principal components: a generator GG and a discriminator DD. In our radiomap estimation, the conditional features consist of four channels as processed in the Data Preprocessing Module (DPM), i.e., ={MU,MT,MS,MD}\mathcal{F}=\{M_{U},M_{T},M_{S},M_{D}\} as shown in Fig. 1. The additional information 𝐈\mathbf{I} can be designed as a function of the region features, i.e., 𝐈=h()\mathbf{I}=h(\mathcal{F}) or some determined labels, such as fake or real [17]. Then, the basic cGAN can be formulated as

minGmaxDV(D,G)=𝔼y,Ipdata(𝐲,𝐈)[logD(𝐲,𝐈)]+\displaystyle\min_{G}\max_{D}\quad V(D,G)=\mathbb{E}_{y,I\sim p_{\rm data}(\bf{y},\bf{I})}[\log D(\bf{y,I})]+
𝔼fpdata()[log(1D(G(),𝐈))],\displaystyle\mathbb{E}_{f\sim p_{\rm data}(\bf{\mathcal{F}})}[\log(1-D(G(\bf{\mathcal{F}}),\mathbf{I}))], (6)

where pdata(𝐲,𝐈)p_{\rm data}(\bf{y,I}) is the joint distribution with the prior knowledge 𝐈\mathbf{I}, and 𝐲\mathbf{y} is the generated data. Generally, the optimization of a min-max problem in cGAN can be split into two sub-problems, and train DD and GG iteratively. Specifically, the loss function to optimize DD is LD=V(D,G)L_{D}=-V(D,G), and the general loss function to optimize GG is

LG=𝔼xpdata()[log(1D(G(),𝐈))].L_{G}=\mathbb{E}_{x\sim p_{\rm data}(\bf{\mathcal{F}})}[\log(1-D(G(\bf{\mathcal{F}}),\mathbf{I}))]. (7)

To leverage both radio propagation model information and data statistics from observed samples, in this work, we will customize the loss function of the generator as

L=LG+αLMSE+βLR.L=L_{G}+\alpha L_{MSE}+\beta L_{R}. (8)

Here, LMSEL_{MSE} describes the error of RME by Mean Squared Error (MSE), i.e., LMSE(𝐲,𝐲^)=1Ki=1K(yiy^i)2L_{MSE}(\mathbf{y},\hat{\mathbf{y}})=\frac{1}{K}\sum_{i=1}^{K}(y_{i}-\hat{y}_{i})^{2}, where KK is the total number of pixels, 𝐲\mathbf{y} and 𝐲^\hat{\mathbf{y}} are the ground truth and the predicted radiomap, while yiy_{i} and y^i\hat{y}_{i} are the true and predicted pixel value of the iith pixel. LRL_{R} is a task-incentivized regularization term from the feedback module, which will be introduced in Section III-D.

III-D Feedback Design

The feedback module consists of two components: 1) a traditional cGAN discriminator; and 2) a task-incentivized network (TIN) based on downstream tasks.

III-D1 cGAN Discriminator

Conversely to the cGAN generator, the discriminator aims to detect whether the generated data is fake or not. Here, we consider three-channels as the input of the discriminator, where two are expanded image-sized one-hot encodings representing the binary truthfulness of the input, and the third channel is the generated radiomap. The discriminator outputs a scalar value, indicating the likelihood of whether the provided radiomap is genuine. The discriminator is trained by the binary cross entropy (BCE) loss as

LD(𝐲,𝐲^)=1Ki=1K[yilog(y^i)+(1yi)log(1y^i)].L_{D}(\mathbf{y},\hat{\mathbf{y}})=-\frac{1}{K}\sum_{i=1}^{K}\left[y_{i}\log(\hat{y}_{i})+(1-y_{i})\log(1-\hat{y}_{i})\right].\vspace{-4mm} (9)
Refer to caption
Figure 2: Task-incentivized network (TIN): based on Unet, TIN contains 4 encoding blocks and 4 decoding blocks. Each encoding block uses 3 convolution layers and a pooling layer. Each decoding block consists of one concatenation layer, a transpose convolution layer, and 3 convolution layers.

III-D2 Task-Incentivized Network

The goal of TiRE-GAM extends beyond capturing radio signal strength at specific locations; it shall ultimately support spectrum planning and network management. For instance, radiomaps can highlight service outages by setting a failure threshold. To enhance radiomap estimations for downstream tasks, we introduce a TIN module, as shown in Fig. 1.

We use outage detection as an exemplary TIN, employing a UNet architecture for semantic segmentation of radio power outages as shown in Fig. 2. The input is a radiomap, and the output outage map indicates signal coverage. Trained on real radio coverage and outage maps, the TIN accurately predicts outage areas. The TIN operates within the cGAN framework as a pre-trained component, for which the generator’s output serves as input. The TIN then contributes an additional loss term, LRL_{R}, guiding cGAN to produce radiomaps that not only maintain precision but also address real-world concerns relevant to downstream tasks.

The TIN provides a task-incentivized regularization term LRL_{R} in the loss function of the generator, which is calculated by the pre-trained TIN using the MSE loss to measure the error between the predicted and the ground truth outage maps, i.e.,

LR(z,z^)=1Ki=1K(ziz^i)2,L_{R}(z,\hat{z})=\frac{1}{K}\sum_{i=1}^{K}(z_{i}-\hat{z}_{i})^{2},\vspace{-2mm} (10)

where the zz and z^\hat{z} are the ground truth and the predicted outage map, while ziz_{i} and z^i\hat{z}_{i} are the true and predicted pixel values of the iith pixel. KK is the number of pixels.

Note that our TIN can be integrated with any RM-assisted applications. Some typical examples include ray tracing or wireless localization.

Refer to caption
Figure 3: Performance comparison (sr=1) between Kriging, AutoEncoder (AE), RadioUNet (RU), conditional GAN (cGAN), RME-GAN, Geo2SigMap, our TiRE-GAN, and the ground truth (GT) on 3 radiomap examples. TiRE-GAN achieves the best radio propagation and the shadowing effect prediction.

IV Experiments

IV-A Experiment Setup

IV-A1 Data

In this work, we utilize the RadiomapSeer dataset [9] for evaluation, which contain an extensive set of 700 maps from a variety of metropolitan areas, including Ankara, Berlin, Glasgow, Ljubljana, London, and Tel Aviv. Each map delineates a quadrant of 256×256256\times 256 square meters, at a granularity of 256×256256\times 256 pixels. The edifices are encoded by assigning a pixel intensity of one, whereas open spaces are represented by a zero value. Furthermore, the precise locations of transmitters are encoded with a pixel intensity of one superimposed on a null background, facilitating accurate localization.

IV-A2 Comparison

For performance assessment, we compare TiRE-GAN with both state-of-the-art (SOTA) model-based methods, including Kriging [18], and data-driven approaches, including AutoEncoder (AE) [10], RadioUnet (RU) [9], conventional cGAN [16], RME-GAN [11], and Geo2SigMap [19] . For interpolation-based method, we reconstruct the radiomap with observations in the same radiomap. For prediction-based method, we split the dataset as 4000/800/800 (70%/15%/15%) for training/validation/testing sets. Since RME-GAN is designed for non-uniformly distributed samples, we remove the corresponding loss terms to ensure fair comparison. In our TiRE-GAN, we set α=1\alpha=1 and β=0.1\beta=0.1 in Eq. (8).

IV-B Overall performance

We first present the overall performance of different radiomap estimations. We evaluate the performance based on the normalized radiomaps via MSE denoted by MSE(𝐲,𝐲^)=1Ki=1K(yiy^i)2\text{MSE}(\mathbf{y},\hat{\mathbf{y}})=\frac{1}{K}\sum_{i=1}^{K}(y_{i}-\hat{y}_{i})^{2}, and normalized MSE (NMSE) calculated by NMSE(𝐲,𝐲^)=1Ki=1K(yiy^i)2yi2\text{NMSE}(\mathbf{y},\hat{\mathbf{y}})=\frac{1}{K}\sum_{i=1}^{K}\frac{(y_{i}-\hat{y}_{i})^{2}}{y_{i}^{2}}, where K=2562K=256^{2}. Linear normalization makes it easy to re-scale the estimated radiomap back to the original data domain. From the results given in Table I, our proposed TiRE-GAN always achieves superior performance against all other approaches. With the assistance of radio depth map, our method can achieve a very high reconstruction accuracy even for very low sampling ratio and few training samples. Fig. 3 presents the visualization results of different methods for three radiomap examples at a 1% sample ratio. Advanced learning methods, such as RadioUnet, cGAN, and our TiRE-GAN, outperform Kringing and AE in capturing overall radio propagation patterns. Notably, due to the model-based interpolation block and complex loss design, RME-GAN cannot efficiently function at very low sampling ratio below 0.1%. TiRE-GAN shows clearer boundaries for shadowing effects resulted from the TIN feedback. Both the visualization and numerical results validate the effectiveness of our TiRE-GAN in RME with insufficient training samples.

TABLE I: Test NMSE (×102\times 10^{-2})/MSE (×104\times 10^{-4}) Comparison
sr (%) 0.03 0.1 0.5 1 3 5 10 Average (0.5100.5\sim 10)
Kriging 24.56/188.75 18.92/141.37 14.24/110.79 12.96/101.54 14.71/91.99 11.35/89.04 10.96/86.02 12.84/95.88
AE 54.76/230.65 53.84/226.61 45.66/194.47 43.33/186.57 26.00/113.04 20.71/87.72 14.32/65.01 30.00/129.36
AE Deep 50.65/209.26 48.81/201.40 21.42/91.95 16.25/70.00 6.82/26.81 6.55/26.43 5.81/23.47 11.22/47.73
RU 6.54/24.64 5.11/19.38 2.63/10.02 2.22/8.46 1.81/7.08 1.51/5.96 1.27/4.99 1.89/7.30
cGAN 11.57/45.88 5.48/22.09 2.13/8.46 1.83/7.25 1.30/5.07 1.18/4.64 1.02/4.05 1.49/5.89
RME-GAN -/- -/- 0.77/7.42 0.68/5.70 0.64/6.15 0.53/5.08 0.47/4.51 0.60/5.77
Geo2SigMap 2.19/8.67 1.23/4.73 1.12/4.31 0.75/2.89 0.79/2.93 0.79/2.94 0.95/3.75 0.93/3.36
TiRE-GAN 1.98/7.06 1.26/4.65 0.72/2.77 0.61/2.35 0.52/2.04 0.51/2.00 0.46/1.81 0.55/2.19

IV-C Robustness Against Noise

To assess the robustness, we include additive Gaussian noise to each sampled radiomap value, replacing the original sparse observation channel with a noisy input pattern. To highlight the effectiveness of the proposed radio depth map and TIN blocks, we compared different methods across various signal-to-noise ratios (SNR), as shown in Fig. 4, using a 1% sampling ratio for all test cases. TiRE-GAN consistently outperforms the other methods. Moreover, its MSE growth is slow, particularly compared to advanced learning methods like RadioUNet and cGAN, which further demonstrates robustness of TiRE-GAN against noise.

Refer to caption
Figure 4: The MSE (×104\times 10^{-4}) comparison with different SNRs.

IV-D Outage Evaluation of Generated radiomap

To further evaluate the effect on downstream tasks, we compare the performance of RM-assisted outage detection. Here, we input the generated radiomaps from different methods into the pre-trained outage detection networks. The numerical results of the whole datasets with 1% sampling and the exemplary visualization results are shown in Table II and Fig. 5, respectively. RME-GAN and TiRE-GAN achieve lower MSE than other methods, resulted from their utilization of model information. However, in the visualization, TiRE-GAN displays smoother and more consistent patterns than RME-GAN, which should benefit the spectrum management. These results demonstrate the effectiveness of TIN in radiomap compensation.

TABLE II: Outage Map MSE comparison
Method Kriging AE AEdeep RU
MSE 0.0781 0.0758 0.0494 0.0284
Method cGAN Geo2SigMap RME-GAN TiRE-GAN
MSE 0.0304 0.0561 0.0231 0.0267
Refer to caption
Figure 5: Illustration of Outage Map Prediction under sr=1%. We compared the outage map predicted by the generated radiomap from different methods. The corresponding radiomap and the ground truth outage map(GT) are shown on the right for reference.

V Conclusion

TiRE-GAN is a task-incentivized generative learning model for radiomap estimation. To capture the overall radio propagation behavior, it uses a radio depth map as a physics-embedded feature to guide the data-driven generative model. Additionally, a task-incentivized network provides feedback to enhance detailed radiomap features for downstream tasks. Experimental results show that TiRE-GAN consistently outperforms other methods, especially with limited training samples, a faced by realistic applications. Future work will focus on optimizing the generator’s reward mechanism and exploring multi-band radiomap estimation across different frequencies.

References

  • [1] S. Roger, M. Brambilla, B. C. Tedeschini, C. Botella-Mascarell, M. Cobos and M. Nicoli, “Deep-learning-based radiomap reconstruction for v2x communications,” in IEEE Transactions on Vehicular Technology, vol. 73, no. 3, pp. 3863-3871, Mar. 2024.
  • [2] F. Liu, Y. Cui, C. Masouros, J. Xu, T.X. Han, Y.C. Eldar, and S. Buzzi, “Integrated Sensing and Communications: Toward Dual-Functional Wireless Networks for 6G and Beyond,” in IEEE Journal on Selected Areas in Communications, vol. 40, no. 6, pp. 1728-1767, Jun. 2022.
  • [3] S. Bi, J. Lyu, Z. Ding and R. Zhang, “Engineering radiomaps for wireless resource management,” in IEEE Wireless Communications, vol. 26, no. 2, pp. 133-141, Apr. 2019.
  • [4] S. Debroy, S. Bhattacharjee and M. Chatterjee, “Spectrum map and its application in resource management in cognitive radio networks,” in IEEE Transactions on Cognitive Communications and Networking, vol. 1, no. 4, pp. 406-419, Dec. 2015.
  • [5] M. Lee and D. Han, “Voronoi tessellation based interpolation method for wi-fi radiomap construction,” in IEEE Communications Letters, vol. 16, no. 3, pp. 404-407, Mar. 2012
  • [6] S. -P. Kuo and Y. -C. Tseng, “Discriminant minimization search for large- scale rf-based localization systems,” in IEEE Transactions on Mobile Computing, vol. 10, no. 2, pp. 291-304, Feb. 2011.
  • [7] J. A. Bazerque, G. Mateos, and G. B. Giannakis, “Group-Lasso on splines for spectrum cartography,” in IEEE Trans. Signal Process., vol. 59, no. 10, pp. 4648–4663, Oct. 2011.
  • [8] D. Romero and S. -J. Kim, “Radiomap Estimation: A data-driven approach to spectrum cartography,” in IEEE Signal Processing Magazine, vol. 39, no. 6, pp. 53-72, Nov. 2022.
  • [9] R. Levie, Ç. Yapar, G. Kutyniok and G. Caire, “Radiounet: fast radiomap estimation with convolutional neural networks,” in IEEE Transactions on Wireless Communications, vol. 20, no. 6, pp. 4001-4015, Jun. 2021.
  • [10] Y. Teganya and D. Romero, “Deep completion autoencoders for radiomap estimation,” in IEEE Trans. Wireless Commun., vol. 21, no. 3, pp. 1710–1724, Mar. 2022.
  • [11] S. Zhang, A. Wijesinghe and Z. Ding, ”RME-GAN: a learning framework for radiomap estimation based on conditional generative adversarial network,” in IEEE Internet of Things Journal, vol. 10, no. 20, pp. 18016-18027, Oct. 2023.
  • [12] Z. Zhang, G. Zhu, and J. Chen, and S. Cui, “Fast and Accurate Cooperative Radio Map Estimation Enabled by GAN.,” arXiv preprint, arXiv:2402.02729, 2024
  • [13] Y. Tian, S. Yuan, W. Chen and N. Liu, “Transformer based radiomap prediction model for dense urban environments,” in Proc. 13th International Symposium on Antennas, Propagation and EM Theory (ISAPE), Zhuhai, China, 2021, pp. 1-3.
  • [14] S. Zhang, T. Yu, B. Choi, F. Ouyang and Z. Ding, “Radiomap inpainting for restricted areas based on propagation priority and depth map,” in IEEE Transactions on Wireless Communications, Feb. 2024.
  • [15] Y. Zheng, J. Wang, X. Li, J. Li and S. Liu, ”Cell-level rsrp estimation with the image-to-image wireless propagation model based on measured data,” in IEEE Transactions on Cognitive Communications and Networking, vol. 9, no. 6, pp. 1412-1423, Dec. 2023.
  • [16] M. Mirza and S. Osindero, “Conditional Generative Adversarial Nets.” arXiv:1411.1784, Nov. 06, 2014.
  • [17] Y. Liu, Z. Qin, T. Wan, and Z. Luo, “Auto-painter: cartoon image generation from sketch by using conditional wasserstein generative adversarial networks,” in Neurocomputing, vol. 311, pp. 78–87, Oct. 2018
  • [18] K. Sato and T. Fujii, “Kriging-based interference power constraint: integrated design of the radio environment map and transmission power,” in IEEE Transactions on Cognitive Communications and Networking, vol. 3, no. 1, pp. 13-25, Mar. 2017.
  • [19] Y. Li, Z. Li, Z. Gao, and T. Chen, “Geo2SigMap: High-Fidelity RF Signal Mapping Using Geographic Databases,” in 2024 IEEE International Symposium on Dynamic Spectrum Access Networks (DySPAN), pp. 277–285, May 2024.