[go: up one dir, main page]

CN118608388A - Super-resolution reconstruction method of Fengyun-4 satellite images based on diffusion model - Google Patents

Super-resolution reconstruction method of Fengyun-4 satellite images based on diffusion model Download PDF

Info

Publication number
CN118608388A
CN118608388A CN202410952361.XA CN202410952361A CN118608388A CN 118608388 A CN118608388 A CN 118608388A CN 202410952361 A CN202410952361 A CN 202410952361A CN 118608388 A CN118608388 A CN 118608388A
Authority
CN
China
Prior art keywords
resolution
image
diffusion
super
diffusion model
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Pending
Application number
CN202410952361.XA
Other languages
Chinese (zh)
Inventor
刘天玮
袁操
闵卓
蒋飞
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Wuhan Polytechnic University
Original Assignee
Wuhan Polytechnic University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Wuhan Polytechnic University filed Critical Wuhan Polytechnic University
Priority to CN202410952361.XA priority Critical patent/CN118608388A/en
Publication of CN118608388A publication Critical patent/CN118608388A/en
Pending legal-status Critical Current

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T3/00Geometric image transformations in the plane of the image
    • G06T3/40Scaling of whole images or parts thereof, e.g. expanding or contracting
    • G06T3/4053Scaling of whole images or parts thereof, e.g. expanding or contracting based on super-resolution, i.e. the output image resolution being higher than the sensor resolution
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/0464Convolutional networks [CNN, ConvNet]
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T3/00Geometric image transformations in the plane of the image
    • G06T3/40Scaling of whole images or parts thereof, e.g. expanding or contracting
    • G06T3/4046Scaling of whole images or parts thereof, e.g. expanding or contracting using neural networks

Landscapes

  • Engineering & Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Theoretical Computer Science (AREA)
  • General Physics & Mathematics (AREA)
  • Artificial Intelligence (AREA)
  • Evolutionary Computation (AREA)
  • Data Mining & Analysis (AREA)
  • Computational Linguistics (AREA)
  • Biophysics (AREA)
  • Biomedical Technology (AREA)
  • General Health & Medical Sciences (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • General Engineering & Computer Science (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Health & Medical Sciences (AREA)
  • Image Processing (AREA)

Abstract

本发明属于计算机视觉中的卫星图像超分辨率领域,公开了一种基于扩散模型的风云四号卫星图像超分辨率重建方法,本发明示例的技术方案,包括对卫星图像进行预处理;构建包含一个GCU‑UNet网络和一个SISR Diff扩散模型的SSISR‑DM预测‑去噪架构;SSISR‑DM的整体框架包含潜状态生成阶段和反向扩散阶段两个阶段,通过本方法,通过在去噪扩散模型的基础上引入噪声预测阶段,将复杂任务分摊成两个部分,减少了去噪步骤,能够提高图像细节和清晰度,降低计算复杂度,从而提高模型的处理速度以及稳定性和鲁棒性。

The present invention belongs to the field of satellite image super-resolution in computer vision, and discloses a method for super-resolution reconstruction of Fengyun-4 satellite images based on a diffusion model. The technical solution exemplified by the present invention comprises preprocessing satellite images; constructing an SSISR-DM prediction-denoising architecture comprising a GCU-UNet network and a SISR Diff diffusion model; the overall framework of SSISR-DM comprises two stages, a latent state generation stage and a reverse diffusion stage. Through the present method, a noise prediction stage is introduced on the basis of a denoising diffusion model, so that a complex task is divided into two parts, the denoising steps are reduced, the image details and clarity can be improved, the computational complexity can be reduced, and thus the processing speed, stability and robustness of the model are improved.

Description

基于扩散模型的风云四号卫星图像超分辨率重建方法Super-resolution reconstruction method of Fengyun-4 satellite images based on diffusion model

技术领域Technical Field

本发明属于计算机视觉中的卫星图像超分辨率领域,具体涉及基于扩散模型的风云四号卫星图像超分辨率重建方法。The present invention belongs to the field of satellite image super-resolution in computer vision, and in particular relates to a Fengyun-4 satellite image super-resolution reconstruction method based on a diffusion model.

背景技术Background Art

基于插值的方法是超分辨率领域的经典方法,通过在现有像素之间插入新的像素来实现图像分辨率的提升。常见的插值算法包括双线性插值、双三次插值和样条插值等。双线性插值综合考虑临近四个像素的值,利用相邻像素的线性加权平均值生成新像素,计算简单且速度较快,但细节和纹理损失较多;双三次插值则考虑了更大范围的像素,并使用三次多项式进行插值,能产生更平滑、更自然的图像效果,但仍存在边缘模糊和伪影;样条插值基于样条函数的平滑性,进一步提升图像质量。这些基于插值的方法由于计算效率高、实现简单,在许多实际应用中广泛使用,但其生成的图像细节往往不如基于学习的方法丰富。Interpolation-based methods are classic methods in the field of super-resolution, which improve image resolution by inserting new pixels between existing pixels. Common interpolation algorithms include bilinear interpolation, bicubic interpolation, and spline interpolation. Bilinear interpolation comprehensively considers the values of four adjacent pixels and generates new pixels using the linear weighted average of adjacent pixels. It is simple to calculate and fast, but it loses more details and textures. Bicubic interpolation considers a larger range of pixels and uses cubic polynomials for interpolation, which can produce smoother and more natural image effects, but there are still blurred edges and artifacts. Spline interpolation is based on the smoothness of spline functions to further improve image quality. These interpolation-based methods are widely used in many practical applications due to their high computational efficiency and simple implementation, but the details of the images they generate are often not as rich as those of learning-based methods.

基于重建的方法旨在从低分辨率图像中重建出高分辨率图像,强调细节和纹理的恢复。这类方法通过结合图像退化模型和先验知识,利用多帧图像信息或通过优化过程,恢复出具有更高分辨率的图像。典型的重建方法包括基于正则化的超分辨率(如稀疏表示和总变分正则化)和基于字典学习的方法。这些方法通过解决逆问题,迭代地重建出高分辨率图像,相较于插值方法,能更好地恢复图像的边缘和细节,减少模糊和伪影。但其计算复杂度较高,对算法设计和先验模型的依赖性也更强。Reconstruction-based methods aim to reconstruct high-resolution images from low-resolution images, emphasizing the restoration of details and textures. These methods restore images with higher resolution by combining image degradation models and prior knowledge, using multi-frame image information or through an optimization process. Typical reconstruction methods include regularization-based super-resolution (such as sparse representation and total variation regularization) and dictionary learning-based methods. These methods iteratively reconstruct high-resolution images by solving inverse problems. Compared with interpolation methods, they can better restore the edges and details of the image and reduce blur and artifacts. However, their computational complexity is high and they are more dependent on algorithm design and prior models.

SRCNN(Super-Resolution Convolutional Neural Network)是一种用于图像超分辨率的深度学习模型。该网络通过端到端的训练,从低分辨率图像中恢复出高分辨率图像。SRCNN由三层卷积层组成:第一个卷积层用于特征提取,第二个卷积层用于非线性映射,第三个卷积层用于重建高分辨率图像。与传统方法相比,SRCNN具有更高的恢复质量和更快的处理速度,广泛应用于图像增强、医疗成像、卫星图像处理等领域。其简单高效的架构使其成为图像超分辨率任务中的一个基准模型。SRCNN (Super-Resolution Convolutional Neural Network) is a deep learning model for image super-resolution. The network recovers high-resolution images from low-resolution images through end-to-end training. SRCNN consists of three convolutional layers: the first convolutional layer is used for feature extraction, the second convolutional layer is used for nonlinear mapping, and the third convolutional layer is used to reconstruct high-resolution images. Compared with traditional methods, SRCNN has higher restoration quality and faster processing speed, and is widely used in image enhancement, medical imaging, satellite image processing and other fields. Its simple and efficient architecture makes it a benchmark model in image super-resolution tasks.

ESPCN(Efficient Sub-Pixel Convolutional Neural Network)是一种用于图像超分辨率的深度学习模型,其特点是通过亚像素卷积层(Sub-Pixel Convolution Layer)实现高效的上采样。与传统的插值方法不同,ESPCN在低分辨率图像上进行卷积操作,并在最后一层通过亚像素卷积将低分辨率特征图直接转换为高分辨率图像。这种方法不仅提高了计算效率,还减少了内存消耗,同时实现了高质量的图像重建。ESPCN在超分辨率任务中表现优异,广泛应用于视频处理、监控成像、卫星图像增强等领域。ESPCN (Efficient Sub-Pixel Convolutional Neural Network) is a deep learning model for image super-resolution, which is characterized by efficient upsampling through sub-pixel convolution layer. Unlike traditional interpolation methods, ESPCN performs convolution operations on low-resolution images and directly converts low-resolution feature maps into high-resolution images through sub-pixel convolution in the last layer. This method not only improves computational efficiency, but also reduces memory consumption while achieving high-quality image reconstruction. ESPCN performs well in super-resolution tasks and is widely used in video processing, surveillance imaging, satellite image enhancement and other fields.

SRGAN(Super-Resolution Generative Adversarial Network)是一种基于生成对抗网络(GAN)的图像超分辨率模型。它通过生成器和判别器的对抗训练,从低分辨率图像生成高分辨率图像。生成器负责从低分辨率图像生成逼真的高分辨率图像,而判别器则评估图像的真实性,促使生成器生成更高质量的图像。SRGAN的创新之处在于引入了感知损失(Perceptual Loss),通过对比生成图像与高分辨率真实图像在预训练卷积神经网络中的特征差异,提升了图像的细节和视觉效果。SRGAN在图像增强、医疗成像、卫星图像处理等领域表现出色。SRGAN (Super-Resolution Generative Adversarial Network) is an image super-resolution model based on generative adversarial networks (GAN). It generates high-resolution images from low-resolution images through adversarial training of the generator and the discriminator. The generator is responsible for generating realistic high-resolution images from low-resolution images, while the discriminator evaluates the authenticity of the image, prompting the generator to generate higher-quality images. The innovation of SRGAN lies in the introduction of perceptual loss, which improves the details and visual effects of the image by comparing the feature differences between the generated image and the high-resolution real image in the pre-trained convolutional neural network. SRGAN performs well in image enhancement, medical imaging, satellite image processing and other fields.

以上三类超分辨率算法在对卫星图像进行超分辨率处理时都一定缺陷,基于插值的方法重建后的图像存在明显的边缘模糊和细节缺失,放大因子越大,效果越差。基于重建的方法效果好但计算复杂度高,速度慢,对数据规模和硬件要求高。基于学习的方法尽管效果提升显著,但大多数高效的重建方法计算复杂度高,依赖大量高质量训练数据,且对硬件要求高,尤其是需要高性能的GPU或专用硬件支持,模型训练难度大,其中生成对抗网络(GAN)等复杂模型在训练过程中容易出现不稳定现象,导致重建效果不一致。The above three types of super-resolution algorithms all have certain defects when performing super-resolution processing on satellite images. The images reconstructed by the interpolation-based method have obvious edge blurring and missing details. The larger the magnification factor, the worse the effect. The reconstruction-based method has good results but high computational complexity, slow speed, and high requirements for data scale and hardware. Although the learning-based method has significantly improved the effect, most efficient reconstruction methods have high computational complexity, rely on a large amount of high-quality training data, and have high hardware requirements, especially high-performance GPUs or dedicated hardware support. Model training is difficult, and complex models such as generative adversarial networks (GANs) are prone to instability during training, resulting in inconsistent reconstruction results.

另外,风云四号气象卫星在通道6、7上缺少1KM的图像,在可见光通道1KM的数据中采集的图像时间间隔为1小时,缺少用于精准预测的气象数据。In addition, the Fengyun-4 meteorological satellite lacks 1KM images on channels 6 and 7. The image time interval collected in the 1KM data of the visible light channel is 1 hour, and there is a lack of meteorological data for accurate prediction.

发明内容Summary of the invention

由于风云四号气象卫星在通道6、7上缺少1KM的图像,在可见光通道1KM的数据中采集的图像时间间隔为1小时,缺少用于精准预测的气象数据,并且针对卫星图像超分辨率现有技术的缺陷,本发明的目的在于提出一种基于扩散模型的风云四号卫星图像超分辨率重建方法,以提高图像细节和清晰度,降低计算复杂度,从而提高模型的处理速度以及稳定性和鲁棒性。Since the Fengyun-4 meteorological satellite lacks 1KM images on channels 6 and 7, the image time interval collected in the 1KM data of the visible light channel is 1 hour, there is a lack of meteorological data for accurate prediction, and in view of the defects of the existing technology of satellite image super-resolution, the purpose of the present invention is to propose a Fengyun-4 satellite image super-resolution reconstruction method based on a diffusion model to improve image details and clarity, reduce computational complexity, and thus improve the processing speed as well as the stability and robustness of the model.

本基于扩散模型的风云四号卫星图像超分辨率重建方法解决其技术问题所采用的技术方案为:The technical solution adopted by this method of super-resolution reconstruction of Fengyun-4 satellite images based on diffusion model to solve its technical problems is:

提供了基于扩散模型的风云四号卫星图像超分辨率重建方法,包括:A super-resolution reconstruction method for Fengyun-4 satellite images based on a diffusion model is provided, including:

对卫星图像进行预处理;Preprocess satellite images;

构建包含一个GCU-UNet网络和一个SISR Diff扩散模型的SSISR-DM预测-去噪架构;Construct an SSISR-DM prediction-denoising architecture consisting of a GCU-UNet network and a SISR Diff diffusion model;

SSISR-DM的整体框架包含潜状态生成阶段和反向扩散阶段两个阶段:The overall framework of SSISR-DM includes two stages: latent state generation stage and reverse diffusion stage:

第一阶段基于的是一个加入注意力机制的U-Net网络,目的是得到HR图像扩散过程中的中间隐状态,同时加入一个几何校正上采样模块,用以解决地球曲率和卫星传感器引起的几何畸变问题并快速提升卫星图像的分辨率;The first stage is based on a U-Net network with an attention mechanism to obtain the intermediate hidden states during the diffusion process of the HR image. At the same time, a geometric correction upsampling module is added to solve the geometric distortion caused by the earth curvature and satellite sensors and quickly improve the resolution of satellite images.

第二阶段则基于去噪扩散概率模型,使用提前训练好的U-Net网络,通过反向扩散过程从第一阶段生成的中间隐状态中获得HR图像。The second stage is based on the denoising diffusion probability model and uses the pre-trained U-Net network to obtain the HR image from the intermediate hidden state generated in the first stage through the back diffusion process.

进一步的,所述的GCU-UNet网络是在UNet网络的基础上加入了一个GCU几何校正上采样模块,其结构借鉴亚像素卷积层的理念,通过复制和卷积低分辨率图像得到高分辨率图像。Furthermore, the GCU-UNet network adds a GCU geometric correction upsampling module on the basis of the UNet network. Its structure draws on the concept of sub-pixel convolutional layer and obtains high-resolution images by copying and convolving low-resolution images.

进一步的,具体的,所述的GCU几何校正上采样模块通过将LR图像复制五份分别进行卷积,然后重构并填充四个边缘和中心像素点,即可得到由单个像素点特征得来的4X4的像素块。Furthermore, specifically, the GCU geometric correction upsampling module can obtain a 4X4 pixel block obtained from the features of a single pixel by replicating the LR image five times and performing convolution on each of them, and then reconstructing and filling four edge and center pixels.

进一步的,所述的SISR Diff扩散模型是在DDPM的基础上引入部分去噪概念得到,其中UNet网络是用于预测扩散步骤前一步与后一步的差值,即噪声。Furthermore, the SISR Diff diffusion model is obtained by introducing the concept of partial denoising on the basis of DDPM, wherein the UNet network is used to predict the difference between the previous step and the next step of the diffusion step, that is, the noise.

进一步的,所述的SISR Diff扩散模型中噪声曲线的设计选择呈二次函数增长的噪声系数。Furthermore, the noise coefficient in the SISR Diff diffusion model is designed to grow as a quadratic function.

与现有技术相比,本发明的有益效果为:Compared with the prior art, the present invention has the following beneficial effects:

1、本发明示例的基于扩散模型的风云四号卫星图像超分辨率重建方法,本研究是将SR任务分摊成两部分,既发挥了前一部分在预测图像在整体特征和速度上的优势,又发挥了扩散模型生成细节的多样性和对噪声的鲁棒性,从而降低了训练难度,提升了综合效率。1. The super-resolution reconstruction method of Fengyun-4 satellite image based on diffusion model exemplified in the present invention divides the SR task into two parts, which not only takes advantage of the former part in predicting the overall characteristics and speed of the image, but also takes advantage of the diversity of details generated by the diffusion model and its robustness to noise, thereby reducing the difficulty of training and improving the overall efficiency.

2、本发明示例的基于扩散模型的风云四号卫星图像超分辨率重建方法,通过GCU-UNet网络,解决了由地球曲率和传感器姿态变化引起的几何畸变问题,确保了重建图像的准确性和细节还原能力,与ESPCN相比,这一部分的目标是高分辨率噪声而非直接的HR图像,因而只需保留LR图像的有效性息并得到近似结果即可。2. The diffusion model-based super-resolution reconstruction method of the Fengyun-4 satellite image in the example of the present invention solves the geometric distortion problem caused by the earth curvature and sensor posture changes through the GCU-UNet network, ensuring the accuracy and detail restoration ability of the reconstructed image. Compared with ESPCN, the target of this part is high-resolution noise rather than direct HR images, so it is only necessary to retain the validity information of the LR image and obtain approximate results.

3、本发明示例的基于扩散模型的风云四号卫星图像超分辨率重建方法,上采样后HR图像相应位置的像素点特征与对应LR图像该像素点及其周围高度相关,因此通过划分各组卷积核感受野的范围并加以区分,使其能够负责生成固定位置的像素点。与ESPCN中的亚像素卷积层相比,进一步降低了参数量,保留了尽可能多的LR图片特征。3. In the method for super-resolution reconstruction of Fengyun-4 satellite images based on the diffusion model in the example of the present invention, the pixel features of the corresponding position of the HR image after upsampling are highly correlated with the pixel and its surroundings of the corresponding LR image. Therefore, by dividing the range of the receptive field of each group of convolution kernels and distinguishing them, it can be responsible for generating pixels at fixed positions. Compared with the sub-pixel convolution layer in ESPCN, the number of parameters is further reduced, and as many LR image features as possible are retained.

4、本发明示例的基于扩散模型的风云四号卫星图像超分辨率重建方法,通过SISRDiff扩散模型,减少了去噪步骤,显著降低了计算复杂度。4. The diffusion model-based super-resolution reconstruction method for Fengyun-4 satellite images illustrated in the present invention reduces the denoising steps and significantly reduces the computational complexity through the SISRDiff diffusion model.

5、本发明示例的基于扩散模型的风云四号卫星图像超分辨率重建方法,二次函数相对于平方根函数的测试集误差比更低,有效抑制了过拟合的现象。5. In the FY-4 satellite image super-resolution reconstruction method based on the diffusion model exemplified in the present invention, the quadratic function has a lower test set error ratio than the square root function, which effectively suppresses the overfitting phenomenon.

附图说明BRIEF DESCRIPTION OF THE DRAWINGS

通过阅读参照以下附图所作的对非限制性实施例所作的详细描述,本申请的其它特征、目的和优点将会变得更明显:Other features, objects and advantages of the present application will become more apparent by reading the detailed description of non-limiting embodiments made with reference to the following drawings:

图1是本发明的SSISR-DM的整体框架示意图;FIG1 is a schematic diagram of the overall framework of the SSISR-DM of the present invention;

图2是本发明的GCU模块结构示意图;FIG2 is a schematic diagram of the GCU module structure of the present invention;

图3是本发明的GCU-UNet网络结构示意图;FIG3 is a schematic diagram of the GCU-UNet network structure of the present invention;

图4是本发明的SSISR-DM方法的工作流程示意图。FIG. 4 is a schematic diagram of the workflow of the SSISR-DM method of the present invention.

具体实施方式DETAILED DESCRIPTION

下面结合附图和实施例对本申请作进一步的详细说明。可以理解的是,此处所描述的具体实施例仅仅用于解释相关发明,而非对该发明的限定。另外还需要说明的是,为了便于描述,附图中仅示出了与发明相关的部分。The present application will be further described in detail below in conjunction with the accompanying drawings and embodiments. It is to be understood that the specific embodiments described herein are only used to explain the relevant inventions, rather than to limit the inventions. It should also be noted that, for ease of description, only the parts related to the invention are shown in the accompanying drawings.

需要说明的是,在不冲突的情况下,本申请中的实施例及实施例中的特征可以相互组合。下面将参考附图并结合实施例来详细说明本申请。It should be noted that, in the absence of conflict, the embodiments and features in the embodiments of the present application can be combined with each other. The present application will be described in detail below with reference to the accompanying drawings and in combination with the embodiments.

实施例一:Embodiment 1:

如图1所示,本实施例提供了基于扩散模型的风云四号卫星图像超分辨率重建方法,包括:As shown in FIG1 , this embodiment provides a method for super-resolution reconstruction of Fengyun-4 satellite images based on a diffusion model, including:

对卫星图像进行预处理;Preprocess satellite images;

构建包含一个GCU-UNet网络和一个SISR Diff扩散模型的SSISR-DM预测-去噪架构;Construct an SSISR-DM prediction-denoising architecture consisting of a GCU-UNet network and a SISR Diff diffusion model;

SSISR-DM的整体框架包含潜状态生成阶段和反向扩散阶段两个阶段:The overall framework of SSISR-DM includes two stages: latent state generation stage and reverse diffusion stage:

第一阶段基于的是一个加入注意力机制的U-Net网络,目的是得到HR图像扩散过程中的中间隐状态,同时加入一个几何校正上采样模块,用以解决地球曲率和卫星传感器引起的几何畸变问题并快速提升卫星图像的分辨率;The first stage is based on a U-Net network with an attention mechanism to obtain the intermediate hidden states during the diffusion process of the HR image. At the same time, a geometric correction upsampling module is added to solve the geometric distortion caused by the earth curvature and satellite sensors and quickly improve the resolution of satellite images.

第二阶段则基于去噪扩散概率模型,使用提前训练好的U-Net网络,通过反向扩散过程从第一阶段生成的中间隐状态中获得HR图像。The second stage is based on the denoising diffusion probability model and uses the pre-trained U-Net network to obtain the HR image from the intermediate hidden state generated in the first stage through the back diffusion process.

本实施例中,所述的GCU-UNet网络是在UNet网络的基础上加入了一个GCU几何校正上采样模块,其结构借鉴亚像素卷积层的理念,通过复制和卷积低分辨率图像得到高分辨率图像。In this embodiment, the GCU-UNet network adds a GCU geometric correction upsampling module on the basis of the UNet network. Its structure draws on the concept of sub-pixel convolution layer and obtains a high-resolution image by copying and convolving a low-resolution image.

本实施例中,具体的,所述的GCU几何校正上采样模块,如图2所示的GCU模块结构示意图,图2中不同颜色代表不同卷积后的LR图像,通过将LR图像复制成如图所示的五份分别进行卷积,然后将五分图像重构并分别填充所示的四个边缘和中心像素点,即可得到由单个像素点特征得来的4X4的像素块。In this embodiment, specifically, the GCU geometric correction upsampling module is a schematic diagram of the GCU module structure as shown in Figure 2. Different colors in Figure 2 represent LR images after different convolutions. The LR image is copied into five parts as shown in the figure and convolved separately, and then the five-part image is reconstructed and filled with the four edge and center pixels shown, respectively, to obtain a 4X4 pixel block obtained from the features of a single pixel.

本实施例中,所述的SISR Diff扩散模型是在DDPM的基础上引入部分去噪概念得到,其中UNet网络是用于预测扩散步骤前一步与后一步的差值,即噪声。In this embodiment, the SISR Diff diffusion model is obtained by introducing the concept of partial denoising on the basis of DDPM, wherein the UNet network is used to predict the difference between the previous step and the next step of the diffusion step, that is, the noise.

本实施例中,所述的SISR Diff扩散模型中噪声曲线的设计选择呈二次函数增长的噪声系数。In this embodiment, the noise coefficient that grows as a quadratic function is selected for the design of the noise curve in the SISR Diff diffusion model.

通过本发明,利用基于扩散模型的风云四号卫星图像超分辨率重建方法,实现了从32×32的低分辨率图像到128×128的高分辨率图像的超分辨率重建,重建的图像具有更多的细节和更高的清晰度,有助于捕捉卫星影像中细微的地表和大气特征,通过实验验证,该方法在均方误差(RMSE)、峰值信噪比(PSNR)、结构相似性指数(SSIM)和空间相关系数(CC)等指标上优于传统方法,本发明利用扩散模型的预测-去噪架构,通过先生成高分辨率噪声图像,再通过去噪过程还原成高分辨率图像,这种方法有效处理了一对多映射问题,实验结果表明,改进后的SISR-DM模型在RMSE、PSNR和CC等指标上相较于双线性插值有显著提升,说明重建图像更加清晰、细节更多,通过在去噪扩散模型的基础上引入噪声预测阶段,将复杂任务分摊成两个部分,减少了去噪步骤,显著降低了计算复杂度,针对卫星图像超分辨率问题的特点设计了一个具有几何校正功能的上采样模块(GCU),通过复制和卷积低分辨率图像特征图,生成高分辨率图像,进一步提高了模型的训练速度和重建效果,通过亚像素卷积层结构解决了地球曲率和卫星传感器引起的几何畸变问题,在气象预测、环境保护、城市规划、灾害监测等领域具有广泛的应用前景和商业价值,同时在调整噪声系数的变化曲线时,选择二次函数与平方根函数进行对比试验,在总噪声比例都在0.54附近时,经过1100轮迭代,平方根函数的测试集误差比训练集高7个百分点,二次函数则只高2个百分点,因此将原本呈一次函数增长的噪声系数改为了呈二次函数增长,有效抑制了过拟合的现象,并且在使用UNet网络预测噪声的过程中,本发明加入低分辨图像作为条件,有效提升了噪声预测的精度。Through the present invention, the super-resolution reconstruction method of Fengyun-4 satellite images based on the diffusion model is used to achieve super-resolution reconstruction from 32×32 low-resolution images to 128×128 high-resolution images. The reconstructed images have more details and higher clarity, which is helpful to capture subtle surface and atmospheric features in satellite images. Experimental verification shows that this method is superior to traditional methods in terms of indicators such as mean square error (RMSE), peak signal-to-noise ratio (PSNR), structural similarity index (SSIM) and spatial correlation coefficient (CC). The present invention uses the prediction-denoising architecture of the diffusion model to first generate a high-resolution noise image and then restore it to a high-resolution image through a denoising process. This method effectively handles the one-to-many mapping problem. Experimental results show that the improved SISR-DM model has significant improvements in indicators such as RMSE, PSNR and CC compared with bilinear interpolation, indicating that the reconstructed image is clearer and has more details. By introducing the noise prediction stage on the basis of the denoising diffusion model, the complex task is divided into two parts, reducing the denoising process. The invention adopts a method for super-resolution satellite image processing and a method for super-resolution satellite image. The method can significantly reduce the computational complexity. A GCU with a geometric correction function is designed according to the characteristics of the satellite image super-resolution problem. The high-resolution image is generated by copying and convolving the low-resolution image feature map, thereby further improving the training speed and reconstruction effect of the model. The geometric distortion problem caused by the earth curvature and the satellite sensor is solved through the sub-pixel convolution layer structure. The method has broad application prospects and commercial value in the fields of meteorological forecasting, environmental protection, urban planning, disaster monitoring, etc. At the same time, when adjusting the change curve of the noise coefficient, a quadratic function and a square root function are selected for comparative tests. When the total noise ratio is around 0.54, after 1100 iterations, the test set error of the square root function is 7 percentage points higher than that of the training set, while the quadratic function is only 2 percentage points higher. Therefore, the noise coefficient that originally grows as a linear function is changed to grow as a quadratic function, which effectively suppresses the overfitting phenomenon. In addition, in the process of using the UNet network to predict noise, the invention adds a low-resolution image as a condition, which effectively improves the accuracy of noise prediction.

以上描述仅为本申请的较佳实施例以及对所运用技术原理的说明。本领域技术人员应当理解,本申请中所涉及的发明范围,并不限于上述技术特征的特定组合而成的技术方案,同时也应涵盖在不脱离所述发明构思的情况下,由上述技术特征或其等同特征进行任意组合而形成的其它技术方案。例如上述特征与本申请中公开的(但不限于)具有类似功能的技术特征进行互相替换而形成的技术方案。The above description is only a preferred embodiment of the present application and an explanation of the technical principles used. Those skilled in the art should understand that the scope of the invention involved in the present application is not limited to the technical solution formed by a specific combination of the above technical features, but should also cover other technical solutions formed by any combination of the above technical features or their equivalent features without departing from the inventive concept. For example, the above features are replaced with the technical features with similar functions disclosed in this application (but not limited to) by each other.

除说明书所述的技术特征外,其余技术特征为本领域技术人员的已知技术,为突出本发明的创新特点,其余技术特征在此不再赘述。Except for the technical features described in the specification, the remaining technical features are known technologies to those skilled in the art. In order to highlight the innovative features of the present invention, the remaining technical features will not be described here in detail.

Claims (5)

1. A wind cloud number four satellite image super-resolution reconstruction method based on a diffusion model is characterized by comprising the following steps:
Preprocessing the satellite image;
Constructing a SSISR-DM prediction-denoising architecture comprising a GCU-UNet network and a SISR Diff diffusion model;
the overall framework of SSISR-DM contains two phases, the latent state generation phase and the back diffusion phase:
The first stage is based on a U-Net network added with an attention mechanism, and aims to obtain an intermediate hidden state in the HR image diffusion process, and a geometric correction up-sampling module is added at the same time, so that the problems of the earth curvature and geometric distortion caused by a satellite sensor are solved, and the resolution of a satellite image is rapidly improved;
and the second stage is based on a denoising diffusion probability model, and an HR image is obtained from the intermediate hidden state generated in the first stage through a back diffusion process by using a U-Net network trained in advance.
2. The wind cloud number four satellite image super-resolution reconstruction method based on the diffusion model according to claim 1, wherein the GCU-UNet network is characterized in that a GCU geometric correction up-sampling module is added on the basis of the UNet network, the structure of the GCU geometric correction up-sampling module is used for referencing the concept of a sub-pixel convolution layer, and a high-resolution image is obtained by copying and convoluting a low-resolution image.
3. The method for reconstructing the wind cloud number four satellite image super-resolution based on the diffusion model according to claim 2, wherein the GCU geometric correction up-sampling module is specifically configured to obtain a 4X4 pixel block obtained by single pixel point features by copying five LR images, respectively convoluting, and then reconstructing and filling four edge and center pixel points.
4. The method for reconstructing the super-resolution of the wind cloud number four satellite image based on the diffusion model according to claim 1, wherein the SISR Diff diffusion model is obtained by introducing a partial denoising concept on the basis of DDPM, and wherein the UNet network is used for predicting the difference between the previous step and the next step of the diffusion step, namely noise.
5. The method for super-resolution reconstruction of a wind cloud number four satellite image based on a diffusion model according to claim 4, wherein the noise figure growing as a quadratic function is selected from the design of a noise curve in the SISR Diff diffusion model.
CN202410952361.XA 2024-07-16 2024-07-16 Super-resolution reconstruction method of Fengyun-4 satellite images based on diffusion model Pending CN118608388A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN202410952361.XA CN118608388A (en) 2024-07-16 2024-07-16 Super-resolution reconstruction method of Fengyun-4 satellite images based on diffusion model

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN202410952361.XA CN118608388A (en) 2024-07-16 2024-07-16 Super-resolution reconstruction method of Fengyun-4 satellite images based on diffusion model

Publications (1)

Publication Number Publication Date
CN118608388A true CN118608388A (en) 2024-09-06

Family

ID=92561338

Family Applications (1)

Application Number Title Priority Date Filing Date
CN202410952361.XA Pending CN118608388A (en) 2024-07-16 2024-07-16 Super-resolution reconstruction method of Fengyun-4 satellite images based on diffusion model

Country Status (1)

Country Link
CN (1) CN118608388A (en)

Cited By (2)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN118761910A (en) * 2024-09-09 2024-10-11 南方海洋科学与工程广东省实验室(珠海) A method, device and electronic equipment for spatial downscaling of ocean surface temperature
CN118864255A (en) * 2024-09-26 2024-10-29 临沂大学 A lightweight image super-resolution learning method based on diffusion model

Cited By (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN118761910A (en) * 2024-09-09 2024-10-11 南方海洋科学与工程广东省实验室(珠海) A method, device and electronic equipment for spatial downscaling of ocean surface temperature
CN118761910B (en) * 2024-09-09 2024-12-03 南方海洋科学与工程广东省实验室(珠海) A method, device and electronic device for spatial downscaling of ocean surface temperature
CN118864255A (en) * 2024-09-26 2024-10-29 临沂大学 A lightweight image super-resolution learning method based on diffusion model

Similar Documents

Publication Publication Date Title
CN110033410B (en) Image reconstruction model training method, image super-resolution reconstruction method and device
CN108122197B (en) Image super-resolution reconstruction method based on deep learning
CN113139898B (en) Super-resolution reconstruction method of light field image based on frequency domain analysis and deep learning
CN101299235B (en) A Face Super-Resolution Reconstruction Method Based on Kernel Principal Component Analysis
CN110119780A (en) Based on the hyperspectral image super-resolution reconstruction method for generating confrontation network
CN118608388A (en) Super-resolution reconstruction method of Fengyun-4 satellite images based on diffusion model
CN108805814A (en) Image Super-resolution Reconstruction method based on multiband depth convolutional neural networks
CN112001843B (en) A deep learning-based infrared image super-resolution reconstruction method
CN104899835B (en) Image Super-resolution processing method based on blind blur estimation and anchoring space mapping
CN113222825B (en) Infrared image super-resolution reconstruction method based on visible light image training and application
CN113744134B (en) Hyperspectral image super-resolution method based on spectral unmixing convolutional neural network
CN109035146A (en) A kind of low-quality image oversubscription method based on deep learning
CN108416736B (en) Image super-resolution reconstruction method based on secondary anchor point neighborhood regression
CN112529776A (en) Training method of image processing model, image processing method and device
CN103020905B (en) For the sparse constraint adaptive N LM super resolution ratio reconstruction method of character image
CN109559278B (en) Super-resolution image reconstruction method and system based on multi-feature learning
CN118230131A (en) Image recognition and target detection method
CN118071613A (en) A gray and color image fusion method based on Laplacian pyramid and self-attention mechanism
CN117422620A (en) Infrared image super-resolution reconstruction method oriented to real scene based on deep learning
CN112785502A (en) Light field image super-resolution method of hybrid camera based on texture migration
CN114022362B (en) An image super-resolution method based on pyramid attention mechanism and symmetric network
Yuan et al. Unsupervised real image super-resolution via knowledge distillation network
CN110111254B (en) Depth map super-resolution method based on multi-stage recursive guidance and progressive supervision
Sun et al. A rapid and accurate infrared image super-resolution method based on zoom mechanism
CN114359039A (en) Image Super-Segmentation Method Based on Knowledge Distillation

Legal Events

Date Code Title Description
PB01 Publication
PB01 Publication
SE01 Entry into force of request for substantive examination
SE01 Entry into force of request for substantive examination