Skip to main content

Advances, Systems and Applications

DenMerD: a feature enhanced approach to radar beam blockage correction with edge-cloud computing

Abstract

In the field of meteorology, the global radar network is indispensable for detecting weather phenomena and offering early warning services. Nevertheless, radar data frequently exhibit anomalies, including gaps and clutter, arising from atmospheric refraction, equipment malfunctions, and other factors, resulting in diminished data quality. Traditional radar blockage correction methods, such as employing approximate radial information interpolation and supplementing missing data, often fail to effectively exploit potential patterns in massive radar data, for the large volume of data precludes a thorough analysis and understanding of the inherent complex patterns and dependencies through simple interpolation or supplementation techniques. Fortunately, edge computing possesses certain data processing capabilities and cloud center boasts substantial computational power, which together can collaboratively offer timely computation and storage for the correction of radar beam blockage. To this end, an edge-cloud collaborative driven deep learning model named DenMerD is proposed in this paper, which includes dense connection module and merge distribution (MD) unit. Compared to existing models such as RC-FCN, DenseNet, and VGG, this model greatly improves key performance metrics, with 30.7\(\%\) improvement in Critical Success Index (CSI), 30.1\(\%\) improvement in Probability of Detection (POD), and 3.1\(\%\) improvement in False Alarm Rate (FAR). It also performs well in the Structure Similarity Index Measure (SSIM) metrics compared to its counterparts. These findings underscore the efficacy of the design in improving feature propagation and beam blockage accuracy, and also highlights the potential and value of mobile edge computing in processing large-scale meteorological data.

Introduction

Weather radar, as an active remote sensing instrument, employs electromagnetic waves to ascertain precipitation location and intensity. Contemporary weather radar offers high spatial and temporal resolution data, proving valuable for meteorological services [1,2,3]. Due to atmospheric refraction, equipment failure and other factors, radar echoes can suffer from beam blockage [4, 5]. Filling in the correction of radar beam blockage and achieving radar data quality control can effectively improve disaster prevention and mitigation capabilities under extreme weather conditions, and strongly guarantee the safety of, for example, maritime transport and aviation.

Traditional methods for addressing weather radar beam blockage involve leveraging the radar’s actual position and the angle of the data-deficient region at the same or neighboring elevations, accompanied by manual observation of data patterns, rule design, model customization, and subsequent data supplementation based on adjacent information [6]. A sophisticated quality control algorithm has been developed for dual PRF radial velocity data, comprising noise isolation based on echo size, deblurring via local continuity, and targeted singular value adjustments to rectify inherent data errors [7]. Concurrently, an innovative correction method using averaged reflectivity factor vertical profiles has been employed to mitigate radar beam blockage effects, significantly enhancing quantitative precipitation estimation accuracy in obstructed regions [8].

Despite the efficacy of traditional interpolation and data-filling approaches in performing beam blockage correction, these methods are relatively inefficient and limited due to the fact that they do not take advantage of the superb arithmetic power of the big data era, which makes them limited in taking full advantage of the deep regularities that exist in a wide range of weather radar data. In recent years, deep learning has found widespread applications across various domains such as computer vision, edge computing, anomaly detection, and data mining, yielding remarkable results [9,10,11,12,13,14]. The training of deep learning models is an intensively resource-dependent task, necessitating substantial computational capabilities and storage capacity [15,16,17,18,19]. Mobile Edge Computing (MEC) utilises the computational resources of edge devices to save energy consumption for smart devices and reduce computational latency of tasks, while avoiding network congestion in traditional cloud computing. Therefore, many researchers have worked on the application of MEC in different scenarios [20,21,22,23,24,25]. The challenge presented by radar beam blockage correction is manifested as a distortion or deficiency in the radar echo images. This observation implies that a potential solution could be explored through the application of image restoration methods, which are designed to rectify and enhance visual data integrity in similar contexts. In the realm of image restoration, deep learning methodologies have advanced rapidly and achieved substantial progress. However, the application of such techniques in radar beam blockage correction research remains relatively unexplored. The potential for applying these techniques to radar beam blockage correction is considerable and anticipated to yield superior revision outcomes.

The main contributions of this paper are summarised as follows:

  • An edge-cloud collaboration deep learning radar beam blockage correction approach is proposed, which effectively improves the radar big data processing efficiency and beam blockage correction accuracy.

  • A radar beam blockage correction deep learning model is designed, which includes dense connection module and merged distribution transition unit. Compared with other advanced models, the proposed model has better correction performance.

  • The beam blockage correction experiments in this paper are carried out on two datasets based on the radar echo data of Guangzhou Station and achieve good results in the evaluation metrics in the fields of meteorology and image restoration, such as CSI, POD, FAR and SSIM.

The rest of the paper is presented as follows: The Related work section discusses relevant research advances in radar beam blockage correction. The Method section dicusses the system model proposed in this paper, the cloud depth model and the important components of it. The Experiments section dicusses the production of the dataset, the evaluation metrics, the loss function and the experimental results. The Conclusion section summarises the findings of the work in this paper.

Related work

This section discusses the research status of radar beam blockage and the related research progress of image restoration, and briefly introduces how to solve the related problems in this paper.

Traditional beam blockage correction methods

Currently, there are two main types of radar beam blockage revision methods, one that relies on terrain data and another that does not. Terrain data, specifically the Digital Elevation Model (DEM), encompasses the elevation information of terrain grid points. Zhang et al. [26] utilized the distance bank mean fill method pertaining to DEM data, utilizing neighboring Plan Position Indicator (PPI) echo information, to ascertain real-time correction factors that enable the revision of sparse smaller radial blockages. Chen et al. from [27] used DEM data from the Shuttle Radar Topography Mission (SRTM) and DEM data from Google to calculate the beam blockage rate at low elevation angles of S-band radars located in the southern suburbs of Beijing, respectively, and established a revised relationship for the echo reflectivity in partially blocked areas. Liu et al. [28] used SRTM digital elevation data to simulate and calculate the beam occlusion of 212 new generation weather radars currently operating in China.

These methods depend on topographic information, and due to rapid high-rise construction accompanying societal development, it becomes challenging for topographic data to be promptly reflected in DEM data, consequently impacting data revision accuracy. Gou et al. [29] used the method of first removing the partially blocked radar echoes and then revising the discontinuity effect caused by partial blockage by re-gridding the puzzle. Huang et al. [30] proposed a beam blockage identification and revision algorithm that does not rely on a superior accuracy DEM. The algorithm performs blockage identification first and then linear interpolation for the inaccurate echo data caused by partial blockage or small-area complete blockage to achieve the revision of the blockage data. Wang et al. [31] analysed the climatic characteristics of the frequency of radar echoes of different intensities and their spatial distribution and other characteristics from the perspective of radar climate statistics, based on which the radar clutter was identified and revised.

Although these two types of traditional beam blockage correction methods have achieved some results, these manual interpolation methods based on neighbouring contexts fail to exploit the superb arithmetic power of the big data era to mine the potential laws of massive radar data, which leads to inefficient beam revision.

Advanced deep learning approaches for image restoration and radar beam blockage correction

As deep learning techniques have evolved in contemporary studies, a variety of deep learning approaches have been extensively employed in image restoration tasks. Mao et al. [32] proposed a single image restoration method for generative adversarial networks based on a self-attentive mechanism, incorporating WGAN to ensure comprehensive coherence of the restored region through the learning of generative adversarial models. The proposed model employs the earth moving distance to quantify the resemblance amidst a pair of distributions. Phutke et al. [33] suggested computationally efficient, lightweight networks for image restoration with minimal parameters and without guidance information. Ma et al. [34] presented a versatile restoration framework capable of addressing incomplete images exhibiting considerable missing regions, encompassing both continuous and discontinuous areas. Region operations are implemented in the generator and discriminator, catering to distinct region types specifically, existing and missing regions. Quan et al. [35] proposed a novel three-stage restoration framework encompassing local and global refinement. An encoder-decoder network with skip connections is initially utilized for generating coarse preliminary results. Aishwarya et al. [36] utilized two adversarial networks for this task, the first targeting restoration and the second super-resolution. In order to make the image of the restored region enhanced smoothness and increased definition, Nazeri et al. [37] introduced a new image restoration algorithm facilitating the accurate recovery of missing regions. Experimental outcomes demonstrate that this approach surpasses previous methodologies in terms of both speed and quality. Hong et al. [38] approached image restoration from the unique perspective of generating a seamless transition, devising a streamlined DFNet.

Considering radar beam blockage correction as an image restoration issue, the obstructed area can be perceived as the image’s covered portion. Consequently, the algorithm’s objective is to discover the interrelation of data within obstructed and recognized areas in extensive radar datasets. This allows for the estimation of the pixel value with the highest probability of occurrence for each pixel point in the blocked region, which corresponds to the image’s missing area. Wu et al. [39] proposed a deep learning network to correct the weather radar beam revision, on the basis of which [40] proposed an edge assisted cloud framework in which individual site radar echo signals could be analysed and pre-processed at the edge and then trained in the cloud using elastic resources and distributed learning capabilities, a RC-FCN for beam blockage revision was suggested, integrated into the framework, and compared with alternative deep learning models.

Overall, mobile edge computing and deep learning techniques have made great progress in recent years [41,42,43,44,45,46]. Therefore, applying similar techniques to beam blockage correction has great potential and is expected to achieve better correction results. The focus of this paper is to introduce the concept of mobile edge computing and adopt an edge-cloud cooperative approach to correct radar data loss due to various reasons.

Method

System model

In this paper, the proposition of integrating radar stations as mobile edge nodes is articulated as a cornerstone for the advancement of edge computing frameworks. This integration is especially critical for the initial processing of data procured from radar systems. Such a preprocessing phase is crucial in the data handling sequence, involving a sophisticated method of minimizing and transmuting the extensive radar data. This procedure effectively extracts and condenses the fundamental attributes required for subsequent analytical computations. Following this phase, the processed data is transmitted to an advanced, cloud-based deep learning architecture for intensive training. This rigorous analytical undertaking is indispensable for the development and enhancement of predictive models, focusing specifically on the improvement of algorithms related to beam blockage correction. This method highlights the critical role of edge computing in enhancing both the precision and the efficiency of data processing within radar systems. It exemplifies the transformative potential that edge computing holds for advancing predictive modeling in this field.

Upon the completion of this training paradigm, the elaborately constructed model is then disseminated from the cloud to the aforementioned edge nodes. This transfer equips the nodes with the capability to execute beam blockage corrections in a decentralized manner, leveraging the computational power embedded at the edge of the network. The integration of such a system underscores the inherent efficiency and reliability that edge computing confers upon meteorological services, as it enables the swift processing of large-scale datasets pertinent to meteorological analysis. The deployment of this architecture, as depicted in Fig. 1, represents a significant shift in the methodology of processing meteorological data. It serves as a prime example of the substantial influence and essential usefulness of mobile edge computing in the handling and analysis of extensive meteorological datasets across various applications.

Fig. 1
figure 1

System model

Overall pipeline in cloud

The pre-processed datasets, procured from each designated mobile edge site, are systematically relayed to a centralized cloud computing facility. This transmission is orchestrated in such a manner that it facilitates the amalgamation and synchronization of data from disparate geographic locales. Upon the arrival at the cloud centre server, this data then serves as the foundational bedrock upon which sophisticated model training is conducted. The model proposed in this paper is bifurcated into two distinct segments: encoding and decoding frameworks. The encoding framework incorporates the concept of dense connectivity to facilitate learning of more feature mappings and contains three dense connection modules. The decoding framework utilizes the upsampling structure similar to that in U-net to restore the image size.

The initial input is a 360 \(\times\) 250 radar echo map to be restored, resized to 224 \(\times\) 224, and subsequently processed by the encoder after one convolution with a 7 \(\times\) 7 convolution kernel, a stride of 2, and padding of 3. It then proceeds through three dense connection modules with five transposed convolutions, all with a 3 \(\times\) 3 convolution kernel, a stride of 2, and no padding. Finally, the image size is restored to 360 \(\times\) 250 by an adaptive pooling operation, and the output of each layer of the decoder section is passed to the MD transition unit for pooling operation and then through the fully connected layer, with the final output being the restored radar echo map. The specific architecture is depicted in Fig. 2. Through this methodical and rigorous training, the model progressively learns and adapts, effectively encapsulating the complex patterns and variances inherent in the meteorological data.

Fig. 2
figure 2

Structure of the overall pipeline in cloud

Dense connection module

Within the scope of this paper, the architecture of the proposed model incorporates a robust configuration of dense connectivity within its encoder segment. These modules are specifically designed to enhance the flow of information and gradients throughout the network, thereby significantly improving the model’s ability to capture and encode complex data representations.

In this network structure, each layer establishes direct connections with all previous layers, receives additional input data from them, and passes its own feature mapping to all subsequent layers.

This design employs a cascading approach that helps to transfer collective knowledge from the previous layers in the network. This densely connected structure helps to overcome the gradient vanishing problem as each layer can more easily access gradient information from the previous layer, thus enhancing feature propagation. In addition, this design also reduces the number of model parameters relative to the traditional network structure because the layers are more tightly connected. The specific architecture is depicted in Fig. 3.

Fig. 3
figure 3

Structure of the dense connection module

Merge-distribution transition unit

In the domain of meteorology, particularly in the context of radar beam blockage correction tasks, the utilization of information harvested from various levels of preceding convolutional layers is of paramount importance. Acknowledging this, the paper introduces an innovative structural component termed the Merge-Distribution (MD) transition unit. This unit is ingeniously crafted to amalgamate and distribute information more efficiently across the temporal dimension. The primary objective of the MD transition unit is to augment the existing informational paradigm by incorporating additional inputs derived from prior temporal states, thus substantially enriching the feature propagation mechanism within the multi-layer convolutional neural network architecture. The introduction of such a unit is intended to significantly bolster the resilience and accuracy of the model by enabling a more nuanced and comprehensive synthesis of information, thereby ensuring a more robust feature representation that is vital for the precise adjustment of beam blockage phenomena in weather radar systems. This innovative approach underscores a pivotal advancement in enhancing the convolutional neural network’s ability to discern and adapt to the complex dynamics inherent in meteorological data processing.

Specifically, the MD transition unit takes the following steps to achieve this goal: First, it concatenates the output results of multiple convolutional layers, which means that these outputs are connected in one dimension to be represented by rich features. Next, this concatenated feature vector is passed to a convolution layer with a kernel size of 1\(\times\)1, which helps to further integrate and refine the features. The output of this convolutional layer is then pooled to reduce the feature dimension and extract the most significant feature information. Finally, the processed output is passed to the convolution layer at the next time step to ensure that the new feature information can be propagated and utilized throughout the network. The specific architecture is depicted in Fig. 4.

Fig. 4
figure 4

Structure of the MD transition unit

Experiments

Experiment details

Mobile edge devices generate massive amounts of radar data, which are pre-processed at the edge end. In this paper, two radar echo datasets were created, both derived from aggregated reflectance images from the Guangzhou station. In order to achieve a more accurate beam blocking correction and also to provide the necessary features for the deep learning model, a series of preprocessing steps on the raw data were performed. First, the array of raw pixel values were converted into an array of radar echo strength dBZ values, and denoising and interpolation were performed considering the presence of noise values beyond the grey scale range in the aggregated reflectance images from the Guangzhou station. Each pixel in the array was determined whether it belongs to the set of grey values, and if not, mark it as an outlier and replace and fill it with the largest element in its upper, lower, left and right neighbourhood. Points with values less than 10 dBZ and greater than 70 dBZ typically represent non-meteorological clutter, so these values were replaced with zeros to prevent any detrimental effect on the model’s modelling of the effective echoes. After the denoising and interpolation operations were completed, the raw image data were converted to greyscale format to reduce computational complexity. Then, the image were expanded into a rectangular representation along the radius. Finally, randomly generated rectangles and irregular masks were manually applied on the processed images. The associated process is shown in Algorithm 1.

figure a

Algorithm 1 Main steps of data preprocessing

In this way, two datasets were obtained: one containing 12,000 radar echo images with random rectangular masks, of which the first 10,000 were used as a training set and the remaining 2,000 were used as a test set; and the other containing 2,000 radar echo images with random irregular masks, of which the first 1,600 were used as a training set and the remaining 400 were used as a test set. An example of the home-made dataset is shown in Fig. 5. Radar echo image with random rectangular mask on the left and radar echo image with random irregular mask on the right.

Fig. 5
figure 5

Example graph of datasets

This paper approaches the weather radar echo blockage revision issue as an instance of an image restoration problem, aiming to uncover the distribution relationship between data in the blockage and known regions within radar big data. This is carried out to estimate the pixel value exhibiting the highest probability of occurrence for each pixel point in the blockage region, which corresponds to the missing portion of the image. A multi-classification cross-entropy loss function is employed to compute the most probable pixel value for each pixel point within the area to be restored. This step can be formulated as Eq.(1):

$$\begin{aligned} Loss\left( {z,c} \right) = - z\left[ c \right] + \log (\sum \limits _{j = 0}^{c - 1} {\exp (z[j])} ) \end{aligned}$$
(1)

where z represents the predicted pixel value, c denotes the sample label, and z[c] is negative log likelihood loss. After calculating a pixel’s loss, the total loss is obtained by summing the losses of all pixels within the region to be repaired.

Evaluation metrics

The experiments conducted in this paper entail the comparison of all pixel points and the calculation of accuracy within the image restoration domain, utilizing SSIM [40] as the evaluative criterion. The calculation formula is demonstrated in Eq.(2):

$$\begin{aligned} SSIM(x,y) = \frac{{(2{\mu _x}{\mu _y} + {c_1})(2{\sigma _{xy}} + {c_2})}}{{(\mu _x^2 + \mu _y^2 + {c_1})(\sigma _x^2 + \sigma _y^2 + {c_2})}} \end{aligned}$$
(2)

where x denotes the true input image, y signifies the restored image, \({\mu _x}\) and \({\mu _y}\) represent the means of x and y respectively, and \({\sigma _x}\) and \({\sigma _y}\) correspond to the standard deviations of x and y respectively. \({\sigma _{xy}}\) symbolizes the covariance of x and y, while \({c_1}\) and \({c_2}\) are constants employed to prevent systematic errors due to a zero denominator.

Nonetheless, since the radar echo revision problem primarily concerns the meteorological domain, this paper also incorporates the Critical Success Index (CSI [2]), False Alarm Ratio (FAR [2]), and Probability of Detection (POD [2]) as evaluation metrics to assess the model’s restoration effectiveness. The corresponding calculation equations can be found in Eq.(3), Eq.(4), and Eq.(5):

$$\begin{aligned} CSI = \frac{{TP}}{{TP + FP + FN}} \end{aligned}$$
(3)
$$\begin{aligned} FAR = \frac{{FP}}{{TP + FP}} \end{aligned}$$
(4)
$$\begin{aligned} POD = \frac{{TP}}{{TP + FN}} \end{aligned}$$
(5)

where TP is a hit, FP is a false alarm and FN is a missed alarm.

Experiment results

As demonstrated in Fig. 6, the radar echo image beam revision effect of the proposed model can be visualized. Regarding the area of the image to be restored, the model yields satisfactory outcomes, in terms of both overall image external contours and specific detail levels.

Fig. 6
figure 6

Example of restored image with beam blockage

Accuracy is used to describe the pixel-level difference between the predicted image and the true value and measures the performance of the model. As shown in Figs. 7 and 8, the accuracy of the beam blockage revision of the proposed model has been improved compared to VGG, DenseNet, DFNet and RC-FCN. These models are chosen in this paper because the model proposed in this paper use ecoding and decoding structures and contain modules such as dense connection, and these model structures are also relevant. Therefore, by comparing with these models, the improvement of the model proposed in this paper in terms of beam blockage correction accuracy can be more comprehensively assessed and demonstrated.

Fig. 7
figure 7

Accuracy based on rectangular mask

Fig. 8
figure 8

Accuracy based on irregular mask

The proposed model incorporates encoding and decoding frameworks, complemented by the dense connection module and MD transition unit. Quantitative comparisons with VGG, DenseNet, DFNet, and RC-FCN are performed. The detailed results are exhibited in Tables 1, 2, 3, and 4, with the top results displayed in bold and the runner-up results underlined. In the evaluation metrics used in this paper, higher values of CSI, POD, and SSIM represent better model performance, and lower values of FAR represent better model performance.

Table 1 A comparative assessment of CSI
Table 2 A comparative assessment of FAR
Table 3 A comparative assessment of POD
Table 4 A comparative assessment of SSIM

Under the CSI evaluation metric, DenMerD excels in most dBZ value ranges in the Rectangular Mask dataset, improving 17.4\(\%\), and 30.1\(\%\) relative to the next best models, RC-FCN, and VGG, respectively. This highlights the effectiveness of the dense connection module and MD transition unit in enhancing feature propagation in DenMerD. In the Irregular Mask dataset, DenMerD also shows excellent performance, improving 14.6\(\%\) and 30.7\(\%\) with respect to the second-best models RC-FCN and VGG, respectively, which further validates the usefulness of these modules.

Under the FAR evaluation metric, DenMerD improves 3.1\(\%\) and 2.2\(\%\) relative to the second-best model in the 45-50 and 35-40 dBZ value ranges, respectively. These boosts can be traced back to DenMerD’s dense connection module, which helps to propagate feature information more efficiently and improve model performance. However, the boosts are lower in other ranges, which may be constrained by the characteristics of the input data.In the Irregular Mask dataset, DenMerD improves relative to the next-best model by 3.1\(\%\), 0.4\(\%\), and 2.2\(\%\) over the 35-40, 15-20, and 0-5 dBZ value ranges. These performance gains are also attributed to DenMerD’s dense connection modules and MD transition units, which enhance feature propagation and network depth.

Under the POD evaluation metric, DenMerD achieves significant performance improvement relative to the next best model in both datasets in the high dBZ value ranges (55-60 and 50-55), reaching 32.8\(\%\) and 47.7\(\%\), respectively.

The model’s performance under the SSIM metric is noteworthy, indicating a high level of restoration effectiveness and completion precision, demonstrating the effectiveness of introducing image restoration methods into the field of weather radar beam blockage revision.

The ablation experiment is conducted on the Rectangular Mask Dataset to demonstrate the effectiveness of the Dense Connection Moudle and the MD Transition Unit. The objects of the ablation experiment including the RC-FCN, DenMerD wo. Dense Connection Moudle (DenMerD without Dense Connection Moudle), DenMerD wo. MD Transition Unit (DenMerD without MD Transition Unit), and the standard DenMerD. As shown in Table 5, the introduction of dense connection modules and MD transition units plays a key role in beam blockage correction under the evaluation metrics average CSI, average FAR and average POD. These three metrics are the mean values of CSI, FAR, and POD in each dBZ range. In particular, the introduction of the Dense Connection Module fosters a more efficient propagation of information through the network, resulting in improved performance across the aforementioned metrics. Meanwhile, the MD Transition Unit demonstrates its effectiveness in further refining the correction process, leading to noteworthy improvements in the model’s accuracy and reliability.

Table 5 Ablation Experiment on the Rectangular Mask Dataset

These findings underscore the crucial importance of these architectural components in addressing beam blockage challenges and highlight their potential applicability in advancing other areas of research within the domain of deep learning and meteorology. Furthermore, they provide valuable insights for future enhancements and optimizations of the DenMerD model and related techniques in real-world applications.

Conclusion

In this paper, an edge-cloud collaborative driven deep learning model named DenMerD is proposed, which includes dense connection module and merge distribution (MD) unit. The radar sites are regarded as mobile edge nodes, and the edge-cloud collaboration is used for the correction service. The radar beam blockage correction problem is regarded as an image restoration problem. The model proposed in this paper improves 30.7\(\%\) and 30.1\(\%\) over the existing models in the evaluation metrics of meteorological domains such as CSI and POD, and also shows excellent performance in SSIM metrics, which proves the effectiveness of the dense connection module and MD transition unit designed in this paper in enhancing the feature propagation to improve the accuracy of the beam blockage correction, and also highlights the role of mobile edge computing in processing large-scale meteorological data. Future research could explore how to further optimise the performance of the model, including improving the design of the dense connection moudle and MD units to accommodate a wider range of meteorological data characteristics. In addition, the model’s edge-cloud collaboration approach can be applied to other areas such as radar echo extrapolation, semantic segmentation, etc. for wider real-time data processing and decision support.

Availability of data and materials

Not applicable.

References

  1. Li N, Wang Z, Sun K, Chu Z, Leng L, Lv X (2017) A quality control method of ground-based weather radar data based on statistics. IEEE Trans Geosci Remote Sens 56(4):2211–2219

    Article  ADS  Google Scholar 

  2. Yang Z, Liu Q, Wu H, Liu X, Zhang Y (2022) Cema-lstm: enhancing contextual feature correlation for radar extrapolation using fine-grained echo datasets. Comput Model Eng Sci 135(1):45–64

    Google Scholar 

  3. Yang Z, Wu H, Liu Q, Liu X, Zhang Y, Cao X (2023) A self-attention integrated spatiotemporal lstm approach to edge-radar echo extrapolation in the internet of radars. ISA Trans 132:155–166

    Article  PubMed  Google Scholar 

  4. Awaka J, Le M, Chandrasekar V, Yoshida N, Higashiuwatoko T, Kubota T, Iguchi T (2016) Rain type classification algorithm module for gpm dual-frequency precipitation radar. J Atmos Ocean Technol 33(9):1887–1898

    Article  Google Scholar 

  5. Lin H, Xu X, Bilal M, Cheng Y, Liu D (2023) Intelligent retrieval of radar reflectivity factor with privacy protection under meteorological satellite remote sensing. IEEE J Sel Top Appl Earth Obs Remote Sens 16:6948–6957

    Article  ADS  Google Scholar 

  6. Omranian E, Sharif HO (2018) Evaluation of the global precipitation measurement (gpm) satellite rainfall products over the lower colorado river basin, texas. JAWRA J Am Water Resour Assoc 54(4):882–898

    Article  ADS  Google Scholar 

  7. Xiao Y, Wan Y, Wang Z (2016) Quality control of dual prf velocity data for doppler weather radars. Plateau Meteorol 35(4):1112–1122

    Google Scholar 

  8. Hu S, Zhang Y, Deng W, Chen X (2014) Correction schemes for radar blockage by complex terrain at shenzhen and validation. J Trop Meteorol 30(1):1–10

    Google Scholar 

  9. Huang G, Liu Z, Van Der Maaten L, Weinberger KQ (2017) Densely connected convolutional networks. In: Proceedings of the IEEE conference on computer vision and pattern recognition. IEEE, Honolulu, p 4700–4708

  10. Tian H, Xu X, Lin T, Cheng Y, Qian C, Ren L, Bilal M (2022) Dima: Distributed cooperative microservice caching for internet of things in edge computing by deep reinforcement learning. World Wide Web 25(5):1769–1792

    Article  Google Scholar 

  11. Leyva-Mayorga I, Martinez-Gost M, Moretti M, Peŕez-Neira A, Vázquez MÁ, Popovski P, Soret B (2023) Satellite edge computing for real-time and very-high resolution earth observation. IEEE Trans Commun 71(10):6180–6194

    Article  Google Scholar 

  12. Yao L, Xu X, Bilal M, Wang H (2022) Dynamic edge computation offloading for internet of vehicles with deep reinforcement learning. IEEE Trans Intell Transp Syst 24(11):12991–12999

    Article  Google Scholar 

  13. Qi L, Song H, Zhang X, Srivastava G, Xu X, Yu S (2021) Compatibility-aware web api recommendation for mashup creation via textual description mining. ACM Trans Multimed Comput Commun Appl 17(1s):1–19

    Article  Google Scholar 

  14. Liu S, Deng W (2015) Very deep convolutional neural network based image classification using small training sample size. In: 2015 3rd IAPR Asian conference on pattern recognition (ACPR). IEEE, Nanjing, p 730–734

  15. Wang W, Wang Z, Zhou Z, Deng H, Zhao W, Wang C, Guo Y (2021) Anomaly detection of industrial control systems based on transfer learning. Tsinghua Sci Technol 26(6):821–832

    Article  Google Scholar 

  16. Du J, Xu M, Gill SS, Wu H (2023) Computation energy efficiency maximization for intelligent reflective surface-aided wireless powered mobile edge computing. IEEE Trans Sustain Comput 1–15

  17. Xu X, Yang C, Bilal M, Li W, Wang H (2022) Computation offloading for energy and delay trade-offs with traffic flow prediction in edge computing-enabled iov. IEEE Trans Intell Transp Syst 24(12):15613–15623

    Article  Google Scholar 

  18. Ding J, Han L, Li J, Zhang D (2023) Resource allocation strategy for blockchain-enabled NOMA-based MEC networks. J Cloud Comp 12:142. https://doi.org/10.1186/s13677-023-00497-5

    Article  Google Scholar 

  19. Yan H, Xu X, Dai F, Qi L, Zhang X, Dou W (2022) Service caching for meteorological emergency decision-making in cloud-edge computing. In: 2022 IEEE International Conference on Web Services (ICWS). IEEE, Barcelona, p 120–128

  20. Mu L, Ge B, Xia C, Wu C (2023) Deep reinforcement learning based adaptive threshold multi-tasks offloading approach in mec. Comput Netw 232:109803

    Article  Google Scholar 

  21. Li Z, Xu X, Cao X, Liu W, Zhang Y, Chen D et al (2022) Integrated cnn and federated learning for covid-19 detection on chest x-ray images. IEEE/ACM Trans Comput Biol Bioinforma 1–11

  22. Xu X, Gu J, Yan H, Liu W, Qi L, Zhou X (2022) Reputation-aware supplier assessment for blockchain-enabled supply chain in industry 4.0. IEEE Trans Ind Inform 19(4):5485–5494

    Article  Google Scholar 

  23. Yang Y, Lou K, Wang E, Liu W, Shang J, Song X et al (2023) Multi-agent reinforcement learning based file caching strategy in mobile edge computing. IEEE/ACM Trans Netw 31(6):3159–3174

    Article  Google Scholar 

  24. Xu X, Tang S, Qi L, Zhou X, Dai F, Dou W (2023) Cnn partitioning and offloading for vehicular edge networks in web3. IEEE Commun Mag 61(8):36–42

    Article  Google Scholar 

  25. Wang X, Li J, Ning Z, Song Q, Guo L, Guo S et al (2023) Wireless powered mobile edge computing networks: a survey. ACM Comput Surv 55(13s):1–37

    Google Scholar 

  26. Zhang Y, Cheng M (2011) Dynamical weather radar beam blockage correction. In: 2011 International Conference on Computer Distributed Control and Intelligent Environmental Monitoring. IEEE, Changsha, p 67–70

  27. Chen W, He J, Shi Z, Ma J, Lin Q (2020) Application of dem-based beam occlusion correction in radar quantitative estimation of precipitation. Meteorol Sci Technol 48(1):9–14

    Google Scholar 

  28. Liu Y, Li C, Zhang L, Wen H, Wang S (2020) Statistical analysis of terrain blockage impacts on the cinrad network based on dem data. Acta Meteorol Sin 78(4):705–720

    Google Scholar 

  29. Gou Y, Wang Z, Liu L, Duan Y, Chen C (2017) Application and evaluation of radar partial blockage identification. Plateau Meteorol 36(1):229–240

    Google Scholar 

  30. Huang X, Ma L, Yang M, Yin J, Liu Y (2019) Recognition and correction of beam blockage of weather radar based on spatial correlation. J Meteorol Sci 39(4):532–539

    Google Scholar 

  31. Wang G, Ping F, Yang M, Pang Q (2019) A radar echo quality control method based on climate statistical analysis. Meteorol Sci Technol 47(1):19–28

    CAS  Google Scholar 

  32. Mao Y, Zhang T, Fu B, Thanh DN (2022) A self-attention based wasserstein generative adversarial networks for single image inpainting. Pattern Recog Image Anal 32(3):591–599

    Article  Google Scholar 

  33. Phutke SS, Murala S (2022) Pseudo decoder guided light-weight architecture for image inpainting. IEEE Trans Image Process 31:6577–6590

    Article  ADS  PubMed  Google Scholar 

  34. Ma Y, Liu X, Bai S, Wang L, Liu A, Tao D et al (2022) Regionwise generative adversarial image inpainting for large missing areas. IEEE Trans Cybern 53(8):5226–5239

    Article  Google Scholar 

  35. Quan W, Zhang R, Zhang Y, Li Z, Wang J, Yan DM (2022) Image inpainting with local and global refinement. IEEE Trans Image Process 31:2405–2420

    Article  ADS  PubMed  Google Scholar 

  36. Aishwarya G, Krishnan KR (2021) Generative adversarial networks for facial image inpainting and super-resolution. In: Journal of Physics: Conference Series, vol 2070. IOP Publishing, India, p 012103

  37. Nazeri K, Ng E, Joseph T, Qureshi FZ, Ebrahimi M (2020) Edgeconnect: generative image inpainting with adversarial edge learning. arXiv preprint arXiv:1901.00212

  38. Hong X, Xiong P, Ji R, Fan H (2019) Deep fusion network for image completion. In: Proceedings of the 27th ACM international conference on multimedia. ACM, Nice, p 2033–2042

  39. Wu H, Liu Q, Liu X, Zhang Y, Xu X, Bilal M (2021) A fcn approach to blockage correction in radars. In: 2021 IEEE Intl Conf on Dependable, Autonomic and Secure Computing, Intl Conf on Pervasive Intelligence and Computing, Intl Conf on Cloud and Big Data Computing, Intl Conf on Cyber Science and Technology Congress (DASC/PiCom/CBDCom/CyberSciTech). IEEE, AB, Canada, p 482–487

  40. Wu H, Liu Q, Liu X, Zhang Y, Yang Z (2022) An edge-assisted cloud framework using a residual concatenate fcn approach to beam correction in the internet of weather radars. World Wide Web 25(5):1923–1949

    Article  Google Scholar 

  41. Li Z, Xu X, Hang T, Xiang H, Cui Y, Qi L et al (2022) A knowledge-driven anomaly detection framework for social production system. IEEE Trans Comput Soc Syst 1–14

  42. Yan H, Bilal M, Xu X, Vimal S (2022) Edge server deployment for health monitoring with reinforcement learning in internet of medical things. IEEE Trans Comput Soc Syst 1–11

  43. Ning Z, Hu H, Wang X, Guo L, Guo S, Wang G et al (2023) Mobile edge computing and machine learning in the internet of unmanned aerial vehicles: a survey. ACM Comput Surv 56(1):1–31

    Article  Google Scholar 

  44. Chai F, Zhang Q, Yao H, Xin X, Gao R, Guizani M (2023) Joint multi-task offloading and resource allocation for mobile edge computing systems in satellite iot. IEEE Trans Veh Technol 72(6):7783–7795

    Article  Google Scholar 

  45. Chen Y, Zhao J, Hu J, Wan S, Huang J (2023) Distributed task offloading and resource purchasing in noma-enabled mobile edge computing: hierarchical game theoretical approaches. ACM Trans Embed Comput Syst 23(1):1–28

    Article  Google Scholar 

  46. Zhang W, Luo J, Chen L, Liu J (2023) A trajectory prediction-based and dependency-aware container migration for mobile edge computing. IEEE Trans Serv Comput 16(5):3168–3181

    Article  Google Scholar 

Download references

Acknowledgements

This work has received funding from National Key Research and Development Program of China under Grant No.2021YFE0116900, National Natural Science Foundation of China (No. 42275157, 62002276 and 41975142).

Funding

This work has received funding from National Key Research and Development Program of China under Grant No.2021YFE0116900, National Natural Science Foundation of China (No. 42275157, 62002276 and 41975142).

Author information

Authors and Affiliations

Authors

Contributions

Qi Liu and Jiawei Sun gave the main idea of this paper. All authors took part in the discussion and the proposal of the work described in this paper. Jiawei Sun wrote the Introduction, Related work, and Method sections. Yonghong Zhang and Xiaodong Liu wrote the rest of sections. All authors reviewed the manuscript.

Corresponding author

Correspondence to Qi Liu.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare no competing interests.

Additional information

Publisher's Note

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

Rights and permissions

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

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Liu, Q., Sun, J., Zhang, Y. et al. DenMerD: a feature enhanced approach to radar beam blockage correction with edge-cloud computing. J Cloud Comp 13, 32 (2024). https://doi.org/10.1186/s13677-024-00607-x

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s13677-024-00607-x

Keywords