首页 > 最新文献

IEEE transactions on artificial intelligence最新文献

英文 中文
CNN-Based Metrics for Performance Evaluation of Generative Adversarial Networks 基于 CNN 的生成式对抗网络性能评估指标
Pub Date : 2024-03-15 DOI: 10.1109/TAI.2024.3401650
Adarsh Prasad Behera;Satya Prakash;Siddhant Khanna;Shivangi Nigam;Shekhar Verma
In this work, we propose two convolutional neural network (CNN) based metrics, classification score (CS) and distribution score (DS), for performance evaluation of generative adversarial networks (GANs). Though GAN-generated images can be evaluated through manual assessment of visual fidelity, it is prolonged, subjective, challenging, tiresome, and can be misleading. Existing quantitative methods are biased toward memory GAN and fail to detect overfitting. CS and DS allow us to experimentally prove that training of GANs is actually guided by the dataset that it improves with every epoch and gets closer to following the distribution of the dataset. Both methods are based on GAN-generated image classification by CNN. CS is the root mean square (rms) value of three different classification techniques, direct classification (DC), indirect classification (IC), and blind classification (BC). It exhibits the degree to which GAN can learn the features and generate fake images similar to real datasets. DS shows the contrast between the mean distribution of GAN-generated data and the real data. It indicates the extent to which GANs can create synthetic images with similar distribution to real datasets. We evaluated CS and DS metrics for different variants of GANs and compared their performances with existing metrics. Results show that CS and DS can evaluate the different variants of GANs quantitatively and qualitatively while detecting overfitting and mode collapse.
在这项工作中,我们提出了两个基于卷积神经网络(CNN)的指标,即分类得分(CS)和分布得分(DS),用于生成式对抗网络(GAN)的性能评估。虽然可以通过人工评估视觉保真度来评价 GAN 生成的图像,但这种方法耗时长、主观性强、具有挑战性、令人厌烦,而且可能会产生误导。现有的量化方法偏重于记忆 GAN,无法检测到过拟合。CS 和 DS 可以让我们通过实验证明,GAN 的训练实际上是在数据集的指导下进行的,它在每个历时中都会有所改进,并更接近于遵循数据集的分布。这两种方法都是基于由 CNN 生成的 GAN 图像分类。CS 是三种不同分类技术(直接分类 (DC)、间接分类 (IC) 和盲分类 (BC))的均方根值。它显示了 GAN 学习特征并生成与真实数据集相似的假图像的程度。DS 显示了 GAN 生成数据的平均分布与真实数据之间的对比。它表明 GAN 能够生成与真实数据集分布相似的合成图像的程度。我们针对 GAN 的不同变体评估了 CS 和 DS 指标,并将其性能与现有指标进行了比较。结果表明,CS 和 DS 可以定量和定性地评估 GAN 的不同变体,同时检测过度拟合和模式崩溃。
{"title":"CNN-Based Metrics for Performance Evaluation of Generative Adversarial Networks","authors":"Adarsh Prasad Behera;Satya Prakash;Siddhant Khanna;Shivangi Nigam;Shekhar Verma","doi":"10.1109/TAI.2024.3401650","DOIUrl":"https://doi.org/10.1109/TAI.2024.3401650","url":null,"abstract":"In this work, we propose two convolutional neural network (CNN) based metrics, classification score (CS) and distribution score (DS), for performance evaluation of generative adversarial networks (GANs). Though GAN-generated images can be evaluated through manual assessment of visual fidelity, it is prolonged, subjective, challenging, tiresome, and can be misleading. Existing quantitative methods are biased toward memory GAN and fail to detect overfitting. CS and DS allow us to experimentally prove that training of GANs is actually guided by the dataset that it improves with every epoch and gets closer to following the distribution of the dataset. Both methods are based on GAN-generated image classification by CNN. CS is the root mean square (rms) value of three different classification techniques, direct classification (DC), indirect classification (IC), and blind classification (BC). It exhibits the degree to which GAN can learn the features and generate fake images similar to real datasets. DS shows the contrast between the mean distribution of GAN-generated data and the real data. It indicates the extent to which GANs can create synthetic images with similar distribution to real datasets. We evaluated CS and DS metrics for different variants of GANs and compared their performances with existing metrics. Results show that CS and DS can evaluate the different variants of GANs quantitatively and qualitatively while detecting overfitting and mode collapse.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142443099","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Selective Depth Attention Networks for Adaptive Multiscale Feature Representation 用于自适应多尺度特征表示的选择性深度注意网络
Pub Date : 2024-03-15 DOI: 10.1109/TAI.2024.3401652
Qingbei Guo;Xiao-Jun Wu;Tianyang Xu;Tongzhen Si;Cong Hu;Jinglan Tian
Existing multiscale methods lead to a risk of just increasing the receptive field sizes while neglecting small receptive fields. Thus, it is a challenging problem to effectively construct adaptive neural networks for recognizing various spatial-scale objects. To tackle this issue, we first introduce a new attention dimension, i.e., depth, in addition to existing attentions such as channel-attention, spatial-attention, branch-attention, and self-attention. We present a novel selective depth attention network to treat multiscale objects symmetrically in various vision tasks. Specifically, the blocks within each stage of neural networks, including convolutional neural networks (CNNs), e.g., ResNet, SENet, and Res2Net, and vision transformers (ViTs), e.g., PVTv2, output the hierarchical feature maps with the same resolution but different receptive field sizes. Based on this structural property, we design a depthwise building module, namely an selective depth attention (SDA) module, including a trunk branch and a SE-like attention branch. The block outputs of the trunk branch are fused to guide their depth attention allocation through the attention branch globally. According to the proposed attention mechanism, we dynamically select different depth features, which contributes to adaptively adjusting the receptive field sizes for the variable-sized input objects. Moreover, our method is orthogonal to multiscale networks and attention networks, so-called SDA-$x$Net. Extensive experiments demonstrate that the proposed SDA method significantly improves the original performance as a lightweight and efficient plug-in on numerous computer vision tasks, e.g., image classification, object detection, and instance segmentation.
现有的多尺度方法有可能只增加感受野的大小,而忽略小的感受野。因此,如何有效构建识别各种空间尺度物体的自适应神经网络是一个具有挑战性的问题。为了解决这个问题,我们首先引入了一个新的注意维度,即深度,以及现有的注意维度,如通道注意、空间注意、分支注意和自我注意。我们提出了一种新颖的选择性深度注意网络,用于在各种视觉任务中对称地处理多尺度物体。具体来说,神经网络(包括卷积神经网络(CNN),如 ResNet、SENet 和 Res2Net)和视觉转换器(ViT),如 PVTv2)每个阶段内的区块都会输出分辨率相同但感受野大小不同的分层特征图。基于这一结构特性,我们设计了一个深度构建模块,即选择性深度注意(SDA)模块,包括一个主干分支和一个类 SE 注意分支。主干分支的块输出被融合在一起,通过注意力分支全局性地指导其深度注意力分配。根据所提出的注意机制,我们动态选择不同的深度特征,这有助于自适应地调整输入对象的感受野大小。此外,我们的方法与多尺度网络和注意力网络,即所谓的 SDA-$x$Net 是正交的。广泛的实验证明,作为一种轻量级、高效的插件,所提出的 SDA 方法在众多计算机视觉任务(如图像分类、物体检测和实例分割)中显著提高了原始性能。
{"title":"Selective Depth Attention Networks for Adaptive Multiscale Feature Representation","authors":"Qingbei Guo;Xiao-Jun Wu;Tianyang Xu;Tongzhen Si;Cong Hu;Jinglan Tian","doi":"10.1109/TAI.2024.3401652","DOIUrl":"https://doi.org/10.1109/TAI.2024.3401652","url":null,"abstract":"Existing multiscale methods lead to a risk of just increasing the receptive field sizes while neglecting small receptive fields. Thus, it is a challenging problem to effectively construct adaptive neural networks for recognizing various spatial-scale objects. To tackle this issue, we first introduce a new attention dimension, i.e., depth, in addition to existing attentions such as channel-attention, spatial-attention, branch-attention, and self-attention. We present a novel selective depth attention network to treat multiscale objects symmetrically in various vision tasks. Specifically, the blocks within each stage of neural networks, including convolutional neural networks (CNNs), e.g., ResNet, SENet, and Res2Net, and vision transformers (ViTs), e.g., PVTv2, output the hierarchical feature maps with the same resolution but different receptive field sizes. Based on this structural property, we design a depthwise building module, namely an selective depth attention (SDA) module, including a trunk branch and a SE-like attention branch. The block outputs of the trunk branch are fused to guide their depth attention allocation through the attention branch globally. According to the proposed attention mechanism, we dynamically select different depth features, which contributes to adaptively adjusting the receptive field sizes for the variable-sized input objects. Moreover, our method is orthogonal to multiscale networks and attention networks, so-called SDA-\u0000<inline-formula><tex-math>$x$</tex-math></inline-formula>\u0000Net. Extensive experiments demonstrate that the proposed SDA method significantly improves the original performance as a lightweight and efficient plug-in on numerous computer vision tasks, e.g., image classification, object detection, and instance segmentation.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142442955","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Bidirectional Influence and Interaction for Multiagent Reinforcement Learning 多代理强化学习的双向影响与互动
Pub Date : 2024-03-15 DOI: 10.1109/TAI.2024.3401649
Shaoqi Sun;Kele Xu;Dawei Feng;Bo Ding
In recent years, multiagent reinforcement learning (MARL) has demonstrated considerable potential across diverse applications. However, in reinforcement learning environments characterized by sparse rewards, the scarcity of reward signals may give rise to reward conflicts among agents. In these scenarios, each agent tends to compete to obtain limited rewards, deviating from collaborative efforts aimed at achieving collective team objectives. This not only amplifies the learning challenge but also imposes constraints on the overall learning performance of agents, ultimately compromising the attainment of team goals. To mitigate the conflicting competition for rewards among agents in MARL, we introduce the bidirectional influence and interaction (BDII) MARL framework. This innovative approach draws inspiration from the collaborative ethos observed in human social cooperation, specifically the concept of “sharing joys and sorrows.” The fundamental concept behind BDII is to empower agents to share their individual rewards with collaborators, fostering a cooperative rather than competitive behavioral paradigm. This strategic shift aims to resolve the pervasive issue of reward conflicts among agents operating in sparse-reward environments. BDII incorporates two key factors—namely, the Gaussian kernel distance between agents (physical distance) and policy diversity among agents (logical distance). The two factor collectively contribute to the dynamic adjustment of reward allocation coefficients, culminating in the formation of reward distribution weights. The incorporation of these weights facilitates the equitable sharing of agents’ contributions to rewards, promoting a cooperative learning environment. Through extensive experimental evaluations, we substantiate the efficacy of BDII in addressing the challenge of reward conflicts in MARL. Our research findings affirm that BDII significantly mitigates reward conflicts, ensuring that agents consistently align with the original team objectives, thereby achieving state-of-the-art performance. This validation underscores the potential of the proposed framework in enhancing the collaborative nature of multiagent systems, offering a promising avenue for advancing the field of reinforcement learning.
近年来,多代理强化学习(MARL)在各种应用中展现出了巨大的潜力。然而,在以奖励稀少为特征的强化学习环境中,奖励信号的稀缺可能会引起代理之间的奖励冲突。在这种情况下,每个代理都倾向于为获得有限的奖励而竞争,从而偏离了旨在实现团队集体目标的协作努力。这不仅会加大学习难度,还会对代理的整体学习表现造成制约,最终影响团队目标的实现。为了缓解 MARL 中代理之间为获得奖励而相互竞争的矛盾,我们引入了双向影响和互动(BDII)MARL 框架。这种创新方法的灵感来自人类社会合作中的协作精神,特别是 "同甘共苦 "的理念。BDII 背后的基本概念是授权代理与合作者分享各自的回报,从而培养一种合作而非竞争的行为模式。这一战略转变旨在解决在奖励稀缺环境中运行的代理之间普遍存在的奖励冲突问题。BDII 包含两个关键因素,即代理之间的高斯核距离(物理距离)和代理之间的政策多样性(逻辑距离)。这两个因素共同作用于奖励分配系数的动态调整,最终形成奖励分配权重。这些权重的加入有助于公平分享代理对奖励的贡献,促进合作学习环境的形成。通过广泛的实验评估,我们证实了 BDII 在解决 MARL 中奖励冲突难题方面的功效。我们的研究结果证实,BDII 能显著缓解奖励冲突,确保代理始终与最初的团队目标保持一致,从而实现最先进的性能。这一验证强调了所提出的框架在增强多代理系统协作性方面的潜力,为推进强化学习领域的发展提供了一条大有可为的途径。
{"title":"Bidirectional Influence and Interaction for Multiagent Reinforcement Learning","authors":"Shaoqi Sun;Kele Xu;Dawei Feng;Bo Ding","doi":"10.1109/TAI.2024.3401649","DOIUrl":"https://doi.org/10.1109/TAI.2024.3401649","url":null,"abstract":"In recent years, multiagent reinforcement learning (MARL) has demonstrated considerable potential across diverse applications. However, in reinforcement learning environments characterized by sparse rewards, the scarcity of reward signals may give rise to reward conflicts among agents. In these scenarios, each agent tends to compete to obtain limited rewards, deviating from collaborative efforts aimed at achieving collective team objectives. This not only amplifies the learning challenge but also imposes constraints on the overall learning performance of agents, ultimately compromising the attainment of team goals. To mitigate the conflicting competition for rewards among agents in MARL, we introduce the bidirectional influence and interaction (BDII) MARL framework. This innovative approach draws inspiration from the collaborative ethos observed in human social cooperation, specifically the concept of “sharing joys and sorrows.” The fundamental concept behind BDII is to empower agents to share their individual rewards with collaborators, fostering a cooperative rather than competitive behavioral paradigm. This strategic shift aims to resolve the pervasive issue of reward conflicts among agents operating in sparse-reward environments. BDII incorporates two key factors—namely, the Gaussian kernel distance between agents (physical distance) and policy diversity among agents (logical distance). The two factor collectively contribute to the dynamic adjustment of reward allocation coefficients, culminating in the formation of reward distribution weights. The incorporation of these weights facilitates the equitable sharing of agents’ contributions to rewards, promoting a cooperative learning environment. Through extensive experimental evaluations, we substantiate the efficacy of BDII in addressing the challenge of reward conflicts in MARL. Our research findings affirm that BDII significantly mitigates reward conflicts, ensuring that agents consistently align with the original team objectives, thereby achieving state-of-the-art performance. This validation underscores the potential of the proposed framework in enhancing the collaborative nature of multiagent systems, offering a promising avenue for advancing the field of reinforcement learning.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142443126","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Adjusting Logit in Gaussian Form for Long-Tailed Visual Recognition 为长尾视觉识别调整高斯形式的 Logit
Pub Date : 2024-03-15 DOI: 10.1109/TAI.2024.3401102
Mengke Li;Yiu-ming Cheung;Yang Lu;Zhikai Hu;Weichao Lan;Hui Huang
It is not uncommon that real-world data are distributed with a long tail. For such data, the learning of deep neural networks becomes challenging because it is hard to classify tail classes correctly. In the literature, several existing methods have addressed this problem by reducing classifier bias, provided that the features obtained with long-tailed data are representative enough. However, we find that training directly on long-tailed data leads to uneven embedding space. That is, the embedding space of head classes severely compresses that of tail classes, which is not conducive to subsequent classifier learning. This article therefore studies the problem of long-tailed visual recognition from the perspective of feature level. We introduce feature augmentation to balance the embedding distribution. The features of different classes are perturbed with varying amplitudes in Gaussian form. Based on these perturbed features, two novel logit adjustment methods are proposed to improve model performance at a modest computational overhead. Subsequently, the distorted embedding spaces of all classes can be calibrated. In such balanced-distributed embedding spaces, the biased classifier can be eliminated by simply retraining the classifier with class-balanced sampling data. Extensive experiments conducted on benchmark datasets demonstrate the superior performance of the proposed method over the state-of-the-art ones.
现实世界中的数据分布带有长尾的情况并不少见。对于这类数据,深度神经网络的学习变得具有挑战性,因为很难对尾部类别进行正确分类。在文献中,已有几种方法通过减少分类器偏差来解决这一问题,前提是长尾数据获得的特征具有足够的代表性。然而,我们发现直接对长尾数据进行训练会导致嵌入空间不均匀。也就是说,头部类的嵌入空间严重压缩了尾部类的嵌入空间,这不利于后续的分类器学习。因此,本文从特征水平的角度研究了长尾视觉识别问题。我们引入特征增强来平衡嵌入分布。不同类别的特征会以高斯形式受到不同幅度的扰动。基于这些扰动特征,我们提出了两种新颖的 logit 调整方法,以适度的计算开销提高模型性能。随后,可以校准所有类别的扭曲嵌入空间。在这种平衡分布的嵌入空间中,只需使用类别平衡的采样数据重新训练分类器,就能消除有偏差的分类器。在基准数据集上进行的大量实验证明,所提出的方法比最先进的方法性能更优越。
{"title":"Adjusting Logit in Gaussian Form for Long-Tailed Visual Recognition","authors":"Mengke Li;Yiu-ming Cheung;Yang Lu;Zhikai Hu;Weichao Lan;Hui Huang","doi":"10.1109/TAI.2024.3401102","DOIUrl":"https://doi.org/10.1109/TAI.2024.3401102","url":null,"abstract":"It is not uncommon that real-world data are distributed with a long tail. For such data, the learning of deep neural networks becomes challenging because it is hard to classify tail classes correctly. In the literature, several existing methods have addressed this problem by reducing classifier bias, provided that the features obtained with long-tailed data are representative enough. However, we find that training directly on long-tailed data leads to uneven embedding space. That is, the embedding space of head classes severely compresses that of tail classes, which is not conducive to subsequent classifier learning. This article therefore studies the problem of long-tailed visual recognition from the perspective of feature level. We introduce feature augmentation to balance the embedding distribution. The features of different classes are perturbed with varying amplitudes in Gaussian form. Based on these perturbed features, two novel logit adjustment methods are proposed to improve model performance at a modest computational overhead. Subsequently, the distorted embedding spaces of all classes can be calibrated. In such balanced-distributed embedding spaces, the biased classifier can be eliminated by simply retraining the classifier with class-balanced sampling data. Extensive experiments conducted on benchmark datasets demonstrate the superior performance of the proposed method over the state-of-the-art ones.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=10531112","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142443091","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Short-Term Residential Load Forecasting via Pooling-Ensemble Model With Smoothing Clustering 通过带有平滑聚类的集合模型进行短期居民负荷预测
Pub Date : 2024-03-14 DOI: 10.1109/TAI.2024.3375833
Jiang-Wen Xiao;Hongliang Fang;Yan-Wu Wang
Short-term residential load forecasting is essential to demand side response. However, the frequent spikes in the load and the volatile daily load patterns make it difficult to accurately forecast the load. To deal with these problems, this article proposes a smoothing clustering method for daily load clustering and a pooling-ensemble model for one day ahead load forecasting. The whole short-term load forecasting framework in this article contains three steps. Specifically and first, the states of the residents are obtained by clustering the daily load curves with the proposed smoothing clustering method. Second, a weighted mixed Markov model is built to predict the probability distribution of the load state in the next day. Third, multiple predictors in the pooling-ensemble model are selected for different states and the load is forecasted by weighing the results of the multiple predictors based on the predicted states. Results of the case studies and comparison studies on two public datasets verify the advantages of the smoothing clustering method and the pooling-ensemble model.
短期居民负荷预测对需求侧响应至关重要。然而,频繁的负荷峰值和不稳定的日负荷模式使得准确预测负荷变得十分困难。为了解决这些问题,本文提出了一种用于日负荷聚类的平滑聚类方法和一种用于提前一天负荷预测的池集合模型。本文的整个短期负荷预测框架包含三个步骤。具体来说,首先,利用提出的平滑聚类方法对日负荷曲线进行聚类,从而得到居民的状态。其次,建立加权混合马尔可夫模型,预测次日负荷状态的概率分布。第三,针对不同状态选择池-集合模型中的多个预测因子,并根据预测状态对多个预测因子的结果进行权衡,从而预测负荷。在两个公共数据集上进行的案例研究和对比研究结果验证了平滑聚类方法和汇集-集合模型的优势。
{"title":"Short-Term Residential Load Forecasting via Pooling-Ensemble Model With Smoothing Clustering","authors":"Jiang-Wen Xiao;Hongliang Fang;Yan-Wu Wang","doi":"10.1109/TAI.2024.3375833","DOIUrl":"https://doi.org/10.1109/TAI.2024.3375833","url":null,"abstract":"Short-term residential load forecasting is essential to demand side response. However, the frequent spikes in the load and the volatile daily load patterns make it difficult to accurately forecast the load. To deal with these problems, this article proposes a smoothing clustering method for daily load clustering and a pooling-ensemble model for one day ahead load forecasting. The whole short-term load forecasting framework in this article contains three steps. Specifically and first, the states of the residents are obtained by clustering the daily load curves with the proposed smoothing clustering method. Second, a weighted mixed Markov model is built to predict the probability distribution of the load state in the next day. Third, multiple predictors in the pooling-ensemble model are selected for different states and the load is forecasted by weighing the results of the multiple predictors based on the predicted states. Results of the case studies and comparison studies on two public datasets verify the advantages of the smoothing clustering method and the pooling-ensemble model.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141630935","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Survey on Neural Network Hardware Accelerators 神经网络硬件加速器概览
Pub Date : 2024-03-14 DOI: 10.1109/TAI.2024.3377147
Tamador Mohaidat;Kasem Khalil
Artificial intelligence (AI) hardware accelerator is an emerging research for several applications and domains. The hardware accelerator's direction is to provide high computational speed with retaining low-cost and high learning performance. The main challenge is to design complex machine learning models on hardware with high performance. This article presents a thorough investigation into machine learning accelerators and associated challenges. It describes a hardware implementation of different structures such as convolutional neural network (CNN), recurrent neural network (RNN), and artificial neural network (ANN). The challenges such as speed, area, resource consumption, and throughput are discussed. It also presents a comparison between the existing hardware design. Last, the article describes the evaluation parameters for a machine learning accelerator in terms of learning and testing performance and hardware design.
人工智能(AI)硬件加速器是针对多个应用和领域的新兴研究。硬件加速器的方向是提供高计算速度,同时保留低成本和高学习性能。在硬件上设计具有高性能的复杂机器学习模型是一项主要挑战。本文对机器学习加速器及相关挑战进行了深入研究。文章介绍了卷积神经网络(CNN)、循环神经网络(RNN)和人工神经网络(ANN)等不同结构的硬件实现。报告讨论了速度、面积、资源消耗和吞吐量等挑战。文章还对现有的硬件设计进行了比较。最后,文章介绍了机器学习加速器在学习和测试性能以及硬件设计方面的评估参数。
{"title":"A Survey on Neural Network Hardware Accelerators","authors":"Tamador Mohaidat;Kasem Khalil","doi":"10.1109/TAI.2024.3377147","DOIUrl":"https://doi.org/10.1109/TAI.2024.3377147","url":null,"abstract":"Artificial intelligence (AI) hardware accelerator is an emerging research for several applications and domains. The hardware accelerator's direction is to provide high computational speed with retaining low-cost and high learning performance. The main challenge is to design complex machine learning models on hardware with high performance. This article presents a thorough investigation into machine learning accelerators and associated challenges. It describes a hardware implementation of different structures such as convolutional neural network (CNN), recurrent neural network (RNN), and artificial neural network (ANN). The challenges such as speed, area, resource consumption, and throughput are discussed. It also presents a comparison between the existing hardware design. Last, the article describes the evaluation parameters for a machine learning accelerator in terms of learning and testing performance and hardware design.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141980079","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
RGB-D Fusion Through Zero-Shot Fuzzy Membership Learning for Salient Object Detection 通过零镜头模糊成员学习实现 RGB-D 融合,以检测突出物体
Pub Date : 2024-03-12 DOI: 10.1109/TAI.2024.3376640
Sudipta Bhuyan;Aupendu Kar;Debashis Sen;Sankha Deb
Significant improvement has been achieved lately in color and depth data-based salient object detection (SOD) on images from varied datasets, which is mainly due to RGB-D fusion using modern machine learning techniques. However, little emphasis has been given recently on performing RGB-D fusion for SOD in the absence of ground truth data for training. This article proposes a zero-shot deep RGB-D fusion approach based on the novel concept of fuzzy membership learning, which does not require any data for training. The constituent salient object maps to be fused are represented using parametric fuzzy membership functions and the optimal parameter values are estimated through our zero-shot fuzzy membership learning (Z-FML) network. The optimal parameter values are used in a fuzzy inference system along with the constituent salient object maps to perform the fusion. A measure called the membership similarity measure (MSM) is proposed, and the Z-FML network is trained using it to devise a loss function that maximizes the similarity between the constituent salient object maps and the fused salient object map. The deduction of MSM and its properties are shown theoretically, and the gradients involved in the training of the Z-FML network are derived. Qualitative and quantitative evaluations using several datasets signify the effectiveness of our RGB-D fusion and our fusion-based RGB-D SOD in comparison with the state-of-the-art. We also empirically demonstrate the advantage of employing the novel MSM for training our Z-FML network.
最近,基于色彩和深度数据的突出物体检测(SOD)技术在各种数据集的图像上取得了显著进步,这主要归功于使用现代机器学习技术进行的 RGB-D 融合。然而,近来人们很少关注在没有地面实况数据训练的情况下为 SOD 进行 RGB-D 融合的问题。本文提出了一种基于模糊成员学习新概念的零镜头深度 RGB-D 融合方法,它不需要任何训练数据。要融合的组成突出对象映射使用参数模糊成员函数表示,并通过我们的零镜头模糊成员学习(Z-FML)网络估算最佳参数值。最佳参数值与组成突出对象图一起用于模糊推理系统,以执行融合。我们提出了一种名为 "成员相似性度量(MSM)"的度量方法,并利用它对 Z-FML 网络进行训练,从而设计出一种损失函数,使组成突出对象图与融合突出对象图之间的相似性最大化。从理论上说明了 MSM 的推导及其特性,并推导出了 Z-FML 网络训练所涉及的梯度。使用多个数据集进行的定性和定量评估表明,与最先进的技术相比,我们的 RGB-D 融合技术和基于融合的 RGB-D SOD 技术非常有效。我们还通过经验证明了采用新型 MSM 训练 Z-FML 网络的优势。
{"title":"RGB-D Fusion Through Zero-Shot Fuzzy Membership Learning for Salient Object Detection","authors":"Sudipta Bhuyan;Aupendu Kar;Debashis Sen;Sankha Deb","doi":"10.1109/TAI.2024.3376640","DOIUrl":"https://doi.org/10.1109/TAI.2024.3376640","url":null,"abstract":"Significant improvement has been achieved lately in color and depth data-based salient object detection (SOD) on images from varied datasets, which is mainly due to RGB-D fusion using modern machine learning techniques. However, little emphasis has been given recently on performing RGB-D fusion for SOD in the absence of ground truth data for training. This article proposes a zero-shot deep RGB-D fusion approach based on the novel concept of fuzzy membership learning, which does not require any data for training. The constituent salient object maps to be fused are represented using parametric fuzzy membership functions and the optimal parameter values are estimated through our zero-shot fuzzy membership learning (Z-FML) network. The optimal parameter values are used in a fuzzy inference system along with the constituent salient object maps to perform the fusion. A measure called the membership similarity measure (MSM) is proposed, and the Z-FML network is trained using it to devise a loss function that maximizes the similarity between the constituent salient object maps and the fused salient object map. The deduction of MSM and its properties are shown theoretically, and the gradients involved in the training of the Z-FML network are derived. Qualitative and quantitative evaluations using several datasets signify the effectiveness of our RGB-D fusion and our fusion-based RGB-D SOD in comparison with the state-of-the-art. We also empirically demonstrate the advantage of employing the novel MSM for training our Z-FML network.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141630936","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Context Aware Automatic Polyp Segmentation Network With Mask Attention 具有掩码注意力的上下文感知自动息肉分割网络
Pub Date : 2024-03-11 DOI: 10.1109/TAI.2024.3375832
Praveer Saxena;Ashish Kumar Bhandari
Colorectal cancer stands out as a major factor in cancer-related fatalities. The prevention of colorectal cancer may be aided by early polyp diagnosis. Colonoscopy is a widely used procedure for the diagnosis of polyps, but it is highly dependent on the skills of the medical practitioner. Automatic polyp segmentation using computer-aided diagnosis can help medical practitioners detect even those polyps missed by humans, and this early detection of polyps can save precious human lives. Due to the lack of distinct edges, poor contrast between the foreground and background, and great variety of polyps, automatic segmentation of polyps is quite difficult. Although there are several deep learning-based strategies for segmenting polyps, typical convolutional neural network (CNN)-based algorithms lack long-range dependencies and lose spatial information because of consecutive convolution and pooling. In this research, a novel encoder–decoder-based segmentation architecture has been proposed in an effort to identify distinguishing features that can be used to precisely separate the polyps. The proposed architecture combines the strengths of a pretrained ResNet50 encoder, residual block, our proposed multiscale dilation block, and the mask attention block. Multiscale dilation block enables us to extract features at different scales for better feature representation. The mask attention block utilizes a generated auxiliary mask in order to concentrate on important image features. To evaluate the proposed architecture, several polyp segmentation datasets have been used. The obtained findings show that the suggested architecture performs better than several state-of-the-art (SOTA) approaches for segmenting the polyps.
大肠癌是导致癌症相关死亡的主要因素。早期诊断息肉有助于预防大肠癌。结肠镜检查是一种广泛使用的息肉诊断程序,但它在很大程度上依赖于医生的技能。使用计算机辅助诊断技术进行息肉自动分割可以帮助医疗从业人员发现那些被人类遗漏的息肉,而息肉的早期发现可以挽救宝贵的生命。由于息肉缺乏明显的边缘、前景与背景对比度差以及种类繁多,息肉的自动分割相当困难。虽然有几种基于深度学习的息肉分割策略,但典型的基于卷积神经网络(CNN)的算法缺乏长程依赖性,并且由于连续卷积和池化而丢失了空间信息。本研究提出了一种基于编码器-解码器的新型分割架构,旨在找出可用于精确分离息肉的区别特征。所提出的架构结合了预训练的 ResNet50 编码器、残差块、我们提出的多尺度扩张块和掩膜关注块的优势。多尺度扩张块使我们能够提取不同尺度的特征,从而获得更好的特征表示。掩码关注块利用生成的辅助掩码,以便将注意力集中在重要的图像特征上。为了评估所提出的架构,我们使用了几个息肉分割数据集。结果表明,在息肉分割方面,建议的架构比几种最先进的(SOTA)方法表现更好。
{"title":"Context Aware Automatic Polyp Segmentation Network With Mask Attention","authors":"Praveer Saxena;Ashish Kumar Bhandari","doi":"10.1109/TAI.2024.3375832","DOIUrl":"10.1109/TAI.2024.3375832","url":null,"abstract":"Colorectal cancer stands out as a major factor in cancer-related fatalities. The prevention of colorectal cancer may be aided by early polyp diagnosis. Colonoscopy is a widely used procedure for the diagnosis of polyps, but it is highly dependent on the skills of the medical practitioner. Automatic polyp segmentation using computer-aided diagnosis can help medical practitioners detect even those polyps missed by humans, and this early detection of polyps can save precious human lives. Due to the lack of distinct edges, poor contrast between the foreground and background, and great variety of polyps, automatic segmentation of polyps is quite difficult. Although there are several deep learning-based strategies for segmenting polyps, typical convolutional neural network (CNN)-based algorithms lack long-range dependencies and lose spatial information because of consecutive convolution and pooling. In this research, a novel encoder–decoder-based segmentation architecture has been proposed in an effort to identify distinguishing features that can be used to precisely separate the polyps. The proposed architecture combines the strengths of a pretrained ResNet50 encoder, residual block, our proposed multiscale dilation block, and the mask attention block. Multiscale dilation block enables us to extract features at different scales for better feature representation. The mask attention block utilizes a generated auxiliary mask in order to concentrate on important image features. To evaluate the proposed architecture, several polyp segmentation datasets have been used. The obtained findings show that the suggested architecture performs better than several state-of-the-art (SOTA) approaches for segmenting the polyps.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141706608","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Self-Aware Digital Memory Framework Powered by Artificial Intelligence 由人工智能驱动的自我感知数字记忆框架
Pub Date : 2024-03-11 DOI: 10.1109/TAI.2024.3375834
Prabuddha Chakraborty;Swarup Bhunia
Edge computing devices in Internet-of-Things (IoT) systems are being widely used in diverse application domains including industrial automation, surveillance, and smart housing. These applications typically employ a large array of sensors, store a high volume of data, and search within the stored data for specific patterns using machine intelligence. Due to this heavy reliance on data in these applications, optimizing the memory performance in edge devices has become an important research focus. In this work, we note (based on some preliminary quantitative studies) that the memory requirements of such application-specific systems tend to differ drastically from traditional general-purpose computing systems. Inspired by these findings and also through drawing inspiration from the human brain (which excels at being highly adaptive), we design a digital memory framework that can continually adapt to the specific needs of different edge devices. This adaption is made possible through a continual reinforcement-based learning methodology, and it aims at creating a digital memory framework that is always self-aware of the data it hold and queries being made. Through a methodical implementation of the framework, we demonstrate its effectiveness for different use-cases, settings, and hyperparameters in comparison with traditional content-addressable memory.
物联网(IoT)系统中的边缘计算设备正被广泛应用于各种应用领域,包括工业自动化、监控和智能住宅。这些应用通常采用大量传感器,存储大量数据,并利用机器智能在存储的数据中搜索特定模式。由于这些应用对数据的严重依赖,优化边缘设备的内存性能已成为一个重要的研究重点。在这项工作中,我们注意到(基于一些初步的定量研究),此类特定应用系统的内存要求往往与传统的通用计算系统大相径庭。受这些研究结果的启发,并从人脑(擅长高度自适应)中汲取灵感,我们设计了一个数字内存框架,它能不断适应不同边缘设备的特定需求。这种适应性是通过基于持续强化的学习方法实现的,其目的是创建一个始终能自我感知所持数据和正在进行的查询的数字存储框架。通过有条不紊地实施该框架,我们展示了它在不同的使用情况、设置和超参数下与传统的内容可寻址存储器相比的有效性。
{"title":"A Self-Aware Digital Memory Framework Powered by Artificial Intelligence","authors":"Prabuddha Chakraborty;Swarup Bhunia","doi":"10.1109/TAI.2024.3375834","DOIUrl":"https://doi.org/10.1109/TAI.2024.3375834","url":null,"abstract":"Edge computing devices in Internet-of-Things (IoT) systems are being widely used in diverse application domains including industrial automation, surveillance, and smart housing. These applications typically employ a large array of sensors, store a high volume of data, and search within the stored data for specific patterns using machine intelligence. Due to this heavy reliance on data in these applications, optimizing the memory performance in edge devices has become an important research focus. In this work, we note (based on some preliminary quantitative studies) that the memory requirements of such application-specific systems tend to differ drastically from traditional general-purpose computing systems. Inspired by these findings and also through drawing inspiration from the human brain (which excels at being highly adaptive), we design a digital memory framework that can continually adapt to the specific needs of different edge devices. This adaption is made possible through a continual reinforcement-based learning methodology, and it aims at creating a digital memory framework that is always self-aware of the data it hold and queries being made. Through a methodical implementation of the framework, we demonstrate its effectiveness for different use-cases, settings, and hyperparameters in comparison with traditional content-addressable memory.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141630971","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Flexible Constraints-Based Adaptive Intelligent Event-Triggered Control for Slowly Switched Nonlinear Systems Using Reinforcement Learning 利用强化学习为缓慢切换非线性系统提供基于灵活约束的自适应智能事件触发控制
Pub Date : 2024-03-11 DOI: 10.1109/TAI.2024.3375828
Chengyuan Yan;Jianwei Xia;Ju H. Park;Xiangpeng Xie
In this note, an adaptive event-triggered optimized tracking control problem is investigated for nonlinear switched systems with flexible output constraints under extended mode-dependent average dwell time (MDADT). Initially, a new shifting function and an improved barrier function are constructed to solve flexible output constraints under the practical background. Subsequently, a global performance function with the exponential discount factor based on the error variable is designed under optimized backstepping (OB), which not only ensures that the performance function converges, but also evaluates the tracking performance of the system, reflecting the energy consumption. The corresponding Hamilton–Jacobi–Bellman (HJB) equation is constructed to solve the optimal control strategy. To remove the restriction on the maximum asynchronous time, an event-triggered optimization strategy for subsystems is utilized to exclude Zeno behavior. Furthermore, we demonstrate that the signals of the closed-loop system are bounded and the flexible output constraints are strictly obeyed. Finally, the application of the above control technique to the manipulator system is validated.
本论文研究了在扩展模式相关平均驻留时间(MDADT)条件下具有灵活输出约束的非线性开关系统的自适应事件触发优化跟踪控制问题。首先,构建了一个新的移位函数和一个改进的障碍函数,以解决实际背景下的灵活输出约束。随后,在优化反步态(OB)下设计了基于误差变量的指数贴现因子的全局性能函数,不仅确保了性能函数的收敛,还评估了系统的跟踪性能,反映了能耗。构建相应的汉密尔顿-贾可比-贝尔曼(HJB)方程来求解最优控制策略。为了消除对最大异步时间的限制,我们利用事件触发的子系统优化策略来排除 Zeno 行为。此外,我们还证明了闭环系统的信号是有界的,并且严格遵守了灵活的输出约束。最后,我们验证了上述控制技术在机械手系统中的应用。
{"title":"Flexible Constraints-Based Adaptive Intelligent Event-Triggered Control for Slowly Switched Nonlinear Systems Using Reinforcement Learning","authors":"Chengyuan Yan;Jianwei Xia;Ju H. Park;Xiangpeng Xie","doi":"10.1109/TAI.2024.3375828","DOIUrl":"https://doi.org/10.1109/TAI.2024.3375828","url":null,"abstract":"In this note, an adaptive event-triggered optimized tracking control problem is investigated for nonlinear switched systems with flexible output constraints under extended mode-dependent average dwell time (MDADT). Initially, a new shifting function and an improved barrier function are constructed to solve flexible output constraints under the practical background. Subsequently, a global performance function with the exponential discount factor based on the error variable is designed under optimized backstepping (OB), which not only ensures that the performance function converges, but also evaluates the tracking performance of the system, reflecting the energy consumption. The corresponding Hamilton–Jacobi–Bellman (HJB) equation is constructed to solve the optimal control strategy. To remove the restriction on the maximum asynchronous time, an event-triggered optimization strategy for subsystems is utilized to exclude Zeno behavior. Furthermore, we demonstrate that the signals of the closed-loop system are bounded and the flexible output constraints are strictly obeyed. Finally, the application of the above control technique to the manipulator system is validated.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141630904","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
IEEE transactions on artificial intelligence
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1