首页 > 最新文献

Pattern Recognition最新文献

英文 中文
A novel domain independent scene text localizer
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-15 DOI: 10.1016/j.patcog.2024.111015

Text localization across multiple domains is crucial for applications like autonomous driving and tracking marathon runners. This work introduces DIPCYT, a novel model that utilizes Domain Independent Partial Convolution and a Yolov5-based Transformer for text localization in scene images from various domains, including natural scenes, underwater, and drone images. Each domain presents unique challenges: underwater images suffer from poor quality and degradation, drone images suffer from tiny text and loss of shapes, and scene images suffer from arbitrarily oriented, shaped text. Additionally, license plates in drone images may not provide rich semantic information compared to other text types due to loss of contextual information between characters. To tackle these challenges, DIPCYT employs new partial convolution layers within Yolov5 and integrates Transformer detection heads with a novel Fourier Positional Convolutional Block Attention Module (FPCBAM). This approach leverages common text properties across domains, such as contextual (global) and spatial (local) relationships. Experimental results demonstrate that DIPCYT outperforms existing methods, achieving F-scores of 0.90, 0.90, 0.77, 0.85, 0.85, and 0.88 on Total-Text, ICDAR 2015, ICDAR 2019 MLT, CTW1500, Drone, and Underwater datasets, respectively.

跨域文本定位对于自动驾驶和马拉松选手跟踪等应用至关重要。这项工作介绍了 DIPCYT,这是一种利用域独立部分卷积和基于 Yolov5 的变换器的新型模型,用于在自然场景、水下和无人机图像等不同领域的场景图像中进行文本定位。每个领域都面临着独特的挑战:水下图像质量差、图像质量下降,无人机图像文本细小、形状丢失,场景图像文本方向和形状随意。此外,与其他文本类型相比,无人机图像中的车牌可能无法提供丰富的语义信息,原因是字符之间的上下文信息丢失。为了应对这些挑战,DIPCYT 在 Yolov5 中采用了新的部分卷积层,并将变换器检测头与新颖的傅立叶位置卷积块注意力模块 (FPCBAM) 集成在一起。这种方法利用了跨领域的共同文本属性,如上下文(全局)和空间(局部)关系。实验结果表明,DIPCYT 优于现有方法,在 Total-Text、ICDAR 2015、ICDAR 2019 MLT、CTW1500、Drone 和 Underwater 数据集上的 F score 分别达到 0.90、0.90、0.77、0.85、0.85 和 0.88。
{"title":"A novel domain independent scene text localizer","authors":"","doi":"10.1016/j.patcog.2024.111015","DOIUrl":"10.1016/j.patcog.2024.111015","url":null,"abstract":"<div><p>Text localization across multiple domains is crucial for applications like autonomous driving and tracking marathon runners. This work introduces DIPCYT, a novel model that utilizes Domain Independent Partial Convolution and a Yolov5-based Transformer for text localization in scene images from various domains, including natural scenes, underwater, and drone images. Each domain presents unique challenges: underwater images suffer from poor quality and degradation, drone images suffer from tiny text and loss of shapes, and scene images suffer from arbitrarily oriented, shaped text. Additionally, license plates in drone images may not provide rich semantic information compared to other text types due to loss of contextual information between characters. To tackle these challenges, DIPCYT employs new partial convolution layers within Yolov5 and integrates Transformer detection heads with a novel Fourier Positional Convolutional Block Attention Module (FPCBAM). This approach leverages common text properties across domains, such as contextual (global) and spatial (local) relationships. Experimental results demonstrate that DIPCYT outperforms existing methods, achieving F-scores of 0.90, 0.90, 0.77, 0.85, 0.85, and 0.88 on Total-Text, ICDAR 2015, ICDAR 2019 MLT, CTW1500, Drone, and Underwater datasets, respectively.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.sciencedirect.com/science/article/pii/S0031320324007660/pdfft?md5=8fb3ca2322db34e892039de8413439e0&pid=1-s2.0-S0031320324007660-main.pdf","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142240092","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Video Anomaly Detection via self-supervised and spatio-temporal proxy tasks learning 通过自监督和时空代理任务学习进行视频异常检测
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-14 DOI: 10.1016/j.patcog.2024.111021

Video Anomaly Detection (VAD) aims to identify events in videos that deviate from typical patterns. Given the scarcity of anomalous samples, previous research has primarily focused on learning regular patterns from datasets exclusively containing normal behaviors, and treating deviations from these patterns as anomalies. However, most of these methods are constrained by coarse-grained modeling approaches that renders them incapable of learning highly-discriminative features, which are necessary to effectively distinguish between the subtle differences between normal and abnormal behaviors. To better capture these features, we propose an innovative method. Initially, pseudo-anomalous samples for appearance and motion are generated through geometric transformations (2D rotations) and the scrambling of video sequences. Subsequently, a dual-branch network featuring spatio-temporal decoupling is proposed, in which the spatial and temporal branches each handle a specific proxy task. These tasks are designed to distinguish between normal and pseudo-anomalous samples, involving operations such as predicting patch-based 2D rotation angles and classifying video frame triplets as total-anomaly, left-anomaly, right-anomaly, and non-anomaly. Our approach employs an end-to-end training methodology, without relying on pre-trained models (except for the object detector). Evaluations on the UCSD Ped2, Avenue, and ShanghaiTech datasets show that our method achieved AUC scores of 99.1%, 91.9%, and 81.1%, respectively, demonstrating its effectiveness. The code is publicly accessible at the following link: https://spatio-temporal-tasks.

视频异常检测(VAD)旨在识别视频中偏离典型模式的事件。鉴于异常样本的稀缺性,以往的研究主要侧重于从仅包含正常行为的数据集中学习常规模式,并将偏离这些模式的行为视为异常。然而,这些方法大多受到粗粒度建模方法的限制,无法学习高区分度特征,而这些特征是有效区分正常行为和异常行为之间细微差别的必要条件。为了更好地捕捉这些特征,我们提出了一种创新方法。首先,通过几何变换(二维旋转)和扰乱视频序列生成外观和运动的伪异常样本。随后,提出了一种以时空解耦为特征的双分支网络,其中空间和时间分支分别处理特定的代理任务。这些任务旨在区分正常样本和伪异常样本,涉及的操作包括预测基于补丁的二维旋转角度,以及将视频帧三胞胎分类为总异常、左异常、右异常和非异常。我们的方法采用端到端训练方法,不依赖预训练模型(物体检测器除外)。在 UCSD Ped2、Avenue 和 ShanghaiTech 数据集上进行的评估表明,我们的方法的 AUC 分数分别达到了 99.1%、91.9% 和 81.1%,证明了它的有效性。代码可通过以下链接公开访问:https://spatio-temporal-tasks。
{"title":"Video Anomaly Detection via self-supervised and spatio-temporal proxy tasks learning","authors":"","doi":"10.1016/j.patcog.2024.111021","DOIUrl":"10.1016/j.patcog.2024.111021","url":null,"abstract":"<div><p>Video Anomaly Detection (VAD) aims to identify events in videos that deviate from typical patterns. Given the scarcity of anomalous samples, previous research has primarily focused on learning regular patterns from datasets exclusively containing normal behaviors, and treating deviations from these patterns as anomalies. However, most of these methods are constrained by coarse-grained modeling approaches that renders them incapable of learning highly-discriminative features, which are necessary to effectively distinguish between the subtle differences between normal and abnormal behaviors. To better capture these features, we propose an innovative method. Initially, pseudo-anomalous samples for appearance and motion are generated through geometric transformations (2D rotations) and the scrambling of video sequences. Subsequently, a dual-branch network featuring spatio-temporal decoupling is proposed, in which the spatial and temporal branches each handle a specific proxy task. These tasks are designed to distinguish between normal and pseudo-anomalous samples, involving operations such as predicting patch-based 2D rotation angles and classifying video frame triplets as total-anomaly, left-anomaly, right-anomaly, and non-anomaly. Our approach employs an end-to-end training methodology, without relying on pre-trained models (except for the object detector). Evaluations on the UCSD Ped2, Avenue, and ShanghaiTech datasets show that our method achieved AUC scores of 99.1%, 91.9%, and 81.1%, respectively, demonstrating its effectiveness. The code is publicly accessible at the following link: <span><span>https://spatio-temporal-tasks</span><svg><path></path></svg></span>.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142240086","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
FICE: Text-conditioned fashion-image editing with guided GAN inversion FICE:利用引导式 GAN 反演进行文本条件时尚图像编辑
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-14 DOI: 10.1016/j.patcog.2024.111022

Fashion-image editing is a challenging computer-vision task where the goal is to incorporate selected apparel into a given input image. Most existing techniques, known as Virtual Try-On methods, deal with this task by first selecting an example image of the desired apparel and then transferring the clothing onto the target person. Conversely, in this paper, we consider editing fashion images with text descriptions. Such an approach has several advantages over example-based virtual try-on techniques: (i) it does not require an image of the target fashion item, and (ii) it allows the expression of a wide variety of visual concepts through the use of natural language. Existing image-editing methods that work with language inputs are heavily constrained by their requirement for training sets with rich attribute annotations or they are only able to handle simple text descriptions. We address these constraints by proposing a novel text-conditioned editing model called FICE (Fashion Image CLIP Editing) that is capable of handling a wide variety of diverse text descriptions to guide the editing procedure. Specifically, with FICE, we extend the common GAN-inversion process by including semantic, pose-related, and image-level constraints when generating images. We leverage the capabilities of the CLIP model to enforce the text-provided semantics, due to its impressive image–text association capabilities. We furthermore propose a latent-code regularization technique that provides the means to better control the fidelity of the synthesized images. We validate the FICE through rigorous experiments on a combination of VITON images and Fashion-Gen text descriptions and in comparison with several state-of-the-art, text-conditioned, image-editing approaches. Experimental results demonstrate that the FICE generates very realistic fashion images and leads to better editing than existing, competing approaches. The source code is publicly available from: https://github.com/MartinPernus/FICE.

时尚图像编辑是一项具有挑战性的计算机视觉任务,其目标是将选定的服装融入给定的输入图像中。现有的大多数技术,即虚拟试穿方法,都是通过首先选择所需的服装示例图像,然后将服装转移到目标人物身上来完成这项任务的。相反,在本文中,我们考虑用文字描述来编辑时装图像。与基于示例的虚拟试穿技术相比,这种方法有几个优点:(i) 它不需要目标时装的图像,(ii) 它允许通过使用自然语言来表达各种视觉概念。现有的使用语言输入的图像编辑方法受到很大限制,因为它们要求训练集具有丰富的属性注释,或者只能处理简单的文本描述。针对这些限制,我们提出了一种名为 FICE(时尚图像 CLIP 编辑)的新颖文本条件编辑模型,该模型能够处理各种不同的文本描述,为编辑过程提供指导。具体来说,通过 FICE,我们扩展了常见的 GAN 转换过程,在生成图像时加入了语义、姿势相关和图像级约束。由于 CLIP 模型具有令人印象深刻的图像-文本关联能力,因此我们利用 CLIP 模型的功能来执行文本提供的语义。此外,我们还提出了一种潜在代码正则化技术,为更好地控制合成图像的保真度提供了手段。我们通过在 VITON 图像和 Fashion-Gen 文本描述组合上进行严格实验,并与几种最先进的、以文本为条件的图像编辑方法进行比较,对 FICE 进行了验证。实验结果表明,FICE 生成的时尚图像非常逼真,与现有的竞争方法相比,其编辑效果更好。源代码可从 https://github.com/MartinPernus/FICE 公开获取。
{"title":"FICE: Text-conditioned fashion-image editing with guided GAN inversion","authors":"","doi":"10.1016/j.patcog.2024.111022","DOIUrl":"10.1016/j.patcog.2024.111022","url":null,"abstract":"<div><p>Fashion-image editing is a challenging computer-vision task where the goal is to incorporate selected apparel into a given input image. Most existing techniques, known as Virtual Try-On methods, deal with this task by first selecting an example image of the desired apparel and then transferring the clothing onto the target person. Conversely, in this paper, we consider editing fashion images with text descriptions. Such an approach has several advantages over example-based virtual try-on techniques: (i) it does not require an image of the target fashion item, and (ii) it allows the expression of a wide variety of visual concepts through the use of natural language. Existing image-editing methods that work with language inputs are heavily constrained by their requirement for training sets with rich attribute annotations or they are only able to handle simple text descriptions. We address these constraints by proposing a novel text-conditioned editing model called FICE (Fashion Image CLIP Editing) that is capable of handling a wide variety of diverse text descriptions to guide the editing procedure. Specifically, with FICE, we extend the common GAN-inversion process by including semantic, pose-related, and image-level constraints when generating images. We leverage the capabilities of the CLIP model to enforce the text-provided semantics, due to its impressive image–text association capabilities. We furthermore propose a latent-code regularization technique that provides the means to better control the fidelity of the synthesized images. We validate the FICE through rigorous experiments on a combination of VITON images and Fashion-Gen text descriptions and in comparison with several state-of-the-art, text-conditioned, image-editing approaches. Experimental results demonstrate that the FICE generates very realistic fashion images and leads to better editing than existing, competing approaches. The source code is publicly available from: <span><span>https://github.com/MartinPernus/FICE</span><svg><path></path></svg></span>.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142240090","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Collaborative graph neural networks for augmented graphs: A local-to-global perspective 增强图的协作图神经网络:从局部到全局的视角
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-13 DOI: 10.1016/j.patcog.2024.111020

In the field of graph neural networks (GNNs) for representation learning, a noteworthy highlight is the potential of embedding fusion architectures for augmented graphs. However, prevalent GNN embedding fusion architectures mainly focus on handling graph combinations from a global perspective, often ignoring their collaboration with the information of local graph combinations. This inherent limitation constrains the ability of the constructed models to handle multiple input graphs, particularly when dealing with noisy input graphs collected from error-prone sources or those resulting from deficiencies in graph augmentation methods. In this paper, we propose an effective and robust embedding fusion architecture from a local-to-global perspective termed collaborative graph neural networks for augmented graphs (LoGo-GNN). Essentially, LoGo-GNN leverages a pairwise graph combination scheme to generate local perspective inputs. Together with the global graph combination, this serves as the basis to generate a local-to-global perspective. Specifically, LoGo-GNN employs a perturbation augmentation strategy to generate multiple augmentation graphs, thereby facilitating collaboration and embedding fusion from a local-to-global perspective through the use of graph combinations. In addition, LoGo-GNN incorporates a novel loss function for learning complementary information between different perspectives. We also conduct theoretical analysis to assess its expressive power under ideal conditions, demonstrating the effectiveness of LoGo-GNN. Our experiments, focusing on node classification and clustering tasks, highlight the superior performance of LoGo-GNN compared to state-of-the-art methods. Additionally, robustness analysis further confirms its effectiveness in addressing uncertainty challenges.

在用于表征学习的图神经网络(GNN)领域,一个值得关注的亮点是增强图的嵌入融合架构的潜力。然而,目前流行的图神经网络嵌入融合架构主要侧重于从全局角度处理图组合,往往忽略了它们与局部图组合信息的协作。这种固有的局限性制约了所构建模型处理多个输入图的能力,尤其是在处理从易出错的来源收集到的噪声输入图或因图增强方法缺陷而产生的输入图时。在本文中,我们从局部到全局的角度提出了一种有效、稳健的嵌入融合架构,称为增强图的协作图神经网络(LoGo-GNN)。从本质上讲,LoGo-GNN 利用成对图组合方案生成本地视角输入。这与全局图组合一起,成为生成本地到全局视角的基础。具体来说,LoGo-GNN 采用扰动增强策略生成多个增强图,从而通过使用图组合促进从局部到全局视角的协作和嵌入融合。此外,LoGo-GNN 还采用了一种新颖的损失函数,用于学习不同视角之间的互补信息。我们还进行了理论分析,以评估其在理想条件下的表现力,从而证明 LoGo-GNN 的有效性。我们的实验侧重于节点分类和聚类任务,与最先进的方法相比,LoGo-GNN 的性能更加卓越。此外,鲁棒性分析进一步证实了 LoGo-GNN 在应对不确定性挑战方面的有效性。
{"title":"Collaborative graph neural networks for augmented graphs: A local-to-global perspective","authors":"","doi":"10.1016/j.patcog.2024.111020","DOIUrl":"10.1016/j.patcog.2024.111020","url":null,"abstract":"<div><p>In the field of graph neural networks (GNNs) for representation learning, a noteworthy highlight is the potential of embedding fusion architectures for augmented graphs. However, prevalent GNN embedding fusion architectures mainly focus on handling graph combinations from a global perspective, often ignoring their collaboration with the information of local graph combinations. This inherent limitation constrains the ability of the constructed models to handle multiple input graphs, particularly when dealing with noisy input graphs collected from error-prone sources or those resulting from deficiencies in graph augmentation methods. In this paper, we propose an effective and robust embedding fusion architecture from a local-to-global perspective termed collaborative graph neural networks for augmented graphs (<span>LoGo</span>-GNN). Essentially, <span>LoGo</span>-GNN leverages a pairwise graph combination scheme to generate local perspective inputs. Together with the global graph combination, this serves as the basis to generate a local-to-global perspective. Specifically, <span>LoGo</span>-GNN employs a perturbation augmentation strategy to generate multiple augmentation graphs, thereby facilitating collaboration and embedding fusion from a local-to-global perspective through the use of graph combinations. In addition, <span>LoGo</span>-GNN incorporates a novel loss function for learning complementary information between different perspectives. We also conduct theoretical analysis to assess its expressive power under ideal conditions, demonstrating the effectiveness of <span>LoGo</span>-GNN. Our experiments, focusing on node classification and clustering tasks, highlight the superior performance of <span>LoGo</span>-GNN compared to state-of-the-art methods. Additionally, robustness analysis further confirms its effectiveness in addressing uncertainty challenges.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142240089","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Asymmetric patch sampling for contrastive learning
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-13 DOI: 10.1016/j.patcog.2024.111012

Asymmetric appearance between positive pair effectively reduces the risk of representation degradation in contrastive learning. However, there are still a mass of appearance similarities between positive pair constructed by the existing methods, thus inhibiting the further representation improvement. To address the above issue, we propose a novel asymmetric patch sampling strategy, which significantly reduces the appearance similarities but retains the image semantics. Specifically, dual patch sampling strategies are respectively applied to the given image. First, sparse patch sampling is conducted to obtain the first view, which reduces spatial redundancy of image and allows a more asymmetric view. Second, a selective patch sampling is proposed to construct another view with large appearance discrepancy relative to the first one. Due to the inappreciable appearance similarities between positive pair, the trained model is encouraged to capture the similarities on semantics, instead of low-level ones.

Experimental results demonstrate that our method significantly outperforms the existing self-supervised learning methods on ImageNet-1K and CIFAR datasets, e.g., 2.5% finetuning accuracy improvement on CIFAR100. Furthermore, our method achieves state-of-the-art performance on downstream tasks, object detection and instance segmentation on COCO. Additionally, compared to other self-supervised methods, our method is more efficient on both memory and computation during pretraining. The source code and the trained weights are available at https://github.com/visresearch/aps.

在对比学习中,正对之间的非对称外观能有效降低表征退化的风险。然而,现有方法构建的正对之间仍存在大量外观相似性,从而阻碍了表征的进一步改进。针对上述问题,我们提出了一种新颖的非对称斑块采样策略,它能显著减少外观相似性,但保留了图像语义。具体来说,我们对给定图像分别采用了双重补丁采样策略。首先,进行稀疏补丁采样以获得第一视图,这样可以减少图像的空间冗余,从而获得更多非对称视图。其次,提出了一种选择性补丁采样方法,以构建相对于第一个视图具有较大外观差异的另一个视图。实验结果表明,在 ImageNet-1K 和 CIFAR 数据集上,我们的方法明显优于现有的自监督学习方法,例如,在 CIFAR100 上,微调准确率提高了 2.5%。此外,我们的方法在 COCO 的下游任务、对象检测和实例分割上也取得了一流的性能。此外,与其他自监督方法相比,我们的方法在预训练时对内存和计算都更有效。源代码和训练后的权重可在 https://github.com/visresearch/aps 上获取。
{"title":"Asymmetric patch sampling for contrastive learning","authors":"","doi":"10.1016/j.patcog.2024.111012","DOIUrl":"10.1016/j.patcog.2024.111012","url":null,"abstract":"<div><p>Asymmetric appearance between positive pair effectively reduces the risk of representation degradation in contrastive learning. However, there are still a mass of appearance similarities between positive pair constructed by the existing methods, thus inhibiting the further representation improvement. To address the above issue, we propose a novel asymmetric patch sampling strategy, which significantly reduces the appearance similarities but retains the image semantics. Specifically, dual patch sampling strategies are respectively applied to the given image. First, sparse patch sampling is conducted to obtain the first view, which reduces spatial redundancy of image and allows a more asymmetric view. Second, a selective patch sampling is proposed to construct another view with large appearance discrepancy relative to the first one. Due to the inappreciable appearance similarities between positive pair, the trained model is encouraged to capture the similarities on semantics, instead of low-level ones.</p><p>Experimental results demonstrate that our method significantly outperforms the existing self-supervised learning methods on ImageNet-1K and CIFAR datasets, e.g., 2.5% finetuning accuracy improvement on CIFAR100. Furthermore, our method achieves state-of-the-art performance on downstream tasks, object detection and instance segmentation on COCO. Additionally, compared to other self-supervised methods, our method is more efficient on both memory and computation during pretraining. The source code and the trained weights are available at <span><span>https://github.com/visresearch/aps</span><svg><path></path></svg></span>.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142240091","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
5-D spatial–temporal information-based infrared small target detection in complex environments 复杂环境中基于 5-D 时空信息的红外小目标探测
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-12 DOI: 10.1016/j.patcog.2024.111003

Recently, infrared (IR) small target detection problem has attracted increasing attention. Tensor component analysis-based techniques have been widely utilized, while they are faced with challenges such as tensor structures, background and target estimation, and real-time performance. In this paper, we propose a 5-D spatial–temporal factor-based completion model (5D-STFC) for IR small target detection. Specifically, a 5-D whitened spatial–temporal patch-tensor is constructed. Then, we devise a spatial–temporal factor-based low-rank background estimation norm and a Moreau envelope-derived sparsity estimation norm based on joint spatial–temporal knowledge. Furthermore, we establish a comprehensive completion model for component analysis. To efficiently solve this model, we design a multi-block alternating direction method of multipliers (multi-block ADMM)-based optimization scheme. Extensive experiments conducted on five real IR sequences demonstrate the superiority of 5D-STFC over nine state-of-the-art competitive methods. It can be concluded that 5D-STFC is excellent and practical in target detectability, background suppressibility, overall performance, and real-time performance.

近来,红外(IR)小目标检测问题受到越来越多的关注。基于张量成分分析的技术得到了广泛应用,但也面临着张量结构、背景和目标估计以及实时性等挑战。本文针对红外小目标检测提出了一种基于五维时空因子的完成模型(5D-STFC)。具体地说,我们构建了一个 5-D 白化时空补丁张量。然后,我们设计了基于时空因子的低秩背景估计规范和基于时空联合知识的莫罗包络衍生稀疏性估计规范。此外,我们还为成分分析建立了一个综合完成模型。为了高效求解该模型,我们设计了一种基于多块交替乘法(multi-block ADMM)的优化方案。在五个真实红外序列上进行的大量实验证明,5D-STFC 优于九种最先进的竞争方法。可以得出结论,5D-STFC 在目标检测性、背景抑制性、整体性能和实时性方面都非常出色和实用。
{"title":"5-D spatial–temporal information-based infrared small target detection in complex environments","authors":"","doi":"10.1016/j.patcog.2024.111003","DOIUrl":"10.1016/j.patcog.2024.111003","url":null,"abstract":"<div><p>Recently, infrared (IR) small target detection problem has attracted increasing attention. Tensor component analysis-based techniques have been widely utilized, while they are faced with challenges such as tensor structures, background and target estimation, and real-time performance. In this paper, we propose a 5-D spatial–temporal factor-based completion model (5D-STFC) for IR small target detection. Specifically, a 5-D whitened spatial–temporal patch-tensor is constructed. Then, we devise a spatial–temporal factor-based low-rank background estimation norm and a Moreau envelope-derived sparsity estimation norm based on joint spatial–temporal knowledge. Furthermore, we establish a comprehensive completion model for component analysis. To efficiently solve this model, we design a multi-block alternating direction method of multipliers (multi-block ADMM)-based optimization scheme. Extensive experiments conducted on five real IR sequences demonstrate the superiority of 5D-STFC over nine state-of-the-art competitive methods. It can be concluded that 5D-STFC is excellent and practical in target detectability, background suppressibility, overall performance, and real-time performance.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142173785","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Scene Chinese Recognition with Local and Global Attention 利用局部和全局注意力识别场景中文
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-12 DOI: 10.1016/j.patcog.2024.111013

Recently, scene Chinese recognition has attracted increasing attention. While mainstream scene text recognition methods exhibit outstanding performance in English recognition, they are considerably limited in Chinese recognition, due to inter-class similarity, intra-class variability, and complex combination of components in scene Chinese text. In this paper, we design Adaptive Position Encoding(APE) to enhance the model’s ability to perceive spatial information. Based on APE, we have innovatively designed Local Attention Module (LAM) and Global Attention Module (GAM). Specifically, LAM captures local features to identify common characteristics among characters of the same category, addressing the issue of intra-class variability. Meanwhile, LAM captures global features to identify the subordination relationships of Chinese character components. By integrating LAM and GAM, combining both local and global features, it is possible to find differences in the details among features that are fundamentally similar, thus solving the problem of inter-class similarity. Further, we contrive the transformer encoder–decoder structure to identify the vast variety of Chinese characters. Based on the Local/Global Attention Module and transformer encoder–decoder framework, we devise the novel sequence-to-sequence Local and Global Attention Network(LGANet), where both the backbone and the encoder/decoder are composed of attention mechanisms. Subsequent experiments on the Chinese scene dataset show that the recognition accuracy of our proposed LGANet is 77.3% and the normalized editing distance is 88.6%, both of which achieve the SOTA results in Fig. 1.

近年来,场景中文识别受到越来越多的关注。虽然主流的场景文本识别方法在英文识别中表现出色,但由于场景中文文本的类间相似性、类内可变性以及复杂的成分组合,这些方法在中文识别中受到很大限制。在本文中,我们设计了自适应位置编码(APE)来增强模型感知空间信息的能力。在 APE 的基础上,我们创新性地设计了局部注意力模块(LAM)和全局注意力模块(GAM)。具体来说,LAM 可捕捉局部特征,以识别同类字符的共同特征,从而解决类内差异问题。同时,LAM 可捕捉全局特征,识别汉字部件之间的从属关系。通过整合 LAM 和 GAM,结合局部特征和全局特征,可以发现基本相似的特征之间的细节差异,从而解决类间相似性问题。此外,我们还设计了变换器编码器-解码器结构,以识别种类繁多的汉字。在本地/全局注意力模块和变换器编解码器框架的基础上,我们设计了新颖的序列到序列本地和全局注意力网络(LGANet),其中主干和编解码器都由注意力机制组成。随后在中文场景数据集上进行的实验表明,我们提出的 LGANet 的识别准确率为 77.3%,归一化编辑距离为 88.6%,均达到了图 1 中的 SOTA 结果。
{"title":"Scene Chinese Recognition with Local and Global Attention","authors":"","doi":"10.1016/j.patcog.2024.111013","DOIUrl":"10.1016/j.patcog.2024.111013","url":null,"abstract":"<div><p>Recently, scene Chinese recognition has attracted increasing attention. While mainstream scene text recognition methods exhibit outstanding performance in English recognition, they are considerably limited in Chinese recognition, due to inter-class similarity, intra-class variability, and complex combination of components in scene Chinese text. In this paper, we design Adaptive Position Encoding(APE) to enhance the model’s ability to perceive spatial information. Based on APE, we have innovatively designed Local Attention Module (LAM) and Global Attention Module (GAM). Specifically, LAM captures local features to identify common characteristics among characters of the same category, addressing the issue of intra-class variability. Meanwhile, LAM captures global features to identify the subordination relationships of Chinese character components. By integrating LAM and GAM, combining both local and global features, it is possible to find differences in the details among features that are fundamentally similar, thus solving the problem of inter-class similarity. Further, we contrive the transformer encoder–decoder structure to identify the vast variety of Chinese characters. Based on the Local/Global Attention Module and transformer encoder–decoder framework, we devise the novel sequence-to-sequence Local and Global Attention Network(LGANet), where both the backbone and the encoder/decoder are composed of attention mechanisms. Subsequent experiments on the Chinese scene dataset show that the recognition accuracy of our proposed LGANet is 77.3% and the normalized editing distance is 88.6%, both of which achieve the SOTA results in <span><span>Fig. 1</span></span>.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142240083","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Luminance decomposition and reconstruction for high dynamic range Video Quality Assessment
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-12 DOI: 10.1016/j.patcog.2024.111011

High dynamic range (HDR) video represents a wider range of brightness, detail and colour than standard dynamic range (SDR) video. However, SDR-based VQA (Video Quality Assessment) models struggle to capture HDR distortions. In addition, some of the existing methods designed for HDR video focus on emphasising the distortion of local areas of the video frame, ignoring the distortion of the video frame as a whole. Therefore, we propose a no reference VQA model based on luminance decomposition and recombination that provides excellent performance for HDR videos, called HDR-DRVQA. Specifically, HDR-DRVQA utilises a luminance decomposition strategy to decompose video frames into different regions for explicit extraction of perceptual features in different regions of the high dynamic range. We then further propose a residual aggregation module for recombining multi-region features to extract static spatial distortion representations and dynamic motion perception (captured by feature differences). Taking advantage of the Transformer network in remote dependency modelling, this information is fed into the Transformer network for interactive learning of motion perception and adaptively constructs a stream of spatial distortion information from shallow to deep layers during temporal aggregation. We validate that our model significantly outperforms SDR VQA and existing HDR VQA methods on the publicly available HDR databases.

与标准动态范围(SDR)视频相比,高动态范围(HDR)视频具有更宽的亮度、细节和色彩范围。然而,基于 SDR 的 VQA(视频质量评估)模型难以捕捉 HDR 失真。此外,一些针对 HDR 视频设计的现有方法侧重于强调视频帧局部区域的失真,而忽略了视频帧整体的失真。因此,我们提出了一种基于亮度分解和重组的无参考 VQA 模型,它能为 HDR 视频提供出色的性能,称为 HDR-DRVQA。具体来说,HDR-DRVQA 利用亮度分解策略将视频帧分解成不同的区域,以明确提取高动态范围不同区域的感知特征。然后,我们进一步提出了一个残差聚合模块,用于重新组合多区域特征,以提取静态空间失真表示和动态运动感知(通过特征差异捕捉)。利用远程依赖建模中 Transformer 网络的优势,这些信息被输入 Transformer 网络,用于运动感知的交互式学习,并在时间聚合过程中自适应地构建从浅层到深层的空间失真信息流。我们在公开的 HDR 数据库上验证了我们的模型明显优于 SDR VQA 和现有的 HDR VQA 方法。
{"title":"Luminance decomposition and reconstruction for high dynamic range Video Quality Assessment","authors":"","doi":"10.1016/j.patcog.2024.111011","DOIUrl":"10.1016/j.patcog.2024.111011","url":null,"abstract":"<div><p>High dynamic range (HDR) video represents a wider range of brightness, detail and colour than standard dynamic range (SDR) video. However, SDR-based VQA (Video Quality Assessment) models struggle to capture HDR distortions. In addition, some of the existing methods designed for HDR video focus on emphasising the distortion of local areas of the video frame, ignoring the distortion of the video frame as a whole. Therefore, we propose a no reference VQA model based on luminance decomposition and recombination that provides excellent performance for HDR videos, called HDR-DRVQA. Specifically, HDR-DRVQA utilises a luminance decomposition strategy to decompose video frames into different regions for explicit extraction of perceptual features in different regions of the high dynamic range. We then further propose a residual aggregation module for recombining multi-region features to extract static spatial distortion representations and dynamic motion perception (captured by feature differences). Taking advantage of the Transformer network in remote dependency modelling, this information is fed into the Transformer network for interactive learning of motion perception and adaptively constructs a stream of spatial distortion information from shallow to deep layers during temporal aggregation. We validate that our model significantly outperforms SDR VQA and existing HDR VQA methods on the publicly available HDR databases.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142240085","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
DRNet: Learning a dynamic recursion network for chaotic rain streak removal DRNet:学习动态递归网络,消除混乱雨痕
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-12 DOI: 10.1016/j.patcog.2024.111004

Image deraining refers to removing the visible rain streaks to restore the rain-free scenes. Existing methods rely on manually crafted networks to model the distribution of rain streaks. However, complex scenes disrupt the uniformity of rain streak characteristics assumed in ideal conditions, resulting in rain streaks of varying directions, intensities, and brightness intersecting within the same scene, challenging the deep learning based deraining performance. To address the chaotic rain streak removal, we handle the rain streaks with similar distribution characteristics in the same layer and employ a dynamic recursive mechanism to extract and unveil them progressively. Specifically, we employ neural architecture search to determine the models of different rain streaks. To avoid the loss of texture details associated with overly deep structures, we integrate multi-scale modeling and cross-scale recruitment within the dynamic structure. Considering the application of real-world scenes, we incorporate contrastive training to improve the generalization. Experimental results indicate superior performance in rain streak depiction compared to existing methods. Practical evaluation confirms its effectiveness in object detection and semantic segmentation tasks. Code is available at https://github.com/Jzy2017/DRNet.

图像去污是指去除可见的雨条纹,还原无雨场景。现有方法依赖人工制作的网络来模拟雨条纹的分布。然而,复杂的场景打破了理想条件下雨滴条纹特征的一致性,导致同一场景中不同方向、强度和亮度的雨滴条纹相交,对基于深度学习的去污性能提出了挑战。为了解决混乱的雨条纹去除问题,我们在同一层中处理具有相似分布特征的雨条纹,并采用动态递归机制逐步提取和揭示它们。具体来说,我们采用神经架构搜索来确定不同雨条的模型。为了避免过深结构带来的纹理细节损失,我们在动态结构中集成了多尺度建模和跨尺度征集功能。考虑到真实世界场景的应用,我们采用了对比训练来提高泛化能力。实验结果表明,与现有方法相比,该方法在雨痕描绘方面表现出色。实际评估证实了它在物体检测和语义分割任务中的有效性。代码见 https://github.com/Jzy2017/DRNet。
{"title":"DRNet: Learning a dynamic recursion network for chaotic rain streak removal","authors":"","doi":"10.1016/j.patcog.2024.111004","DOIUrl":"10.1016/j.patcog.2024.111004","url":null,"abstract":"<div><p>Image deraining refers to removing the visible rain streaks to restore the rain-free scenes. Existing methods rely on manually crafted networks to model the distribution of rain streaks. However, complex scenes disrupt the uniformity of rain streak characteristics assumed in ideal conditions, resulting in rain streaks of varying directions, intensities, and brightness intersecting within the same scene, challenging the deep learning based deraining performance. To address the chaotic rain streak removal, we handle the rain streaks with similar distribution characteristics in the same layer and employ a dynamic recursive mechanism to extract and unveil them progressively. Specifically, we employ neural architecture search to determine the models of different rain streaks. To avoid the loss of texture details associated with overly deep structures, we integrate multi-scale modeling and cross-scale recruitment within the dynamic structure. Considering the application of real-world scenes, we incorporate contrastive training to improve the generalization. Experimental results indicate superior performance in rain streak depiction compared to existing methods. Practical evaluation confirms its effectiveness in object detection and semantic segmentation tasks. Code is available at <span><span>https://github.com/Jzy2017/DRNet</span><svg><path></path></svg></span>.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142232993","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
DCFusion: Difference correlation-driven fusion mechanism of infrared and visible images
IF 7.5 1区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-12 DOI: 10.1016/j.patcog.2024.111002

In end-to-end image fusion models, the loss function significantly impacts performance. However, most loss functions treat salient and background regions in source images equally, failing to distinguish complementary areas in multimodal images. This limits the model’s ability to effectively integrate information from these regions. Therefore, we propose difference correlation-driven fusion mechanism of infrared and visible images, which called DCFusion. Specifically, the model utilizes a dual-branch interactive network that dynamically fuses cross-modal multi-scale complementary information through element-wise multiplication, effectively integrating region-specific information. We introduce a two-stage method for generating salient target masks that adaptively focus on high-contrast regions in infrared images by analyzing pixel contrasts in local areas. Furthermore, we utilize the salient target masks to create heterogeneous images and design the LSCD loss function to minimize the information gap between the heterogeneous images and the fused image, thereby enhancing the model’s interpretability. Experiments on the RoadScene and TNO datasets show that DCFusion surpasses with existing representativity fusion approaches, achieving state-of-the-art performance in both subjective visual and objective evaluations. Our code will be publicly available at https://github.com/MinLila/DCFusion.

在端到端图像融合模型中,损失函数对性能有很大影响。然而,大多数损失函数对源图像中的突出区域和背景区域一视同仁,无法区分多模态图像中的互补区域。这就限制了模型有效整合这些区域信息的能力。因此,我们提出了红外图像和可见光图像的差异相关驱动融合机制,即 DCFusion。具体来说,该模型利用双分支交互网络,通过元素乘法动态融合跨模态多尺度互补信息,有效整合特定区域的信息。我们介绍了一种分两个阶段生成突出目标掩码的方法,这种掩码可通过分析局部区域的像素对比度,自适应地聚焦于红外图像中的高对比度区域。此外,我们还利用突出目标掩码创建异质图像,并设计 LSCD 损失函数来最小化异质图像与融合图像之间的信息差距,从而增强模型的可解释性。在 RoadScene 和 TNO 数据集上的实验表明,DCFusion 超越了现有的表征融合方法,在主观视觉和客观评估方面都达到了最先进的性能。我们的代码将在 https://github.com/MinLila/DCFusion 上公开。
{"title":"DCFusion: Difference correlation-driven fusion mechanism of infrared and visible images","authors":"","doi":"10.1016/j.patcog.2024.111002","DOIUrl":"10.1016/j.patcog.2024.111002","url":null,"abstract":"<div><p>In end-to-end image fusion models, the loss function significantly impacts performance. However, most loss functions treat salient and background regions in source images equally, failing to distinguish complementary areas in multimodal images. This limits the model’s ability to effectively integrate information from these regions. Therefore, we propose difference correlation-driven fusion mechanism of infrared and visible images, which called DCFusion. Specifically, the model utilizes a dual-branch interactive network that dynamically fuses cross-modal multi-scale complementary information through element-wise multiplication, effectively integrating region-specific information. We introduce a two-stage method for generating salient target masks that adaptively focus on high-contrast regions in infrared images by analyzing pixel contrasts in local areas. Furthermore, we utilize the salient target masks to create heterogeneous images and design the <span><math><msub><mrow><mi>L</mi></mrow><mrow><mi>S</mi><mi>C</mi><mi>D</mi></mrow></msub></math></span> loss function to minimize the information gap between the heterogeneous images and the fused image, thereby enhancing the model’s interpretability. Experiments on the RoadScene and TNO datasets show that DCFusion surpasses with existing representativity fusion approaches, achieving state-of-the-art performance in both subjective visual and objective evaluations. Our code will be publicly available at <span><span>https://github.com/MinLila/DCFusion</span><svg><path></path></svg></span>.</p></div>","PeriodicalId":49713,"journal":{"name":"Pattern Recognition","volume":null,"pages":null},"PeriodicalIF":7.5,"publicationDate":"2024-09-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142240084","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Pattern Recognition
全部 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