首页 > 最新文献

Expert Systems最新文献

英文 中文
Exploring transformer models for sentiment classification: A comparison of BERT, RoBERTa, ALBERT, DistilBERT, and XLNet 探索情感分类的转换器模型:BERT、RoBERTa、ALBERT、DistilBERT 和 XLNet 的比较
IF 3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-14 DOI: 10.1111/exsy.13701
Ali Areshey, Hassan Mathkour

Transfer learning models have proven superior to classical machine learning approaches in various text classification tasks, such as sentiment analysis, question answering, news categorization, and natural language inference. Recently, these models have shown exceptional results in natural language understanding (NLU). Advanced attention-based language models like BERT and XLNet excel at handling complex tasks across diverse contexts. However, they encounter difficulties when applied to specific domains. Platforms like Facebook, characterized by continually evolving casual and sophisticated language, demand meticulous context analysis even from human users. The literature has proposed numerous solutions using statistical and machine learning techniques to predict the sentiment (positive or negative) of online customer reviews, but most of them rely on various business, review, and reviewer features, which leads to generalizability issues. Furthermore, there have been very few studies investigating the effectiveness of state-of-the-art pre-trained language models for sentiment classification in reviews. Therefore, this study aims to assess the effectiveness of BERT, RoBERTa, ALBERT, DistilBERT, and XLNet in sentiment classification using the Yelp reviews dataset. The models were fine-tuned, and the results obtained with the same hyperparameters are as follows: 98.30 for RoBERTa, 98.20 for XLNet, 97.40 for BERT, 97.20 for ALBERT, and 96.00 for DistilBERT.

在情感分析、问题解答、新闻分类和自然语言推理等各种文本分类任务中,迁移学习模型已被证明优于传统的机器学习方法。最近,这些模型在自然语言理解(NLU)方面取得了卓越的成果。BERT 和 XLNet 等先进的基于注意力的语言模型在处理不同语境下的复杂任务时表现出色。然而,当它们应用于特定领域时却遇到了困难。像 Facebook 这样的平台,其特点是不断变化的随意性和复杂的语言,即使是人类用户也需要进行细致的上下文分析。文献中提出了许多使用统计和机器学习技术来预测在线客户评论情感(正面或负面)的解决方案,但其中大多数都依赖于各种业务、评论和评论者特征,这就导致了通用性问题。此外,很少有研究调查最先进的预训练语言模型在评论情感分类方面的有效性。因此,本研究旨在使用 Yelp 评论数据集评估 BERT、RoBERTa、ALBERT、DistilBERT 和 XLNet 在情感分类中的有效性。对模型进行了微调,在相同超参数下得到的结果如下:RoBERTa为98.30,XLNet为98.20,BERT为97.40,ALBERT为97.20,DistilBERT为96.00。
{"title":"Exploring transformer models for sentiment classification: A comparison of BERT, RoBERTa, ALBERT, DistilBERT, and XLNet","authors":"Ali Areshey,&nbsp;Hassan Mathkour","doi":"10.1111/exsy.13701","DOIUrl":"10.1111/exsy.13701","url":null,"abstract":"<p>Transfer learning models have proven superior to classical machine learning approaches in various text classification tasks, such as sentiment analysis, question answering, news categorization, and natural language inference. Recently, these models have shown exceptional results in natural language understanding (NLU). Advanced attention-based language models like BERT and XLNet excel at handling complex tasks across diverse contexts. However, they encounter difficulties when applied to specific domains. Platforms like Facebook, characterized by continually evolving casual and sophisticated language, demand meticulous context analysis even from human users. The literature has proposed numerous solutions using statistical and machine learning techniques to predict the sentiment (positive or negative) of online customer reviews, but most of them rely on various business, review, and reviewer features, which leads to generalizability issues. Furthermore, there have been very few studies investigating the effectiveness of state-of-the-art pre-trained language models for sentiment classification in reviews. Therefore, this study aims to assess the effectiveness of BERT, RoBERTa, ALBERT, DistilBERT, and XLNet in sentiment classification using the Yelp reviews dataset. The models were fine-tuned, and the results obtained with the same hyperparameters are as follows: 98.30 for RoBERTa, 98.20 for XLNet, 97.40 for BERT, 97.20 for ALBERT, and 96.00 for DistilBERT.</p>","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"41 11","pages":""},"PeriodicalIF":3.0,"publicationDate":"2024-08-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142227719","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
ResiSC: A system for building resilient smart city communication networks ResiSC:构建弹性智能城市通信网络的系统
IF 3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-08 DOI: 10.1111/exsy.13698
Mohammed J. F. Alenazi

Smart city networks are critical for delivering essential services such as healthcare, education, and business operations. However, these networks are highly susceptible to a range of threats, including natural disasters and intentional cyberattacks, which can severely disrupt their functionality. To address these vulnerabilities, we present the resilient smart city (ResiSC) system, designed to enhance the resilience of smart city communication networks through a topological design approach. Our system employs a graph-theoretic algorithm to determine the optimal network topology for a given set of nodes, aiming to maximize connectivity while minimizing link provisioning costs. We introduce two novel connectivity measurements, All Nodes Reachability (ANR) and Sum of All Nodes Reachability (SANR), to evaluate network resilience. We applied our approach to data from two public universities of different sizes, simulating various attack scenarios to assess the robustness of the resulting network topologies. Evaluation results indicate that our solution improves network resilience against targeted attacks by 38% compared to baseline methods such as k-nearest neighbours (k-NN) graphs, while also reducing the number of additional links and their associated costs. Results also indicate that our proposed solution outperforms baseline methods like k-NN in terms of network resilience against targeted attacks by 41%. This work provides a practical framework for developing robust smart city networks capable of withstanding diverse threats.

智能城市网络对于提供医疗保健、教育和商业运营等基本服务至关重要。然而,这些网络极易受到自然灾害和蓄意网络攻击等一系列威胁的影响,从而严重破坏其功能。针对这些弱点,我们提出了弹性智能城市(ResiSC)系统,旨在通过拓扑设计方法增强智能城市通信网络的弹性。我们的系统采用图论算法来确定给定节点集的最佳网络拓扑结构,旨在最大限度地提高连通性,同时最大限度地降低链路配置成本。我们引入了两种新的连通性测量方法,即所有节点可达性(ANR)和所有节点可达性总和(SANR),以评估网络弹性。我们将我们的方法应用于两所不同规模的公立大学的数据,模拟各种攻击场景来评估所生成的网络拓扑结构的鲁棒性。评估结果表明,与 k-近邻(k-NN)图等基线方法相比,我们的解决方案将网络抵御有针对性攻击的能力提高了 38%,同时还减少了额外链接的数量及其相关成本。结果还表明,我们提出的解决方案在网络抵御有针对性攻击的能力方面比 k-NN 等基线方法高出 41%。这项工作为开发能够抵御各种威胁的强大智能城市网络提供了一个实用框架。
{"title":"ResiSC: A system for building resilient smart city communication networks","authors":"Mohammed J. F. Alenazi","doi":"10.1111/exsy.13698","DOIUrl":"10.1111/exsy.13698","url":null,"abstract":"<p>Smart city networks are critical for delivering essential services such as healthcare, education, and business operations. However, these networks are highly susceptible to a range of threats, including natural disasters and intentional cyberattacks, which can severely disrupt their functionality. To address these vulnerabilities, we present the resilient smart city (ResiSC) system, designed to enhance the resilience of smart city communication networks through a topological design approach. Our system employs a graph-theoretic algorithm to determine the optimal network topology for a given set of nodes, aiming to maximize connectivity while minimizing link provisioning costs. We introduce two novel connectivity measurements, All Nodes Reachability (ANR) and Sum of All Nodes Reachability (SANR), to evaluate network resilience. We applied our approach to data from two public universities of different sizes, simulating various attack scenarios to assess the robustness of the resulting network topologies. Evaluation results indicate that our solution improves network resilience against targeted attacks by 38% compared to baseline methods such as k-nearest neighbours (k-NN) graphs, while also reducing the number of additional links and their associated costs. Results also indicate that our proposed solution outperforms baseline methods like k-NN in terms of network resilience against targeted attacks by 41%. This work provides a practical framework for developing robust smart city networks capable of withstanding diverse threats.</p>","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"41 11","pages":""},"PeriodicalIF":3.0,"publicationDate":"2024-08-08","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141927028","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Advancements in deep learning for Alzheimer's disease diagnosis: A comprehensive exploration and critical analysis of neuroimaging approaches 深度学习在阿尔茨海默病诊断方面的进展:神经成像方法的全面探索与批判性分析
IF 3.3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-01 DOI: 10.1111/exsy.13688
Fakhri Alam Khan, Abdullah Khan, Muhammad Imran, Awais Ahmad, Gwanggil Jeon
Alzheimer's disease (AD) is a major global health concern that affects millions of people globally. This study investigates the technical challenges in AD analysis and provides a thorough analysis of AD, emphasizing the disease's worldwide effects as well as the predicted increase. It explores the technological difficulties associated with AD analysis, concentrating on the shift in automated clinical diagnosis using MRI data from conventional machine learning to deep learning techniques. This study advances our knowledge of the effects of AD and provides new developments in deep learning for precise diagnosis, providing insightful information for both clinical and future research. The research introduces an innovative deep learning model, leveraging YOLOv5 and variants of YOLOv8, to classify AD images into four (NC, EMCI, LMCI, AD) categories. This study evaluates the performance of YOLOv5 which achieved high accuracy (97%) in multi‐class classification (classes 0 to 3) with precision, recall, and F1‐score reported for each class. YOLOv8 (Small) and YOLOv8 (Medium) models are also assessed for Alzheimer's disease diagnosis, demonstrating accuracy of 97% and 98%, respectively. Precision, recall, and F1‐score metrics provide detailed insights into the models' effectiveness across different classes. Comparative analysis against a transfer learning model reveals YOLOv5, YOLOv8 (Small), and YOLOv8 (Medium) consistently outperforming across six binary classifications related to cognitive impairment. These models show improved sensitivity and accuracy compared to baseline architectures from [32]. In AD/NC classification, YOLOv8 (Medium) achieves 98.43% accuracy and 97.45% sensitivity, for EMCI/LMCI classification, YOLOv8 (Medium) also excels with 92.12% accuracy and 90.12% sensitivity. The results highlight the effectiveness of YOLOv5 and YOLOv8 variants in neuroimaging tasks, showcasing their potential in clinical applications for cognitive impairment classification. The proposed models showcase superior performance, achieving high accuracy, sensitivity, and F1‐scores, surpassing baseline architectures and previous methods. Comparative analyses highlight the robustness and effectiveness of the proposed models in AD classification tasks, providing valuable insights for future research and clinical applications.
阿尔茨海默病(AD)是全球关注的重大健康问题,影响着全球数百万人。本研究调查了阿兹海默症分析中的技术难题,并对阿兹海默症进行了全面分析,强调了该疾病在全球范围内的影响以及预计的增长。它探讨了与注意力缺失症分析相关的技术难题,重点关注利用核磁共振成像数据进行自动临床诊断从传统机器学习到深度学习技术的转变。这项研究推进了我们对注意力缺失症影响的认识,并为精确诊断提供了深度学习的新发展,为临床和未来研究提供了有洞察力的信息。该研究引入了一种创新的深度学习模型,利用 YOLOv5 和 YOLOv8 的变体,将 AD 图像分为四类(NC、EMCI、LMCI、AD)。本研究对 YOLOv5 的性能进行了评估,YOLOv5 在多类分类(0 至 3 类)中取得了较高的准确率(97%),并报告了每一类的精度、召回率和 F1 分数。YOLOv8(小型)和 YOLOv8(中型)模型也对阿尔茨海默病诊断进行了评估,准确率分别为 97% 和 98%。精确度、召回率和 F1 分数指标详细说明了模型在不同类别中的有效性。与迁移学习模型的对比分析表明,YOLOv5、YOLOv8(小型)和 YOLOv8(中型)在与认知障碍相关的六种二元分类中始终表现优异。与 [32] 的基线架构相比,这些模型的灵敏度和准确性都有所提高。在 AD/NC 分类中,YOLOv8 (Medium) 的准确率和灵敏度分别达到了 98.43% 和 97.45%;在 EMCI/LMCI 分类中,YOLOv8 (Medium) 的准确率和灵敏度也分别达到了 92.12% 和 90.12%。这些结果凸显了 YOLOv5 和 YOLOv8 变体在神经成像任务中的有效性,展示了它们在认知障碍分类临床应用中的潜力。所提出的模型表现出卓越的性能,实现了较高的准确率、灵敏度和 F1 分数,超越了基线架构和以前的方法。对比分析凸显了所提模型在注意力缺陷分类任务中的稳健性和有效性,为未来的研究和临床应用提供了宝贵的见解。
{"title":"Advancements in deep learning for Alzheimer's disease diagnosis: A comprehensive exploration and critical analysis of neuroimaging approaches","authors":"Fakhri Alam Khan, Abdullah Khan, Muhammad Imran, Awais Ahmad, Gwanggil Jeon","doi":"10.1111/exsy.13688","DOIUrl":"https://doi.org/10.1111/exsy.13688","url":null,"abstract":"Alzheimer's disease (AD) is a major global health concern that affects millions of people globally. This study investigates the technical challenges in AD analysis and provides a thorough analysis of AD, emphasizing the disease's worldwide effects as well as the predicted increase. It explores the technological difficulties associated with AD analysis, concentrating on the shift in automated clinical diagnosis using MRI data from conventional machine learning to deep learning techniques. This study advances our knowledge of the effects of AD and provides new developments in deep learning for precise diagnosis, providing insightful information for both clinical and future research. The research introduces an innovative deep learning model, leveraging YOLOv5 and variants of YOLOv8, to classify AD images into four (NC, EMCI, LMCI, AD) categories. This study evaluates the performance of YOLOv5 which achieved high accuracy (97%) in multi‐class classification (classes 0 to 3) with precision, recall, and F1‐score reported for each class. YOLOv8 (Small) and YOLOv8 (Medium) models are also assessed for Alzheimer's disease diagnosis, demonstrating accuracy of 97% and 98%, respectively. Precision, recall, and F1‐score metrics provide detailed insights into the models' effectiveness across different classes. Comparative analysis against a transfer learning model reveals YOLOv5, YOLOv8 (Small), and YOLOv8 (Medium) consistently outperforming across six binary classifications related to cognitive impairment. These models show improved sensitivity and accuracy compared to baseline architectures from [32]. In AD/NC classification, YOLOv8 (Medium) achieves 98.43% accuracy and 97.45% sensitivity, for EMCI/LMCI classification, YOLOv8 (Medium) also excels with 92.12% accuracy and 90.12% sensitivity. The results highlight the effectiveness of YOLOv5 and YOLOv8 variants in neuroimaging tasks, showcasing their potential in clinical applications for cognitive impairment classification. The proposed models showcase superior performance, achieving high accuracy, sensitivity, and F1‐scores, surpassing baseline architectures and previous methods. Comparative analyses highlight the robustness and effectiveness of the proposed models in AD classification tasks, providing valuable insights for future research and clinical applications.","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"55 1","pages":""},"PeriodicalIF":3.3,"publicationDate":"2024-08-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141886302","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Integrating spotted hyena optimization technique with generative artificial intelligence for time series forecasting 将斑鬣狗优化技术与生成式人工智能相结合,用于时间序列预测
IF 3.3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-08-01 DOI: 10.1111/exsy.13681
Reda Salama
Generative artificial intelligence (AI) has developed as an effective tool for time series predicting, revolutionizing the typical methods of prediction. Different classical approaches that depend on existing approaches and assumptions, generative AI controls advanced deep learning (DL) approaches like generative adversarial networks (GANs) and recurrent neural networks (RNNs), to identify designs and connections in time series data. DL has accomplished major success in optimizing performances connected with AI. In the financial area, it can be extremely utilized for the stock market predictive, trade implementation approaches, and set of optimizers. Stock market predictive is the most important use case in this field. GANs with advanced AI approaches have become more significant in recent times. However, it can be utilized in image‐image‐translation and other computer vision (CV) conditions. GANs could not utilized greatly for stock market prediction because of their effort to establish the proper set of hyperparameters. This study develops an integrated spotted hyena optimization algorithm with generative artificial intelligence for time series forecasting (SHOAGAI‐TSF) technique. The purpose of the SHOAGAI‐TSF technique is to accomplish a forecasting process for the utilization of stock price prediction. The SHOAGAI‐TSF technique uses probabilistic forecasting with a conditional GAN (CGAN) approach for the prediction of stock prices. The CGAN model learns the data generation distribution and determines the probabilistic prediction from it. To boost the prediction results of the CGAN approach, the hyperparameter tuning can be performed by the use of the SHOA. The simulation result analysis of the SHOAGAI‐TSF technique takes place on the stock market dataset. The experimental outcomes determine the significant solution of the SHOAGAI‐TSF algorithm with other compared methods in terms of distinct metrics.
生成式人工智能(AI)已发展成为时间序列预测的有效工具,彻底改变了传统的预测方法。与依赖现有方法和假设的传统方法不同,生成式人工智能控制着先进的深度学习(DL)方法,如生成对抗网络(GAN)和递归神经网络(RNN),以识别时间序列数据中的设计和连接。DL 在优化与人工智能相关的性能方面取得了重大成功。在金融领域,它在股票市场预测、交易执行方法和优化器集合方面得到了广泛应用。股市预测是该领域最重要的应用案例。采用先进人工智能方法的 GAN 近来变得越来越重要。然而,它只能用于图像翻译和其他计算机视觉(CV)条件。由于 GANs 需要努力建立一套合适的超参数,因此无法在股市预测中得到广泛应用。本研究开发了一种用于时间序列预测的集成斑鬣狗优化算法与生成人工智能(SHOAGAI-TSF)技术。SHOAGAI-TSF 技术的目的是完成一个预测过程,用于预测股票价格。SHOAGAI-TSF 技术使用概率预测和条件 GAN(CGAN)方法来预测股票价格。CGAN 模型学习数据生成分布,并据此确定概率预测。为了提高 CGAN 方法的预测结果,可以使用 SHOA 进行超参数调整。SHOAGAI-TSF 技术在股票市场数据集上进行了仿真结果分析。实验结果表明,在不同指标方面,SHOAGAI-TSF 算法与其他同类方法相比具有明显优势。
{"title":"Integrating spotted hyena optimization technique with generative artificial intelligence for time series forecasting","authors":"Reda Salama","doi":"10.1111/exsy.13681","DOIUrl":"https://doi.org/10.1111/exsy.13681","url":null,"abstract":"Generative artificial intelligence (AI) has developed as an effective tool for time series predicting, revolutionizing the typical methods of prediction. Different classical approaches that depend on existing approaches and assumptions, generative AI controls advanced deep learning (DL) approaches like generative adversarial networks (GANs) and recurrent neural networks (RNNs), to identify designs and connections in time series data. DL has accomplished major success in optimizing performances connected with AI. In the financial area, it can be extremely utilized for the stock market predictive, trade implementation approaches, and set of optimizers. Stock market predictive is the most important use case in this field. GANs with advanced AI approaches have become more significant in recent times. However, it can be utilized in image‐image‐translation and other computer vision (CV) conditions. GANs could not utilized greatly for stock market prediction because of their effort to establish the proper set of hyperparameters. This study develops an integrated spotted hyena optimization algorithm with generative artificial intelligence for time series forecasting (SHOAGAI‐TSF) technique. The purpose of the SHOAGAI‐TSF technique is to accomplish a forecasting process for the utilization of stock price prediction. The SHOAGAI‐TSF technique uses probabilistic forecasting with a conditional GAN (CGAN) approach for the prediction of stock prices. The CGAN model learns the data generation distribution and determines the probabilistic prediction from it. To boost the prediction results of the CGAN approach, the hyperparameter tuning can be performed by the use of the SHOA. The simulation result analysis of the SHOAGAI‐TSF technique takes place on the stock market dataset. The experimental outcomes determine the significant solution of the SHOAGAI‐TSF algorithm with other compared methods in terms of distinct metrics.","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"52 1","pages":""},"PeriodicalIF":3.3,"publicationDate":"2024-08-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141886400","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
GRDATFusion: A gradient residual dense and attention transformer infrared and visible image fusion network for smart city security systems in cloud and fog computing GRDATFusion:用于云计算和雾计算中智慧城市安防系统的梯度残差密集和注意力变换器红外与可见光图像融合网络
IF 3.3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-31 DOI: 10.1111/exsy.13685
Jian Zheng, Seunggil Jeon, Xiaomin Yang
The infrared and visible fusion technology holds a pivotal position in smart city for cloud and fog computing, particularly in security system. By fusing infrared and visible image information, this technology enhances target identification, tracking and monitoring precision, bolstering overall system security. However, existing deep learning‐based methods rely heavily on convolutional operations, which excel at extracting local features but have limited receptive fields, hampering global information capture. To overcome this difficulty, we introduce GRDATFusion, a novel end‐to‐end network comprising three key modules: transformer, gradient residual dense and attention residual. The gradient residual dense module extracts local complementary features, leveraging a dense‐shaped network to retain potentially lost information. The attention residual module focuses on crucial input image details, while the transformer module captures global information and models long‐range dependencies. Experiments on public datasets show that GRDATFusion outperforms state‐of‐the‐art algorithms in qualitative and quantitative assessments. Ablation studies validate our approach's advantages, and efficiency comparisons demonstrate its computational efficiency. Therefore, our method makes the security systems in smart city with shorter delay and satisfies the real‐time requirement.
红外与可见光融合技术在云计算和雾计算的智慧城市中占有举足轻重的地位,尤其是在安防系统中。通过融合红外和可见光图像信息,该技术可提高目标识别、跟踪和监控精度,从而增强整个系统的安全性。然而,现有的基于深度学习的方法在很大程度上依赖卷积运算,而卷积运算擅长提取局部特征,但其感受野有限,阻碍了全局信息的捕捉。为了克服这一困难,我们引入了 GRDATFusion,这是一种新型端到端网络,由三个关键模块组成:变换器、梯度残差密集和注意力残差。梯度残差密集模块提取局部互补特征,利用密集型网络保留可能丢失的信息。注意力残差模块专注于关键的输入图像细节,而转换器模块则捕捉全局信息并建立长距离依赖关系模型。公共数据集上的实验表明,GRDATFusion 在定性和定量评估方面都优于最先进的算法。消融研究验证了我们方法的优势,而效率比较则证明了其计算效率。因此,我们的方法能使智慧城市的安防系统延迟更短,满足实时性要求。
{"title":"GRDATFusion: A gradient residual dense and attention transformer infrared and visible image fusion network for smart city security systems in cloud and fog computing","authors":"Jian Zheng, Seunggil Jeon, Xiaomin Yang","doi":"10.1111/exsy.13685","DOIUrl":"https://doi.org/10.1111/exsy.13685","url":null,"abstract":"The infrared and visible fusion technology holds a pivotal position in smart city for cloud and fog computing, particularly in security system. By fusing infrared and visible image information, this technology enhances target identification, tracking and monitoring precision, bolstering overall system security. However, existing deep learning‐based methods rely heavily on convolutional operations, which excel at extracting local features but have limited receptive fields, hampering global information capture. To overcome this difficulty, we introduce GRDATFusion, a novel end‐to‐end network comprising three key modules: transformer, gradient residual dense and attention residual. The gradient residual dense module extracts local complementary features, leveraging a dense‐shaped network to retain potentially lost information. The attention residual module focuses on crucial input image details, while the transformer module captures global information and models long‐range dependencies. Experiments on public datasets show that GRDATFusion outperforms state‐of‐the‐art algorithms in qualitative and quantitative assessments. Ablation studies validate our approach's advantages, and efficiency comparisons demonstrate its computational efficiency. Therefore, our method makes the security systems in smart city with shorter delay and satisfies the real‐time requirement.","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"44 1","pages":""},"PeriodicalIF":3.3,"publicationDate":"2024-07-31","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141871075","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Health indicator construction based on normal states through FFT-graph embedding 通过 FFT 图嵌入构建基于正常状态的健康指标
IF 3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-30 DOI: 10.1111/exsy.13689
GwanPil Kim, Jason J. Jung, David Camacho

Unexpected faults in rotating machinery can lead to cascading disruptions of the entire work process, emphasizing the importance of early detection of performance degradation and identification of the current state. To accurately assess the health of a machine, this study introduces an FFT-based raw vibration data preprocessing and graph representation technique, which analyses changes in frequency bands to detect early degradation trends in vibration data that may appear normal. The approach proposes a methodology that utilizes a graph convolutional autoencoder trained using only normal data to extract health indicators using the differences in the vectors as degradation progresses. This approach has the advantage of using only normal data to detect subtle performance degradation early and effectively represent health indicators accordingly.

旋转机械中的意外故障可能会导致整个工作流程的连锁中断,这就强调了早期检测性能下降和识别当前状态的重要性。为了准确评估机器的健康状况,本研究引入了一种基于 FFT 的原始振动数据预处理和图形表示技术,该技术通过分析频段的变化来检测振动数据中看似正常的早期退化趋势。该方法提出了一种方法,利用仅使用正常数据训练的图卷积自动编码器,在退化过程中通过向量的差异提取健康指标。这种方法的优点是只使用正常数据,可以及早检测到细微的性能退化,并有效地相应表示健康指标。
{"title":"Health indicator construction based on normal states through FFT-graph embedding","authors":"GwanPil Kim,&nbsp;Jason J. Jung,&nbsp;David Camacho","doi":"10.1111/exsy.13689","DOIUrl":"10.1111/exsy.13689","url":null,"abstract":"<p>Unexpected faults in rotating machinery can lead to cascading disruptions of the entire work process, emphasizing the importance of early detection of performance degradation and identification of the current state. To accurately assess the health of a machine, this study introduces an FFT-based raw vibration data preprocessing and graph representation technique, which analyses changes in frequency bands to detect early degradation trends in vibration data that may appear normal. The approach proposes a methodology that utilizes a graph convolutional autoencoder trained using only normal data to extract health indicators using the differences in the vectors as degradation progresses. This approach has the advantage of using only normal data to detect subtle performance degradation early and effectively represent health indicators accordingly.</p>","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"41 11","pages":""},"PeriodicalIF":3.0,"publicationDate":"2024-07-30","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1111/exsy.13689","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141871074","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Entropy-based hybrid sampling (EHS) method to handle class overlap in highly imbalanced dataset 基于熵的混合采样 (EHS) 方法处理高度不平衡数据集中的类别重叠问题
IF 3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-30 DOI: 10.1111/exsy.13679
Anil Kumar, Dinesh Singh, Rama Shankar Yadav

Class imbalance and class overlap create difficulties in the training phase of the standard machine learning algorithm. Its performance is not well in minority classes, especially when there is a high class imbalance and significant class overlap. Recently it has been observed by researchers that, the joint effects of class overlap and imbalance are more harmful as compared to their direct impact. To handle these problems, many methods have been proposed by researchers in past years that can be broadly categorized as data-level, algorithm-level, ensemble learning, and hybrid methods. Existing data-level methods often suffer from problems like information loss and overfitting. To overcome these problems, we introduce a novel entropy-based hybrid sampling (EHS) method to handle class overlap in highly imbalanced datasets. The EHS eliminates less informative majority instances from the overlap region during the undersampling phase and regenerates high informative synthetic minority instances in the oversampling phase near the borderline. The proposed EHS achieved significant improvement in F1-score, G-mean, and AUC performance metrics value by DT, NB, and SVM classifiers as compared to well-established state-of-the-art methods. Classifiers performances are tested on 28 datasets with extreme ranges in imbalance and overlap.

类不平衡和类重叠给标准机器学习算法的训练阶段带来了困难。它在少数类别中的表现并不理想,尤其是当类别失衡程度较高且类别重叠严重时。最近,研究人员发现,与直接影响相比,类重叠和不平衡的联合影响更为有害。为了解决这些问题,研究人员在过去几年中提出了许多方法,大致可分为数据级方法、算法级方法、集合学习方法和混合方法。现有的数据级方法往往存在信息丢失和过度拟合等问题。为了克服这些问题,我们引入了一种新颖的基于熵的混合采样(EHS)方法来处理高度不平衡数据集中的类重叠问题。EHS 在欠采样阶段从重叠区域剔除信息量较少的多数实例,在过采样阶段在边界附近重新生成信息量较高的合成少数实例。与最先进的成熟方法相比,所提出的 EHS 在 DT、NB 和 SVM 分类器的 F1 分数、G-mean 和 AUC 性能指标值方面取得了显著改善。分类器的性能在 28 个具有极端不平衡和重叠范围的数据集上进行了测试。
{"title":"Entropy-based hybrid sampling (EHS) method to handle class overlap in highly imbalanced dataset","authors":"Anil Kumar,&nbsp;Dinesh Singh,&nbsp;Rama Shankar Yadav","doi":"10.1111/exsy.13679","DOIUrl":"10.1111/exsy.13679","url":null,"abstract":"<p>Class imbalance and class overlap create difficulties in the training phase of the standard machine learning algorithm. Its performance is not well in minority classes, especially when there is a high class imbalance and significant class overlap. Recently it has been observed by researchers that, the joint effects of class overlap and imbalance are more harmful as compared to their direct impact. To handle these problems, many methods have been proposed by researchers in past years that can be broadly categorized as data-level, algorithm-level, ensemble learning, and hybrid methods. Existing data-level methods often suffer from problems like information loss and overfitting. To overcome these problems, we introduce a novel entropy-based hybrid sampling (EHS) method to handle class overlap in highly imbalanced datasets. The EHS eliminates less informative majority instances from the overlap region during the undersampling phase and regenerates high informative synthetic minority instances in the oversampling phase near the borderline. The proposed EHS achieved significant improvement in F1-score, G-mean, and AUC performance metrics value by DT, NB, and SVM classifiers as compared to well-established state-of-the-art methods. Classifiers performances are tested on 28 datasets with extreme ranges in imbalance and overlap.</p>","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"41 11","pages":""},"PeriodicalIF":3.0,"publicationDate":"2024-07-30","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141871073","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Human activity recognition: A comprehensive review 人类活动识别:全面回顾
IF 3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-27 DOI: 10.1111/exsy.13680
Harmandeep Kaur, Veenu Rani, Munish Kumar

Human Activity Recognition (HAR) is a highly promising research area meant to automatically identify and interpret human behaviour using data received from sensors in various contexts. The potential uses of HAR are many, among them health care, sports coaching or monitoring the elderly or disabled. Nonetheless, there are numerous hurdles to be circumvented for HAR's precision and usefulness to be improved. One of the challenges is that there is no uniformity in data collection and annotation making it difficult to compare findings among different studies. Furthermore, more comprehensive datasets are necessary so as to include a wider range of human activities in different contexts while complex activities, which consist of multiple sub-activities, are still a challenge for recognition systems. Researchers have proposed new frontiers such as multi-modal sensor data fusion and deep learning approaches for enhancing HAR accuracy while addressing these issues. Also, we are seeing more non-traditional applications such as robotics and virtual reality/augmented world going forward with their use cases of HAR. This article offers an extensive review on the recent advances in HAR and highlights the major challenges facing this field as well as future opportunities for further researches.

人类活动识别(HAR)是一个极具发展前景的研究领域,其目的是在各种情况下利用传感器接收到的数据自动识别和解释人类行为。人类活动识别(HAR)的潜在用途很多,其中包括医疗保健、体育指导或监测老年人或残疾人。然而,要提高 HAR 的精确度和实用性,还有许多障碍需要克服。挑战之一是数据收集和注释不统一,因此很难比较不同研究的结果。此外,还需要更全面的数据集,以包括不同环境中更广泛的人类活动,而由多个子活动组成的复杂活动对识别系统来说仍是一个挑战。研究人员提出了一些新的前沿技术,如多模态传感器数据融合和深度学习方法,以便在解决这些问题的同时提高 HAR 的准确性。此外,我们还看到更多的非传统应用,如机器人和虚拟现实/增强世界,都在使用 HAR。本文对 HAR 的最新进展进行了广泛综述,并重点介绍了该领域面临的主要挑战以及未来进一步研究的机遇。
{"title":"Human activity recognition: A comprehensive review","authors":"Harmandeep Kaur,&nbsp;Veenu Rani,&nbsp;Munish Kumar","doi":"10.1111/exsy.13680","DOIUrl":"10.1111/exsy.13680","url":null,"abstract":"<p>Human Activity Recognition (HAR) is a highly promising research area meant to automatically identify and interpret human behaviour using data received from sensors in various contexts. The potential uses of HAR are many, among them health care, sports coaching or monitoring the elderly or disabled. Nonetheless, there are numerous hurdles to be circumvented for HAR's precision and usefulness to be improved. One of the challenges is that there is no uniformity in data collection and annotation making it difficult to compare findings among different studies. Furthermore, more comprehensive datasets are necessary so as to include a wider range of human activities in different contexts while complex activities, which consist of multiple sub-activities, are still a challenge for recognition systems. Researchers have proposed new frontiers such as multi-modal sensor data fusion and deep learning approaches for enhancing HAR accuracy while addressing these issues. Also, we are seeing more non-traditional applications such as robotics and virtual reality/augmented world going forward with their use cases of HAR. This article offers an extensive review on the recent advances in HAR and highlights the major challenges facing this field as well as future opportunities for further researches.</p>","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"41 11","pages":""},"PeriodicalIF":3.0,"publicationDate":"2024-07-27","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141783662","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Sampling approaches to reduce very frequent seasonal time series 减少非常频繁的季节性时间序列的抽样方法
IF 3.3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-26 DOI: 10.1111/exsy.13690
Afonso Baldo, Paulo J. S. Ferreira, João Mendes‐Moreira
With technological advancements, much data is being captured by sensors, smartphones, wearable devices, and so forth. These vast datasets are stored in data centres and utilized to forge data‐driven models for the condition monitoring of infrastructures and systems through future data mining tasks. However, these datasets often surpass the processing capabilities of traditional information systems and methodologies due to their significant size. Additionally, not all samples within these datasets contribute valuable information during the model training phase, leading to inefficiencies. The processing and training of Machine Learning algorithms become time‐consuming, and storing all the data demands excessive space, contributing to the Big Data challenge. In this paper, we propose two novel techniques to reduce large time‐series datasets into more compact versions without undermining the predictive performance of the resulting models. These methods also aim to decrease the time required for training the models and the storage space needed for the condensed datasets. We evaluated our techniques on five public datasets, employing three Machine Learning algorithms: Holt‐Winters, SARIMA, and LSTM. The outcomes indicate that for most of the datasets examined, our techniques maintain, and in several instances enhance, the forecasting accuracy of the models. Moreover, we significantly reduced the time required to train the Machine Learning algorithms employed.
随着技术的进步,传感器、智能手机、可穿戴设备等正在采集大量数据。这些庞大的数据集被存储在数据中心,并通过未来的数据挖掘任务用于建立数据驱动模型,以监测基础设施和系统的状况。然而,由于这些数据集规模庞大,往往超出了传统信息系统和方法的处理能力。此外,在模型训练阶段,这些数据集中并非所有样本都能提供有价值的信息,从而导致效率低下。机器学习算法的处理和训练变得非常耗时,而存储所有数据又需要过大的空间,这就加剧了大数据的挑战。在本文中,我们提出了两种新技术,在不影响模型预测性能的前提下,将大型时间序列数据集缩减为更紧凑的版本。这些方法还旨在减少训练模型所需的时间和压缩数据集所需的存储空间。我们采用 Holt-Winters、SARIMA 和 LSTM 三种机器学习算法,在五个公共数据集上对我们的技术进行了评估。结果表明,对于大多数受检数据集,我们的技术都保持了模型的预测准确性,并在一些情况下提高了预测准确性。此外,我们还大大缩短了训练所采用的机器学习算法所需的时间。
{"title":"Sampling approaches to reduce very frequent seasonal time series","authors":"Afonso Baldo, Paulo J. S. Ferreira, João Mendes‐Moreira","doi":"10.1111/exsy.13690","DOIUrl":"https://doi.org/10.1111/exsy.13690","url":null,"abstract":"With technological advancements, much data is being captured by sensors, smartphones, wearable devices, and so forth. These vast datasets are stored in data centres and utilized to forge data‐driven models for the condition monitoring of infrastructures and systems through future data mining tasks. However, these datasets often surpass the processing capabilities of traditional information systems and methodologies due to their significant size. Additionally, not all samples within these datasets contribute valuable information during the model training phase, leading to inefficiencies. The processing and training of Machine Learning algorithms become time‐consuming, and storing all the data demands excessive space, contributing to the Big Data challenge. In this paper, we propose two novel techniques to reduce large time‐series datasets into more compact versions without undermining the predictive performance of the resulting models. These methods also aim to decrease the time required for training the models and the storage space needed for the condensed datasets. We evaluated our techniques on five public datasets, employing three Machine Learning algorithms: Holt‐Winters, SARIMA, and LSTM. The outcomes indicate that for most of the datasets examined, our techniques maintain, and in several instances enhance, the forecasting accuracy of the models. Moreover, we significantly reduced the time required to train the Machine Learning algorithms employed.","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"168 1","pages":""},"PeriodicalIF":3.3,"publicationDate":"2024-07-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141783665","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Predicting early depression in WZT drawing image based on deep learning 基于深度学习的 WZT 图画图像早期抑郁预测
IF 3.3 4区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-25 DOI: 10.1111/exsy.13675
Kyung‐yeul Kim, Young‐bo Yang, Mi‐ra Kim, Jihie Kim, Ji Su Park
When stress causes negative behaviours to emerge in our daily lives, it is important to intervene quickly and appropriately to control the negative problem behaviours. Questionnaires, a common method of information gathering, have the disadvantage that it is difficult to get the exact information needed due to defensive or insincere responses from subjects. As an alternative to these drawbacks, projective testing using pictures can provide the necessary information more accurately than questionnaires because the subject responds subconsciously and the direct experience expressed through pictures can be more accurate than questionnaires. Analysing hand‐drawn image data with the Wartegg Zeichen Test (WZT) is not easy. In this study, we used deep learning to analyse image data represented as pictures through WZT to predict early depression. We analyse the data of 54 people who were judged as early depression and 54 people without depression, and increase the number of people without depression to 100 and 500, and aim to study in unbalanced data. We use CNN and CNN‐SVM to analyse the drawing images of WZT's initial depression with deep learning and predict the outcome of depression. The results show that the initial depression is predicted with 92%–98% accuracy on the image data directly drawn by WZT. This is the first study to automatically analyse and predict early depression in WZT based on hand‐drawn image data using deep learning models. The extraction of features from WZT images by deep learning analysis is expected to create more research opportunities through the convergence of psychotherapy and Information and Communication Technology (ICT) technology, and is expected to have high growth potential.
当压力导致我们在日常生活中出现负面行为时,必须迅速采取适当的干预措施,以控制负面问题行为。问卷调查是一种常用的信息收集方法,其缺点是很难获得所需的准确信息,因为受试者会做出防卫性或不真诚的回答。与问卷调查相比,图片投射测试能更准确地提供所需的信息,因为受试者会下意识地做出反应,而且通过图片表达的直接经验比问卷调查更准确。使用 Wartegg Zeichen 测试(WZT)分析手绘图像数据并非易事。在本研究中,我们使用深度学习来分析通过 WZT 表示为图片的图像数据,从而预测早期抑郁症。我们分析了 54 名被判定为早期抑郁症的人和 54 名未患抑郁症的人的数据,并将未患抑郁症的人数增加到 100 人和 500 人,力求在非平衡数据中进行研究。我们使用 CNN 和 CNN-SVM,通过深度学习分析 WZT 初期抑郁的绘画图像,并预测抑郁的结果。结果表明,对 WZT 直接绘制的图像数据进行初始抑郁预测的准确率为 92%-98%。这是首个基于手绘图像数据,利用深度学习模型自动分析和预测 WZT 早期抑郁的研究。通过深度学习分析从WZT图像中提取特征,有望通过心理治疗与信息通信技术(ICT)技术的融合创造更多的研究机会,具有很高的发展潜力。
{"title":"Predicting early depression in WZT drawing image based on deep learning","authors":"Kyung‐yeul Kim, Young‐bo Yang, Mi‐ra Kim, Jihie Kim, Ji Su Park","doi":"10.1111/exsy.13675","DOIUrl":"https://doi.org/10.1111/exsy.13675","url":null,"abstract":"When stress causes negative behaviours to emerge in our daily lives, it is important to intervene quickly and appropriately to control the negative problem behaviours. Questionnaires, a common method of information gathering, have the disadvantage that it is difficult to get the exact information needed due to defensive or insincere responses from subjects. As an alternative to these drawbacks, projective testing using pictures can provide the necessary information more accurately than questionnaires because the subject responds subconsciously and the direct experience expressed through pictures can be more accurate than questionnaires. Analysing hand‐drawn image data with the Wartegg Zeichen Test (WZT) is not easy. In this study, we used deep learning to analyse image data represented as pictures through WZT to predict early depression. We analyse the data of 54 people who were judged as early depression and 54 people without depression, and increase the number of people without depression to 100 and 500, and aim to study in unbalanced data. We use CNN and CNN‐SVM to analyse the drawing images of WZT's initial depression with deep learning and predict the outcome of depression. The results show that the initial depression is predicted with 92%–98% accuracy on the image data directly drawn by WZT. This is the first study to automatically analyse and predict early depression in WZT based on hand‐drawn image data using deep learning models. The extraction of features from WZT images by deep learning analysis is expected to create more research opportunities through the convergence of psychotherapy and Information and Communication Technology (ICT) technology, and is expected to have high growth potential.","PeriodicalId":51053,"journal":{"name":"Expert Systems","volume":"108 1","pages":""},"PeriodicalIF":3.3,"publicationDate":"2024-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141783664","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Expert 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