IEEE Transactions on Emerging Topics in Computational Intelligence最新文献

筛选
英文 中文
Dual-Branch Semantic Enhancement Network Joint With Iterative Self-Matching Training Strategy for Semi-Supervised Semantic Segmentation 基于迭代自匹配训练策略的双分支语义增强网络半监督语义分割
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-10 DOI: 10.1109/TETCI.2025.3543272
Feng Xiao;Ruyu Liu;Xu Cheng;Haoyu Zhang;Jianhua Zhang;Yaochu Jin
{"title":"Dual-Branch Semantic Enhancement Network Joint With Iterative Self-Matching Training Strategy for Semi-Supervised Semantic Segmentation","authors":"Feng Xiao;Ruyu Liu;Xu Cheng;Haoyu Zhang;Jianhua Zhang;Yaochu Jin","doi":"10.1109/TETCI.2025.3543272","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3543272","url":null,"abstract":"With the rapid development of deep learning, supervised training methods have become increasingly sophisticated. There has been a growing trend towards semi-supervised and weakly supervised learning methods. This shift in focus is partly due to the challenges in obtaining large amounts of labeled data. The key to semi-supervised semantic segmentation is how to efficiently use a large amount of unlabeled data. A common practice is to use labeled data to generate pseudo labels for unlabeled data. However, the pseudo labels generated by these operations are of low quality, which severely interferes with the subsequent segmentation task. In this work, we propose to use the iterative self-matching strategy to enhance the self-training strategy, through which the quality of pseudo labels can be significantly improved. In practice, we split unlabeled data into two confidence types, i.e., reliable images and unreliable images, by an adaptive threshold. Using our iterative self-matching strategy, all reliable images are automatically added to the training dataset in each training iteration. At the same time, our algorithm employs an adaptive selection mechanism to filter out the highest-scoring pseudo labels of unreliable images, which are then used to further expand the training data. This iterative process enhances the reliability of the pseudo labels generated by the model. Based on this idea, we propose a novel semi-supervised semantic segmentation framework called SISS-Net. We conducted experiments on three public benchmark datasets: Pascal VOC 2012, COCO, and Cityscapes. The experimental results show that our method outperforms the supervised training method by 9.3%. In addition, we performed various joint ablation experiments to validate the effectiveness of our method.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2308-2320"},"PeriodicalIF":5.3,"publicationDate":"2025-03-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148079","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Harnessing the Power of Knowledge Graphs to Improve Causal Discovery 利用知识图谱的力量来改进因果关系发现
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-07 DOI: 10.1109/TETCI.2025.3540429
Taiyu Ban;Xiangyu Wang;Lyuzhou Chen;Derui Lyu;Xi Fan;Huanhuan Chen
{"title":"Harnessing the Power of Knowledge Graphs to Improve Causal Discovery","authors":"Taiyu Ban;Xiangyu Wang;Lyuzhou Chen;Derui Lyu;Xi Fan;Huanhuan Chen","doi":"10.1109/TETCI.2025.3540429","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3540429","url":null,"abstract":"Reconstructing the structure of causal graphical models from observational data is crucial for identifying causal mechanisms in scientific research. However, real-world noise and hidden factors can make it difficult to detect true underlying causal relationships. Current methods mainly rely on extensive expert analysis to correct wrongly identified connections, guiding structure learning toward more accurate causal interactions. This reliance on expert input demands significant manual effort and is risky due to potential erroneous judgments when handling complex causal interactions. To address these issues, this paper introduces a new, expert-free method to improve causal discovery. By utilizing the extensive resources of static knowledge bases across various fields, specifically knowledge graphs (KGs), we extract causal information related to the variables of interest and use these as prior constraints in the structure learning process. Unlike the detailed constraints provided by expert analysis, the information from KGs is more general, indicating the presence of certain paths without specifying exact connections or their lengths. We incorporate these constraints in a soft way to reduce potential noise in the KG-derived priors, ensuring that our method remains reliable. Moreover, we provide interfaces for various mainstream causal discovery methods to enhance the utility of our approach. For empirical validation, we apply our approach across multiple areas of causal discovery. The results show that our method effectively enhances data-based causal discovery and demonstrates its promising applications.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2256-2268"},"PeriodicalIF":5.3,"publicationDate":"2025-03-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148175","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Novel Hierarchical Generative Model for Semi-Supervised Semantic Segmentation of Biomedical Images 一种新的生物医学图像半监督语义分割层次生成模型
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-07 DOI: 10.1109/TETCI.2025.3540418
Lu Chai;Zidong Wang;Yuheng Shao;Qinyuan Liu
{"title":"A Novel Hierarchical Generative Model for Semi-Supervised Semantic Segmentation of Biomedical Images","authors":"Lu Chai;Zidong Wang;Yuheng Shao;Qinyuan Liu","doi":"10.1109/TETCI.2025.3540418","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3540418","url":null,"abstract":"In biomedical vision research, a significant challenge is the limited availability of pixel-wise labeled data. Data augmentation has been identified as a solution to this issue through generating labeled dummy data. While enhancing model efficacy, semi-supervised learning methodologies have emerged as a promising alternative that allows models to train on a mix of limited labeled and larger unlabeled data sets, potentially marking a significant advancement in biomedical vision research. Drawing from the semi-supervised learning strategy, in this paper, a novel medical image segmentation model is presented that features a hierarchical architecture with an attention mechanism. This model disentangles the synthesis process of biomedical images by employing a tail two-branch generator for semantic mask synthesis, thereby excelling in handling medical images with imbalanced class characteristics. During inference, the k-means clustering algorithm processes feature maps from the generator by using the clustering outcome as the segmentation mask. Experimental results show that this approach preserves biomedical image details more accurately than synthesized semantic masks. Experiments on various datasets, including those for vestibular schwannoma, kidney, and skin cancer, demonstrate the proposed method's superiority over other generative-adversarial-network-based and semi-supervised segmentation methods in both distribution fitting and semantic segmentation performance.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2219-2231"},"PeriodicalIF":5.3,"publicationDate":"2025-03-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148138","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Cross-Scale Fuzzy Holistic Attention Network for Diabetic Retinopathy Grading From Fundus Images 基于眼底图像的糖尿病视网膜病变分级的跨尺度模糊整体关注网络
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-06 DOI: 10.1109/TETCI.2025.3543361
Zhijie Lin;Zhaoshui He;Xu Wang;Wenqing Su;Ji Tan;Yamei Deng;Shengli Xie
{"title":"Cross-Scale Fuzzy Holistic Attention Network for Diabetic Retinopathy Grading From Fundus Images","authors":"Zhijie Lin;Zhaoshui He;Xu Wang;Wenqing Su;Ji Tan;Yamei Deng;Shengli Xie","doi":"10.1109/TETCI.2025.3543361","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3543361","url":null,"abstract":"Diabetic Retinopathy (DR) is one of the leading causes of visual impairment and blindness in diabetic patients worldwide. Accurate Computer-Aided Diagnosis (CAD) systems can aid in the early diagnosis and treatment of DR patients to reduce the risk of vision loss, but it remains challenging due to the following reasons: 1) the relatively low contrast and ambiguous boundaries between pathological lesions and normal retinal regions, and 2) the considerable diversity in lesion size and appearance. In this paper, a Cross-Scale Fuzzy Holistic Attention Network (CSFHANet) is proposed for DR grading using fundus images, and it consists of two main components: Fuzzy-Enhanced Holistic Attention (FEHA) and Fuzzy Learning-based Cross-Scale Fusion (FLCSF). FEHA is developed to adaptively recalibrate the importance of feature elements by assigning fuzzy weights across both channel and spatial domains, which can enhance the model's ability to learn the features of lesion regions while reducing the interference from irrelevant information in normal retinal regions. Then, the FLCSF module is designed to eliminate the uncertainty in fused multi-scale features derived from different branches by utilizing fuzzy membership functions, producing a more comprehensive and refined feature representation from complex DR lesions. Extensive experiments on the Messidor-2 and DDR datasets demonstrate that the proposed CSFHANet exhibits superior performance compared to state-of-the-art methods.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2164-2178"},"PeriodicalIF":5.3,"publicationDate":"2025-03-06","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148084","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Generative Network Correction to Promote Incremental Learning 生成网络纠错促进增量学习
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-05 DOI: 10.1109/TETCI.2025.3543370
Justin Leo;Jugal Kalita
{"title":"Generative Network Correction to Promote Incremental Learning","authors":"Justin Leo;Jugal Kalita","doi":"10.1109/TETCI.2025.3543370","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3543370","url":null,"abstract":"Neural networks are often designed for closed environments that are not open to acquisition of new knowledge. Incremental learning techniques allow neural networks to adapt to changing environments, but these methods often encounter challenges causing models to suffer from low classification accuracies. The main problem faced is catastrophic forgetting and this problem is more harmful when using incremental strategies compared to regular tasks. Some known causes of catastrophic forgetting are weight drift and inter-class confusion; these problems cause the network to erroneously fuse trained classes or to forget a learned class. This paper addresses these issues by focusing on data pre-processing and using network feedback corrections for incremental learning. Data pre-processing is important as the quality of the training data used affects the network's ability to maintain continuous class discrimination. This approach uses a generative model to modify the data input for the incremental model. Network feedback corrections would allow the network to adapt to newly found classes and scale based on network need. With combination of generative data pre-processing and network feedback, this paper proposes an approach for efficient long-term incremental learning. The results obtained are compared with similar state-of-the-art algorithms and show high incremental accuracy levels.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2334-2343"},"PeriodicalIF":5.3,"publicationDate":"2025-03-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148129","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Cross-Domain Recommendation Model Based on Asymmetric Vertical Federated Learning and Heterogeneous Representation 基于非对称垂直联邦学习和异构表示的跨领域推荐模型
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-04 DOI: 10.1109/TETCI.2025.3543313
Wanjing Zhao;Yunpeng Xiao;Tun Li;Rong Wang;Qian Li;Guoyin Wang
{"title":"A Cross-Domain Recommendation Model Based on Asymmetric Vertical Federated Learning and Heterogeneous Representation","authors":"Wanjing Zhao;Yunpeng Xiao;Tun Li;Rong Wang;Qian Li;Guoyin Wang","doi":"10.1109/TETCI.2025.3543313","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3543313","url":null,"abstract":"Cross-domain recommendation meets the personalized needs of users by integrating user preference features from different fields. However, the current cross-domain recommendation algorithm needs to be further strengthened in terms of privacy protection. This paper proposes a cross-domain recommendation model based on asymmetric vertical federated learning and heterogeneous representation. This model can improve the accuracy and diversity of recommendations under the premise of privacy protection. Firstly, we propose a privacy set intersection model based on data augmentation. This model improves the data imbalance among participants by introducing obfuscation sets. It can conceal the true data volumes of each party, thereby protecting the sensitive information of weaker parties. Secondly, we propose a heterogeneous representation method based on a walking strategy incorporating interaction timing. This method combines users' recent interests to generate node sequences that reflect the characteristics of user preferences. Then we use the Skip-Gram model to represent the node sequence in a low-dimensional embedding. Finally, we propose a cross-domain recommendation model based on vertical federated learning. This model uses the federated factorization machine to complete the interest prediction and protect the privacy data security of each domain. Experiments show that on the real data set, the model can further guarantee the data security of each participant in the asymmetric federated learning. It can also improve the recommendation accuracy on the target domain.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2344-2358"},"PeriodicalIF":5.3,"publicationDate":"2025-03-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148137","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Modeling of Spiking Neural Network With Optimal Hidden Layer via Spatiotemporal Orthogonal Encoding for Patterns Recognition 基于时空正交编码的最优隐层脉冲神经网络模式识别建模
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-03 DOI: 10.1109/TETCI.2025.3537944
Zenan Huang;Yinghui Chang;Weikang Wu;Chenhui Zhao;Hongyan Luo;Shan He;Donghui Guo
{"title":"Modeling of Spiking Neural Network With Optimal Hidden Layer via Spatiotemporal Orthogonal Encoding for Patterns Recognition","authors":"Zenan Huang;Yinghui Chang;Weikang Wu;Chenhui Zhao;Hongyan Luo;Shan He;Donghui Guo","doi":"10.1109/TETCI.2025.3537944","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3537944","url":null,"abstract":"The Spiking Neural Network (SNN) diverges from conventional rate-based network models by showcasing remarkable biological fidelity and advanced spatiotemporal computation capabilities, precisely converting input spike sequences into firing activities. This paper introduces the Spiking Optimal Neural Network (SONN), a model that integrates spiking neurons with spatiotemporal orthogonal polynomials to enhance pattern recognition capabilities. SONN innovatively integrates orthogonal polynomials and complex domain transformations seamlessly into neural dynamics, aiming to elucidate neural encoding and enhance cognitive computing capabilities. The dynamic integration of SONN enables continuous optimization of encoding methodologies and layer structures, showcasing its adaptability and refinement over time. Fundamentally, the model provides an adjustable method based on orthogonal polynomials and the corresponding complex-valued neuron model, striking a balance between network scalability and output accuracy. To evaluate its performance, SONN underwent experiments using datasets from the UCI Machine Learning Repository, the Fashion-MNIST dataset, the CIFAR-10 dataset and neuromorphic DVS128 Gesture dataset. The results show that smaller-sized SONN architectures achieve comparable accuracy in benchmark datasets compared to other SNNs.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2194-2207"},"PeriodicalIF":5.3,"publicationDate":"2025-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148164","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
MSDT: Multiscale Diffusion Transformer for Multimodality Image Fusion 用于多模态图像融合的多尺度扩散变压器
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-03 DOI: 10.1109/TETCI.2025.3542146
Caifeng Xia;Hongwei Gao;Wei Yang;Jiahui Yu
{"title":"MSDT: Multiscale Diffusion Transformer for Multimodality Image Fusion","authors":"Caifeng Xia;Hongwei Gao;Wei Yang;Jiahui Yu","doi":"10.1109/TETCI.2025.3542146","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3542146","url":null,"abstract":"Multimodal image fusion is a vital technique that integrates images from various sensors to create a comprehensive and coherent representation, with broad applications in surveillance, medical imaging, and autonomous driving. However, current fusion methods struggle with inadequate feature representation, limited global context understanding due to the small receptive fields of convolutional neural networks (CNNs), and the loss of high-frequency information, all of which lead to suboptimal fusion quality. To address these challenges, we propose the Multi-Scale Diffusion Transformer (MSDT), a novel fusion framework that seamlessly combines a latent diffusion model with a transformer-based architecture. MSDT uses a perceptual compression network to encode source images into a low-dimensional latent space, reducing computational complexity while preserving essential features. It also incorporates a multiscale feature fusion mechanism, enhancing both detail and structural understanding. Additionally, MSDT features a self-attention module to extract unique high-frequency features and a cross-attention module to identify common low-frequency features across modalities, improving contextual understanding. Extensive experiments on three datasets show that MSDT significantly outperforms state-of-the-art methods across twelve evaluation metrics, achieving an SSIM score of 0.98. Moreover, MSDT demonstrates superior robustness and generalizability, highlighting the potential of integrating diffusion models with transformer architectures for multimodal image fusion.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2269-2283"},"PeriodicalIF":5.3,"publicationDate":"2025-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148165","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Learning Uniform Latent Representation via Alternating Adversarial Network for Multi-View Clustering 基于交替对抗网络的多视图聚类统一潜在表示学习
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-03-03 DOI: 10.1109/TETCI.2025.3540426
Yue Zhang;Weitian Huang;Xiaoxue Zhang;Sirui Yang;Fa Zhang;Xin Gao;Hongmin Cai
{"title":"Learning Uniform Latent Representation via Alternating Adversarial Network for Multi-View Clustering","authors":"Yue Zhang;Weitian Huang;Xiaoxue Zhang;Sirui Yang;Fa Zhang;Xin Gao;Hongmin Cai","doi":"10.1109/TETCI.2025.3540426","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3540426","url":null,"abstract":"Multi-view clustering aims at exploiting complementary information contained in different views to partition samples into distinct categories. The popular approaches either directly integrate features from different views, or capture the common portion between views without closing the heterogeneity gap. Such rigid schemes did not consider the possible mis-alignment among different views, thus failing to learn a consistent yet comprehensive representation, leading to inferior clustering performance. To tackle the drawback, we introduce an alternating adversarial learning strategy to drive different views to fall into the same semantic space. We first present a Linear Alternating Adversarial Multi-view Clustering (Linear-A<inline-formula><tex-math>$^{2}$</tex-math></inline-formula>MC) model to align views in linear embedding spaces. To enjoy the power of feature extraction capability of deep networks, we further build a Deep Alternating Adversarial Multi-view Clustering (Deep-A<inline-formula><tex-math>$^{2}$</tex-math></inline-formula>MC) network to realize non-linear transformations and feature pruning among different views, simultaneously. Specifically, Deep-A<inline-formula><tex-math>$^{2}$</tex-math></inline-formula>MC leverages alternate adversarial learning to first align low-dimensional embedding distributions, followed by a mixture of latent representations synthesized through attention learning for multiple views. Finally, a self-supervised clustering loss is jointly optimized in the unified network to guide the learning of discriminative representations to yield compact clusters. Extensive experiments on six real world datasets with largely varied sample sizes demonstrate that Deep-A<inline-formula><tex-math>$^{2}$</tex-math></inline-formula>MC achieved superior clustering performance by comparing with twelve baseline methods.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2244-2255"},"PeriodicalIF":5.3,"publicationDate":"2025-03-03","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148087","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Adaptive Feature Transfer for Light Field Super-Resolution With Hybrid Lenses 混合透镜光场超分辨率的自适应特征转移
IF 5.3 3区 计算机科学
IEEE Transactions on Emerging Topics in Computational Intelligence Pub Date : 2025-02-28 DOI: 10.1109/TETCI.2025.3542130
Gaosheng Liu;Huanjing Yue;Xin Luo;Jingyu Yang
{"title":"Adaptive Feature Transfer for Light Field Super-Resolution With Hybrid Lenses","authors":"Gaosheng Liu;Huanjing Yue;Xin Luo;Jingyu Yang","doi":"10.1109/TETCI.2025.3542130","DOIUrl":"https://doi.org/10.1109/TETCI.2025.3542130","url":null,"abstract":"Reconstructing high-resolution (HR) light field (LF) images has shown considerable potential using hybrid lenses—a configuration comprising a central HR sensor and multiple side low-resolution (LR) sensors. Existing methods for super-resolving hybrid lenses LF images typically rely on patch matching or cross-resolution fusion with disparity-based rendering to leverage the high spatial sampling rate of the central view. However, the disparity-resolution gap between the HR central view and the LR side views poses a challenge for local high-frequency transfer. To address this, we introduce a novel framework with an adaptive feature transfer strategy. Specifically, we propose dynamically sampling and aggregating pixels from the HR central feature to effectively transfer high-frequency information to each LR view. The proposed strategy naturally adapts to different disparities and image structures, facilitating information propagation. Additionally, to refine the intermediate LF feature and promote angular consistency, we introduce a spatial-angular cross attention block that enhances domain-specific feature by appropriate weights generated from cross-domain feature. Extensive experimental results demonstrate the superiority of our proposed method over state-of-the-art approaches on both simulated and real-world datasets. The performance gain has significant potential to facilitate the down-stream LF-based applications.","PeriodicalId":13135,"journal":{"name":"IEEE Transactions on Emerging Topics in Computational Intelligence","volume":"9 3","pages":"2284-2295"},"PeriodicalIF":5.3,"publicationDate":"2025-02-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"144148125","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
0
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
确定
请完成安全验证×
相关产品
×
本文献相关产品
联系我们:info@booksci.cn Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。 Copyright © 2023 布克学术 All rights reserved.
京ICP备2023020795号-1
ghs 京公网安备 11010802042870号
Book学术文献互助
Book学术文献互助群
群 号:604180095
Book学术官方微信