With increasingly more smart cameras deployed in infrastructure and commercial buildings,3D reconstruction can quickly obtain cities’information and improve the efficiency of government services.Images collected in o...With increasingly more smart cameras deployed in infrastructure and commercial buildings,3D reconstruction can quickly obtain cities’information and improve the efficiency of government services.Images collected in outdoor hazy environments are prone to color distortion and low contrast;thus,the desired visual effect cannot be achieved and the difficulty of target detection is increased.Artificial intelligence(AI)solutions provide great help for dehazy images,which can automatically identify patterns or monitor the environment.Therefore,we propose a 3D reconstruction method of dehazed images for smart cities based on deep learning.First,we propose a fine transmission image deep convolutional regression network(FT-DCRN)dehazing algorithm that uses fine transmission image and atmospheric light value to compute dehazed image.The DCRN is used to obtain the coarse transmission image,which can not only expand the receptive field of the network but also retain the features to maintain the nonlinearity of the overall network.The fine transmission image is obtained by refining the coarse transmission image using a guided filter.The atmospheric light value is estimated according to the position and brightness of the pixels in the original hazy image.Second,we use the dehazed images generated by the FT-DCRN dehazing algorithm for 3D reconstruction.An advanced relaxed iterative fine matching based on the structure from motion(ARI-SFM)algorithm is proposed.The ARISFM algorithm,which obtains the fine matching corner pairs and reduces the number of iterations,establishes an accurate one-to-one matching corner relationship.The experimental results show that our FT-DCRN dehazing algorithm improves the accuracy compared to other representative algorithms.In addition,the ARI-SFM algorithm guarantees the precision and improves the efficiency.展开更多
We propose an end-to-end dehazing model based on deep learning(CNN network)and uses the dehazing model re-proposed by AOD-Net based on the atmospheric scattering model for dehazing.Compare to the previously proposed d...We propose an end-to-end dehazing model based on deep learning(CNN network)and uses the dehazing model re-proposed by AOD-Net based on the atmospheric scattering model for dehazing.Compare to the previously proposed dehazing network,the dehazing model proposed in this paper make use of the FPN network structure in the field of target detection,and uses five feature maps of different sizes to better obtain features of different proportions and different sub-regions.A large amount of experimental data proves that the dehazing model proposed in this paper is superior to previous dehazing technologies in terms of PSNR,SSIM,and subjective visual quality.In addition,it achieved a good performance in speed by using EfficientNet B0 as a feature extractor.We find that only using high-level semantic features can not effectively obtain all the information in the image.The FPN structure used in this paper can effectively integrate the high-level semantics and the low-level semantics,and can better take into account the global and local features.The five feature maps with different sizes are not simply weighted and fused.In order to keep all their information,we put them all together and get the final features through decode layers.At the same time,we have done a comparative experiment between ResNet with FPN and EfficientNet with BiFPN.It is proved that EfficientNet with BiFPN can obtain image features more efficiently.Therefore,EfficientNet with BiFPN is chosen as our network feature extraction.展开更多
The degradation of optical remote sensing images due to atmospheric haze poses a significant obstacle,profoundly impeding their effective utilization across various domains.Dehazing methodologies have emerged as pivot...The degradation of optical remote sensing images due to atmospheric haze poses a significant obstacle,profoundly impeding their effective utilization across various domains.Dehazing methodologies have emerged as pivotal components of image preprocessing,fostering an improvement in the quality of remote sensing imagery.This enhancement renders remote sensing data more indispensable,thereby enhancing the accuracy of target iden-tification.Conventional defogging techniques based on simplistic atmospheric degradation models have proven inadequate for mitigating non-uniform haze within remotely sensed images.In response to this challenge,a novel UNet Residual Attention Network(URA-Net)is proposed.This paradigmatic approach materializes as an end-to-end convolutional neural network distinguished by its utilization of multi-scale dense feature fusion clusters and gated jump connections.The essence of our methodology lies in local feature fusion within dense residual clusters,enabling the extraction of pertinent features from both preceding and current local data,depending on contextual demands.The intelligently orchestrated gated structures facilitate the propagation of these features to the decoder,resulting in superior outcomes in haze removal.Empirical validation through a plethora of experiments substantiates the efficacy of URA-Net,demonstrating its superior performance compared to existing methods when applied to established datasets for remote sensing image defogging.On the RICE-1 dataset,URA-Net achieves a Peak Signal-to-Noise Ratio(PSNR)of 29.07 dB,surpassing the Dark Channel Prior(DCP)by 11.17 dB,the All-in-One Network for Dehazing(AOD)by 7.82 dB,the Optimal Transmission Map and Adaptive Atmospheric Light For Dehazing(OTM-AAL)by 5.37 dB,the Unsupervised Single Image Dehazing(USID)by 8.0 dB,and the Superpixel-based Remote Sensing Image Dehazing(SRD)by 8.5 dB.Particularly noteworthy,on the SateHaze1k dataset,URA-Net attains preeminence in overall performance,yielding defogged images characterized by consistent visual quality.This underscores the contribution of the research to the advancement of remote sensing technology,providing a robust and efficient solution for alleviating the adverse effects of haze on image quality.展开更多
Due to the presence of turbid media, such as microdust and water vapor in the environment, outdoor pictures taken under hazy weather circumstances are typically degraded. To enhance the quality of such images, this wo...Due to the presence of turbid media, such as microdust and water vapor in the environment, outdoor pictures taken under hazy weather circumstances are typically degraded. To enhance the quality of such images, this work proposes a new hybrid λ2-λ0 penalty model for image dehazing. This model performs a weighted fusion of two distinct transmission maps, generated by imposing λ2 and λ0 norm penalties on the approximate regression coefficients of the transmission map. This approach effectively balances the sparsity and smoothness associated with the λ0 and λ2 norms, thereby optimizing the transmittance map. Specifically, when the λ2 norm is penalized in the model, an updated guided image is obtained after implementing λ0 penalty. The resulting optimization problem is effectively solved using the least square method and the alternating direction algorithm. The dehazing framework combines the advantages of λ2 and λ0 norms, enhancing sparse and smoothness, resulting in higher quality images with clearer details and preserved edges.展开更多
The visible-light imaging system used in military equipment is often subjected to severe weather conditions, such as fog, haze, and smoke, under complex lighting conditions at night that significantly degrade the acqu...The visible-light imaging system used in military equipment is often subjected to severe weather conditions, such as fog, haze, and smoke, under complex lighting conditions at night that significantly degrade the acquired images. Currently available image defogging methods are mostly suitable for environments with natural light in the daytime, but the clarity of images captured under complex lighting conditions and spatial changes in the presence of fog at night is not satisfactory. This study proposes an algorithm to remove night fog from single images based on an analysis of the statistical characteristics of images in scenes involving night fog. Color channel transfer is designed to compensate for the high attenuation channel of foggy images acquired at night. The distribution of transmittance is estimated by the deep convolutional network DehazeNet, and the spatial variation of atmospheric light is estimated in a point-by-point manner according to the maximum reflection prior to recover the clear image. The results of experiments show that the proposed method can compensate for the high attenuation channel of foggy images at night, remove the effect of glow from a multi-color and non-uniform ambient source of light, and improve the adaptability and visual effect of the removal of night fog from images compared with the conventional method.展开更多
In this paper,we propose an end-to-end cross-layer gated attention network(CLGA-Net)to directly restore fog-free images.Compared with the previous dehazing network,the dehazing model presented in this paper uses the s...In this paper,we propose an end-to-end cross-layer gated attention network(CLGA-Net)to directly restore fog-free images.Compared with the previous dehazing network,the dehazing model presented in this paper uses the smooth cavity convolution and local residual module as the feature extractor,combined with the channel attention mechanism,to better extract the restored features.A large amount of experimental data proves that the defogging model proposed in this paper is superior to previous defogging technologies in terms of structure similarity index(SSIM),peak signal to noise ratio(PSNR)and subjective visual quality.In order to improve the efficiency of decoding and encoding,we also describe a fusion residualmodule and conduct ablation experiments,which prove that the fusion residual is suitable for the dehazing problem.Therefore,we use fusion residual as a fixed module for encoding and decoding.In addition,we found that the traditional defogging model based on the U-net network may cause some information losses in space.We have achieved effective maintenance of low-level feature information through the cross-layer gating structure that better takes into account global and subtle features.We also present the application of our CLGA-Net in challenging scenarios where the best results in both quantity and quality can be obtained.Experimental results indicate that the present cross-layer gating module can be widely used in the same type of network.展开更多
Image dehazing is a rapidly progressing research concept to enhance image contrast and resolution in computer vision applications.Owing to severe air dispersion,fog,and haze over the environment,hazy images pose speci...Image dehazing is a rapidly progressing research concept to enhance image contrast and resolution in computer vision applications.Owing to severe air dispersion,fog,and haze over the environment,hazy images pose specific challenges during information retrieval.With the advances in the learning theory,most of the learning-based techniques,in particular,deep neural networks are used for single-image dehazing.The existing approaches are extremely computationally complex,and the dehazed images are suffered from color distortion caused by the over-saturation and pseudo-shadow phenomenon.However,the slow convergence rate during training and haze residual is the two demerits in the conventional image dehazing networks.This article proposes a new architecture“Atrous Convolution-based Residual Deep Convolutional Neural Network(CNN)”method with hybrid Spider Monkey-Particle Swarm Optimization for image dehazing.The large receptive field of atrous convolution extracts the global contextual information.The swarm based hybrid optimization is designed for tuning the neural network parameters during training.The experiments over the standard synthetic dataset images used in the proposed network recover clear output images free from distortion and halo effects.It is observed from the statistical analysis that Mean Square Error(MSE)decreases from 74.42 to 62.03 and Peak Signal to Noise Ratio(PSNR)increases from 22.53 to 28.82.The proposed method with hybrid optimization algorithm demonstrates a superior convergence rate and is a more robust than the current state-of-the-art techniques.展开更多
The captured outdoor images and videos may appear blurred due to haze,fog,and bad weather conditions.Water droplets or dust particles in the atmosphere cause the light to scatter,resulting in very limited scene discer...The captured outdoor images and videos may appear blurred due to haze,fog,and bad weather conditions.Water droplets or dust particles in the atmosphere cause the light to scatter,resulting in very limited scene discernibility and deterioration in the quality of the image captured.Currently,image dehazing has gainedmuch popularity because of its usability in a wide variety of applications.Various algorithms have been proposed to solve this ill-posed problem.These algorithms provide quite promising results in some cases,but they include undesirable artifacts and noise in haze patches in adverse cases.Some of these techniques take unrealistic processing time for high image resolution.In this paper,to achieve real-time halo-free dehazing,fast and effective single image dehazing we propose a simple but effective image restoration technique using multiple patches.It will improve the shortcomings of DCP and improve its speed and efficiency for high-resolution images.A coarse transmissionmap is estimated by using the minimumof different size patches.Then a cascaded fast guided filter is used to refine the transmission map.We introduce an efficient scaling technique for transmission map estimation,which gives an advantage of very low-performance degradation for a highresolution image.For performance evaluation,quantitative,qualitative and computational time comparisons have been performed,which provide quiet faithful results in speed,quality,and reliability of handling bright surfaces.展开更多
Images captured in hazy or foggy weather conditions can be seriously degraded by scattering of atmospheric particles,which reduces the contrast,changes the color,and makes the object features difficult to identify by ...Images captured in hazy or foggy weather conditions can be seriously degraded by scattering of atmospheric particles,which reduces the contrast,changes the color,and makes the object features difficult to identify by human vision and by some outdoor computer vision systems.Therefore image dehazing is an important issue and has been widely researched in the field of computer vision.The role of image dehazing is to remove the influence of weather factors in order to improve the visual effects of the image and provide benefit to post-processing.This paper reviews the main techniques of image dehazing that have been developed over the past decade.Firstly,we innovatively divide a number of approaches into three categories:image enhancement based methods,image fusion based methods and image restoration based methods.All methods are analyzed and corresponding sub-categories are introduced according to principles and characteristics.Various quality evaluation methods are then described,sorted and discussed in detail.Finally,research progress is summarized and future research directions are suggested.展开更多
In this paper,we propose a neoteric and high-efficiency single image dehazing algorithm via contrast enhancement which is called STRASS(Spatio-Temporal Retinex-Inspired by an Averaging of Stochastic Samples)dehazing,i...In this paper,we propose a neoteric and high-efficiency single image dehazing algorithm via contrast enhancement which is called STRASS(Spatio-Temporal Retinex-Inspired by an Averaging of Stochastic Samples)dehazing,it is realized by constructing an efficient high-pass filter to process haze images and taking the influence of human vision system into account in image dehazing principles.The novel high-pass filter works by getting each pixel using RSR and computes the average of the samples.Then the low-pass filter resulting from the minimum envelope in STRESS framework has been replaced by the average of the samples.The final dehazed image is yielded after iterations of the high-pass filter.STRASS can be run directly without any machine learning.Extensive experimental results on datasets prove that STRASS surpass the state-of-the-arts.Image dehazing can be applied in the field of printing and packaging,our method is of great significance for image pre-processing before printing.展开更多
As one of the most simple and effective single image dehazing methods, the dark channel prior(DCP) algorithm has been widely applied. However, the algorithm does not work for pixels similar to airlight(e.g., snowy gro...As one of the most simple and effective single image dehazing methods, the dark channel prior(DCP) algorithm has been widely applied. However, the algorithm does not work for pixels similar to airlight(e.g., snowy ground or a white wall), resulting in underestimation of the transmittance of some local scenes. To address that problem, we propose an image dehazing method by incorporating Markov random field(MRF) with the DCP. The DCP explicitly represents the input image observation in the MRF model obtained by the transmittance map. The key idea is that the sparsely distributed wrongly estimated transmittance can be corrected by properly characterizing the spatial dependencies between the neighboring pixels of the transmittances that are well estimated and those that are wrongly estimated. To that purpose, the energy function of the MRF model is designed. The estimation of the initial transmittance map is pixel-based using the DCP, and the segmentation on the transmittance map is employed to separate the foreground and background, thereby avoiding the block effect and artifacts at the depth discontinuity. Given the limited number of labels obtained by clustering, the smoothing term in the MRF model can properly smooth the transmittance map without an extra refinement filter. Experimental results obtained by using terrestrial and underwater images are given.展开更多
Inspired by eagle’s visual system,an eagle-vision-based object detection method for unmanned aerial vehicle(UAV)formation in hazy weather is proposed in this paper.To restore the hazy image,the values of atmospheric ...Inspired by eagle’s visual system,an eagle-vision-based object detection method for unmanned aerial vehicle(UAV)formation in hazy weather is proposed in this paper.To restore the hazy image,the values of atmospheric light and transmission are estimated on the basis of the signal processing mechanism of ON and OFF channels in eagle’s retina.Local features of the dehazed image are calculated according to the color antagonism mechanism and contrast sensitivity function of eagle’s visual system.A center-surround operation is performed to simulate the response of reception field.The final saliency map is generated by the Random Forest algorithm.Experimental results verify that the proposed method is capable to detect UAVs in hazy image and has superior performance over traditional methods.展开更多
This paper presents a trainable Generative Adversarial Network(GAN)-based end-to-end system for image dehazing,which is named the DehazeGAN.DehazeGAN can be used for edge computing-based applications,such as roadside ...This paper presents a trainable Generative Adversarial Network(GAN)-based end-to-end system for image dehazing,which is named the DehazeGAN.DehazeGAN can be used for edge computing-based applications,such as roadside monitoring.It adopts two networks:one is generator(G),and the other is discriminator(D).The G adopts the U-Net architecture,whose layers are particularly designed to incorporate the atmospheric scattering model of image dehazing.By using a reformulated atmospheric scattering model,the weights of the generator network are initialized by the coarse transmission map,and the biases are adaptively adjusted by using the previous round's trained weights.Since the details may be blurry after the fog is removed,the contrast loss is added to enhance the visibility actively.Aside from the typical GAN adversarial loss,the pixel-wise Mean Square Error(MSE)loss,the contrast loss and the dark channel loss are introduced into the generator loss function.Extensive experiments on benchmark images,the results of which are compared with those of several state-of-the-art methods,demonstrate that the proposed DehazeGAN performs better and is more effective.展开更多
Low visibility in foggy days results in less contrasted and blurred images with color distortion which adversely affects and leads to the sub-optimal performances in image and video monitoring systems. The causes of f...Low visibility in foggy days results in less contrasted and blurred images with color distortion which adversely affects and leads to the sub-optimal performances in image and video monitoring systems. The causes of foggy image degradation were explained in detail and the approaches of image enhancement and image restoration for defogging were introduced. The study proposed an enhanced and advanced form of the improved Retinex theory-based dehazing algorithm. The proposed algorithm achieved novel in the manner in which the dark channel prior was efficiently combined with the dark-channel prior into a single dehazing framework. The proposed approach performed the first stage in dehazing within the dark channel domain through implementation with an adaptive filter. This novel approach allowed for the dark channel features to be efficiently refined and boosted, a scheme, which according to the obtained results, significantly improved dehazing results in later stages. Experimental results showed that this approach did little to trade-off dehazing speed for efficiency. This makes the proposed algorithm a strong candidate for real-time systems due to its capability to realize efficient dehazing at considerably rapid speeds. Finally, experimental results were provided to validate the superior performance and efficiency of the proposed dehazing algorithm.展开更多
Outdoor haze has adverse impact on outdoor image quality,including contrast loss and poor visibility.In this paper,a novel dehazing algorithm based on the decomposition strategy is proposed.It combines the advantages ...Outdoor haze has adverse impact on outdoor image quality,including contrast loss and poor visibility.In this paper,a novel dehazing algorithm based on the decomposition strategy is proposed.It combines the advantages of the two-dimensional variational mode decomposition(2DVMD)algorithm and dark channel prior.The original hazy image is adaptively decom-posed into low-frequency and high-frequency images according to the image frequency band by using the 2DVMD algorithm.The low-frequency image is dehazed by using the improved dark channel prior,and then fused with the high-frequency image.Furthermore,we optimize the atmospheric light and transmit-tance estimation method to obtain a defogging effect with richer details and stronger contrast.The proposed algorithm is com-pared with the existing advanced algorithms.Experiment results show that the proposed algorithm has better performance in comparison with the state-of-the-art algorithms.展开更多
To solve the problem of color distortion after dehazing in the sky region by using the classical dark channel prior method to process the hazy images with large regions of sky,an improved dark channel image dehazing m...To solve the problem of color distortion after dehazing in the sky region by using the classical dark channel prior method to process the hazy images with large regions of sky,an improved dark channel image dehazing method based on Gaussian mixture model is proposed.Firstly,we use the Gaussian mixture model to model the hazy image,and then use the expectation maximization(EM)algorithm to optimize the parameters,so that the hazy image can be divided into the sky region and the non-sky region.Secondly,the sky region is divided into a light haze region,a medium haze region and a heavy haze region according to the different dark channel values to estimate the transmission respectively.Thirdly,the restored image is obtained by combining the atmospheric scattering model.Finally,adaptive local tone mapping for high dynamic range images is used to adjust the brightness of the restored image.The experimental results show that the proposed method can effectively eliminate the color distortion in the sky region,and the restored image is clearer and has better visual effect.展开更多
In the field of computer and machine vision, haze and fog lead to image degradation through various degradation mechanisms including but not limited to contrast attenuation, blurring and pixel distortions. This limits...In the field of computer and machine vision, haze and fog lead to image degradation through various degradation mechanisms including but not limited to contrast attenuation, blurring and pixel distortions. This limits the efficiency of machine vision systems such as video surveillance, target tracking and recognition. Various single image dark channel dehazing algorithms have aimed to tackle the problem of image hazing in a fast and efficient manner. Such algorithms rely upon the dark channel prior theory towards the estimation of the atmospheric light which offers itself as a crucial parameter towards dehazing. This paper studies the state-of-the-art in this area and puts forwards their strengths and weaknesses. Through experiments the efficiencies and shortcomings of these algorithms are shared. This information is essential for researchers and developers in providing a reference for the development of applications and future of the research field.展开更多
Haze is a very common phenomenon that degrades or reduces visibility. It causes various problems where high-quality images are required such as traffic and security monitoring. So haze removal from scenes is an immedi...Haze is a very common phenomenon that degrades or reduces visibility. It causes various problems where high-quality images are required such as traffic and security monitoring. So haze removal from scenes is an immediate demand for clear vision. Recently, in addition to the conventional dehazing mechanisms, different types of deep generative adversarial networks (GAN) are applied to suppress the noise and improve the dehazing performance. But it is unclear how these algorithms would perform on hazy images acquired “in the wild” and how we could gauge the progress in the field. To bridge this gap, this presents a comprehensive study on three single image dehazing state-of-the-art GAN models, such as AOD-Net, cGAN, and DHSGAN. We have experimented using benchmark dataset consisting of both synthetic and real-world hazy images. The obtained results are evaluated both quantitatively and qualitatively. Among these techniques, the DHSGAN gives the best performance.展开更多
The haze weather environment leads to the deterioration of the visual effect of the image,and it is difficult to carry out the work of the advanced vision task.Therefore,dehazing the haze image is an important step be...The haze weather environment leads to the deterioration of the visual effect of the image,and it is difficult to carry out the work of the advanced vision task.Therefore,dehazing the haze image is an important step before the execution of the advanced vision task.Traditional dehazing algorithms achieve image dehazing by improving image brightness and contrast or constructing artificial priors such as color attenuation priors and dark channel priors.However,the effect is unstable when dealing with complex scenes.In the method based on convolutional neural network,the image dehazing network of the encoding and decoding structure does not consider the difference before and after the dehazing image,and the image spatial information is lost in the encoding stage.In order to overcome these problems,this paper proposes a novel end-to-end two-stream convolutional neural network for single-image dehazing.The network model is composed of a spatial information feature stream and a highlevel semantic feature stream.The spatial information feature stream retains the detailed information of the dehazing image,and the high-level semantic feature stream extracts the multi-scale structural features of the dehazing image.A spatial information auxiliary module is designed and placed between the feature streams.This module uses the attention mechanism to construct a unified expression of different types of information and realizes the gradual restoration of the clear image with the semantic information auxiliary spatial information in the dehazing network.A parallel residual twicing module is proposed,which performs dehazing on the difference information of features at different stages to improve the model’s ability to discriminate haze images.The peak signal-to-noise ratio(PSNR)and structural similarity are used to quantitatively evaluate the similarity between the dehazing results of each algorithm and the original image.The structure similarity and PSNR of the method in this paper reached 0.852 and 17.557dB on the HazeRD dataset,which were higher than existing comparison algorithms.On the SOTS dataset,the indicators are 0.955 and 27.348dB,which are sub-optimal results.In experiments with real haze images,this method can also achieve excellent visual restoration effects.The experimental results show that the model proposed in this paper can restore desired visual effects without fog images,and it also has good generalization performance in real haze scenes.展开更多
The images capture in a bad environment usually loses its fidelity and contrast.As the light rays travel towards its destination they get scattered several times due to the tiny particles of fog and pollutants in the ...The images capture in a bad environment usually loses its fidelity and contrast.As the light rays travel towards its destination they get scattered several times due to the tiny particles of fog and pollutants in the environment,therefore the energy gets lost due to multiple scattering till it arrives its destination,and this degrades the images.So the images taken in bad weather appear in bad quality.Therefore,single image haze removal is quite a bit tough task.Significant research has been done in the haze removal algorithm but in all the techniques,the coefficient of scattering is taken as a constant according to the homogeneous atmosphere but in real time this does not happen.Therefore,this paper introduces a simple and efficient method so that the scattering coefficient becomes variable according to the inhomogeneous environment.Then,this research aims to remove the haze with the help of a fast and effective algorithm i.e.,Prior Color Fading,according to the inhomogeneous environmental properties.Thereby,to filter the depth map,the authors used a weighted guided image filtering which removes the drawbacks of guided image filter.Afterwards the scattering coefficient is made variable according to the inhomogeneous atmosphere and then the Simple Color Balance Algorithm is applied so that the readability property of images can be increased.The proposed method tested on various general outdoor images and synthetic hazy images and analyzed on various parameters Mean Square Error(MSE),Root Mean Square Error(RMSE),Peak Signal to Noise Ratio(PSNR),Mean Structural Similarity(MSSIM)and the Universal Objective Quality Index(UQI).Experimental results for the proposed method show that the proposed approach provides better results as compared to the state-of-the-art haze removal algorithms.展开更多
基金supported in part by the National Natural Science Foundation of China under Grant 61902311in part by the Japan Society for the Promotion of Science(JSPS)Grants-in-Aid for Scientific Research(KAKENHI)under Grant JP18K18044.
文摘With increasingly more smart cameras deployed in infrastructure and commercial buildings,3D reconstruction can quickly obtain cities’information and improve the efficiency of government services.Images collected in outdoor hazy environments are prone to color distortion and low contrast;thus,the desired visual effect cannot be achieved and the difficulty of target detection is increased.Artificial intelligence(AI)solutions provide great help for dehazy images,which can automatically identify patterns or monitor the environment.Therefore,we propose a 3D reconstruction method of dehazed images for smart cities based on deep learning.First,we propose a fine transmission image deep convolutional regression network(FT-DCRN)dehazing algorithm that uses fine transmission image and atmospheric light value to compute dehazed image.The DCRN is used to obtain the coarse transmission image,which can not only expand the receptive field of the network but also retain the features to maintain the nonlinearity of the overall network.The fine transmission image is obtained by refining the coarse transmission image using a guided filter.The atmospheric light value is estimated according to the position and brightness of the pixels in the original hazy image.Second,we use the dehazed images generated by the FT-DCRN dehazing algorithm for 3D reconstruction.An advanced relaxed iterative fine matching based on the structure from motion(ARI-SFM)algorithm is proposed.The ARISFM algorithm,which obtains the fine matching corner pairs and reduces the number of iterations,establishes an accurate one-to-one matching corner relationship.The experimental results show that our FT-DCRN dehazing algorithm improves the accuracy compared to other representative algorithms.In addition,the ARI-SFM algorithm guarantees the precision and improves the efficiency.
基金the Key Research and Development Program of Hunan Province(No.2019SK2161)the Key Research and Development Program of Hunan Province(No.2016SK2017).
文摘We propose an end-to-end dehazing model based on deep learning(CNN network)and uses the dehazing model re-proposed by AOD-Net based on the atmospheric scattering model for dehazing.Compare to the previously proposed dehazing network,the dehazing model proposed in this paper make use of the FPN network structure in the field of target detection,and uses five feature maps of different sizes to better obtain features of different proportions and different sub-regions.A large amount of experimental data proves that the dehazing model proposed in this paper is superior to previous dehazing technologies in terms of PSNR,SSIM,and subjective visual quality.In addition,it achieved a good performance in speed by using EfficientNet B0 as a feature extractor.We find that only using high-level semantic features can not effectively obtain all the information in the image.The FPN structure used in this paper can effectively integrate the high-level semantics and the low-level semantics,and can better take into account the global and local features.The five feature maps with different sizes are not simply weighted and fused.In order to keep all their information,we put them all together and get the final features through decode layers.At the same time,we have done a comparative experiment between ResNet with FPN and EfficientNet with BiFPN.It is proved that EfficientNet with BiFPN can obtain image features more efficiently.Therefore,EfficientNet with BiFPN is chosen as our network feature extraction.
基金This project is supported by the National Natural Science Foundation of China(NSFC)(No.61902158).
文摘The degradation of optical remote sensing images due to atmospheric haze poses a significant obstacle,profoundly impeding their effective utilization across various domains.Dehazing methodologies have emerged as pivotal components of image preprocessing,fostering an improvement in the quality of remote sensing imagery.This enhancement renders remote sensing data more indispensable,thereby enhancing the accuracy of target iden-tification.Conventional defogging techniques based on simplistic atmospheric degradation models have proven inadequate for mitigating non-uniform haze within remotely sensed images.In response to this challenge,a novel UNet Residual Attention Network(URA-Net)is proposed.This paradigmatic approach materializes as an end-to-end convolutional neural network distinguished by its utilization of multi-scale dense feature fusion clusters and gated jump connections.The essence of our methodology lies in local feature fusion within dense residual clusters,enabling the extraction of pertinent features from both preceding and current local data,depending on contextual demands.The intelligently orchestrated gated structures facilitate the propagation of these features to the decoder,resulting in superior outcomes in haze removal.Empirical validation through a plethora of experiments substantiates the efficacy of URA-Net,demonstrating its superior performance compared to existing methods when applied to established datasets for remote sensing image defogging.On the RICE-1 dataset,URA-Net achieves a Peak Signal-to-Noise Ratio(PSNR)of 29.07 dB,surpassing the Dark Channel Prior(DCP)by 11.17 dB,the All-in-One Network for Dehazing(AOD)by 7.82 dB,the Optimal Transmission Map and Adaptive Atmospheric Light For Dehazing(OTM-AAL)by 5.37 dB,the Unsupervised Single Image Dehazing(USID)by 8.0 dB,and the Superpixel-based Remote Sensing Image Dehazing(SRD)by 8.5 dB.Particularly noteworthy,on the SateHaze1k dataset,URA-Net attains preeminence in overall performance,yielding defogged images characterized by consistent visual quality.This underscores the contribution of the research to the advancement of remote sensing technology,providing a robust and efficient solution for alleviating the adverse effects of haze on image quality.
文摘Due to the presence of turbid media, such as microdust and water vapor in the environment, outdoor pictures taken under hazy weather circumstances are typically degraded. To enhance the quality of such images, this work proposes a new hybrid λ2-λ0 penalty model for image dehazing. This model performs a weighted fusion of two distinct transmission maps, generated by imposing λ2 and λ0 norm penalties on the approximate regression coefficients of the transmission map. This approach effectively balances the sparsity and smoothness associated with the λ0 and λ2 norms, thereby optimizing the transmittance map. Specifically, when the λ2 norm is penalized in the model, an updated guided image is obtained after implementing λ0 penalty. The resulting optimization problem is effectively solved using the least square method and the alternating direction algorithm. The dehazing framework combines the advantages of λ2 and λ0 norms, enhancing sparse and smoothness, resulting in higher quality images with clearer details and preserved edges.
基金supported by a grant from the Qian Xuesen Laboratory of Space Technology, China Academy of Space Technology (Grant No. GZZKFJJ2020004)the National Natural Science Foundation of China (Grant Nos. 61875013 and 61827814)the Natural Science Foundation of Beijing Municipality (Grant No. Z190018)。
文摘The visible-light imaging system used in military equipment is often subjected to severe weather conditions, such as fog, haze, and smoke, under complex lighting conditions at night that significantly degrade the acquired images. Currently available image defogging methods are mostly suitable for environments with natural light in the daytime, but the clarity of images captured under complex lighting conditions and spatial changes in the presence of fog at night is not satisfactory. This study proposes an algorithm to remove night fog from single images based on an analysis of the statistical characteristics of images in scenes involving night fog. Color channel transfer is designed to compensate for the high attenuation channel of foggy images acquired at night. The distribution of transmittance is estimated by the deep convolutional network DehazeNet, and the spatial variation of atmospheric light is estimated in a point-by-point manner according to the maximum reflection prior to recover the clear image. The results of experiments show that the proposed method can compensate for the high attenuation channel of foggy images at night, remove the effect of glow from a multi-color and non-uniform ambient source of light, and improve the adaptability and visual effect of the removal of night fog from images compared with the conventional method.
基金This work is supported by theKey Research and Development Program of Hunan Province(No.2019SK2161)the Key Research and Development Program of Hunan Province(No.2016SK2017).
文摘In this paper,we propose an end-to-end cross-layer gated attention network(CLGA-Net)to directly restore fog-free images.Compared with the previous dehazing network,the dehazing model presented in this paper uses the smooth cavity convolution and local residual module as the feature extractor,combined with the channel attention mechanism,to better extract the restored features.A large amount of experimental data proves that the defogging model proposed in this paper is superior to previous defogging technologies in terms of structure similarity index(SSIM),peak signal to noise ratio(PSNR)and subjective visual quality.In order to improve the efficiency of decoding and encoding,we also describe a fusion residualmodule and conduct ablation experiments,which prove that the fusion residual is suitable for the dehazing problem.Therefore,we use fusion residual as a fixed module for encoding and decoding.In addition,we found that the traditional defogging model based on the U-net network may cause some information losses in space.We have achieved effective maintenance of low-level feature information through the cross-layer gating structure that better takes into account global and subtle features.We also present the application of our CLGA-Net in challenging scenarios where the best results in both quantity and quality can be obtained.Experimental results indicate that the present cross-layer gating module can be widely used in the same type of network.
文摘Image dehazing is a rapidly progressing research concept to enhance image contrast and resolution in computer vision applications.Owing to severe air dispersion,fog,and haze over the environment,hazy images pose specific challenges during information retrieval.With the advances in the learning theory,most of the learning-based techniques,in particular,deep neural networks are used for single-image dehazing.The existing approaches are extremely computationally complex,and the dehazed images are suffered from color distortion caused by the over-saturation and pseudo-shadow phenomenon.However,the slow convergence rate during training and haze residual is the two demerits in the conventional image dehazing networks.This article proposes a new architecture“Atrous Convolution-based Residual Deep Convolutional Neural Network(CNN)”method with hybrid Spider Monkey-Particle Swarm Optimization for image dehazing.The large receptive field of atrous convolution extracts the global contextual information.The swarm based hybrid optimization is designed for tuning the neural network parameters during training.The experiments over the standard synthetic dataset images used in the proposed network recover clear output images free from distortion and halo effects.It is observed from the statistical analysis that Mean Square Error(MSE)decreases from 74.42 to 62.03 and Peak Signal to Noise Ratio(PSNR)increases from 22.53 to 28.82.The proposed method with hybrid optimization algorithm demonstrates a superior convergence rate and is a more robust than the current state-of-the-art techniques.
基金This research was supported by the MSIT(Ministry of Science and ICT),Korea,under the ICAN(ICT Challenge and Advanced Network of HRD)program(IITP-2021-2020-0-01832)supervised by the IITP(Institute of Information&Communications Technology Planning&Evaluation)and the Soonchunhyang University Research Fund.
文摘The captured outdoor images and videos may appear blurred due to haze,fog,and bad weather conditions.Water droplets or dust particles in the atmosphere cause the light to scatter,resulting in very limited scene discernibility and deterioration in the quality of the image captured.Currently,image dehazing has gainedmuch popularity because of its usability in a wide variety of applications.Various algorithms have been proposed to solve this ill-posed problem.These algorithms provide quite promising results in some cases,but they include undesirable artifacts and noise in haze patches in adverse cases.Some of these techniques take unrealistic processing time for high image resolution.In this paper,to achieve real-time halo-free dehazing,fast and effective single image dehazing we propose a simple but effective image restoration technique using multiple patches.It will improve the shortcomings of DCP and improve its speed and efficiency for high-resolution images.A coarse transmissionmap is estimated by using the minimumof different size patches.Then a cascaded fast guided filter is used to refine the transmission map.We introduce an efficient scaling technique for transmission map estimation,which gives an advantage of very low-performance degradation for a highresolution image.For performance evaluation,quantitative,qualitative and computational time comparisons have been performed,which provide quiet faithful results in speed,quality,and reliability of handling bright surfaces.
基金supported by the National Natural Science Foundation of China(61403283)Shandong Provincial Natural Science Foundation(ZR2013FQ036.ZR2015PE025)+2 种基金the Spark Program of China(2013GA740053)the Spark Program of Shandong Province(2013XH06034)the Technology Development Plan of Weifang City(201301015)
文摘Images captured in hazy or foggy weather conditions can be seriously degraded by scattering of atmospheric particles,which reduces the contrast,changes the color,and makes the object features difficult to identify by human vision and by some outdoor computer vision systems.Therefore image dehazing is an important issue and has been widely researched in the field of computer vision.The role of image dehazing is to remove the influence of weather factors in order to improve the visual effects of the image and provide benefit to post-processing.This paper reviews the main techniques of image dehazing that have been developed over the past decade.Firstly,we innovatively divide a number of approaches into three categories:image enhancement based methods,image fusion based methods and image restoration based methods.All methods are analyzed and corresponding sub-categories are introduced according to principles and characteristics.Various quality evaluation methods are then described,sorted and discussed in detail.Finally,research progress is summarized and future research directions are suggested.
基金This work was supported in part by National Natural Science Foundation of China under Grant 62076199in part by the Open Research Fund of Beijing Key Laboratory of Big Data Technology for Food Safety under Grant BTBD-2020KF08+2 种基金Beijing Technology and Business University,in part by the China Postdoctoral Science Foundation under Grant 2019M653784in part by Key Laboratory of Spectral Imaging Technology of Chinese Academy of Sciences under Grant LSIT201801Din part by the Key R&D Project of Shaan’xi Province under Grant 2021GY-027。
文摘In this paper,we propose a neoteric and high-efficiency single image dehazing algorithm via contrast enhancement which is called STRASS(Spatio-Temporal Retinex-Inspired by an Averaging of Stochastic Samples)dehazing,it is realized by constructing an efficient high-pass filter to process haze images and taking the influence of human vision system into account in image dehazing principles.The novel high-pass filter works by getting each pixel using RSR and computes the average of the samples.Then the low-pass filter resulting from the minimum envelope in STRESS framework has been replaced by the average of the samples.The final dehazed image is yielded after iterations of the high-pass filter.STRASS can be run directly without any machine learning.Extensive experimental results on datasets prove that STRASS surpass the state-of-the-arts.Image dehazing can be applied in the field of printing and packaging,our method is of great significance for image pre-processing before printing.
基金supported by the National Natural Science Foundation of China (No.61571407)。
文摘As one of the most simple and effective single image dehazing methods, the dark channel prior(DCP) algorithm has been widely applied. However, the algorithm does not work for pixels similar to airlight(e.g., snowy ground or a white wall), resulting in underestimation of the transmittance of some local scenes. To address that problem, we propose an image dehazing method by incorporating Markov random field(MRF) with the DCP. The DCP explicitly represents the input image observation in the MRF model obtained by the transmittance map. The key idea is that the sparsely distributed wrongly estimated transmittance can be corrected by properly characterizing the spatial dependencies between the neighboring pixels of the transmittances that are well estimated and those that are wrongly estimated. To that purpose, the energy function of the MRF model is designed. The estimation of the initial transmittance map is pixel-based using the DCP, and the segmentation on the transmittance map is employed to separate the foreground and background, thereby avoiding the block effect and artifacts at the depth discontinuity. Given the limited number of labels obtained by clustering, the smoothing term in the MRF model can properly smooth the transmittance map without an extra refinement filter. Experimental results obtained by using terrestrial and underwater images are given.
基金the Science and Technology Innovation 2030-Key Projects(Nos.2018AAA0102303,2018AAA0102403)the Aeronautical Science Foundation of China(No.20175851033)the National Natural Science Foundation of China(Nos.U1913602,U19B2033,91648205,61803011).
文摘Inspired by eagle’s visual system,an eagle-vision-based object detection method for unmanned aerial vehicle(UAV)formation in hazy weather is proposed in this paper.To restore the hazy image,the values of atmospheric light and transmission are estimated on the basis of the signal processing mechanism of ON and OFF channels in eagle’s retina.Local features of the dehazed image are calculated according to the color antagonism mechanism and contrast sensitivity function of eagle’s visual system.A center-surround operation is performed to simulate the response of reception field.The final saliency map is generated by the Random Forest algorithm.Experimental results verify that the proposed method is capable to detect UAVs in hazy image and has superior performance over traditional methods.
基金This research was supported by Basic Science Research Program through the National Research Foundation of Korea(NRF)funded by the Ministry of Education(grant number NRF-2018R1D1A1B07043331).
文摘This paper presents a trainable Generative Adversarial Network(GAN)-based end-to-end system for image dehazing,which is named the DehazeGAN.DehazeGAN can be used for edge computing-based applications,such as roadside monitoring.It adopts two networks:one is generator(G),and the other is discriminator(D).The G adopts the U-Net architecture,whose layers are particularly designed to incorporate the atmospheric scattering model of image dehazing.By using a reformulated atmospheric scattering model,the weights of the generator network are initialized by the coarse transmission map,and the biases are adaptively adjusted by using the previous round's trained weights.Since the details may be blurry after the fog is removed,the contrast loss is added to enhance the visibility actively.Aside from the typical GAN adversarial loss,the pixel-wise Mean Square Error(MSE)loss,the contrast loss and the dark channel loss are introduced into the generator loss function.Extensive experiments on benchmark images,the results of which are compared with those of several state-of-the-art methods,demonstrate that the proposed DehazeGAN performs better and is more effective.
文摘Low visibility in foggy days results in less contrasted and blurred images with color distortion which adversely affects and leads to the sub-optimal performances in image and video monitoring systems. The causes of foggy image degradation were explained in detail and the approaches of image enhancement and image restoration for defogging were introduced. The study proposed an enhanced and advanced form of the improved Retinex theory-based dehazing algorithm. The proposed algorithm achieved novel in the manner in which the dark channel prior was efficiently combined with the dark-channel prior into a single dehazing framework. The proposed approach performed the first stage in dehazing within the dark channel domain through implementation with an adaptive filter. This novel approach allowed for the dark channel features to be efficiently refined and boosted, a scheme, which according to the obtained results, significantly improved dehazing results in later stages. Experimental results showed that this approach did little to trade-off dehazing speed for efficiency. This makes the proposed algorithm a strong candidate for real-time systems due to its capability to realize efficient dehazing at considerably rapid speeds. Finally, experimental results were provided to validate the superior performance and efficiency of the proposed dehazing algorithm.
基金supported by the National Defense Technology Advance Research Project of China(004040204).
文摘Outdoor haze has adverse impact on outdoor image quality,including contrast loss and poor visibility.In this paper,a novel dehazing algorithm based on the decomposition strategy is proposed.It combines the advantages of the two-dimensional variational mode decomposition(2DVMD)algorithm and dark channel prior.The original hazy image is adaptively decom-posed into low-frequency and high-frequency images according to the image frequency band by using the 2DVMD algorithm.The low-frequency image is dehazed by using the improved dark channel prior,and then fused with the high-frequency image.Furthermore,we optimize the atmospheric light and transmit-tance estimation method to obtain a defogging effect with richer details and stronger contrast.The proposed algorithm is com-pared with the existing advanced algorithms.Experiment results show that the proposed algorithm has better performance in comparison with the state-of-the-art algorithms.
基金National Natural Science Foundation of China(Nos.61841303,61963023)Project of Humanities and Social Sciences of Ministry of Education in China(No.19YJC760012)。
文摘To solve the problem of color distortion after dehazing in the sky region by using the classical dark channel prior method to process the hazy images with large regions of sky,an improved dark channel image dehazing method based on Gaussian mixture model is proposed.Firstly,we use the Gaussian mixture model to model the hazy image,and then use the expectation maximization(EM)algorithm to optimize the parameters,so that the hazy image can be divided into the sky region and the non-sky region.Secondly,the sky region is divided into a light haze region,a medium haze region and a heavy haze region according to the different dark channel values to estimate the transmission respectively.Thirdly,the restored image is obtained by combining the atmospheric scattering model.Finally,adaptive local tone mapping for high dynamic range images is used to adjust the brightness of the restored image.The experimental results show that the proposed method can effectively eliminate the color distortion in the sky region,and the restored image is clearer and has better visual effect.
文摘In the field of computer and machine vision, haze and fog lead to image degradation through various degradation mechanisms including but not limited to contrast attenuation, blurring and pixel distortions. This limits the efficiency of machine vision systems such as video surveillance, target tracking and recognition. Various single image dark channel dehazing algorithms have aimed to tackle the problem of image hazing in a fast and efficient manner. Such algorithms rely upon the dark channel prior theory towards the estimation of the atmospheric light which offers itself as a crucial parameter towards dehazing. This paper studies the state-of-the-art in this area and puts forwards their strengths and weaknesses. Through experiments the efficiencies and shortcomings of these algorithms are shared. This information is essential for researchers and developers in providing a reference for the development of applications and future of the research field.
文摘Haze is a very common phenomenon that degrades or reduces visibility. It causes various problems where high-quality images are required such as traffic and security monitoring. So haze removal from scenes is an immediate demand for clear vision. Recently, in addition to the conventional dehazing mechanisms, different types of deep generative adversarial networks (GAN) are applied to suppress the noise and improve the dehazing performance. But it is unclear how these algorithms would perform on hazy images acquired “in the wild” and how we could gauge the progress in the field. To bridge this gap, this presents a comprehensive study on three single image dehazing state-of-the-art GAN models, such as AOD-Net, cGAN, and DHSGAN. We have experimented using benchmark dataset consisting of both synthetic and real-world hazy images. The obtained results are evaluated both quantitatively and qualitatively. Among these techniques, the DHSGAN gives the best performance.
基金supported by the National Natural Science Foundationof China under Grant No. 61803061, 61906026Innovation research groupof universities in Chongqing+4 种基金the Chongqing Natural Science Foundationunder Grant cstc2020jcyj-msxmX0577, cstc2020jcyj-msxmX0634“Chengdu-Chongqing Economic Circle” innovation funding of Chongqing Municipal Education Commission KJCXZD2020028the Science andTechnology Research Program of Chongqing Municipal Education Commission grants KJQN202000602Ministry of Education China MobileResearch Fund (MCM 20180404)Special key project of Chongqingtechnology innovation and application development: cstc2019jscxzdztzx0068.
文摘The haze weather environment leads to the deterioration of the visual effect of the image,and it is difficult to carry out the work of the advanced vision task.Therefore,dehazing the haze image is an important step before the execution of the advanced vision task.Traditional dehazing algorithms achieve image dehazing by improving image brightness and contrast or constructing artificial priors such as color attenuation priors and dark channel priors.However,the effect is unstable when dealing with complex scenes.In the method based on convolutional neural network,the image dehazing network of the encoding and decoding structure does not consider the difference before and after the dehazing image,and the image spatial information is lost in the encoding stage.In order to overcome these problems,this paper proposes a novel end-to-end two-stream convolutional neural network for single-image dehazing.The network model is composed of a spatial information feature stream and a highlevel semantic feature stream.The spatial information feature stream retains the detailed information of the dehazing image,and the high-level semantic feature stream extracts the multi-scale structural features of the dehazing image.A spatial information auxiliary module is designed and placed between the feature streams.This module uses the attention mechanism to construct a unified expression of different types of information and realizes the gradual restoration of the clear image with the semantic information auxiliary spatial information in the dehazing network.A parallel residual twicing module is proposed,which performs dehazing on the difference information of features at different stages to improve the model’s ability to discriminate haze images.The peak signal-to-noise ratio(PSNR)and structural similarity are used to quantitatively evaluate the similarity between the dehazing results of each algorithm and the original image.The structure similarity and PSNR of the method in this paper reached 0.852 and 17.557dB on the HazeRD dataset,which were higher than existing comparison algorithms.On the SOTS dataset,the indicators are 0.955 and 27.348dB,which are sub-optimal results.In experiments with real haze images,this method can also achieve excellent visual restoration effects.The experimental results show that the model proposed in this paper can restore desired visual effects without fog images,and it also has good generalization performance in real haze scenes.
文摘The images capture in a bad environment usually loses its fidelity and contrast.As the light rays travel towards its destination they get scattered several times due to the tiny particles of fog and pollutants in the environment,therefore the energy gets lost due to multiple scattering till it arrives its destination,and this degrades the images.So the images taken in bad weather appear in bad quality.Therefore,single image haze removal is quite a bit tough task.Significant research has been done in the haze removal algorithm but in all the techniques,the coefficient of scattering is taken as a constant according to the homogeneous atmosphere but in real time this does not happen.Therefore,this paper introduces a simple and efficient method so that the scattering coefficient becomes variable according to the inhomogeneous environment.Then,this research aims to remove the haze with the help of a fast and effective algorithm i.e.,Prior Color Fading,according to the inhomogeneous environmental properties.Thereby,to filter the depth map,the authors used a weighted guided image filtering which removes the drawbacks of guided image filter.Afterwards the scattering coefficient is made variable according to the inhomogeneous atmosphere and then the Simple Color Balance Algorithm is applied so that the readability property of images can be increased.The proposed method tested on various general outdoor images and synthetic hazy images and analyzed on various parameters Mean Square Error(MSE),Root Mean Square Error(RMSE),Peak Signal to Noise Ratio(PSNR),Mean Structural Similarity(MSSIM)and the Universal Objective Quality Index(UQI).Experimental results for the proposed method show that the proposed approach provides better results as compared to the state-of-the-art haze removal algorithms.