首页 > 最新文献

IEEE transactions on pattern analysis and machine intelligence最新文献

英文 中文
Language-Inspired Relation Transfer for Few-Shot Class-Incremental Learning. 语言启发下的关系转移,适用于少儿类增益学习。
Pub Date : 2024-11-06 DOI: 10.1109/TPAMI.2024.3492328
Yifan Zhao, Jia Li, Zeyin Song, Yonghong Tian

Depicting novel classes with language descriptions by observing few-shot samples is inherent in human-learning systems. This lifelong learning capability helps to distinguish new knowledge from old ones through the increase of open-world learning, namely Few-Shot Class-Incremental Learning (FSCIL). Existing works to solve this problem mainly rely on the careful tuning of visual encoders, which shows an evident trade-off between the base knowledge and incremental ones. Motivated by human learning systems, we propose a new Language-inspired Relation Transfer (LRT) paradigm to understand objects by joint visual clues and text depictions, composed of two major steps. We first transfer the pretrained text knowledge to the visual domains by proposing a graph relation transformation module and then fuse the visual and language embedding by a text-vision prototypical fusion module. Second, to mitigate the domain gap caused by visual finetuning, we propose context prompt learning for fast domain alignment and imagined contrastive learning to alleviate the insufficient text data during alignment. With collaborative learning of domain alignments and text-image transfer, our proposed LRT outperforms the state-of-the-art models by over 13% and 7% on the final session of miniImageNet and CIFAR-100 FSCIL benchmarks.

通过观察少量样本来描绘具有语言描述的新类别是人类学习系统的固有特性。这种终身学习能力有助于通过增加开放世界学习(即 "少镜头类增量学习"(Few-Shot Class-Incremental Learning,FSCIL))来区分新旧知识。现有的解决这一问题的方法主要依赖于对视觉编码器的精心调整,这在基础知识和增量知识之间显示出明显的权衡。受人类学习系统的启发,我们提出了一种新的语言启发关系转移(LRT)范式,通过视觉线索和文本描述来理解物体,主要包括两个步骤。首先,我们通过提出图关系转换模块,将预先训练的文本知识转移到视觉领域,然后通过文本-视觉原型融合模块将视觉和语言嵌入融合在一起。其次,为了缓解视觉微调造成的领域差距,我们提出了上下文提示学习来实现快速领域对齐,并提出了想象对比学习来缓解对齐过程中文本数据不足的问题。通过领域配准和文本图像传输的协作学习,我们提出的 LRT 在 miniImageNet 和 CIFAR-100 FSCIL 基准的最终测试中分别以 13% 和 7% 的优势超越了最先进的模型。
{"title":"Language-Inspired Relation Transfer for Few-Shot Class-Incremental Learning.","authors":"Yifan Zhao, Jia Li, Zeyin Song, Yonghong Tian","doi":"10.1109/TPAMI.2024.3492328","DOIUrl":"https://doi.org/10.1109/TPAMI.2024.3492328","url":null,"abstract":"<p><p>Depicting novel classes with language descriptions by observing few-shot samples is inherent in human-learning systems. This lifelong learning capability helps to distinguish new knowledge from old ones through the increase of open-world learning, namely Few-Shot Class-Incremental Learning (FSCIL). Existing works to solve this problem mainly rely on the careful tuning of visual encoders, which shows an evident trade-off between the base knowledge and incremental ones. Motivated by human learning systems, we propose a new Language-inspired Relation Transfer (LRT) paradigm to understand objects by joint visual clues and text depictions, composed of two major steps. We first transfer the pretrained text knowledge to the visual domains by proposing a graph relation transformation module and then fuse the visual and language embedding by a text-vision prototypical fusion module. Second, to mitigate the domain gap caused by visual finetuning, we propose context prompt learning for fast domain alignment and imagined contrastive learning to alleviate the insufficient text data during alignment. With collaborative learning of domain alignments and text-image transfer, our proposed LRT outperforms the state-of-the-art models by over 13% and 7% on the final session of miniImageNet and CIFAR-100 FSCIL benchmarks.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-11-06","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142591827","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Multi-Modality Multi-Attribute Contrastive Pre-Training for Image Aesthetics Computing. 图像美学计算的多模态多属性对比预训练
Pub Date : 2024-11-06 DOI: 10.1109/TPAMI.2024.3492259
Yipo Huang, Leida Li, Pengfei Chen, Haoning Wu, Weisi Lin, Guangming Shi

In the Image Aesthetics Computing (IAC) field, most prior methods leveraged the off-the-shelf backbones pre-trained on the large-scale ImageNet database. While these pre-trained backbones have achieved notable success, they often overemphasize object-level semantics and fail to capture the high-level concepts of image aesthetics, which may only achieve suboptimal performances. To tackle this long-neglected problem, we propose a multi-modality multi-attribute contrastive pre-training framework, targeting at constructing an alternative to ImageNet-based pre-training for IAC. Specifically, the proposed framework consists of two main aspects. (1) We build a multi-attribute image description database with human feedback, leveraging the competent image understanding capability of the multi-modality large language model to generate rich aesthetic descriptions. (2) To better adapt models to aesthetic computing tasks, we integrate the image-based visual features with the attribute-based text features, and map the integrated features into different embedding spaces, based on which the multi-attribute contrastive learning is proposed for obtaining more comprehensive aesthetic representation. To alleviate the distribution shift encountered when transitioning from the general visual domain to the aesthetic domain, we further propose a semantic affinity loss to restrain the content information and enhance model generalization. Extensive experiments demonstrate that the proposed framework sets new state-of-the-arts for IAC tasks. The code, database and pre-trained weights will be available at https://github.com/yipoh/AesNet.

在图像美学计算(IAC)领域,之前的大多数方法都是利用在大型 ImageNet 数据库上预先训练好的现成骨干。虽然这些预训练骨干取得了显著的成功,但它们往往过于强调对象层面的语义,而未能捕捉到图像美学的高层次概念,因此可能只能达到次优的性能。为了解决这一长期被忽视的问题,我们提出了一种多模态多属性对比预训练框架,旨在为 IAC 构建一种基于 ImageNet 的预训练替代方案。具体来说,我们提出的框架包括两个主要方面。(1) 我们利用多模态大语言模型的图像理解能力来生成丰富的审美描述,从而建立一个多属性图像描述数据库。(2)为了使模型更好地适应审美计算任务,我们将基于图像的视觉特征与基于属性的文本特征进行了整合,并将整合后的特征映射到不同的嵌入空间,在此基础上提出了多属性对比学习,以获得更全面的审美表征。为了缓解从一般视觉领域过渡到审美领域时遇到的分布偏移问题,我们进一步提出了语义亲和力损失来抑制内容信息,增强模型的泛化能力。广泛的实验证明,所提出的框架为 IAC 任务树立了新的艺术典范。有关代码、数据库和预训练权重,请访问 https://github.com/yipoh/AesNet。
{"title":"Multi-Modality Multi-Attribute Contrastive Pre-Training for Image Aesthetics Computing.","authors":"Yipo Huang, Leida Li, Pengfei Chen, Haoning Wu, Weisi Lin, Guangming Shi","doi":"10.1109/TPAMI.2024.3492259","DOIUrl":"https://doi.org/10.1109/TPAMI.2024.3492259","url":null,"abstract":"<p><p>In the Image Aesthetics Computing (IAC) field, most prior methods leveraged the off-the-shelf backbones pre-trained on the large-scale ImageNet database. While these pre-trained backbones have achieved notable success, they often overemphasize object-level semantics and fail to capture the high-level concepts of image aesthetics, which may only achieve suboptimal performances. To tackle this long-neglected problem, we propose a multi-modality multi-attribute contrastive pre-training framework, targeting at constructing an alternative to ImageNet-based pre-training for IAC. Specifically, the proposed framework consists of two main aspects. (1) We build a multi-attribute image description database with human feedback, leveraging the competent image understanding capability of the multi-modality large language model to generate rich aesthetic descriptions. (2) To better adapt models to aesthetic computing tasks, we integrate the image-based visual features with the attribute-based text features, and map the integrated features into different embedding spaces, based on which the multi-attribute contrastive learning is proposed for obtaining more comprehensive aesthetic representation. To alleviate the distribution shift encountered when transitioning from the general visual domain to the aesthetic domain, we further propose a semantic affinity loss to restrain the content information and enhance model generalization. Extensive experiments demonstrate that the proposed framework sets new state-of-the-arts for IAC tasks. The code, database and pre-trained weights will be available at https://github.com/yipoh/AesNet.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-11-06","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142591892","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Anti-Forgetting Adaptation for Unsupervised Person Re-Identification. 用于无监督人员再识别的反遗忘适应。
Pub Date : 2024-11-04 DOI: 10.1109/TPAMI.2024.3490777
Hao Chen, Francois Bremond, Nicu Sebe, Shiliang Zhang

Regular unsupervised domain adaptive person re-identification (ReID) focuses on adapting a model from a source domain to a fixed target domain. However, an adapted ReID model can hardly retain previously-acquired knowledge and generalize to unseen data. In this paper, we propose a Dual-level Joint Adaptation and Anti-forgetting (DJAA) framework, which incrementally adapts a model to new domains without forgetting source domain and each adapted target domain. We explore the possibility of using prototype and instance-level consistency to mitigate the forgetting during the adaptation. Specifically, we store a small number of representative image samples and corresponding cluster prototypes in a memory buffer, which is updated at each adaptation step. With the buffered images and prototypes, we regularize the image-to-image similarity and image-to-prototype similarity to rehearse old knowledge. After the multi-step adaptation, the model is tested on all seen domains and several unseen domains to validate the generalization ability of our method. Extensive experiments demonstrate that our proposed method significantly improves the anti-forgetting, generalization and backward-compatible ability of an unsupervised person ReID model.

常规的无监督领域自适应人员再识别(ReID)侧重于将模型从源领域调整到固定的目标领域。然而,经过适配的 ReID 模型很难保留以前获得的知识,也很难泛化到未见过的数据。在本文中,我们提出了一种双层联合适配和防遗忘(DJAA)框架,它能在不遗忘源域和每个适配目标域的情况下,将模型逐步适配到新的域。我们探索了使用原型和实例级一致性来减轻适应过程中遗忘的可能性。具体来说,我们将少量具有代表性的图像样本和相应的集群原型存储在内存缓冲区中,并在每个适应步骤中进行更新。利用缓冲区中的图像和原型,我们对图像与图像之间的相似性和图像与原型之间的相似性进行正则化处理,以重新梳理旧知识。经过多步适应后,我们在所有可见领域和多个未见领域对模型进行了测试,以验证我们方法的泛化能力。大量实验证明,我们提出的方法显著提高了无监督人脸识别模型的抗遗忘、泛化和向后兼容能力。
{"title":"Anti-Forgetting Adaptation for Unsupervised Person Re-Identification.","authors":"Hao Chen, Francois Bremond, Nicu Sebe, Shiliang Zhang","doi":"10.1109/TPAMI.2024.3490777","DOIUrl":"https://doi.org/10.1109/TPAMI.2024.3490777","url":null,"abstract":"<p><p>Regular unsupervised domain adaptive person re-identification (ReID) focuses on adapting a model from a source domain to a fixed target domain. However, an adapted ReID model can hardly retain previously-acquired knowledge and generalize to unseen data. In this paper, we propose a Dual-level Joint Adaptation and Anti-forgetting (DJAA) framework, which incrementally adapts a model to new domains without forgetting source domain and each adapted target domain. We explore the possibility of using prototype and instance-level consistency to mitigate the forgetting during the adaptation. Specifically, we store a small number of representative image samples and corresponding cluster prototypes in a memory buffer, which is updated at each adaptation step. With the buffered images and prototypes, we regularize the image-to-image similarity and image-to-prototype similarity to rehearse old knowledge. After the multi-step adaptation, the model is tested on all seen domains and several unseen domains to validate the generalization ability of our method. Extensive experiments demonstrate that our proposed method significantly improves the anti-forgetting, generalization and backward-compatible ability of an unsupervised person ReID model.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-11-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142577347","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
OffsetNet: Towards Efficient Multiple Object Tracking, Detection, and Segmentation. OffsetNet:实现高效的多目标跟踪、检测和分割
Pub Date : 2024-11-04 DOI: 10.1109/TPAMI.2024.3485644
Wei Zhang, Jiaming Li, Meng Xia, Xu Gao, Xiao Tan, Yifeng Shi, Zhenhua Huang, Guanbin Li

Offset-based representation has emerged as a promising approach for modeling semantic relations between pixels and object motion, demonstrating efficacy across various computer vision tasks. In this paper, we introduce a novel one-stage multi-tasking network tailored to extend the offset-based approach to MOTS. Our proposed framework, named OffsetNet, is designed to concurrently address amodal bounding box detection, instance segmentation, and tracking. It achieves this by formulating these three tasks within a unified pixel-offset-based representation, thereby achieving excellent efficiency and encouraging mutual collaborations. OffsetNet achieves several remarkable properties: first, the encoder is empowered by a novel Memory Enhanced Linear Self-Attention (MELSA) block to efficiently aggregate spatial-temporal features; second, all tasks are decoupled fairly using three lightweight decoders that operate in a one-shot manner; third, a novel cross-frame offsets prediction module is proposed to enhance the robustness of tracking against occlusions. With these merits, OffsetNet achieves 76.83% HOTA on KITTI MOTS benchmark, which is the best result without relying on 3D detection. Furthermore, OffsetNet achieves 74.83% HOTA at 50 FPS on the KITTI MOT benchmark, which is nearly 3.3 times faster than CenterTrack with better performance. We hope our approach will serve as a solid baseline and encourage future research in this field.

基于偏移量的表示法已成为一种很有前途的方法,可用于模拟像素与物体运动之间的语义关系,在各种计算机视觉任务中都显示出功效。在本文中,我们介绍了一种新颖的单级多任务网络,专门用于将基于偏移的方法扩展到 MOTS。我们提出的框架名为 OffsetNet,旨在同时处理模态边界框检测、实例分割和跟踪。为了实现这一目标,我们将这三项任务置于统一的基于像素偏移的表示法中,从而实现了出色的效率,并鼓励了相互协作。OffsetNet 实现了几个显著的特性:首先,编码器由一个新颖的内存增强线性自保持(MELSA)模块授权,以有效地聚合空间-时间特征;其次,所有任务都通过三个轻量级解码器进行解耦,以单次方式运行;第三,提出了一个新颖的跨帧偏移预测模块,以增强跟踪对遮挡的鲁棒性。凭借这些优点,OffsetNet 在 KITTI MOTS 基准测试中取得了 76.83% 的 HOTA,这是在不依赖 3D 检测的情况下取得的最佳成绩。此外,OffsetNet 在 KITTI MOT 基准测试中以 50 FPS 的速度实现了 74.83% 的 HOTA,比性能更好的 CenterTrack 快了近 3.3 倍。我们希望我们的方法能成为一个坚实的基线,并鼓励未来在这一领域的研究。
{"title":"OffsetNet: Towards Efficient Multiple Object Tracking, Detection, and Segmentation.","authors":"Wei Zhang, Jiaming Li, Meng Xia, Xu Gao, Xiao Tan, Yifeng Shi, Zhenhua Huang, Guanbin Li","doi":"10.1109/TPAMI.2024.3485644","DOIUrl":"https://doi.org/10.1109/TPAMI.2024.3485644","url":null,"abstract":"<p><p>Offset-based representation has emerged as a promising approach for modeling semantic relations between pixels and object motion, demonstrating efficacy across various computer vision tasks. In this paper, we introduce a novel one-stage multi-tasking network tailored to extend the offset-based approach to MOTS. Our proposed framework, named OffsetNet, is designed to concurrently address amodal bounding box detection, instance segmentation, and tracking. It achieves this by formulating these three tasks within a unified pixel-offset-based representation, thereby achieving excellent efficiency and encouraging mutual collaborations. OffsetNet achieves several remarkable properties: first, the encoder is empowered by a novel Memory Enhanced Linear Self-Attention (MELSA) block to efficiently aggregate spatial-temporal features; second, all tasks are decoupled fairly using three lightweight decoders that operate in a one-shot manner; third, a novel cross-frame offsets prediction module is proposed to enhance the robustness of tracking against occlusions. With these merits, OffsetNet achieves 76.83% HOTA on KITTI MOTS benchmark, which is the best result without relying on 3D detection. Furthermore, OffsetNet achieves 74.83% HOTA at 50 FPS on the KITTI MOT benchmark, which is nearly 3.3 times faster than CenterTrack with better performance. We hope our approach will serve as a solid baseline and encourage future research in this field.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-11-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142577354","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Evolved Hierarchical Masking for Self-Supervised Learning. 用于自我监督学习的进化分层遮蔽技术
Pub Date : 2024-11-04 DOI: 10.1109/TPAMI.2024.3490776
Zhanzhou Feng, Shiliang Zhang

Existing Masked Image Modeling methods apply fixed mask patterns to guide the self-supervised training. As those mask patterns resort to different criteria to depict image contents, sticking to a fixed pattern leads to a limited vision cues modeling capability. This paper introduces an evolved hierarchical masking method to pursue general visual cues modeling in self-supervised learning. The proposed method leverages the vision model being trained to parse the input visual cues into a hierarchy structure, which is hence adopted to generate masks accordingly. The accuracy of hierarchy is on par with the capability of the model being trained, leading to evolved mask patterns at different training stages. Initially, generated masks focus on low-level visual cues to grasp basic textures, then gradually evolve to depict higher-level cues to reinforce the learning of more complicated object semantics and contexts. Our method does not require extra pre-trained models or annotations and ensures training efficiency by evolving the training difficulty. We conduct extensive experiments on seven downstream tasks including partial-duplicate image retrieval relying on low-level details, as well as image classification and semantic segmentation that require semantic parsing capability. Experimental results demonstrate that it substantially boosts performance across these tasks. For instance, it surpasses the recent MAE by 1.1% in imageNet-1K classification and 1.4% in ADE20K segmentation with the same training epochs. We also align the proposed method with the current research focus on LLMs. The proposed approach bridges the gap with large-scale pre-training on semantic demanding tasks and enhances intricate detail perception in tasks requiring low-level feature recognition.

现有的遮罩图像建模方法采用固定的遮罩模式来指导自我监督训练。由于这些遮罩模式采用不同的标准来描述图像内容,拘泥于固定模式导致视觉线索建模能力有限。本文介绍了一种进化的分层遮罩方法,以追求自我监督学习中的通用视觉线索建模。所提出的方法利用正在训练的视觉模型,将输入的视觉线索解析为层次结构,并据此生成遮罩。层次结构的准确性与所训练模型的能力相当,从而在不同的训练阶段产生不同的遮罩模式。最初,生成的遮罩侧重于低层次的视觉线索,以掌握基本的纹理,然后逐渐演变为描绘更高层次的线索,以加强对更复杂的物体语义和语境的学习。我们的方法不需要额外的预训练模型或注释,并通过不断提高训练难度来确保训练效率。我们在七个下游任务上进行了广泛的实验,包括依赖低级细节的部分重复图像检索,以及需要语义解析能力的图像分类和语义分割。实验结果表明,它大大提高了这些任务的性能。例如,在相同的训练历时下,它在 imageNet-1K 分类中的 MAE 高出 1.1%,在 ADE20K 分割中的 MAE 高出 1.4%。我们还将提出的方法与当前对 LLM 的研究重点相结合。所提出的方法弥补了在语义要求较高的任务中进行大规模预训练的不足,并增强了在需要低级特征识别的任务中对复杂细节的感知。
{"title":"Evolved Hierarchical Masking for Self-Supervised Learning.","authors":"Zhanzhou Feng, Shiliang Zhang","doi":"10.1109/TPAMI.2024.3490776","DOIUrl":"https://doi.org/10.1109/TPAMI.2024.3490776","url":null,"abstract":"<p><p>Existing Masked Image Modeling methods apply fixed mask patterns to guide the self-supervised training. As those mask patterns resort to different criteria to depict image contents, sticking to a fixed pattern leads to a limited vision cues modeling capability. This paper introduces an evolved hierarchical masking method to pursue general visual cues modeling in self-supervised learning. The proposed method leverages the vision model being trained to parse the input visual cues into a hierarchy structure, which is hence adopted to generate masks accordingly. The accuracy of hierarchy is on par with the capability of the model being trained, leading to evolved mask patterns at different training stages. Initially, generated masks focus on low-level visual cues to grasp basic textures, then gradually evolve to depict higher-level cues to reinforce the learning of more complicated object semantics and contexts. Our method does not require extra pre-trained models or annotations and ensures training efficiency by evolving the training difficulty. We conduct extensive experiments on seven downstream tasks including partial-duplicate image retrieval relying on low-level details, as well as image classification and semantic segmentation that require semantic parsing capability. Experimental results demonstrate that it substantially boosts performance across these tasks. For instance, it surpasses the recent MAE by 1.1% in imageNet-1K classification and 1.4% in ADE20K segmentation with the same training epochs. We also align the proposed method with the current research focus on LLMs. The proposed approach bridges the gap with large-scale pre-training on semantic demanding tasks and enhances intricate detail perception in tasks requiring low-level feature recognition.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-11-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142577352","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
360SFUDA++: Towards Source-Free UDA for Panoramic Segmentation by Learning Reliable Category Prototypes. 360SFUDA++:通过学习可靠的类别原型,为全景分割实现无源 UDA。
Pub Date : 2024-11-04 DOI: 10.1109/TPAMI.2024.3490619
Xu Zheng, Peng Yuan Zhou, Athanasios V Vasilakos, Lin Wang

In this paper, we address the challenging source-free unsupervised domain adaptation (SFUDA) for pinhole-to-panoramic semantic segmentation, given only a pinhole image pre-trained model (i.e., source) and unlabeled panoramic images (i.e., target). Tackling this problem is non-trivial due to three critical challenges: 1) semantic mismatches from the distinct Field-of-View (FoV) between domains, 2) style discrepancies inherent in the UDA problem, and 3) inevitable distortion of the panoramic images. To tackle these problems, we propose 360SFUDA++ that effectively extracts knowledge from the source pinhole model with only unlabeled panoramic images and transfers the reliable knowledge to the target panoramic domain. Specifically, we first utilize Tangent Projection (TP) as it has less distortion and meanwhile slits the equirectangular projection (ERP) to patches with fixed FoV projection (FFP) to mimic the pinhole images. Both projections are shown effective in extracting knowledge from the source model. However, as the distinct projections make it less possible to directly transfer knowledge between domains, we then propose Reliable Panoramic Prototype Adaptation Module (RP 2 AM) to transfer knowledge at both prediction and prototype levels. RP 2 AM selects the confident knowledge and integrates panoramic prototypes for reliable knowledge adaptation. Moreover, we introduce Cross-projection Dual Attention Module (CDAM), which better aligns the spatial and channel characteristics across projections at the feature level between domains. Both knowledge extraction and transfer processes are synchronously updated to reach the best performance. Extensive experiments on the synthetic and real-world benchmarks, including outdoor and indoor scenarios, demonstrate that our 360SFUDA++ achieves significantly better performance than prior SFUDA methods. Project Page.

在本文中,我们将解决针孔到全景语义分割的无源无监督域自适应(SFUDA)难题,只给定一个针孔图像预训练模型(即源)和未标记的全景图像(即目标)。由于存在三个关键挑战,解决这一问题并非易事:1) 域间不同视场(FoV)造成的语义不匹配;2) UDA 问题固有的风格差异;3) 全景图像不可避免的失真。为了解决这些问题,我们提出了 360SFUDA++,它能仅通过未标记的全景图像从源针孔模型中有效提取知识,并将可靠的知识传输到目标全景域。具体来说,我们首先利用切线投影(TP),因为它的失真较少,同时将等角投影(ERP)与固定视场投影(FFP)缝合到补丁上,以模拟针孔图像。两种投影都能有效地从源模型中提取知识。然而,由于投影方式不同,在不同领域之间直接转移知识的可能性较小,因此我们提出了可靠的全景原型适配模块(RP 2 AM),在预测和原型两个层面转移知识。RP 2 AM 可选择有把握的知识并整合全景原型,从而实现可靠的知识适配。此外,我们还引入了跨投影双注意模块(CDAM),它能更好地调整域间特征级的跨投影空间和通道特征。知识提取和传输过程同步更新,以达到最佳性能。在包括室外和室内场景在内的合成基准和真实世界基准上进行的大量实验表明,我们的 360SFUDA++ 比以前的 SFUDA 方法取得了明显更好的性能。项目页面。
{"title":"360SFUDA++: Towards Source-Free UDA for Panoramic Segmentation by Learning Reliable Category Prototypes.","authors":"Xu Zheng, Peng Yuan Zhou, Athanasios V Vasilakos, Lin Wang","doi":"10.1109/TPAMI.2024.3490619","DOIUrl":"https://doi.org/10.1109/TPAMI.2024.3490619","url":null,"abstract":"<p><p>In this paper, we address the challenging source-free unsupervised domain adaptation (SFUDA) for pinhole-to-panoramic semantic segmentation, given only a pinhole image pre-trained model (i.e., source) and unlabeled panoramic images (i.e., target). Tackling this problem is non-trivial due to three critical challenges: 1) semantic mismatches from the distinct Field-of-View (FoV) between domains, 2) style discrepancies inherent in the UDA problem, and 3) inevitable distortion of the panoramic images. To tackle these problems, we propose 360SFUDA++ that effectively extracts knowledge from the source pinhole model with only unlabeled panoramic images and transfers the reliable knowledge to the target panoramic domain. Specifically, we first utilize Tangent Projection (TP) as it has less distortion and meanwhile slits the equirectangular projection (ERP) to patches with fixed FoV projection (FFP) to mimic the pinhole images. Both projections are shown effective in extracting knowledge from the source model. However, as the distinct projections make it less possible to directly transfer knowledge between domains, we then propose Reliable Panoramic Prototype Adaptation Module (RP <sup>2</sup> AM) to transfer knowledge at both prediction and prototype levels. RP <sup>2</sup> AM selects the confident knowledge and integrates panoramic prototypes for reliable knowledge adaptation. Moreover, we introduce Cross-projection Dual Attention Module (CDAM), which better aligns the spatial and channel characteristics across projections at the feature level between domains. Both knowledge extraction and transfer processes are synchronously updated to reach the best performance. Extensive experiments on the synthetic and real-world benchmarks, including outdoor and indoor scenarios, demonstrate that our 360SFUDA++ achieves significantly better performance than prior SFUDA methods. Project Page.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-11-04","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142577336","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
The Decoupling Concept Bottleneck Model. 脱钩概念瓶颈模型。
Pub Date : 2024-11-01 DOI: 10.1109/TPAMI.2024.3489597
Rui Zhang, Xingbo Du, Junchi Yan, Shihua Zhang

The Concept Bottleneck Model (CBM) is an interpretable neural network that leverages high-level concepts to explain model decisions and conduct human-machine interaction. However, in real-world scenarios, the deficiency of informative concepts can impede the model's interpretability and subsequent interventions. This paper proves that insufficient concept information can lead to an inherent dilemma of concept and label distortions in CBM. To address this challenge, we propose the Decoupling Concept Bottleneck Model (DCBM), which comprises two phases: 1) DCBM for prediction and interpretation, which decouples heterogeneous information into explicit and implicit concepts while maintaining high label and concept accuracy, and 2) DCBM for human-machine interaction, which automatically corrects labels and traces wrong concepts via mutual information estimation. The construction of the interaction system can be formulated as a light min-max optimization problem. Extensive experiments expose the success of alleviating concept/label distortions, especially when concepts are insufficient. In particular, we propose the Concept Contribution Score (CCS) to quantify the interpretability of DCBM. Numerical results demonstrate that CCS can be guaranteed by the Jensen-Shannon divergence constraint in DCBM. Moreover, DCBM expresses two effective human-machine interactions, including forward intervention and backward rectification, to further promote concept/label accuracy via interaction with human experts.

概念瓶颈模型(CBM)是一种可解释的神经网络,它利用高级概念来解释模型决策和进行人机交互。然而,在现实世界场景中,信息量不足的概念会阻碍模型的可解释性和后续干预。本文证明,概念信息不足会导致 CBM 中概念和标签失真的内在困境。为解决这一难题,我们提出了去耦概念瓶颈模型(DCBM),该模型包括两个阶段:1) 用于预测和解释的解耦概念瓶颈模型(DCBM),它将异构信息解耦为显性和隐性概念,同时保持较高的标签和概念准确性;以及 2) 用于人机交互的解耦概念瓶颈模型(DCBM),它通过互信息估计自动纠正标签并追踪错误概念。交互系统的构建可表述为一个轻型最小最大优化问题。大量实验表明,该系统能成功缓解概念/标签失真,尤其是在概念不足的情况下。我们特别提出了概念贡献分(CCS)来量化 DCBM 的可解释性。数值结果表明,CCS 可以通过 DCBM 中的 Jensen-Shannon 发散约束得到保证。此外,DCBM 表达了两种有效的人机交互,包括前向干预和后向纠正,通过与人类专家的交互进一步提高概念/标签的准确性。
{"title":"The Decoupling Concept Bottleneck Model.","authors":"Rui Zhang, Xingbo Du, Junchi Yan, Shihua Zhang","doi":"10.1109/TPAMI.2024.3489597","DOIUrl":"10.1109/TPAMI.2024.3489597","url":null,"abstract":"<p><p>The Concept Bottleneck Model (CBM) is an interpretable neural network that leverages high-level concepts to explain model decisions and conduct human-machine interaction. However, in real-world scenarios, the deficiency of informative concepts can impede the model's interpretability and subsequent interventions. This paper proves that insufficient concept information can lead to an inherent dilemma of concept and label distortions in CBM. To address this challenge, we propose the Decoupling Concept Bottleneck Model (DCBM), which comprises two phases: 1) DCBM for prediction and interpretation, which decouples heterogeneous information into explicit and implicit concepts while maintaining high label and concept accuracy, and 2) DCBM for human-machine interaction, which automatically corrects labels and traces wrong concepts via mutual information estimation. The construction of the interaction system can be formulated as a light min-max optimization problem. Extensive experiments expose the success of alleviating concept/label distortions, especially when concepts are insufficient. In particular, we propose the Concept Contribution Score (CCS) to quantify the interpretability of DCBM. Numerical results demonstrate that CCS can be guaranteed by the Jensen-Shannon divergence constraint in DCBM. Moreover, DCBM expresses two effective human-machine interactions, including forward intervention and backward rectification, to further promote concept/label accuracy via interaction with human experts.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142562962","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Adaptive Learning for Dynamic Features and Noisy Labels. 动态特征和噪声标签的自适应学习
Pub Date : 2024-10-31 DOI: 10.1109/TPAMI.2024.3489217
Shilin Gu, Chao Xu, Dewen Hu, Chenping Hou

Applying current machine learning algorithms in complex and open environments remains challenging, especially when different changing elements are coupled and the training data is scarce. For example, in the activity recognition task, the motion sensors may change position or fall off due to the intensity of the activity, leading to changes in feature space and finally resulting in label noise. Learning from such a problem where the dynamic features are coupled with noisy labels is crucial but rarely studied, particularly when the noisy samples in new feature space are limited. In this paper, we tackle the above problem by proposing a novel two-stage algorithm, called Adaptive Learning for Dynamic features and Noisy labels (ALDN). Specifically, optimal transport is firstly modified to map the previously learned heterogeneous model to the prior model of the current stage. Then, to fully reuse the mapped prior model, we add a simple yet efficient regularizer as the consistency constraint to assist both the estimation of the noise transition matrix and the model training in the current stage. Finally, two implementations with direct (ALDN-D) and indirect (ALDN-ID) constraints are illustrated for better investigation. More importantly, we provide theoretical guarantees for risk minimization of ALDN-D and ALDN-ID. Extensive experiments validate the effectiveness of the proposed algorithms.

在复杂和开放的环境中应用当前的机器学习算法仍然具有挑战性,尤其是当不同的变化元素耦合在一起且训练数据稀缺时。例如,在活动识别任务中,运动传感器可能会因活动强度而改变位置或脱落,从而导致特征空间发生变化,最后产生标签噪声。从这种动态特征与噪声标签耦合的问题中学习至关重要,但却鲜有研究,尤其是当新特征空间中的噪声样本有限时。本文针对上述问题,提出了一种新颖的两阶段算法,即动态特征和噪声标签自适应学习算法(ALDN)。具体来说,首先修改最优传输,将之前学习到的异构模型映射到当前阶段的先验模型。然后,为了充分利用映射的先验模型,我们添加了一个简单但高效的正则器作为一致性约束,以帮助当前阶段的噪声转换矩阵估计和模型训练。最后,为了更好地研究,我们展示了直接(ALDN-D)和间接(ALDN-ID)约束的两种实现方法。更重要的是,我们为 ALDN-D 和 ALDN-ID 的风险最小化提供了理论保证。大量实验验证了所提算法的有效性。
{"title":"Adaptive Learning for Dynamic Features and Noisy Labels.","authors":"Shilin Gu, Chao Xu, Dewen Hu, Chenping Hou","doi":"10.1109/TPAMI.2024.3489217","DOIUrl":"10.1109/TPAMI.2024.3489217","url":null,"abstract":"<p><p>Applying current machine learning algorithms in complex and open environments remains challenging, especially when different changing elements are coupled and the training data is scarce. For example, in the activity recognition task, the motion sensors may change position or fall off due to the intensity of the activity, leading to changes in feature space and finally resulting in label noise. Learning from such a problem where the dynamic features are coupled with noisy labels is crucial but rarely studied, particularly when the noisy samples in new feature space are limited. In this paper, we tackle the above problem by proposing a novel two-stage algorithm, called Adaptive Learning for Dynamic features and Noisy labels (ALDN). Specifically, optimal transport is firstly modified to map the previously learned heterogeneous model to the prior model of the current stage. Then, to fully reuse the mapped prior model, we add a simple yet efficient regularizer as the consistency constraint to assist both the estimation of the noise transition matrix and the model training in the current stage. Finally, two implementations with direct (ALDN-D) and indirect (ALDN-ID) constraints are illustrated for better investigation. More importantly, we provide theoretical guarantees for risk minimization of ALDN-D and ALDN-ID. Extensive experiments validate the effectiveness of the proposed algorithms.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-10-31","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142559851","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Recent Advances in Optimal Transport for Machine Learning. 机器学习最佳传输的最新进展。
Pub Date : 2024-10-31 DOI: 10.1109/TPAMI.2024.3489030
Eduardo Fernandes Montesuma, Fred Maurice Ngole Mboula, Antoine Souloumiac

Recently, Optimal Transport has been proposed as a probabilistic framework in Machine Learning for comparing and manipulating probability distributions. This is rooted in its rich history and theory, and has offered new solutions to different problems in machine learning, such as generative modeling and transfer learning. In this survey we explore contributions of Optimal Transport for Machine Learning over the period 2012 - 2023, focusing on four sub-fields of Machine Learning: supervised, unsupervised, transfer and reinforcement learning. We further highlight the recent development in computational Optimal Transport and its extensions, such as partial, unbalanced, Gromov and Neural Optimal Transport, and its interplay with Machine Learning practice.

最近,有人提出将最优传输作为机器学习中的概率框架,用于比较和处理概率分布。这源于其丰富的历史和理论,并为机器学习中的不同问题(如生成建模和迁移学习)提供了新的解决方案。在本调查报告中,我们将重点关注机器学习的四个子领域:有监督学习、无监督学习、迁移学习和强化学习,探讨 2012 - 2023 年期间机器学习优化传输的贡献。我们进一步强调了计算最优传输及其扩展(如部分、不平衡、格罗莫夫和神经最优传输)的最新发展,以及其与机器学习实践的相互作用。
{"title":"Recent Advances in Optimal Transport for Machine Learning.","authors":"Eduardo Fernandes Montesuma, Fred Maurice Ngole Mboula, Antoine Souloumiac","doi":"10.1109/TPAMI.2024.3489030","DOIUrl":"10.1109/TPAMI.2024.3489030","url":null,"abstract":"<p><p>Recently, Optimal Transport has been proposed as a probabilistic framework in Machine Learning for comparing and manipulating probability distributions. This is rooted in its rich history and theory, and has offered new solutions to different problems in machine learning, such as generative modeling and transfer learning. In this survey we explore contributions of Optimal Transport for Machine Learning over the period 2012 - 2023, focusing on four sub-fields of Machine Learning: supervised, unsupervised, transfer and reinforcement learning. We further highlight the recent development in computational Optimal Transport and its extensions, such as partial, unbalanced, Gromov and Neural Optimal Transport, and its interplay with Machine Learning practice.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-10-31","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142559853","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Efficient Analysis of Overdispersed Data Using an Accurate Computation of the Dirichlet Multinomial Distribution. 利用 Dirichlet 多叉分布的精确计算高效分析过度分散数据
Pub Date : 2024-10-31 DOI: 10.1109/TPAMI.2024.3489645
Sherenaz Al-Haj Baddar, Alessandro Languasco, Mauro Migliardi

Modeling count data using suitable statistical distributions has been instrumental for analyzing the patterns it conveys. However, failing to address critical aspects, like overdispersion, jeopardizes the effectiveness of such an analysis. In this paper, overdispersed count data is modeled using the Dirichlet Multinomial (DM) distribution by maximizing its likelihood using a fixed-point iteration algorithm. This is achieved by estimating the DM distribution parameters while comparing the recent Languasco-Migliardi (LM), and the Yu-Shaw (YS) procedures, which address the well-known computational difficulties of evaluating its log-likelihood. Experiments were conducted using multiple datasets from different domains spanning polls, images, and IoT network traffic. They all showed the superiority of the LM procedure as it succeeded at estimating the DM parameters at the designated level of accuracy in all experiments, while the YS procedure failed to produce sufficiently accurate results (or any results at all) in several experiments. Moreover, the LM procedure achieved a speedup that ranged from 2-fold to 20-fold over YS.

使用合适的统计分布对计数数据建模,有助于分析其传递的模式。然而,如果不能解决像过度分散这样的关键问题,就会影响这种分析的有效性。在本文中,通过使用定点迭代算法使其似然最大化,使用 Dirichlet 多叉(DM)分布对过度分散的计数数据进行建模。这是通过估计 DM 分布参数来实现的,同时比较了最近的 Languasco-Migliardi (LM) 和 Yu-Shaw (YS) 程序,这两种程序解决了评估其对数似然的众所周知的计算困难。实验使用了来自不同领域的多个数据集,包括民意调查、图像和物联网网络流量。所有实验都显示了 LM 程序的优越性,因为它在所有实验中都成功地以指定的准确度估算出了 DM 参数,而 YS 程序在多个实验中都未能产生足够准确的结果(或根本没有任何结果)。此外,与 YS 程序相比,LM 程序的速度提高了 2 倍到 20 倍不等。
{"title":"Efficient Analysis of Overdispersed Data Using an Accurate Computation of the Dirichlet Multinomial Distribution.","authors":"Sherenaz Al-Haj Baddar, Alessandro Languasco, Mauro Migliardi","doi":"10.1109/TPAMI.2024.3489645","DOIUrl":"10.1109/TPAMI.2024.3489645","url":null,"abstract":"<p><p>Modeling count data using suitable statistical distributions has been instrumental for analyzing the patterns it conveys. However, failing to address critical aspects, like overdispersion, jeopardizes the effectiveness of such an analysis. In this paper, overdispersed count data is modeled using the Dirichlet Multinomial (DM) distribution by maximizing its likelihood using a fixed-point iteration algorithm. This is achieved by estimating the DM distribution parameters while comparing the recent Languasco-Migliardi (LM), and the Yu-Shaw (YS) procedures, which address the well-known computational difficulties of evaluating its log-likelihood. Experiments were conducted using multiple datasets from different domains spanning polls, images, and IoT network traffic. They all showed the superiority of the LM procedure as it succeeded at estimating the DM parameters at the designated level of accuracy in all experiments, while the YS procedure failed to produce sufficiently accurate results (or any results at all) in several experiments. Moreover, the LM procedure achieved a speedup that ranged from 2-fold to 20-fold over YS.</p>","PeriodicalId":94034,"journal":{"name":"IEEE transactions on pattern analysis and machine intelligence","volume":"PP ","pages":""},"PeriodicalIF":0.0,"publicationDate":"2024-10-31","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142559852","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
IEEE transactions on pattern analysis and machine intelligence
全部 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