期刊文献+
共找到801篇文章
< 1 2 41 >
每页显示 20 50 100
Advancements in Remote Sensing Image Dehazing: Introducing URA-Net with Multi-Scale Dense Feature Fusion Clusters and Gated Jump Connection
1
作者 Hongchi Liu Xing Deng Haijian Shao 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第9期2397-2424,共28页
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. 展开更多
关键词 Remote sensing image image dehazing deep learning feature fusion
下载PDF
小波DehazeFormer网络的道路交通图像去雾
2
作者 夏平 李子怡 +2 位作者 雷帮军 王雨蝶 唐庭龙 《光学精密工程》 EI CAS CSCD 北大核心 2024年第12期1915-1928,共14页
针对道路交通雾图像对比度低、细节丢失、模糊和失真的问题,提出了一种小波DehazeFormer模型的道路交通图像去雾方法。为提升模型去雾能力,构建了编解码结构的小波DehazeFormer网络,编码器以DehazeFormer与选择性核特征融合模块(Selecti... 针对道路交通雾图像对比度低、细节丢失、模糊和失真的问题,提出了一种小波DehazeFormer模型的道路交通图像去雾方法。为提升模型去雾能力,构建了编解码结构的小波DehazeFormer网络,编码器以DehazeFormer与选择性核特征融合模块(Selective kernel feature fusion,SKFF)级联作为骨干网络的基本单元,编码部分由三级这样的基本单元构成,以融合图像的原始信息和去雾后的信息,更好地捕获雾图中关键特征;中间特征层采用局部残差结构,并加入卷积注意力机制(Convolutional Block Attention Module,CBAM),对不同级别的特征赋予不同权重,同时融入内容引导注意力混合方案(Content-guided Attention based Mixup Fusion Scheme,CGAFusion),通过学习空间权重来调整特征;解码部分由DehazeFormer和SKFF构成,采用逐点卷积,在保证网络性能同时,减少网络的参数量;跳跃连接引入小波变换,对不同尺度的特征图进行小波分析,获取不同尺度的高、低频特征,放大交通雾图的细节使得复原图像保留纹理;最后,将原始图像和经解码后输出的特征图融合,获取更多的细节信息。实验结果表明,本文方法相比于基线DehazeFormer网络,其PSNR指标在公开数据集中提升1.32以上,在合成数据集中提升0.56,SSIM指标提升了0.015以上,MSE值有较大幅度降低,下降了23.15以上;Entropy指标提升0.06以上。本文去雾算法对提升交通雾图像的对比度、降低雾图模糊和失真及细节丢失等方面均表现出优良的性能,有助于后续道路交通的智能视觉监控与管理。 展开更多
关键词 交通图像去雾 小波变换 选择性核特征融合 内容引导注意力 dehazeFormer
下载PDF
CLGA Net:Cross Layer Gated Attention Network for Image Dehazing
3
作者 Shengchun Wang Baoxuan Huang +2 位作者 Tsz Ho Wong Jingui Huang Hong Deng 《Computers, Materials & Continua》 SCIE EI 2023年第3期4667-4684,共18页
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. 展开更多
关键词 Deep learning dehazing image restoration end to end
下载PDF
Atrous Convolution-Based Residual Deep CNN for Image Dehazing with Spider Monkey-Particle Swarm Optimization
4
作者 CH.Mohan Sai Kumar R.S.Valarmathi 《Intelligent Automation & Soft Computing》 SCIE 2023年第8期1711-1728,共18页
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. 展开更多
关键词 Image dehazing computer vision convolutional neural network color distortion over-saturation pseudo-shadow phenomenon convergence rate
下载PDF
Building Semantic Communication System via Molecules:An End-to-End Training Approach
5
作者 Cheng Yukun Chen Wei Ai Bo 《China Communications》 SCIE CSCD 2024年第7期113-124,共12页
The concept of semantic communication provides a novel approach for applications in scenarios with limited communication resources.In this paper,we propose an end-to-end(E2E)semantic molecular communication system,aim... The concept of semantic communication provides a novel approach for applications in scenarios with limited communication resources.In this paper,we propose an end-to-end(E2E)semantic molecular communication system,aiming to enhance the efficiency of molecular communication systems by reducing the transmitted information.Specifically,following the joint source channel coding paradigm,the network is designed to encode the task-relevant information into the concentration of the information molecules,which is robust to the degradation of the molecular communication channel.Furthermore,we propose a channel network to enable the E2E learning over the non-differentiable molecular channel.Experimental results demonstrate the superior performance of the semantic molecular communication system over the conventional methods in classification tasks. 展开更多
关键词 deep learning end-to-end learning molecular communication semantic communication
下载PDF
Recent Advances in Image Dehazing 被引量:26
6
作者 Wencheng Wang Xiaohui Yuan 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2017年第3期410-436,共27页
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. 展开更多
关键词 Atmospheric scattering model image dehazing image enhancement quality assessment
下载PDF
STRASS Dehazing:Spatio-Temporal Retinex-Inspired Dehazing by an Averaging of Stochastic Samples 被引量:4
7
作者 Zhe Yu Bangyong Sun +3 位作者 Di Liu Vincent Whannou de Dravo Margarita Khokhlova Siyuan Wu 《Journal of Renewable Materials》 SCIE EI 2022年第5期1381-1395,共15页
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. 展开更多
关键词 Image dehazing contrast enhancement high-pass filter image reconstruction
下载PDF
A Novel Dark-Channel Dehazing Algorithm Based on Adaptive-Filter Enhanced SSR Theory 被引量:2
8
作者 Ebtesam Mohameed Alharbi Hong Wang Peng Ge 《Journal of Computer and Communications》 2017年第11期60-71,共12页
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. 展开更多
关键词 RETINEX THEORY dehazing IMAGE Enhancement and IMAGE RESTORATION IMAGE DEFOGGING
下载PDF
Multiscale Image Dehazing and Restoration:An Application for Visual Surveillance 被引量:2
9
作者 Samia Riaz Muhammad Waqas Anwar +3 位作者 Irfan Riaz Hyun-Woo Kim Yunyoung Nam Muhammad Attique Khan 《Computers, Materials & Continua》 SCIE EI 2022年第1期1-17,共17页
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. 展开更多
关键词 dehaze defog pixel minimum patch minimum edge preservation
下载PDF
A Research on Single Image Dehazing Algorithms Based on Dark Channel Prior 被引量:4
10
作者 Ebtesam Mohameed Alharbi Peng Ge Hong Wang 《Journal of Computer and Communications》 2016年第2期47-55,共9页
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. 展开更多
关键词 Image dehazing Dark Channel
下载PDF
Image Dehazing by Incorporating Markov Random Field with Dark Channel Prior 被引量:2
11
作者 XU Hao TAN Yibo +1 位作者 WANG Wenzong WANG Guoyu 《Journal of Ocean University of China》 SCIE CAS CSCD 2020年第3期551-560,共10页
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. 展开更多
关键词 image dehazing dark channel prior Markov random field image segmentation
下载PDF
Generative adversarial network-based atmospheric scattering model for image dehazing 被引量:2
12
作者 Jinxiu Zhu Leilei Meng +2 位作者 Wenxia Wu Dongmin Choi Jianjun Ni 《Digital Communications and Networks》 SCIE CSCD 2021年第2期178-186,共9页
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. 展开更多
关键词 dehazing Edge computing applications Atmospheric scattering model Contrast loss
下载PDF
Single Image Dehazing: An Analysis on Generative Adversarial Network 被引量:1
13
作者 Amina Khatun Mohammad Reduanul Haque +1 位作者 Rabeya Basri Mohammad Shorif Uddin 《Journal of Computer and Communications》 2020年第4期127-137,共11页
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. 展开更多
关键词 dehazing DEEP Leaning Convulutional NEURAL NETWORK (CNN) GENERATIVE Adversarial Networks (GAN)
下载PDF
A single image dehazing method based on decomposition strategy 被引量:1
14
作者 QIN Chaoxuan GU Xiaohui 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2022年第2期279-293,共15页
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. 展开更多
关键词 single image dehazing decomposition strategy image processing global atmospheric light
下载PDF
Improved dark channel image dehazing method based on Gaussian mixture model 被引量:1
15
作者 GUO Hongguang CHEN Yong 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2021年第1期53-60,共8页
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. 展开更多
关键词 image processing image dehazing Gaussian mixture model expectation maximization(EM)algorithm dark channel theory
下载PDF
Single-Image Dehazing Based on Two-Stream Convolutional Neural Network 被引量:3
16
作者 Meng Jun Li Yuanyuan +1 位作者 Liang HuaHua Ma You 《Journal of Artificial Intelligence and Technology》 2022年第3期100-110,共11页
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. 展开更多
关键词 attention mechanism image dehazing semantic feature spatial information two-stream network
下载PDF
Dehazing for Image and Video Using Guided Filter
17
作者 Zheqi Lin Xuansheng Wang 《Open Journal of Applied Sciences》 2012年第4期123-127,共5页
Poor visibility in bad weather, such as haze and fog, is a major problem for many applications of computer vision. Thus, haze removal is highly required for receiving high performance of the vision algorithm. In this ... Poor visibility in bad weather, such as haze and fog, is a major problem for many applications of computer vision. Thus, haze removal is highly required for receiving high performance of the vision algorithm. In this paper, we propose a new fast dehazing method for real-time image and video processing. The transmission map estimated by an improved guided filtering scheme is smooth and respect with depth information of the underlying image. Results demonstrate that the proposed method achieves good dehazeing effect as well as real-time performance. The proposed algorithm, due to its speed and ability to improve visibility, may be used with advantages as pre-processing in many systems ranging from surveillance, intelligent vehicles, to remote sensing. 展开更多
关键词 IMAGE dehazing DARK channel prior GUIDED FILTER DOWN-SAMPLING
下载PDF
Deeplearning method for single image dehazing based on HSI colour space
18
作者 CHEN Yong TAO Meifeng GUO Hongguang 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2021年第4期423-432,共10页
The traditional single image dehazing algorithm is susceptible to the prior knowledge of hazy image and colour distortion.A new method of deep learning multi-scale convolution neural network based on HSI colour space ... The traditional single image dehazing algorithm is susceptible to the prior knowledge of hazy image and colour distortion.A new method of deep learning multi-scale convolution neural network based on HSI colour space for single image dehazing is proposed in this paper,which directly learns the mapping relationship between hazy image and corresponding clear image in colour,saturation and brightness by the designed structure of deep learning network to achieve haze removal.Firstly,the hazy image is transformed from RGB colour space to HSI colour space.Secondly,an end-to-end multi-scale full convolution neural network model is designed.The multi-scale extraction is realized by three different dehazing sub-networks:hue H,saturation S and intensity I,and the mapping relationship between hazy image and clear image is obtained by deep learning.Finally,the model was trained and tested with hazy data set.The experimental results show that this method can achieve good dehazing effect for both synthetic hazy images and real hazy images,and is superior to other contrast algorithms in subjective and objective evaluations. 展开更多
关键词 image processing image dehazing HSI colour space multi-scale convolution neural network
下载PDF
End-to-End Joint Multi-Object Detection and Tracking for Intelligent Transportation Systems
19
作者 Qing Xu Xuewu Lin +6 位作者 Mengchi Cai Yu‑ang Guo Chuang Zhang Kai Li Keqiang Li Jianqiang Wang Dongpu Cao 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2023年第5期280-290,共11页
Environment perception is one of the most critical technology of intelligent transportation systems(ITS).Motion interaction between multiple vehicles in ITS makes it important to perform multi-object tracking(MOT).How... Environment perception is one of the most critical technology of intelligent transportation systems(ITS).Motion interaction between multiple vehicles in ITS makes it important to perform multi-object tracking(MOT).However,most existing MOT algorithms follow the tracking-by-detection framework,which separates detection and tracking into two independent segments and limit the global efciency.Recently,a few algorithms have combined feature extraction into one network;however,the tracking portion continues to rely on data association,and requires com‑plex post-processing for life cycle management.Those methods do not combine detection and tracking efciently.This paper presents a novel network to realize joint multi-object detection and tracking in an end-to-end manner for ITS,named as global correlation network(GCNet).Unlike most object detection methods,GCNet introduces a global correlation layer for regression of absolute size and coordinates of bounding boxes,instead of ofsetting predictions.The pipeline of detection and tracking in GCNet is conceptually simple,and does not require compli‑cated tracking strategies such as non-maximum suppression and data association.GCNet was evaluated on a multivehicle tracking dataset,UA-DETRAC,demonstrating promising performance compared to state-of-the-art detectors and trackers. 展开更多
关键词 Intelligent transportation systems Joint detection and tracking Global correlation network end-to-end tracking
下载PDF
An End-to-End Machine Learning Framework for Predicting Common Geriatric Diseases
20
作者 Jian Guo Yu Han +2 位作者 Fan Xu Jiru Deng Zhe Li 《Journal of Beijing Institute of Technology》 EI CAS 2023年第2期209-218,共10页
Interdisciplinary applications between information technology and geriatrics have been accelerated in recent years by the advancement of artificial intelligence,cloud computing,and 5G technology,among others.Meanwhile... Interdisciplinary applications between information technology and geriatrics have been accelerated in recent years by the advancement of artificial intelligence,cloud computing,and 5G technology,among others.Meanwhile,applications developed by using the above technologies make it possible to predict the risk of age-related diseases early,which can give caregivers time to intervene and reduce the risk,potentially improving the health span of the elderly.However,the popularity of these applications is still limited for several reasons.For example,many older people are unable or unwilling to use mobile applications or devices(e.g.smartphones)because they are relatively complex operations or time-consuming for older people.In this work,we design and implement an end-to-end framework and integrate it with the WeChat platform to make it easily accessible to elders.In this work,multifactorial geriatric assessment data can be collected.Then,stacked machine learning models are trained to assess and predict the incidence of common diseases in the elderly.Experimental results show that our framework can not only provide more accurate prediction(precision:0.8713,recall:0.8212)for several common elderly diseases,but also very low timeconsuming(28.6 s)within a workflow compared to some existing similar applications. 展开更多
关键词 predicting geriatric diseases machine learning end-to-end framework
下载PDF
上一页 1 2 41 下一页 到第
使用帮助 返回顶部