首页 > 最新文献

IEICE Transactions on Information and Systems最新文献

英文 中文
Line Segment Detection Based on False Peak Suppression and Local Hough Transform and Application to Nuclear Emulsion 基于假峰抑制和局部霍夫变换的线段检测及其在核乳剂中的应用
4区 计算机科学 Q3 Engineering Pub Date : 2023-11-01 DOI: 10.1587/transinf.2023edp7117
Ye TIAN, Mei HAN, Jinyi ZHANG
This paper mainly proposes a line segment detection method based on pseudo peak suppression and local Hough transform, which has good noise resistance and can solve the problems of short line segment missing detection, false detection, and oversegmentation. In addition, in response to the phenomenon of uneven development in nuclear emulsion tomographic images, this paper proposes an image preprocessing process that uses the “Difference of Gaussian” method to reduce noise and then uses the standard deviation of the gray value of each pixel to bundle and unify the gray value of each pixel, which can robustly obtain the linear features in these images. The tests on the actual dataset of nuclear emulsion tomographic images and the public YorkUrban dataset show that the proposed method can effectively improve the accuracy of convolutional neural network or vision in transformer-based event classification for alpha-decay events in nuclear emulsion. In particular, the line segment detection method in the proposed method achieves optimal results in both accuracy and processing speed, which also has strong generalization ability in high quality natural images.
本文主要提出了一种基于伪峰值抑制和局部霍夫变换的线段检测方法,该方法具有良好的抗噪声性能,可以解决短线段缺失检测、误检测和过分割问题。此外,针对核乳剂层析成像图像中出现的发育不均匀现象,本文提出了一种图像预处理方法,采用“高斯差分法”降噪,然后利用每个像素的灰度值的标准差对每个像素的灰度值进行捆扎统一,可以鲁棒地获得这些图像中的线性特征。在核乳液层析成像实际数据集和YorkUrban公共数据集上的测试表明,该方法可以有效提高卷积神经网络或视觉在基于变压器的核乳液α衰变事件分类中的准确性。特别是本文方法中的线段检测方法在精度和处理速度上都达到了最优的效果,在高质量的自然图像中也具有较强的泛化能力。
{"title":"Line Segment Detection Based on False Peak Suppression and Local Hough Transform and Application to Nuclear Emulsion","authors":"Ye TIAN, Mei HAN, Jinyi ZHANG","doi":"10.1587/transinf.2023edp7117","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7117","url":null,"abstract":"This paper mainly proposes a line segment detection method based on pseudo peak suppression and local Hough transform, which has good noise resistance and can solve the problems of short line segment missing detection, false detection, and oversegmentation. In addition, in response to the phenomenon of uneven development in nuclear emulsion tomographic images, this paper proposes an image preprocessing process that uses the “Difference of Gaussian” method to reduce noise and then uses the standard deviation of the gray value of each pixel to bundle and unify the gray value of each pixel, which can robustly obtain the linear features in these images. The tests on the actual dataset of nuclear emulsion tomographic images and the public YorkUrban dataset show that the proposed method can effectively improve the accuracy of convolutional neural network or vision in transformer-based event classification for alpha-decay events in nuclear emulsion. In particular, the line segment detection method in the proposed method achieves optimal results in both accuracy and processing speed, which also has strong generalization ability in high quality natural images.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161865","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Two-Path Object Knowledge Injection for Detecting Novel Objects With Single-Stage Dense Detector 单级密集检测器检测新对象的双路径对象知识注入
4区 计算机科学 Q3 Engineering Pub Date : 2023-11-01 DOI: 10.1587/transinf.2022edp7216
KuanChao CHU, Hideki NAKAYAMA
We present an effective system for integrating generative zero-shot classification modules into a YOLO-like dense detector to detect novel objects. Most double-stage-based novel object detection methods are achieved by refining the classification output branch but cannot be applied to a dense detector. Our system utilizes two paths to inject knowledge of novel objects into a dense detector. One involves injecting the class confidence for novel classes from a classifier trained on data synthesized via a dual-step generator. This generator learns a mapping function between two feature spaces, resulting in better classification performance. The second path involves re-training the detector head with feature maps synthesized on different intensity levels. This approach significantly increases the predicted objectness for novel objects, which is a major challenge for a dense detector. We also introduce a stop-and-reload mechanism during re-training for optimizing across head layers to better learn synthesized features. Our method relaxes the constraint on the detector head architecture in the previous method and has markedly enhanced performance on the MSCOCO dataset.
我们提出了一个有效的系统,将生成式零射击分类模块集成到一个类似于yolo的密集检测器中,以检测新的目标。大多数基于双阶段的新目标检测方法是通过细化分类输出分支来实现的,但不能应用于密集检测器。我们的系统利用两条路径将新对象的知识注入到密集检测器中。其中一种涉及为通过双步生成器合成的数据训练的分类器中的新类注入类置信度。该生成器学习两个特征空间之间的映射函数,从而获得更好的分类性能。第二种方法是用不同强度合成的特征图重新训练检测器头部。这种方法大大提高了对新物体的预测,这是对密集探测器的主要挑战。我们还在重新训练期间引入了停止-重新加载机制,以便跨头部层进行优化,以更好地学习合成特征。我们的方法放宽了先前方法对检测器头部结构的约束,并显著提高了MSCOCO数据集的性能。
{"title":"Two-Path Object Knowledge Injection for Detecting Novel Objects With Single-Stage Dense Detector","authors":"KuanChao CHU, Hideki NAKAYAMA","doi":"10.1587/transinf.2022edp7216","DOIUrl":"https://doi.org/10.1587/transinf.2022edp7216","url":null,"abstract":"We present an effective system for integrating generative zero-shot classification modules into a YOLO-like dense detector to detect novel objects. Most double-stage-based novel object detection methods are achieved by refining the classification output branch but cannot be applied to a dense detector. Our system utilizes two paths to inject knowledge of novel objects into a dense detector. One involves injecting the class confidence for novel classes from a classifier trained on data synthesized via a dual-step generator. This generator learns a mapping function between two feature spaces, resulting in better classification performance. The second path involves re-training the detector head with feature maps synthesized on different intensity levels. This approach significantly increases the predicted objectness for novel objects, which is a major challenge for a dense detector. We also introduce a stop-and-reload mechanism during re-training for optimizing across head layers to better learn synthesized features. Our method relaxes the constraint on the detector head architecture in the previous method and has markedly enhanced performance on the MSCOCO dataset.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161892","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Driver Fatigue Detection Algorithm Based on Dynamic Tracking of Small Facial Targets Using YOLOv7 基于YOLOv7人脸小目标动态跟踪的驾驶员疲劳检测算法
4区 计算机科学 Q3 Engineering Pub Date : 2023-11-01 DOI: 10.1587/transinf.2023edp7093
Shugang LIU, Yujie WANG, Qiangguo YU, Jie ZHAN, Hongli LIU, Jiangtao LIU
Driver fatigue detection has become crucial in vehicle safety technology. Achieving high accuracy and real-time performance in detecting driver fatigue is paramount. In this paper, we propose a novel driver fatigue detection algorithm based on dynamic tracking of Facial Eyes and Yawning using YOLOv7, named FEY-YOLOv7. The Coordinate Attention module is inserted into YOLOv7 to enhance its dynamic tracking accuracy by focusing on coordinate information. Additionally, a small target detection head is incorporated into the network architecture to promote the feature extraction ability of small facial targets such as eyes and mouth. In terms of compution, the YOLOv7 network architecture is significantly simplified to achieve high detection speed. Using the proposed PERYAWN algorithm, driver status is labeled and detected by four classes: open_eye, closed_eye, open_mouth, and closed_mouth. Furthermore, the Guided Image Filtering algorithm is employed to enhance image details. The proposed FEY-YOLOv7 is trained and validated on RGB-infrared datasets. The results show that FEY-YOLOv7 has achieved mAP of 0.983 and FPS of 101. This indicates that FEY-YOLOv7 is superior to state-of-the-art methods in accuracy and speed, providing an effective and practical solution for image-based driver fatigue detection.
驾驶员疲劳检测已成为汽车安全技术的重要组成部分。实现驾驶员疲劳检测的高精度和实时性是至关重要的。本文提出了一种基于YOLOv7动态跟踪面部眼睛和打哈欠的驾驶员疲劳检测算法,命名为FEY-YOLOv7。在YOLOv7中插入坐标关注模块,通过对坐标信息的关注,提高YOLOv7的动态跟踪精度。此外,在网络架构中加入了一个小目标检测头,提高了面部小目标(如眼睛和嘴巴)的特征提取能力。在计算方面,YOLOv7网络架构大大简化,实现了较高的检测速度。使用提出的PERYAWN算法,驱动程序状态被标记和检测为四个类:open_eye, close_eye, open_mouth和close_mouth。在此基础上,采用引导图像滤波算法增强图像细节。提出的FEY-YOLOv7在rgb红外数据集上进行了训练和验证。结果表明,FEY-YOLOv7的mAP值为0.983,FPS值为101。这表明FEY-YOLOv7在准确性和速度上都优于最先进的方法,为基于图像的驾驶员疲劳检测提供了有效实用的解决方案。
{"title":"A Driver Fatigue Detection Algorithm Based on Dynamic Tracking of Small Facial Targets Using YOLOv7","authors":"Shugang LIU, Yujie WANG, Qiangguo YU, Jie ZHAN, Hongli LIU, Jiangtao LIU","doi":"10.1587/transinf.2023edp7093","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7093","url":null,"abstract":"Driver fatigue detection has become crucial in vehicle safety technology. Achieving high accuracy and real-time performance in detecting driver fatigue is paramount. In this paper, we propose a novel driver fatigue detection algorithm based on dynamic tracking of Facial Eyes and Yawning using YOLOv7, named FEY-YOLOv7. The Coordinate Attention module is inserted into YOLOv7 to enhance its dynamic tracking accuracy by focusing on coordinate information. Additionally, a small target detection head is incorporated into the network architecture to promote the feature extraction ability of small facial targets such as eyes and mouth. In terms of compution, the YOLOv7 network architecture is significantly simplified to achieve high detection speed. Using the proposed PERYAWN algorithm, driver status is labeled and detected by four classes: open_eye, closed_eye, open_mouth, and closed_mouth. Furthermore, the Guided Image Filtering algorithm is employed to enhance image details. The proposed FEY-YOLOv7 is trained and validated on RGB-infrared datasets. The results show that FEY-YOLOv7 has achieved mAP of 0.983 and FPS of 101. This indicates that FEY-YOLOv7 is superior to state-of-the-art methods in accuracy and speed, providing an effective and practical solution for image-based driver fatigue detection.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135162075","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Loosely-Stabilizing Algorithm on Almost Maximal Independent Set 几乎极大独立集上的松弛稳定算法
4区 计算机科学 Q3 Engineering Pub Date : 2023-11-01 DOI: 10.1587/transinf.2023edp7075
Rongcheng DONG, Taisuke IZUMI, Naoki KITAMURA, Yuichi SUDO, Toshimitsu MASUZAWA
The maximal independent set (MIS) problem is one of the most fundamental problems in the field of distributed computing. This paper focuses on the MIS problem with unreliable communication between processes in the system. We propose a relaxed notion of MIS, named almost MIS (ALMIS), and show that the loosely-stabilizing algorithm proposed in our previous work can achieve exponentially long holding time with logarithmic convergence time and space complexity regarding ALMIS, which cannot be achieved at the same time regarding MIS in our previous work.
最大独立集(MIS)问题是分布式计算领域中最基本的问题之一。本文主要研究管理信息系统中进程间通信不可靠的问题。我们提出了一个宽松的MIS概念,称为几乎MIS (ALMIS),并证明了我们之前的工作中提出的松散稳定算法可以在ALMIS上实现指数级长的保持时间和对数收敛时间和空间复杂度,这是我们之前的工作中不能同时实现的MIS。
{"title":"Loosely-Stabilizing Algorithm on Almost Maximal Independent Set","authors":"Rongcheng DONG, Taisuke IZUMI, Naoki KITAMURA, Yuichi SUDO, Toshimitsu MASUZAWA","doi":"10.1587/transinf.2023edp7075","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7075","url":null,"abstract":"The maximal independent set (MIS) problem is one of the most fundamental problems in the field of distributed computing. This paper focuses on the MIS problem with unreliable communication between processes in the system. We propose a relaxed notion of MIS, named almost MIS (ALMIS), and show that the loosely-stabilizing algorithm proposed in our previous work can achieve exponentially long holding time with logarithmic convergence time and space complexity regarding ALMIS, which cannot be achieved at the same time regarding MIS in our previous work.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161715","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Visual Inspection Method for Subway Tunnel Cracks Based on Multi-Kernel Convolution Cascade Enhancement Learning 基于多核卷积级联增强学习的地铁隧道裂缝视觉检测方法
4区 计算机科学 Q3 Engineering Pub Date : 2023-10-01 DOI: 10.1587/transinf.2023edp7073
Baoxian WANG, Zhihao DONG, Yuzhao WANG, Shoupeng QIN, Zhao TAN, Weigang ZHAO, Wei-Xin REN, Junfang WANG
As a typical surface defect of tunnel lining structures, cracking disease affects the durability of tunnel structures and poses hidden dangers to tunnel driving safety. Factors such as interference from the complex service environment of the tunnel and the low signal-to-noise ratio of the crack targets themselves, have led to existing crack recognition methods based on semantic segmentation being unable to meet actual engineering needs. Based on this, this paper uses the Unet network as the basic framework for crack identification and proposes to construct a multi-kernel convolution cascade enhancement (MKCE) model to achieve accurate detection and identification of crack diseases. First of all, to ensure the performance of crack feature extraction, the model modified the main feature extraction network in the basic framework to ResNet-50 residual network. Compared with the VGG-16 network, this modification can extract richer crack detail features while reducing model parameters. Secondly, considering that the Unet network cannot effectively perceive multi-scale crack features in the skip connection stage, a multi-kernel convolution cascade enhancement module is proposed by combining a cascaded connection of multi-kernel convolution groups and multi-expansion rate dilated convolution groups. This module achieves a comprehensive perception of local details and the global content of tunnel lining cracks. In addition, to better weaken the effect of tunnel background clutter interference, a convolutional block attention calculation module is further introduced after the multi-kernel convolution cascade enhancement module, which effectively reduces the false alarm rate of crack recognition. The algorithm is tested on a large number of subway tunnel crack image datasets. The experimental results show that, compared with other crack recognition algorithms based on deep learning, the method in this paper has achieved the best results in terms of accuracy and intersection over union (IoU) indicators, which verifies the method in this paper has better applicability.
裂缝病是隧道衬砌结构的一种典型表面缺陷,影响隧道结构的耐久性,给隧道行车安全带来隐患。由于隧道复杂使用环境的干扰以及裂缝目标本身的低信噪比等因素,现有的基于语义分割的裂缝识别方法已不能满足实际工程需要。在此基础上,本文以Unet网络作为裂纹识别的基本框架,提出构建多核卷积级联增强(MKCE)模型,实现裂纹病害的准确检测和识别。首先,为了保证裂缝特征提取的性能,该模型将基本框架中的主要特征提取网络修改为ResNet-50残差网络。与VGG-16网络相比,改进后的网络可以提取更丰富的裂缝细节特征,同时降低模型参数。其次,针对Unet网络在跳跃连接阶段不能有效感知多尺度裂缝特征的问题,将多核卷积群级联连接与多展开率扩张卷积群相结合,提出了多核卷积级联增强模块;该模块实现了对隧道衬砌裂缝局部细节和全局内容的综合感知。此外,为了更好地减弱隧道背景杂波干扰的影响,在多核卷积级联增强模块之后,进一步引入了卷积块注意力计算模块,有效降低了裂缝识别的虚警率。该算法在大量地铁隧道裂缝图像数据集上进行了测试。实验结果表明,与其他基于深度学习的裂缝识别算法相比,本文方法在准确率和IoU指标上都取得了最好的结果,验证了本文方法具有更好的适用性。
{"title":"Visual Inspection Method for Subway Tunnel Cracks Based on Multi-Kernel Convolution Cascade Enhancement Learning","authors":"Baoxian WANG, Zhihao DONG, Yuzhao WANG, Shoupeng QIN, Zhao TAN, Weigang ZHAO, Wei-Xin REN, Junfang WANG","doi":"10.1587/transinf.2023edp7073","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7073","url":null,"abstract":"As a typical surface defect of tunnel lining structures, cracking disease affects the durability of tunnel structures and poses hidden dangers to tunnel driving safety. Factors such as interference from the complex service environment of the tunnel and the low signal-to-noise ratio of the crack targets themselves, have led to existing crack recognition methods based on semantic segmentation being unable to meet actual engineering needs. Based on this, this paper uses the Unet network as the basic framework for crack identification and proposes to construct a multi-kernel convolution cascade enhancement (MKCE) model to achieve accurate detection and identification of crack diseases. First of all, to ensure the performance of crack feature extraction, the model modified the main feature extraction network in the basic framework to ResNet-50 residual network. Compared with the VGG-16 network, this modification can extract richer crack detail features while reducing model parameters. Secondly, considering that the Unet network cannot effectively perceive multi-scale crack features in the skip connection stage, a multi-kernel convolution cascade enhancement module is proposed by combining a cascaded connection of multi-kernel convolution groups and multi-expansion rate dilated convolution groups. This module achieves a comprehensive perception of local details and the global content of tunnel lining cracks. In addition, to better weaken the effect of tunnel background clutter interference, a convolutional block attention calculation module is further introduced after the multi-kernel convolution cascade enhancement module, which effectively reduces the false alarm rate of crack recognition. The algorithm is tested on a large number of subway tunnel crack image datasets. The experimental results show that, compared with other crack recognition algorithms based on deep learning, the method in this paper has achieved the best results in terms of accuracy and intersection over union (IoU) indicators, which verifies the method in this paper has better applicability.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-10-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135372680","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Context-Aware Stock Recommendations with Stocks' Characteristics and Investors' Traits 基于股票特征和投资者特征的情境感知股票推荐
4区 计算机科学 Q3 Engineering Pub Date : 2023-10-01 DOI: 10.1587/transinf.2023edp7017
Takehiro TAKAYANAGI, Kiyoshi IZUMI
Personalized stock recommendations aim to suggest stocks tailored to individual investor needs, significantly aiding the financial decision making of an investor. This study shows the advantages of incorporating context into personalized stock recommendation systems. We embed item contextual information such as technical indicators, fundamental factors, and business activities of individual stocks. Simultaneously, we consider user contextual information such as investors' personality traits, behavioral characteristics, and attributes to create a comprehensive investor profile. Our model incorporating contextual information, validated on novel stock recommendation tasks, demonstrated a notable improvement over baseline models when incorporating these contextual features. Consistent outperformance across various hyperparameters further underscores the robustness and utility of our model in integrating stocks' features and investors' traits into personalized stock recommendations.
个性化股票推荐旨在推荐适合个人投资者需求的股票,极大地帮助投资者做出财务决策。本研究显示了将情境纳入个性化股票推荐系统的优势。我们嵌入项目上下文信息,如技术指标、基本因素和个股的商业活动。同时,我们考虑用户上下文信息,如投资者的个性特征、行为特征和属性,以创建一个全面的投资者档案。我们的模型结合了上下文信息,在新的股票推荐任务上得到了验证,当结合这些上下文特征时,我们的模型比基线模型有了显著的改进。在各种超参数中持续的优异表现进一步强调了我们的模型在将股票特征和投资者特征整合到个性化股票推荐中的鲁棒性和实用性。
{"title":"Context-Aware Stock Recommendations with Stocks' Characteristics and Investors' Traits","authors":"Takehiro TAKAYANAGI, Kiyoshi IZUMI","doi":"10.1587/transinf.2023edp7017","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7017","url":null,"abstract":"Personalized stock recommendations aim to suggest stocks tailored to individual investor needs, significantly aiding the financial decision making of an investor. This study shows the advantages of incorporating context into personalized stock recommendation systems. We embed item contextual information such as technical indicators, fundamental factors, and business activities of individual stocks. Simultaneously, we consider user contextual information such as investors' personality traits, behavioral characteristics, and attributes to create a comprehensive investor profile. Our model incorporating contextual information, validated on novel stock recommendation tasks, demonstrated a notable improvement over baseline models when incorporating these contextual features. Consistent outperformance across various hyperparameters further underscores the robustness and utility of our model in integrating stocks' features and investors' traits into personalized stock recommendations.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-10-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135372813","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Fusion-Based Edge and Color Recovery Using Weighted Near-Infrared Image and Color Transmission Maps for Robust Haze Removal 基于融合的边缘和颜色恢复,使用加权近红外图像和彩色透射图鲁棒去除雾霾
4区 计算机科学 Q3 Engineering Pub Date : 2023-10-01 DOI: 10.1587/transinf.2023pcp0007
Onhi KATO, Akira KUBOTA
Various haze removal methods based on the atmospheric scattering model have been presented in recent years. Most methods have targeted strong haze images where light is scattered equally in all color channels. This paper presents a haze removal method using near-infrared (NIR) images for relatively weak haze images. In order to recover the lost edges, the presented method first extracts edges from an appropriately weighted NIR image and fuses it with the color image. By introducing a wavelength-dependent scattering model, our method then estimates the transmission map for each color channel and recovers the color more naturally from the edge-recovered image. Finally, the edge-recovered and the color-recovered images are blended. In this blending process, the regions with high lightness, such as sky and clouds, where unnatural color shifts are likely to occur, are effectively estimated, and the optimal weighting map is obtained. Our qualitative and quantitative evaluations using 59 pairs of color and NIR images demonstrated that our method can recover edges and colors more naturally in weak haze images than conventional methods.
近年来提出了各种基于大气散射模型的雾霾去除方法。大多数方法都针对强雾霾图像,其中光在所有颜色通道中均匀散射。针对相对较弱的雾霾图像,提出了一种利用近红外图像去除雾霾的方法。为了恢复丢失的边缘,该方法首先从适当加权的近红外图像中提取边缘并将其与彩色图像融合。通过引入波长相关的散射模型,我们的方法估计了每个颜色通道的透射图,并从边缘恢复的图像中更自然地恢复颜色。最后,对边缘恢复图像和彩色恢复图像进行混合处理。在混合过程中,有效地估计了天空、云等可能出现不自然颜色偏移的高亮度区域,得到了最优加权图。我们使用59对彩色和近红外图像进行定性和定量评估,结果表明我们的方法可以比传统方法更自然地在弱雾图像中恢复边缘和颜色。
{"title":"Fusion-Based Edge and Color Recovery Using Weighted Near-Infrared Image and Color Transmission Maps for Robust Haze Removal","authors":"Onhi KATO, Akira KUBOTA","doi":"10.1587/transinf.2023pcp0007","DOIUrl":"https://doi.org/10.1587/transinf.2023pcp0007","url":null,"abstract":"Various haze removal methods based on the atmospheric scattering model have been presented in recent years. Most methods have targeted strong haze images where light is scattered equally in all color channels. This paper presents a haze removal method using near-infrared (NIR) images for relatively weak haze images. In order to recover the lost edges, the presented method first extracts edges from an appropriately weighted NIR image and fuses it with the color image. By introducing a wavelength-dependent scattering model, our method then estimates the transmission map for each color channel and recovers the color more naturally from the edge-recovered image. Finally, the edge-recovered and the color-recovered images are blended. In this blending process, the regions with high lightness, such as sky and clouds, where unnatural color shifts are likely to occur, are effectively estimated, and the optimal weighting map is obtained. Our qualitative and quantitative evaluations using 59 pairs of color and NIR images demonstrated that our method can recover edges and colors more naturally in weak haze images than conventional methods.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-10-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135373449","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Large-Scale Gaussian Process Regression Based on Random Fourier Features and Local Approximation with Tsallis Entropy 基于随机傅立叶特征和Tsallis熵局部逼近的大规模高斯过程回归
4区 计算机科学 Q3 Engineering Pub Date : 2023-10-01 DOI: 10.1587/transinf.2023edl8016
Hongli ZHANG, Jinglei LIU
With the emergence of a large quantity of data in science and industry, it is urgent to improve the prediction accuracy and reduce the high complexity of Gaussian process regression (GPR). However, the traditional global approximation and local approximation have corresponding shortcomings, such as global approximation tends to ignore local features, and local approximation has the problem of over-fitting. In order to solve these problems, a large-scale Gaussian process regression algorithm (RFFLT) combining random Fourier features (RFF) and local approximation is proposed. 1) In order to speed up the training time, we use the random Fourier feature map input data mapped to the random low-dimensional feature space for processing. The main innovation of the algorithm is to design features by using existing fast linear processing methods, so that the inner product of the transformed data is approximately equal to the inner product in the feature space of the shift invariant kernel specified by the user. 2) The generalized robust Bayesian committee machine (GRBCM) based on Tsallis mutual information method is used in local approximation, which enhances the flexibility of the model and generates a sparse representation of the expert weight distribution compared with previous work. The algorithm RFFLT was tested on six real data sets, which greatly shortened the time of regression prediction and improved the prediction accuracy.
随着科学和工业中大量数据的出现,提高高斯过程回归(Gaussian process regression, GPR)的预测精度和降低其高复杂性已成为迫切需要解决的问题。然而,传统的全局近似和局部近似都存在相应的缺点,如全局近似容易忽略局部特征,局部近似存在过拟合问题。为了解决这些问题,提出了一种结合随机傅立叶特征(RFF)和局部近似的大规模高斯过程回归算法。1)为了加快训练时间,我们使用随机傅立叶特征映射将输入数据映射到随机低维特征空间进行处理。该算法的主要创新之处在于利用现有的快速线性处理方法设计特征,使变换后的数据的内积近似等于用户指定的移位不变核特征空间内的内积。2)采用基于Tsallis互信息方法的广义鲁棒贝叶斯委员会机(GRBCM)进行局部逼近,增强了模型的灵活性,与前人相比,生成了专家权重分布的稀疏表示。RFFLT算法在6个真实数据集上进行了测试,大大缩短了回归预测时间,提高了预测精度。
{"title":"Large-Scale Gaussian Process Regression Based on Random Fourier Features and Local Approximation with Tsallis Entropy","authors":"Hongli ZHANG, Jinglei LIU","doi":"10.1587/transinf.2023edl8016","DOIUrl":"https://doi.org/10.1587/transinf.2023edl8016","url":null,"abstract":"With the emergence of a large quantity of data in science and industry, it is urgent to improve the prediction accuracy and reduce the high complexity of Gaussian process regression (GPR). However, the traditional global approximation and local approximation have corresponding shortcomings, such as global approximation tends to ignore local features, and local approximation has the problem of over-fitting. In order to solve these problems, a large-scale Gaussian process regression algorithm (RFFLT) combining random Fourier features (RFF) and local approximation is proposed. 1) In order to speed up the training time, we use the random Fourier feature map input data mapped to the random low-dimensional feature space for processing. The main innovation of the algorithm is to design features by using existing fast linear processing methods, so that the inner product of the transformed data is approximately equal to the inner product in the feature space of the shift invariant kernel specified by the user. 2) The generalized robust Bayesian committee machine (GRBCM) based on Tsallis mutual information method is used in local approximation, which enhances the flexibility of the model and generates a sparse representation of the expert weight distribution compared with previous work. The algorithm RFFLT was tested on six real data sets, which greatly shortened the time of regression prediction and improved the prediction accuracy.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-10-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135369905","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Filter Bank for Perfect Reconstruction of Light Field from Its Focal Stack 从焦叠中完美重建光场的滤波器组
4区 计算机科学 Q3 Engineering Pub Date : 2023-10-01 DOI: 10.1587/transinf.2023pcp0006
Akira KUBOTA, Kazuya KODAMA, Daiki TAMURA, Asami ITO
Focal stacks (FS) have attracted attention as an alternative representation of light field (LF). However, the problem of reconstructing LF from its FS is considered ill-posed. Although many regularization methods have been discussed, no method has been proposed to solve this problem perfectly. This paper showed that the LF can be perfectly reconstructed from the FS through a filter bank in theory for Lambertian scenes without occlusion if the camera aperture for acquiring the FS is a Cauchy function. The numerical simulation demonstrated that the filter bank allows perfect reconstruction of the LF.
焦点叠加作为光场的另一种表现形式引起了人们的关注。然而,从其FS重建LF的问题被认为是不适定的。虽然讨论了许多正则化方法,但没有一种方法能完美地解决这个问题。本文证明了在无遮挡的兰伯场景中,如果获取FS的相机光圈为柯西函数,则可以通过滤波器组对FS进行理论上的重构。数值模拟结果表明,该滤波器组可以很好地重建低频信号。
{"title":"Filter Bank for Perfect Reconstruction of Light Field from Its Focal Stack","authors":"Akira KUBOTA, Kazuya KODAMA, Daiki TAMURA, Asami ITO","doi":"10.1587/transinf.2023pcp0006","DOIUrl":"https://doi.org/10.1587/transinf.2023pcp0006","url":null,"abstract":"Focal stacks (FS) have attracted attention as an alternative representation of light field (LF). However, the problem of reconstructing LF from its FS is considered ill-posed. Although many regularization methods have been discussed, no method has been proposed to solve this problem perfectly. This paper showed that the LF can be perfectly reconstructed from the FS through a filter bank in theory for Lambertian scenes without occlusion if the camera aperture for acquiring the FS is a Cauchy function. The numerical simulation demonstrated that the filter bank allows perfect reconstruction of the LF.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-10-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135372682","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Fault-Resilient Robot Operating System Supporting Rapid Fault Recovery with Node Replication 支持节点复制快速故障恢复的容错机器人操作系统
4区 计算机科学 Q3 Engineering Pub Date : 2023-10-01 DOI: 10.1587/transinf.2023edl8014
Jonghyeok YOU, Heesoo KIM, Kilho LEE
This paper proposes a fault-resilient ROS platform supporting rapid fault detection and recovery. The platform employs heartbeat-based fault detection and node replication-based recovery. Our prototype implementation on top of the ROS Melodic shows a great performance in evaluations with a Nvidia development board and an inverted pendulum device.
本文提出了一种支持快速故障检测和恢复的容错ROS平台。该平台采用基于心跳的故障检测和基于节点复制的故障恢复。我们在ROS Melodic之上的原型实现在Nvidia开发板和倒立摆设备的评估中显示出出色的性能。
{"title":"Fault-Resilient Robot Operating System Supporting Rapid Fault Recovery with Node Replication","authors":"Jonghyeok YOU, Heesoo KIM, Kilho LEE","doi":"10.1587/transinf.2023edl8014","DOIUrl":"https://doi.org/10.1587/transinf.2023edl8014","url":null,"abstract":"This paper proposes a fault-resilient ROS platform supporting rapid fault detection and recovery. The platform employs heartbeat-based fault detection and node replication-based recovery. Our prototype implementation on top of the ROS Melodic shows a great performance in evaluations with a Nvidia development board and an inverted pendulum device.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2023-10-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135372806","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
IEICE Transactions on Information and Systems
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1