Image enhancement is a popular technique,which is widely used to improve the visual quality of images.While image enhancement has been extensively investigated,the relevant quality assessment of enhanced images remain...Image enhancement is a popular technique,which is widely used to improve the visual quality of images.While image enhancement has been extensively investigated,the relevant quality assessment of enhanced images remains an open problem,which may hinder further development of enhancement techniques.In this paper,a no-reference quality metric for digitally enhanced images is proposed.Three kinds of features are extracted for characterizing the quality of enhanced images,including non-structural information,sharpness and naturalness.Specifically,a total of 42 perceptual features are extracted and used to train a support vector regression(SVR) model.Finally,the trained SVR model is used for predicting the quality of enhanced images.The performance of the proposed method is evaluated on several enhancement-related databases,including a new enhanced image database built by the authors.The experimental results demonstrate the efficiency and advantage of the proposed metric.展开更多
Recent studies on no-reference image quality assessment (NR-IQA) methods usually learn to evaluate the image quality by regressing from human subjective scores of the training samples. This study presented an NR-IQA m...Recent studies on no-reference image quality assessment (NR-IQA) methods usually learn to evaluate the image quality by regressing from human subjective scores of the training samples. This study presented an NR-IQA method based on the basic image visual parameters without using human scored image databases in learning. We demonstrated that these features comprised the most basic characteristics for constructing an image and influencing the visual quality of an image. In this paper, the definitions, computational method, and relationships among these visual metrics were described. We subsequently proposed a no-reference assessment function, which was referred to as a visual parameter measurement index (VPMI), based on the integration of these visual metrics to assess image quality. It is established that the maximum of VPMI corresponds to the best quality of the color image. We verified this method using the popular assessment database—image quality assessment database (LIVE), and the results indicated that the proposed method matched better with the subjective assessment of human vision. Compared with other image quality assessment models, it is highly competitive. VPMI has low computational complexity, which makes it promising to implement in real-time image assessment systems.展开更多
In order to apply the deep learning to the stereo image quality evaluation,two problems need to be solved:The first one is that we have a bit of training samples,another is how to input the dimensional image’s left v...In order to apply the deep learning to the stereo image quality evaluation,two problems need to be solved:The first one is that we have a bit of training samples,another is how to input the dimensional image’s left view or right view.In this paper,we transfer the 2D image quality evaluation model to the stereo image quality evaluation,and this method solves the first problem;use the method of principal component analysis is used to fuse the left and right views into an input image in order to solve the second problem.At the same time,the input image is preprocessed by phase congruency transformation,which further improves the performance of the algorithm.The structure of the deep convolution neural network consists of four convolution layers and three maximum pooling layers and two fully connected layers.The experimental results on LIVE3D image database show that the prediction quality score of the model is in good agreement with the subjective evaluation value.展开更多
In order to establish a stereoscopic image quality assessment method which is consistent with human visual perception,we propose an objective stereoscopic image quality assessment method.It takes into account the stro...In order to establish a stereoscopic image quality assessment method which is consistent with human visual perception,we propose an objective stereoscopic image quality assessment method.It takes into account the strong correlation and high degree of structural between pixels of image.This method contains two models.One is the quality synthetic assessment of left-right view images,which is based on human visual characteristics,we use the Singular Value Decomposition(SVD)that can represent the degree of the distortion,and combine the qualities of left and right images by the characteristics of binocular superposition.The other model is stereoscopic perception quality assessment,due to strong stability of image’s singular value characteristics,we calculate the distance of the singular values and structural characteristic similarity of the absolute difference maps,and utilize the statistical value of the global error to evaluate stereoscopic perception.Finally,we combine two models to describe the stereoscopic image quality.Experimental results show that the correlation coefficients of the proposed assessment method and the human subjective perception are above 0.93,and the mean square errors are all less than 6.2,under JPEG,JP2K compression,Gaussian blurring,Gaussian white noise,H.264 coding distortion,and hybrid cross distortion.It indicates that the proposed stereoscopic objective method is consistent with human visual properties and also of availability.展开更多
To evaluate the quality of blurred images effectively,this study proposes a no-reference blur assessment method based on gradient distortion measurement and salient region maps.First,a Gaussian low-pass filter is used...To evaluate the quality of blurred images effectively,this study proposes a no-reference blur assessment method based on gradient distortion measurement and salient region maps.First,a Gaussian low-pass filter is used to construct a reference image by blurring a given image.Gradient similarity is included to obtain the gradient distortion measurement map,which can finely reflect the smallest possible changes in textures and details.Second,a saliency model is utilized to calculate image saliency.Specifically,an adaptive method is used to calculate the specific salient threshold of the blurred image,and the blurred image is binarized to yield the salient region map.Block-wise visual saliency serves as the weight to obtain the final image quality.Experimental results based on the image and video engineering database,categorial image quality database,and camera image database demonstrate that the proposed method correlates well with human judgment.Its computational complexity is also relatively low.展开更多
Traditional image quality assessment methods use the hand-crafted features to predict the image quality score,which cannot perform well in many scenes.Since deep learning promotes the development of many computer visi...Traditional image quality assessment methods use the hand-crafted features to predict the image quality score,which cannot perform well in many scenes.Since deep learning promotes the development of many computer vision tasks,many IQA methods start to utilize the deep convolutional neural networks(CNN)for IQA task.In this paper,a CNN-based multi-scale blind image quality predictor is proposed to extract more effectivity multi-scale distortion features through the pyramidal convolution,which consists of two tasks:A distortion recognition task and a quality regression task.For the first task,image distortion type is obtained by the fully connected layer.For the second task,the image quality score is predicted during the distortion recognition progress.Experimental results on three famous IQA datasets show that the proposed method has better performance than the previous traditional algorithms for quality prediction and distortion recognition.展开更多
Technological advancements continue to expand the communications industry’s potential.Images,which are an important component in strengthening communication,are widely available.Therefore,image quality assessment(IQA...Technological advancements continue to expand the communications industry’s potential.Images,which are an important component in strengthening communication,are widely available.Therefore,image quality assessment(IQA)is critical in improving content delivered to end users.Convolutional neural networks(CNNs)used in IQA face two common challenges.One issue is that these methods fail to provide the best representation of the image.The other issue is that the models have a large number of parameters,which easily leads to overfitting.To address these issues,the dense convolution network(DSC-Net),a deep learning model with fewer parameters,is proposed for no-reference image quality assessment(NR-IQA).Moreover,it is obvious that the use of multimodal data for deep learning has improved the performance of applications.As a result,multimodal dense convolution network(MDSC-Net)fuses the texture features extracted using the gray-level co-occurrence matrix(GLCM)method and spatial features extracted using DSC-Net and predicts the image quality.The performance of the proposed framework on the benchmark synthetic datasets LIVE,TID2013,and KADID-10k demonstrates that the MDSC-Net approach achieves good performance over state-of-the-art methods for the NR-IQA task.展开更多
Objective image quality assessment(IQA)plays an important role in various visual communication systems,which can automatically and efficiently predict the perceived quality of images.The human eye is the ultimate eval...Objective image quality assessment(IQA)plays an important role in various visual communication systems,which can automatically and efficiently predict the perceived quality of images.The human eye is the ultimate evaluator for visual experience,thus the modeling of human visual system(HVS)is a core issue for objective IQA and visual experience optimization.The traditional model based on black box fitting has low interpretability and it is difficult to guide the experience optimization effectively,while the model based on physiological simulation is hard to integrate into practical visual communication services due to its high computational complexity.For bridging the gap between signal distortion and visual experience,in this paper,we propose a novel perceptual no-reference(NR)IQA algorithm based on structural computational modeling of HVS.According to the mechanism of the human brain,we divide the visual signal processing into a low-level visual layer,a middle-level visual layer and a high-level visual layer,which conduct pixel information processing,primitive information processing and global image information processing,respectively.The natural scene statistics(NSS)based features,deep features and free-energy based features are extracted from these three layers.The support vector regression(SVR)is employed to aggregate features to the final quality prediction.Extensive experimental comparisons on three widely used benchmark IQA databases(LIVE,CSIQ and TID2013)demonstrate that our proposed metric is highly competitive with or outperforms the state-of-the-art NR IQA measures.展开更多
目前立体图像质量评价算法缺乏可靠的预测性能,主要表现在研究人类视觉系统时生物学理论薄弱,并且已有的浅层模型无法模拟出视觉信息复杂的处理过程。针对上述问题,提出一种基于交互式卷积神经网络的无参考立体图像质量评价算法。根据...目前立体图像质量评价算法缺乏可靠的预测性能,主要表现在研究人类视觉系统时生物学理论薄弱,并且已有的浅层模型无法模拟出视觉信息复杂的处理过程。针对上述问题,提出一种基于交互式卷积神经网络的无参考立体图像质量评价算法。根据初级视觉区域的双目视觉机制,融合左、右视图生成独眼特征图,并采用高斯差分算法提取左、右视图边缘信息,计算边缘求和以及差分特征图;搭建交互式卷积神经网络,整合特征图,实现深度特征学习和质量回归预测。在LIVE立体图像库上的Pearson线性相关系数(Pearson Linear Correlation Coefficient,PLCC)达到0.95以上,结果表明采用该算法能有效地解决失真立体图像质量评价问题。展开更多
针对立体图像质量评价问题,基于人眼观测图像的感知特性,提出一种双通道立体图像质量评价算法。首先,获取双目视图的拉普拉斯金字塔序列构建融合图,采用并行域分解多权重化策略提取双目局部质量感知特征;然后,结合视觉平衡特性引入语义...针对立体图像质量评价问题,基于人眼观测图像的感知特性,提出一种双通道立体图像质量评价算法。首先,获取双目视图的拉普拉斯金字塔序列构建融合图,采用并行域分解多权重化策略提取双目局部质量感知特征;然后,结合视觉平衡特性引入语义特征通道提取双目高层次语义特征;最后,在支持向量回归的基础上得到双通道主客观图像质量评价值的关系映射。双通道网络集成了包含视差信息的多局部细节特征与全局语义特征,在LIVE 3D phaseⅠ与LIVE 3D phaseⅡ立体图像库进行性能测试。结果表明:所提算法所得预测值与主观评价值间具有良好的一致性。展开更多
根据人眼对彩色图像不同颜色通道的敏感度不同,利用掩蔽效应对人眼感知立体图像质量产生的影响,提出了一种基于视觉阈值分析和通道融合的彩色图像客观质量评价方法。利用人眼视觉阈值确定立体图像的失真是否在人眼可察觉的范围,若失真...根据人眼对彩色图像不同颜色通道的敏感度不同,利用掩蔽效应对人眼感知立体图像质量产生的影响,提出了一种基于视觉阈值分析和通道融合的彩色图像客观质量评价方法。利用人眼视觉阈值确定立体图像的失真是否在人眼可察觉的范围,若失真程度小于视觉掩蔽阈值,则认为没有失真。利用原始和失真彩色图像RGB三通道各自左视点差值图和右视点差值图的奇异值与人眼视觉掩蔽阈值图的奇异值距离来衡量失真图像左右视点图像的质量。原始和失真图像对的绝对差图之差值图像和原始图像对的双目恰可察觉失真阈值图之间的奇异值距离被用于评价失真立体图像的深度感知好坏。不同失真类型下,左右视点质量融合以及左右视点评价和深度感知评价的融合其加权权值不同。对JPEG压缩、JPEG2000压缩、高斯白噪声、高斯模糊和H.264编码5种不同程度失真的312幅退化图像进行了测试,结果显示本文方法与主观感知有较好的一致性,总体CC(Pearson Linear Correlation Coefficient)达到0.94,总体SROCC(Spearman Rank Order Correlation Coefficient)达到0.94,整体均方根误差(RMSE)控制在5.9以内。展开更多
基金supported in part by the National Natural Science Foundation of China under Grant 61379143in part by the Fundamental Research Funds for the Central Universities under Grant 2015QNA66in part by the Qing Lan Project of Jiangsu Province
文摘Image enhancement is a popular technique,which is widely used to improve the visual quality of images.While image enhancement has been extensively investigated,the relevant quality assessment of enhanced images remains an open problem,which may hinder further development of enhancement techniques.In this paper,a no-reference quality metric for digitally enhanced images is proposed.Three kinds of features are extracted for characterizing the quality of enhanced images,including non-structural information,sharpness and naturalness.Specifically,a total of 42 perceptual features are extracted and used to train a support vector regression(SVR) model.Finally,the trained SVR model is used for predicting the quality of enhanced images.The performance of the proposed method is evaluated on several enhancement-related databases,including a new enhanced image database built by the authors.The experimental results demonstrate the efficiency and advantage of the proposed metric.
基金supported by the National Natural Science Foundation of China under Grants No.61773094,No.61573080,No.91420105,and No.61375115National Program on Key Basic Research Project(973 Program)under Grant No.2013CB329401+1 种基金National High-Tech R&D Program of China(863 Program)under Grant No.2015AA020505Sichuan Province Science and Technology Project under Grants No.2015SZ0141 and No.2018ZA0138
文摘Recent studies on no-reference image quality assessment (NR-IQA) methods usually learn to evaluate the image quality by regressing from human subjective scores of the training samples. This study presented an NR-IQA method based on the basic image visual parameters without using human scored image databases in learning. We demonstrated that these features comprised the most basic characteristics for constructing an image and influencing the visual quality of an image. In this paper, the definitions, computational method, and relationships among these visual metrics were described. We subsequently proposed a no-reference assessment function, which was referred to as a visual parameter measurement index (VPMI), based on the integration of these visual metrics to assess image quality. It is established that the maximum of VPMI corresponds to the best quality of the color image. We verified this method using the popular assessment database—image quality assessment database (LIVE), and the results indicated that the proposed method matched better with the subjective assessment of human vision. Compared with other image quality assessment models, it is highly competitive. VPMI has low computational complexity, which makes it promising to implement in real-time image assessment systems.
文摘In order to apply the deep learning to the stereo image quality evaluation,two problems need to be solved:The first one is that we have a bit of training samples,another is how to input the dimensional image’s left view or right view.In this paper,we transfer the 2D image quality evaluation model to the stereo image quality evaluation,and this method solves the first problem;use the method of principal component analysis is used to fuse the left and right views into an input image in order to solve the second problem.At the same time,the input image is preprocessed by phase congruency transformation,which further improves the performance of the algorithm.The structure of the deep convolution neural network consists of four convolution layers and three maximum pooling layers and two fully connected layers.The experimental results on LIVE3D image database show that the prediction quality score of the model is in good agreement with the subjective evaluation value.
基金Supported by the National Natural Science Foundation of China(Nos.6117116361271270+2 种基金6127102161111140392)National Science and Technology Support Program(2012BAH67F01)
文摘In order to establish a stereoscopic image quality assessment method which is consistent with human visual perception,we propose an objective stereoscopic image quality assessment method.It takes into account the strong correlation and high degree of structural between pixels of image.This method contains two models.One is the quality synthetic assessment of left-right view images,which is based on human visual characteristics,we use the Singular Value Decomposition(SVD)that can represent the degree of the distortion,and combine the qualities of left and right images by the characteristics of binocular superposition.The other model is stereoscopic perception quality assessment,due to strong stability of image’s singular value characteristics,we calculate the distance of the singular values and structural characteristic similarity of the absolute difference maps,and utilize the statistical value of the global error to evaluate stereoscopic perception.Finally,we combine two models to describe the stereoscopic image quality.Experimental results show that the correlation coefficients of the proposed assessment method and the human subjective perception are above 0.93,and the mean square errors are all less than 6.2,under JPEG,JP2K compression,Gaussian blurring,Gaussian white noise,H.264 coding distortion,and hybrid cross distortion.It indicates that the proposed stereoscopic objective method is consistent with human visual properties and also of availability.
基金The National Natural Science Foundation of China(No.61762004,61762005)the National Key Research and Development Program(No.2018YFB1702700)+1 种基金the Science and Technology Project Founded by the Education Department of Jiangxi Province,China(No.GJJ200702,GJJ200746)the Open Fund Project of Jiangxi Engineering Laboratory on Radioactive Geoscience and Big Data Technology(No.JETRCNGDSS201901,JELRGBDT202001,JELRGBDT202003).
文摘To evaluate the quality of blurred images effectively,this study proposes a no-reference blur assessment method based on gradient distortion measurement and salient region maps.First,a Gaussian low-pass filter is used to construct a reference image by blurring a given image.Gradient similarity is included to obtain the gradient distortion measurement map,which can finely reflect the smallest possible changes in textures and details.Second,a saliency model is utilized to calculate image saliency.Specifically,an adaptive method is used to calculate the specific salient threshold of the blurred image,and the blurred image is binarized to yield the salient region map.Block-wise visual saliency serves as the weight to obtain the final image quality.Experimental results based on the image and video engineering database,categorial image quality database,and camera image database demonstrate that the proposed method correlates well with human judgment.Its computational complexity is also relatively low.
文摘Traditional image quality assessment methods use the hand-crafted features to predict the image quality score,which cannot perform well in many scenes.Since deep learning promotes the development of many computer vision tasks,many IQA methods start to utilize the deep convolutional neural networks(CNN)for IQA task.In this paper,a CNN-based multi-scale blind image quality predictor is proposed to extract more effectivity multi-scale distortion features through the pyramidal convolution,which consists of two tasks:A distortion recognition task and a quality regression task.For the first task,image distortion type is obtained by the fully connected layer.For the second task,the image quality score is predicted during the distortion recognition progress.Experimental results on three famous IQA datasets show that the proposed method has better performance than the previous traditional algorithms for quality prediction and distortion recognition.
文摘Technological advancements continue to expand the communications industry’s potential.Images,which are an important component in strengthening communication,are widely available.Therefore,image quality assessment(IQA)is critical in improving content delivered to end users.Convolutional neural networks(CNNs)used in IQA face two common challenges.One issue is that these methods fail to provide the best representation of the image.The other issue is that the models have a large number of parameters,which easily leads to overfitting.To address these issues,the dense convolution network(DSC-Net),a deep learning model with fewer parameters,is proposed for no-reference image quality assessment(NR-IQA).Moreover,it is obvious that the use of multimodal data for deep learning has improved the performance of applications.As a result,multimodal dense convolution network(MDSC-Net)fuses the texture features extracted using the gray-level co-occurrence matrix(GLCM)method and spatial features extracted using DSC-Net and predicts the image quality.The performance of the proposed framework on the benchmark synthetic datasets LIVE,TID2013,and KADID-10k demonstrates that the MDSC-Net approach achieves good performance over state-of-the-art methods for the NR-IQA task.
基金This work was supported by National Natural Science Foundation of China(Nos.61831015 and 61901260)Key Research and Development Program of China(No.2019YFB1405902).
文摘Objective image quality assessment(IQA)plays an important role in various visual communication systems,which can automatically and efficiently predict the perceived quality of images.The human eye is the ultimate evaluator for visual experience,thus the modeling of human visual system(HVS)is a core issue for objective IQA and visual experience optimization.The traditional model based on black box fitting has low interpretability and it is difficult to guide the experience optimization effectively,while the model based on physiological simulation is hard to integrate into practical visual communication services due to its high computational complexity.For bridging the gap between signal distortion and visual experience,in this paper,we propose a novel perceptual no-reference(NR)IQA algorithm based on structural computational modeling of HVS.According to the mechanism of the human brain,we divide the visual signal processing into a low-level visual layer,a middle-level visual layer and a high-level visual layer,which conduct pixel information processing,primitive information processing and global image information processing,respectively.The natural scene statistics(NSS)based features,deep features and free-energy based features are extracted from these three layers.The support vector regression(SVR)is employed to aggregate features to the final quality prediction.Extensive experimental comparisons on three widely used benchmark IQA databases(LIVE,CSIQ and TID2013)demonstrate that our proposed metric is highly competitive with or outperforms the state-of-the-art NR IQA measures.
文摘目前立体图像质量评价算法缺乏可靠的预测性能,主要表现在研究人类视觉系统时生物学理论薄弱,并且已有的浅层模型无法模拟出视觉信息复杂的处理过程。针对上述问题,提出一种基于交互式卷积神经网络的无参考立体图像质量评价算法。根据初级视觉区域的双目视觉机制,融合左、右视图生成独眼特征图,并采用高斯差分算法提取左、右视图边缘信息,计算边缘求和以及差分特征图;搭建交互式卷积神经网络,整合特征图,实现深度特征学习和质量回归预测。在LIVE立体图像库上的Pearson线性相关系数(Pearson Linear Correlation Coefficient,PLCC)达到0.95以上,结果表明采用该算法能有效地解决失真立体图像质量评价问题。
文摘针对立体图像质量评价问题,基于人眼观测图像的感知特性,提出一种双通道立体图像质量评价算法。首先,获取双目视图的拉普拉斯金字塔序列构建融合图,采用并行域分解多权重化策略提取双目局部质量感知特征;然后,结合视觉平衡特性引入语义特征通道提取双目高层次语义特征;最后,在支持向量回归的基础上得到双通道主客观图像质量评价值的关系映射。双通道网络集成了包含视差信息的多局部细节特征与全局语义特征,在LIVE 3D phaseⅠ与LIVE 3D phaseⅡ立体图像库进行性能测试。结果表明:所提算法所得预测值与主观评价值间具有良好的一致性。
文摘根据人眼对彩色图像不同颜色通道的敏感度不同,利用掩蔽效应对人眼感知立体图像质量产生的影响,提出了一种基于视觉阈值分析和通道融合的彩色图像客观质量评价方法。利用人眼视觉阈值确定立体图像的失真是否在人眼可察觉的范围,若失真程度小于视觉掩蔽阈值,则认为没有失真。利用原始和失真彩色图像RGB三通道各自左视点差值图和右视点差值图的奇异值与人眼视觉掩蔽阈值图的奇异值距离来衡量失真图像左右视点图像的质量。原始和失真图像对的绝对差图之差值图像和原始图像对的双目恰可察觉失真阈值图之间的奇异值距离被用于评价失真立体图像的深度感知好坏。不同失真类型下,左右视点质量融合以及左右视点评价和深度感知评价的融合其加权权值不同。对JPEG压缩、JPEG2000压缩、高斯白噪声、高斯模糊和H.264编码5种不同程度失真的312幅退化图像进行了测试,结果显示本文方法与主观感知有较好的一致性,总体CC(Pearson Linear Correlation Coefficient)达到0.94,总体SROCC(Spearman Rank Order Correlation Coefficient)达到0.94,整体均方根误差(RMSE)控制在5.9以内。