首页 > 最新文献

Complex & Intelligent Systems最新文献

英文 中文
TCohPrompt: task-coherent prompt-oriented fine-tuning for relation extraction TCohPrompt:关系提取中以任务一致性提示为导向的微调
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-22 DOI: 10.1007/s40747-024-01563-4
Jun Long, Zhuoying Yin, Chao Liu, Wenti Huang

Prompt-tuning has emerged as a promising approach for improving the performance of classification tasks by converting them into masked language modeling problems through the insertion of text templates. Despite its considerable success, applying this approach to relation extraction is challenging. Predicting the relation, often expressed as a specific word or phrase between two entities, usually requires creating mappings from these terms to an existing lexicon and introducing extra learnable parameters. This can lead to a decrease in coherence between the pre-training task and fine-tuning. To address this issue, we propose a novel method for prompt-tuning in relation extraction, aiming to enhance the coherence between fine-tuning and pre-training tasks. Specifically, we avoid the need for a suitable relation word by converting the relation into relational semantic keywords, which are representative phrases that encapsulate the essence of the relation. Moreover, we employ a composite loss function that optimizes the model at both token and relation levels. Our approach incorporates the masked language modeling (MLM) loss and the entity pair constraint loss for predicted tokens. For relation level optimization, we use both the cross-entropy loss and TransE. Extensive experimental results on four datasets demonstrate that our method significantly improves performance in relation extraction tasks. The results show an average improvement of approximately 1.6 points in F1 metrics compared to the current state-of-the-art model. Codes are released at https://github.com/12138yx/TCohPrompt.

通过插入文本模板将分类任务转换为掩码语言建模问题,提示调整(Prompt-tuning)已成为提高分类任务性能的一种有前途的方法。尽管这种方法取得了巨大成功,但将其应用于关系提取仍具有挑战性。预测关系(通常表现为两个实体之间的特定单词或短语)通常需要将这些术语与现有词库建立映射关系,并引入额外的可学习参数。这会导致预训练任务和微调之间的一致性降低。为了解决这个问题,我们提出了一种在关系提取中进行及时调整的新方法,旨在增强微调和预训练任务之间的一致性。具体来说,我们通过将关系转换为关系语义关键词(即能概括关系本质的代表性短语),避免了对合适关系词的需求。此外,我们还采用了复合损失函数,在标记和关系两个层面上优化模型。我们的方法结合了屏蔽语言建模(MLM)损失和实体对约束损失,用于预测标记。在关系层面的优化中,我们使用了交叉熵损失和 TransE。在四个数据集上的广泛实验结果表明,我们的方法显著提高了关系提取任务的性能。结果表明,与目前最先进的模型相比,F1 指标平均提高了约 1.6 分。代码发布于 https://github.com/12138yx/TCohPrompt。
{"title":"TCohPrompt: task-coherent prompt-oriented fine-tuning for relation extraction","authors":"Jun Long, Zhuoying Yin, Chao Liu, Wenti Huang","doi":"10.1007/s40747-024-01563-4","DOIUrl":"https://doi.org/10.1007/s40747-024-01563-4","url":null,"abstract":"<p>Prompt-tuning has emerged as a promising approach for improving the performance of classification tasks by converting them into masked language modeling problems through the insertion of text templates. Despite its considerable success, applying this approach to relation extraction is challenging. Predicting the relation, often expressed as a specific word or phrase between two entities, usually requires creating mappings from these terms to an existing lexicon and introducing extra learnable parameters. This can lead to a decrease in coherence between the pre-training task and fine-tuning. To address this issue, we propose a novel method for prompt-tuning in relation extraction, aiming to enhance the coherence between fine-tuning and pre-training tasks. Specifically, we avoid the need for a suitable relation word by converting the relation into relational semantic keywords, which are representative phrases that encapsulate the essence of the relation. Moreover, we employ a composite loss function that optimizes the model at both token and relation levels. Our approach incorporates the masked language modeling (MLM) loss and the entity pair constraint loss for predicted tokens. For relation level optimization, we use both the cross-entropy loss and TransE. Extensive experimental results on four datasets demonstrate that our method significantly improves performance in relation extraction tasks. The results show an average improvement of approximately 1.6 points in <i>F</i>1 metrics compared to the current state-of-the-art model. Codes are released at https://github.com/12138yx/TCohPrompt.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141736944","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
MPOCSR: optical chemical structure recognition based on multi-path Vision Transformer MPOCSR:基于多路径视觉变换器的光学化学结构识别
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-22 DOI: 10.1007/s40747-024-01561-6
Fan Lin, Jianhua Li

Optical chemical structure recognition (OCSR) is a fundamental and crucial task in the field of chemistry, which aims at transforming intricate chemical structure images into machine-readable formats. Current deep learning-based OCSR methods typically use image feature extractors to extract visual features and employ encoder-decoder architectures for chemical structure recognition. However, the performance of these methods is limited by their image feature extractors and the class imbalance of elements in chemical structure representation. This paper proposes MPOCSR (multi-path optical chemical structure recognition), which introduces the multi-path Vision Transformer (MPViT) and the class-balanced (CB) loss function to address these two challenges. MPOCSR uses MPViT as an image feature extractor, combining the advantages of convolutional neural networks and Vision Transformers. This strategy enables the provision of richer visual information for subsequent decoding processes. Furthermore, MPOCSR incorporates CB loss function to rebalance the loss weights among different categories. For training and validation of our method, we constructed a dataset that includes both Markush and non-Markush structures. Experimental results show that MPOCSR achieves an accuracy of 90.95% on the test set, surpassing other existing methods.

光学化学结构识别(OCSR)是化学领域的一项基本而关键的任务,旨在将复杂的化学结构图像转换为机器可读的格式。目前基于深度学习的光学化学结构识别方法通常使用图像特征提取器提取视觉特征,并采用编码器-解码器架构进行化学结构识别。然而,这些方法的性能受到其图像特征提取器和化学结构表示中元素类不平衡的限制。本文提出的 MPOCSR(多路径光学化学结构识别)引入了多路径视觉变换器(MPViT)和类平衡(CB)损失函数,以解决这两个难题。MPOCSR 将 MPViT 用作图像特征提取器,结合了卷积神经网络和视觉变换器的优势。这种策略可为后续解码过程提供更丰富的视觉信息。此外,MPOCSR 还加入了 CB 损失函数,以重新平衡不同类别之间的损失权重。为了对我们的方法进行训练和验证,我们构建了一个包含马库什和非马库什结构的数据集。实验结果表明,MPOCSR 在测试集上的准确率达到了 90.95%,超过了其他现有方法。
{"title":"MPOCSR: optical chemical structure recognition based on multi-path Vision Transformer","authors":"Fan Lin, Jianhua Li","doi":"10.1007/s40747-024-01561-6","DOIUrl":"https://doi.org/10.1007/s40747-024-01561-6","url":null,"abstract":"<p>Optical chemical structure recognition (OCSR) is a fundamental and crucial task in the field of chemistry, which aims at transforming intricate chemical structure images into machine-readable formats. Current deep learning-based OCSR methods typically use image feature extractors to extract visual features and employ encoder-decoder architectures for chemical structure recognition. However, the performance of these methods is limited by their image feature extractors and the class imbalance of elements in chemical structure representation. This paper proposes MPOCSR (multi-path optical chemical structure recognition), which introduces the multi-path Vision Transformer (MPViT) and the class-balanced (CB) loss function to address these two challenges. MPOCSR uses MPViT as an image feature extractor, combining the advantages of convolutional neural networks and Vision Transformers. This strategy enables the provision of richer visual information for subsequent decoding processes. Furthermore, MPOCSR incorporates CB loss function to rebalance the loss weights among different categories. For training and validation of our method, we constructed a dataset that includes both Markush and non-Markush structures. Experimental results show that MPOCSR achieves an accuracy of 90.95% on the test set, surpassing other existing methods.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141755096","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Feature selection for hybrid information systems based on fuzzy $$beta $$ covering and fuzzy evidence theory 基于模糊 $$beta$ 覆盖和模糊证据理论的混合信息系统特征选择
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-22 DOI: 10.1007/s40747-024-01560-7
Xiaoqin Ma, Huanhuan Hu, Qinli Zhang, Yi Xu

Feature selection plays a crucial role in machine learning, as it eliminates data noise and redundancy, thereby significantly reducing computational complexity and enhancing the overall performance of the model. The challenges of feature selection for hybrid information systems stem from the difficulty in quantifying the disparities among nominal attribute values. Furthermore, a significant majority of the current methodologies exhibit sensitivity to noise. This paper introduces techniques that address the aforementioned issues from the perspective of fuzzy evidence theory. First of all, a new distance incorporating decision attributes is defined, and then a relation between fuzzy evidence theory and fuzzy (beta ) covering with an anti-noise mechanism is established. In this framework, two robust feature selection algorithms for hybrid data are proposed based on fuzzy belief and fuzzy plausibility. Experiments on 10 data sets of various types show that compared with the other 6 state-of-the-art algorithms, the proposed algorithms improve the anti-noise ability by at least 6% with higher average classification accuracy. Therefore, it can be concluded that the proposed algorithms have excellent anti-noise ability while maintaining good feature selection ability.

特征选择在机器学习中起着至关重要的作用,因为它可以消除数据噪声和冗余,从而大大降低计算复杂度,提高模型的整体性能。混合信息系统特征选择所面临的挑战来自于难以量化名义属性值之间的差异。此外,目前绝大多数方法对噪声都很敏感。本文从模糊证据理论的角度介绍了解决上述问题的技术。首先,定义了一种包含决策属性的新距离,然后建立了模糊证据理论与具有抗噪声机制的模糊(beta)覆盖之间的关系。在此框架下,提出了两种基于模糊信念和模糊可信度的混合数据鲁棒特征选择算法。在 10 个不同类型数据集上的实验表明,与其他 6 种最先进的算法相比,所提出的算法的抗噪声能力至少提高了 6%,平均分类准确率也更高。因此,可以得出结论:所提出的算法在保持良好特征选择能力的同时,还具有出色的抗噪能力。
{"title":"Feature selection for hybrid information systems based on fuzzy $$beta $$ covering and fuzzy evidence theory","authors":"Xiaoqin Ma, Huanhuan Hu, Qinli Zhang, Yi Xu","doi":"10.1007/s40747-024-01560-7","DOIUrl":"https://doi.org/10.1007/s40747-024-01560-7","url":null,"abstract":"<p>Feature selection plays a crucial role in machine learning, as it eliminates data noise and redundancy, thereby significantly reducing computational complexity and enhancing the overall performance of the model. The challenges of feature selection for hybrid information systems stem from the difficulty in quantifying the disparities among nominal attribute values. Furthermore, a significant majority of the current methodologies exhibit sensitivity to noise. This paper introduces techniques that address the aforementioned issues from the perspective of fuzzy evidence theory. First of all, a new distance incorporating decision attributes is defined, and then a relation between fuzzy evidence theory and fuzzy <span>(beta )</span> covering with an anti-noise mechanism is established. In this framework, two robust feature selection algorithms for hybrid data are proposed based on fuzzy belief and fuzzy plausibility. Experiments on 10 data sets of various types show that compared with the other 6 state-of-the-art algorithms, the proposed algorithms improve the anti-noise ability by at least 6% with higher average classification accuracy. Therefore, it can be concluded that the proposed algorithms have excellent anti-noise ability while maintaining good feature selection ability.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141755097","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Predictive air combat decision model with segmented reward allocation 采用分段奖励分配的预测性空战决策模型
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-22 DOI: 10.1007/s40747-024-01556-3
Yundi Li, Yinlong Yuan, Yun Cheng, Liang Hua

In air combat missions, unmanned combat aerial vehicles (UCAVs) must take strategic actions to establish combat advantages, enabling effective tracking and attacking of enemy UCAVs. Currently, a lot of reinforcement learning algorithms are applied to the air combat mission of unmanned fighter aircraft. However, most algorithms can only select policies based on the current state of both sides. This leads to the inability to effectively track and attack when the enemy performs large angle maneuvering. Additionally, these algorithms cannot adapt to different situations, resulting in the unmanned fighter aircraft being at a disadvantage in some cases. To solve these problems, this paper proposes predictive air combat decision model with segmented reward allocation for air combat tracking and attacking. On the basis of the air combat environment, we propose the prediction soft actor-critic (Pre-SAC) algorithm, which combines the prediction of enemy states with the states of UCAV for model training. This enables the UCAV to predict the next move of the enemy UCAV in advance and establish a greater air combat advantage for us. Furthermore, by adopting a segmented reward allocation model and combining it with the Pre-SAC algorithm, we propose the segmented reward allocation soft actor-critic (Sra-SAC) algorithm, which solves the problem of UCAVs being unable to adapt to different situations. The results show that the prediction-based segmented reward allocation the Sra-SAC algorithm outperforms the traditional soft actor-critic (SAC) algorithm in terms of overall reward, travel distance, and relative advantage.

在执行空战任务时,无人战斗飞行器(UCAV)必须采取战略行动以建立作战优势,从而有效地跟踪和攻击敌方 UCAV。目前,大量强化学习算法被应用于无人战斗机的空战任务。然而,大多数算法只能根据双方的当前状态选择策略。这导致在敌方进行大角度机动时,无法进行有效的跟踪和攻击。此外,这些算法无法适应不同的情况,导致无人战斗机在某些情况下处于劣势。为了解决这些问题,本文提出了具有分段奖励分配的预测性空战决策模型,用于空战跟踪和攻击。在空战环境的基础上,我们提出了预测软行为批判(Pre-SAC)算法,将敌方状态预测与 UCAV 状态预测相结合进行模型训练。这样,UCAV 就能提前预测敌方 UCAV 的下一步行动,为我方建立更大的空战优势。此外,通过采用分段奖励分配模型并与Pre-SAC算法相结合,我们提出了分段奖励分配软行为批判(Sra-SAC)算法,解决了UCAV无法适应不同情况的问题。结果表明,基于预测的分段奖励分配 Sra-SAC 算法在总体奖励、行进距离和相对优势方面都优于传统的软演员批评(SAC)算法。
{"title":"Predictive air combat decision model with segmented reward allocation","authors":"Yundi Li, Yinlong Yuan, Yun Cheng, Liang Hua","doi":"10.1007/s40747-024-01556-3","DOIUrl":"https://doi.org/10.1007/s40747-024-01556-3","url":null,"abstract":"<p>In air combat missions, unmanned combat aerial vehicles (UCAVs) must take strategic actions to establish combat advantages, enabling effective tracking and attacking of enemy UCAVs. Currently, a lot of reinforcement learning algorithms are applied to the air combat mission of unmanned fighter aircraft. However, most algorithms can only select policies based on the current state of both sides. This leads to the inability to effectively track and attack when the enemy performs large angle maneuvering. Additionally, these algorithms cannot adapt to different situations, resulting in the unmanned fighter aircraft being at a disadvantage in some cases. To solve these problems, this paper proposes predictive air combat decision model with segmented reward allocation for air combat tracking and attacking. On the basis of the air combat environment, we propose the prediction soft actor-critic (Pre-SAC) algorithm, which combines the prediction of enemy states with the states of UCAV for model training. This enables the UCAV to predict the next move of the enemy UCAV in advance and establish a greater air combat advantage for us. Furthermore, by adopting a segmented reward allocation model and combining it with the Pre-SAC algorithm, we propose the segmented reward allocation soft actor-critic (Sra-SAC) algorithm, which solves the problem of UCAVs being unable to adapt to different situations. The results show that the prediction-based segmented reward allocation the Sra-SAC algorithm outperforms the traditional soft actor-critic (SAC) algorithm in terms of overall reward, travel distance, and relative advantage.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141737021","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Bi-HS-RRT $$^text {X}$$ : an efficient sampling-based motion planning algorithm for unknown dynamic environments Bi-HS-RRT $$^text {X}$$ :针对未知动态环境的基于采样的高效运动规划算法
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-20 DOI: 10.1007/s40747-024-01557-2
Longjie Liao, Qimin Xu, Xinyi Zhou, Xu Li, Xixiang Liu

In the field of autonomous mobile robots, sampling-based motion planning methods have demonstrated their efficiency in complex environments. Although the Rapidly-exploring Random Tree (RRT) algorithm and its variants have achieved significant success in known static environment, it is still challenging in achieving optimal motion planning in unknown dynamic environments. To address this issue, this paper proposes a novel motion planning algorithm Bi-HS-RRT(^text {X}), which facilitates asymptotically optimal real-time planning in continuously changing unknown environments. The algorithm swiftly determines an initial feasible path by employing the bidirectional search. When dynamic obstacles render the planned path infeasible, the bidirectional search is reactivated promptly to reconstruct the search tree in a local area, thereby significantly reducing the search planning time. Additionally, this paper adopts a hybrid heuristic sampling strategy to optimize the planned path quality and search efficiency. The convergence of the proposed algorithm is accelerated by merging local biased sampling with nominal path and global heuristic sampling in hyper-ellipsoid region. To verify the effectiveness and efficiency of the proposed algorithm in unknown dynamic environments, numerous comparative experiments with existing algorithms were conducted. The experimental results indicate that the proposed planning algorithm has significant advantages in planned path length and planning time.

在自主移动机器人领域,基于采样的运动规划方法已经证明了其在复杂环境中的效率。虽然快速探索随机树(RRT)算法及其变体在已知静态环境中取得了巨大成功,但在未知动态环境中实现最优运动规划仍具有挑战性。为了解决这个问题,本文提出了一种新颖的运动规划算法 Bi-HS-RRT(^text {X}),它有助于在连续变化的未知环境中实现渐近最优的实时规划。该算法通过双向搜索迅速确定初始可行路径。当动态障碍物导致规划路径不可行时,双向搜索会迅速重新启动,在局部区域重建搜索树,从而大大缩短搜索规划时间。此外,本文还采用了混合启发式采样策略,以优化规划路径质量和搜索效率。通过在超椭圆区域合并局部偏置采样与标称路径和全局启发式采样,加快了所提算法的收敛速度。为了验证所提算法在未知动态环境中的有效性和效率,进行了大量与现有算法的对比实验。实验结果表明,所提出的规划算法在规划路径长度和规划时间方面具有显著优势。
{"title":"Bi-HS-RRT $$^text {X}$$ : an efficient sampling-based motion planning algorithm for unknown dynamic environments","authors":"Longjie Liao, Qimin Xu, Xinyi Zhou, Xu Li, Xixiang Liu","doi":"10.1007/s40747-024-01557-2","DOIUrl":"https://doi.org/10.1007/s40747-024-01557-2","url":null,"abstract":"<p>In the field of autonomous mobile robots, sampling-based motion planning methods have demonstrated their efficiency in complex environments. Although the Rapidly-exploring Random Tree (RRT) algorithm and its variants have achieved significant success in known static environment, it is still challenging in achieving optimal motion planning in unknown dynamic environments. To address this issue, this paper proposes a novel motion planning algorithm Bi-HS-RRT<span>(^text {X})</span>, which facilitates asymptotically optimal real-time planning in continuously changing unknown environments. The algorithm swiftly determines an initial feasible path by employing the bidirectional search. When dynamic obstacles render the planned path infeasible, the bidirectional search is reactivated promptly to reconstruct the search tree in a local area, thereby significantly reducing the search planning time. Additionally, this paper adopts a hybrid heuristic sampling strategy to optimize the planned path quality and search efficiency. The convergence of the proposed algorithm is accelerated by merging local biased sampling with nominal path and global heuristic sampling in hyper-ellipsoid region. To verify the effectiveness and efficiency of the proposed algorithm in unknown dynamic environments, numerous comparative experiments with existing algorithms were conducted. The experimental results indicate that the proposed planning algorithm has significant advantages in planned path length and planning time.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141732690","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Attention-guided mask learning for self-supervised 3D action recognition 自我监督三维动作识别的注意力引导遮罩学习
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-19 DOI: 10.1007/s40747-024-01558-1
Haoyuan Zhang

Most existing 3D action recognition works rely on the supervised learning paradigm, yet the limited availability of annotated data limits the full potential of encoding networks. As a result, effective self-supervised pre-training strategies have been actively researched. In this paper, we target to explore a self-supervised learning approach for 3D action recognition, and propose the Attention-guided Mask Learning (AML) scheme. Specifically, the dropping mechanism is introduced into contrastive learning to develop Attention-guided Mask (AM) module as well as mask learning strategy, respectively. The AM module leverages the spatial and temporal attention to guide the corresponding features masking, so as to produce the masked contrastive object. The mask learning strategy enables the model to discriminate different actions even with important features masked, which makes action representation learning more discriminative. What’s more, to alleviate the strict positive constraint that would hinder representation learning, the positive-enhanced learning strategy is leveraged in the second-stage training. Extensive experiments on NTU-60, NTU-120, and PKU-MMD datasets show that the proposed AML scheme improves the performance in self-supervised 3D action recognition, achieving state-of-the-art results.

大多数现有的三维动作识别工作都依赖于监督学习范式,但注释数据的有限性限制了编码网络潜力的充分发挥。因此,人们一直在积极研究有效的自监督预训练策略。在本文中,我们以探索三维动作识别的自监督学习方法为目标,提出了注意力引导掩码学习(AML)方案。具体来说,在对比学习中引入下降机制,分别开发出注意力引导面具(AM)模块和面具学习策略。注意力引导掩码模块利用空间和时间注意力引导相应的特征掩码,从而生成被掩码的对比对象。掩码学习策略使模型即使在重要特征被掩码的情况下也能分辨出不同的动作,从而使动作表征学习更具辨别力。此外,为了缓解严格的正向约束对表征学习的阻碍,在第二阶段训练中采用了正向增强学习策略。在 NTU-60、NTU-120 和 PKU-MMD 数据集上的广泛实验表明,所提出的 AML 方案提高了自监督三维动作识别的性能,取得了最先进的结果。
{"title":"Attention-guided mask learning for self-supervised 3D action recognition","authors":"Haoyuan Zhang","doi":"10.1007/s40747-024-01558-1","DOIUrl":"https://doi.org/10.1007/s40747-024-01558-1","url":null,"abstract":"<p>Most existing 3D action recognition works rely on the supervised learning paradigm, yet the limited availability of annotated data limits the full potential of encoding networks. As a result, effective self-supervised pre-training strategies have been actively researched. In this paper, we target to explore a self-supervised learning approach for 3D action recognition, and propose the Attention-guided Mask Learning (AML) scheme. Specifically, the dropping mechanism is introduced into contrastive learning to develop Attention-guided Mask (AM) module as well as mask learning strategy, respectively. The AM module leverages the spatial and temporal attention to guide the corresponding features masking, so as to produce the masked contrastive object. The mask learning strategy enables the model to discriminate different actions even with important features masked, which makes action representation learning more discriminative. What’s more, to alleviate the strict positive constraint that would hinder representation learning, the positive-enhanced learning strategy is leveraged in the second-stage training. Extensive experiments on NTU-60, NTU-120, and PKU-MMD datasets show that the proposed AML scheme improves the performance in self-supervised 3D action recognition, achieving state-of-the-art results.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141725770","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Smart calibration and monitoring: leveraging artificial intelligence to improve MEMS-based inertial sensor calibration 智能校准和监测:利用人工智能改进基于 MEMS 的惯性传感器校准
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-18 DOI: 10.1007/s40747-024-01531-y
Itilekha Podder, Tamas Fischl, Udo Bub

Micro-electro-mechanical systems (MEMS)-based sensors endure complex production processes that inherently include high variance. To meet rigorous client demands (such as sensitivity, offset noise, robustness against vibration, etc.). products must go through comprehensive calibration and testing procedures. All sensors undergo a standardized and sequential calibration process with a predetermined number of steps, even though some may reach the correct calibration value sooner. Moreover, the traditional sequential calibration method faces challenges due to specific operating conditions resulting from manufacturing discrepancies. This not only extends the calibration duration but also introduces rigidity and inefficiency. To tackle the issue of production variances and elongated calibration time and enhance efficiency, we provide a novel quasi-parallelized calibration framework aided by an artificial intelligence (AI) based solution. Our suggested method utilizes a supervised tree-based regression technique and statistical measures to dynamically identify and optimize the appropriate working point for each sensor. The objective is to decrease the total calibration duration while ensuring accuracy. The findings of our investigation show a time reduction of 23.8% for calibration, leading to substantial cost savings in the manufacturing process. In addition, we propose an end-to-end monitoring system to accelerate the incorporation of our framework into production. This not only guarantees the prompt execution of our solution but also enables the identification of process modifications or data irregularities, promoting a more agile and adaptable production process.

基于微机电系统 (MEMS) 的传感器要经受复杂的生产过程,其中固有的差异很大。为了满足客户的严格要求(如灵敏度、偏移噪声、抗震性等),产品必须经过全面的校准和测试程序。所有传感器都要经过标准化的顺序校准过程,并有预定的步骤数,即使有些传感器可能更快达到正确的校准值。此外,传统的顺序校准方法还面临着因制造差异而产生的特定工作条件的挑战。这不仅延长了校准时间,还造成了僵化和低效。为了解决生产差异和校准时间延长的问题并提高效率,我们提供了一种基于人工智能(AI)解决方案的新型准并行校准框架。我们建议的方法利用基于监督树的回归技术和统计措施来动态识别和优化每个传感器的适当工作点。目的是在确保精度的同时缩短总校准时间。我们的研究结果表明,校准时间缩短了 23.8%,从而在生产过程中节省了大量成本。此外,我们还提出了端到端监控系统,以加快将我们的框架融入生产。这不仅保证了我们解决方案的迅速执行,还能识别流程修改或数据异常,促进生产流程更加灵活、适应性更强。
{"title":"Smart calibration and monitoring: leveraging artificial intelligence to improve MEMS-based inertial sensor calibration","authors":"Itilekha Podder, Tamas Fischl, Udo Bub","doi":"10.1007/s40747-024-01531-y","DOIUrl":"https://doi.org/10.1007/s40747-024-01531-y","url":null,"abstract":"<p>Micro-electro-mechanical systems (MEMS)-based sensors endure complex production processes that inherently include high variance. To meet rigorous client demands (such as sensitivity, offset noise, robustness against vibration, etc.). products must go through comprehensive calibration and testing procedures. All sensors undergo a standardized and sequential calibration process with a predetermined number of steps, even though some may reach the correct calibration value sooner. Moreover, the traditional sequential calibration method faces challenges due to specific operating conditions resulting from manufacturing discrepancies. This not only extends the calibration duration but also introduces rigidity and inefficiency. To tackle the issue of production variances and elongated calibration time and enhance efficiency, we provide a novel quasi-parallelized calibration framework aided by an artificial intelligence (AI) based solution. Our suggested method utilizes a supervised tree-based regression technique and statistical measures to dynamically identify and optimize the appropriate working point for each sensor. The objective is to decrease the total calibration duration while ensuring accuracy. The findings of our investigation show a time reduction of 23.8% for calibration, leading to substantial cost savings in the manufacturing process. In addition, we propose an end-to-end monitoring system to accelerate the incorporation of our framework into production. This not only guarantees the prompt execution of our solution but also enables the identification of process modifications or data irregularities, promoting a more agile and adaptable production process.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141725767","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Intelligent bulk cargo terminal scheduling based on a novel chaotic-optimal thermodynamic evolutionary algorithm 基于新型混沌优化热力学进化算法的智能散货码头调度
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-18 DOI: 10.1007/s40747-024-01452-w
Shida Liu, Qingsheng Liu, Li Wang, Xianlong Chen

This paper presents a chaotic optimal thermodynamic evolutionary algorithm (COTEA) designed to address the integrated scheduling problems of berth allocation, ship unloader scheduling, and yard allocation at bulk cargo terminals. Our proposed COTEA introduces a thermal transition crossover method that effectively circumvents local optima in the scheduling solution process. Additionally, the method innovatively combines a good point set with chaotic dynamics within an integrated initialization framework, thereby cultivating a robust and exploratory initial population for the optimization algorithm. To further enhance the selection process, our paper proposes a refined parental selection protocol that employs a quantified hypervolume contribution metric to discern superior candidate solutions. Postevolution, our algorithm employs a Cauchy inverse cumulative distribution-based neighborhood search to effectively explore and enhance the solution spaces, significantly accelerating the convergence speed during the scheduling solution process. The proposed method is adept at achieving multiobjective optimization, simultaneously improving the service level and reducing costs for bulk cargo terminals, which in turn boosts their competitiveness. The effectiveness of our COTEA is demonstrated through extensive numerical simulations.

本文提出了一种混沌最优热力学进化算法(COTEA),旨在解决散货码头的泊位分配、卸船机调度和堆场分配等综合调度问题。我们提出的沌动力学进化算法引入了一种热转换交叉方法,可有效规避调度求解过程中的局部最优。此外,该方法创新性地将良好点集与混沌动力学结合在一个综合初始化框架内,从而为优化算法培养了一个稳健且具有探索性的初始群体。为了进一步改进选择过程,我们的论文提出了一种精炼的亲本选择协议,该协议采用量化的超体积贡献指标来识别优秀的候选解决方案。进化后,我们的算法采用基于考奇逆累积分布的邻域搜索来有效探索和增强解空间,从而显著加快了调度解过程中的收敛速度。所提出的方法善于实现多目标优化,同时提高散货码头的服务水平并降低成本,从而提高其竞争力。我们通过大量的数值模拟证明了 COTEA 的有效性。
{"title":"Intelligent bulk cargo terminal scheduling based on a novel chaotic-optimal thermodynamic evolutionary algorithm","authors":"Shida Liu, Qingsheng Liu, Li Wang, Xianlong Chen","doi":"10.1007/s40747-024-01452-w","DOIUrl":"https://doi.org/10.1007/s40747-024-01452-w","url":null,"abstract":"<p>This paper presents a chaotic optimal thermodynamic evolutionary algorithm (COTEA) designed to address the integrated scheduling problems of berth allocation, ship unloader scheduling, and yard allocation at bulk cargo terminals. Our proposed COTEA introduces a thermal transition crossover method that effectively circumvents local optima in the scheduling solution process. Additionally, the method innovatively combines a good point set with chaotic dynamics within an integrated initialization framework, thereby cultivating a robust and exploratory initial population for the optimization algorithm. To further enhance the selection process, our paper proposes a refined parental selection protocol that employs a quantified hypervolume contribution metric to discern superior candidate solutions. Postevolution, our algorithm employs a Cauchy inverse cumulative distribution-based neighborhood search to effectively explore and enhance the solution spaces, significantly accelerating the convergence speed during the scheduling solution process. The proposed method is adept at achieving multiobjective optimization, simultaneously improving the service level and reducing costs for bulk cargo terminals, which in turn boosts their competitiveness. The effectiveness of our COTEA is demonstrated through extensive numerical simulations.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141725769","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Identification of switched gated recurrent unit neural networks with a generalized Gaussian distribution 识别具有广义高斯分布的开关门控递归单元神经网络
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-18 DOI: 10.1007/s40747-024-01540-x
Wentao Bai, Fan Guo, Suhang Gu, Chao Yan, Chunli Jiang, Haoyu Zhang

Due to the limitations of the model itself, the performance of switched autoregressive exogenous (SARX) models will face potential threats when modeling nonlinear hybrid dynamic systems. To address this problem, a robust identification approach of the switched gated recurrent unit (SGRU) model is developed in this paper. Firstly, all submodels of the SARX model are replaced by gated recurrent unit neural networks. The obtained SGRU model has stronger nonlinear fitting ability than the SARX model. Secondly, this paper departs from the conventional Gaussian distribution assumption for noise, opting instead for a generalized Gaussian distribution. This enables the proposed model to achieve stable prediction performance under the influence of different noises. Notably, no prior assumptions are imposed on the knowledge of operating modes in the proposed switched model. Therefore, the EM algorithm is used to solve the problem of parameter estimation with hidden variables in this paper. Finally, two simulation experiments are performed. By comparing the nonlinear fitting ability of the SGRU model with the SARX model and the prediction performance of the SGRU model under different noise distributions, the effectiveness of the proposed approach is verified.

由于模型本身的局限性,在对非线性混合动力系统建模时,开关自回归外生(SARX)模型的性能将面临潜在的威胁。针对这一问题,本文提出了一种开关门控循环单元(SGRU)模型的稳健识别方法。首先,将 SARX 模型的所有子模型替换为门控递归单元神经网络。与 SARX 模型相比,得到的 SGRU 模型具有更强的非线性拟合能力。其次,本文放弃了噪声的传统高斯分布假设,转而采用广义高斯分布。这使得所提出的模型能在不同噪声的影响下实现稳定的预测性能。值得注意的是,在所提出的切换模型中,没有对运行模式的知识施加任何先验假设。因此,本文采用 EM 算法来解决带隐藏变量的参数估计问题。最后,本文进行了两次模拟实验。通过比较 SGRU 模型与 SARX 模型的非线性拟合能力以及 SGRU 模型在不同噪声分布下的预测性能,验证了所提方法的有效性。
{"title":"Identification of switched gated recurrent unit neural networks with a generalized Gaussian distribution","authors":"Wentao Bai, Fan Guo, Suhang Gu, Chao Yan, Chunli Jiang, Haoyu Zhang","doi":"10.1007/s40747-024-01540-x","DOIUrl":"https://doi.org/10.1007/s40747-024-01540-x","url":null,"abstract":"<p>Due to the limitations of the model itself, the performance of switched autoregressive exogenous (SARX) models will face potential threats when modeling nonlinear hybrid dynamic systems. To address this problem, a robust identification approach of the switched gated recurrent unit (SGRU) model is developed in this paper. Firstly, all submodels of the SARX model are replaced by gated recurrent unit neural networks. The obtained SGRU model has stronger nonlinear fitting ability than the SARX model. Secondly, this paper departs from the conventional Gaussian distribution assumption for noise, opting instead for a generalized Gaussian distribution. This enables the proposed model to achieve stable prediction performance under the influence of different noises. Notably, no prior assumptions are imposed on the knowledge of operating modes in the proposed switched model. Therefore, the EM algorithm is used to solve the problem of parameter estimation with hidden variables in this paper. Finally, two simulation experiments are performed. By comparing the nonlinear fitting ability of the SGRU model with the SARX model and the prediction performance of the SGRU model under different noise distributions, the effectiveness of the proposed approach is verified.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141725768","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
PD-DETR: towards efficient parallel hybrid matching with transformer for photovoltaic cell defects detection PD-DETR:利用变压器实现光伏电池缺陷检测的高效并行混合匹配
IF 5.8 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-17 DOI: 10.1007/s40747-024-01559-0
Langyue Zhao, Yiquan Wu, Yubin Yuan

Defect detection for photovoltaic (PV) cell images is a challenging task due to the small size of the defect features and the complexity of the background characteristics. Modern detectors rely mostly on proxy learning objectives for prediction and on manual post-processing components. One-to-one set matching is a critical design for DEtection TRansformer (DETR) in order to provide end-to-end capability, so that does not need a hand-crafted Efficient Non-Maximum Suppression NMS. In order to detect PV cell defects faster and better, a technology called the PV cell Defects DEtection Transformer (PD-DETR) is proposed. To address the issue of slow convergence caused by DETR’s direct translation of image feature mapping into target detection results, we created a hybrid feature module. To achieve a balance between performance and computation, the image features are passed through a scoring network and dilated convolution, respectively, to obtain the foreground fine feature and contour high-frequency feature. The two features are then adaptively intercepted and fused. The capacity of the model to detect small-scale defects under complex background conditions is improved by the addition of high-frequency information. Furthermore, too few positive queries will be assigned to the defect target via one-to-one set matching, which will result in sparse supervision of the encoder and impair the decoder’s ability of attention learning. Consequently, we enhanced the detection effect by combining the original DETR with the one-to-many matching branch. Specifically, two Faster RCNN detection heads were added during training. To maintain the end-to-end benefits of DETR, inference is still performed using the original one-to-one set matching. Our model implements 64.7% AP on the PVEL-AD dataset.

光伏(PV)电池图像的缺陷检测是一项具有挑战性的任务,因为缺陷特征尺寸小,背景特征复杂。现代检测器主要依靠代理学习目标进行预测和人工后处理。为了提供端到端的能力,一对一集合匹配是 DEtection TRansformer(DETR)的关键设计,因此不需要手工制作的高效非最大抑制 NMS。为了更快更好地检测光伏电池缺陷,提出了一种名为光伏电池缺陷检测变压器(PD-DETR)的技术。为了解决 DETR 将图像特征映射直接转换为目标检测结果所造成的收敛速度慢的问题,我们创建了一个混合特征模块。为了在性能和计算量之间取得平衡,图像特征分别通过评分网络和扩张卷积,以获得前景精细特征和轮廓高频特征。然后对这两个特征进行自适应截取和融合。高频信息的加入提高了模型在复杂背景条件下检测小尺寸缺陷的能力。此外,通过一对一集合匹配分配给缺陷目标的正向查询太少,会导致编码器的监督稀疏,损害解码器的注意力学习能力。因此,我们将原有的 DETR 与一对多匹配分支相结合,增强了检测效果。具体来说,在训练过程中增加了两个 Faster RCNN 检测头。为了保持 DETR 的端到端优势,推理仍使用原始的一对一集合匹配。我们的模型在 PVEL-AD 数据集上实现了 64.7% 的 AP。
{"title":"PD-DETR: towards efficient parallel hybrid matching with transformer for photovoltaic cell defects detection","authors":"Langyue Zhao, Yiquan Wu, Yubin Yuan","doi":"10.1007/s40747-024-01559-0","DOIUrl":"https://doi.org/10.1007/s40747-024-01559-0","url":null,"abstract":"<p>Defect detection for photovoltaic (PV) cell images is a challenging task due to the small size of the defect features and the complexity of the background characteristics. Modern detectors rely mostly on proxy learning objectives for prediction and on manual post-processing components. One-to-one set matching is a critical design for DEtection TRansformer (DETR) in order to provide end-to-end capability, so that does not need a hand-crafted Efficient Non-Maximum Suppression NMS. In order to detect PV cell defects faster and better, a technology called the PV cell Defects DEtection Transformer (PD-DETR) is proposed. To address the issue of slow convergence caused by DETR’s direct translation of image feature mapping into target detection results, we created a hybrid feature module. To achieve a balance between performance and computation, the image features are passed through a scoring network and dilated convolution, respectively, to obtain the foreground fine feature and contour high-frequency feature. The two features are then adaptively intercepted and fused. The capacity of the model to detect small-scale defects under complex background conditions is improved by the addition of high-frequency information. Furthermore, too few positive queries will be assigned to the defect target via one-to-one set matching, which will result in sparse supervision of the encoder and impair the decoder’s ability of attention learning. Consequently, we enhanced the detection effect by combining the original DETR with the one-to-many matching branch. Specifically, two Faster RCNN detection heads were added during training. To maintain the end-to-end benefits of DETR, inference is still performed using the original one-to-one set matching. Our model implements 64.7% AP on the PVEL-AD dataset.</p>","PeriodicalId":10524,"journal":{"name":"Complex & Intelligent Systems","volume":null,"pages":null},"PeriodicalIF":5.8,"publicationDate":"2024-07-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141631302","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Complex & Intelligent Systems
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1