首页 > 最新文献

AI Communications最新文献

英文 中文
Dynamic finegrained structured pruning sensitive to filter texture distribution 对滤波器纹理分布敏感的动态细粒度结构化修剪
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-08-25 DOI: 10.3233/aic-230046
P. Li, Yuzhe Wang, Cong Wu, Xiatao Kang
Pruning of neural networks is undoubtedly a popular approach to cope with the current compression of large-scale, high-cost network models. However, most of the existing methods require a high level of human-regulated pruning criteria, which requires a lot of human effort to figure out a reasonable pruning strength. One of the main reasons is that there are different levels of sensitivity distribution in the network. Our main goal is to discover compression methods that adapt to this distribution to avoid deep architectural damage to the network due to unnecessary pruning. In this paper, we propose a filter texture distribution that affects the training of the network. We also analyze the sensitivity of each of the diverse states of this distribution. To do so, we first use a multidimensional penalty method that can analyze the potential sensitivity based on this texture distribution to obtain a pruning-friendly sparse environment. Then, we set up a lightweight dynamic threshold container in order to prune the sparse network. By providing each filter with a suitable threshold for that filter at a low cost, a massive reduction in the number of parameters is achieved without affecting the contribution of certain pruning-sensitive layers to the network as a whole. In the final experiments, our two methods adapted to texture distribution were applied to ResNet Deep Neural Network (DNN) and VGG-16, which were deployed on the classical CIFAR-10/100 and ImageNet datasets with excellent results in order to facilitate comparison with good cutting-edge pruning methods. Code is available at https://github.com/wangyuzhe27/CDP-and-DTC.
神经网络的剪枝无疑是当前处理大规模、高成本网络模型压缩的一种流行方法。然而,现有的大多数方法都需要高水平的人为调节修剪标准,这需要大量的人力来计算出合理的修剪强度。其中一个主要原因是网络中存在不同程度的灵敏度分布。我们的主要目标是发现适应这种分布的压缩方法,以避免由于不必要的修剪而对网络造成深刻的体系结构破坏。在本文中,我们提出了一种影响网络训练的过滤器纹理分布。我们还分析了该分布的每个不同状态的敏感性。为此,我们首先使用一种多维惩罚方法,该方法可以分析基于该纹理分布的潜在灵敏度,以获得修剪友好的稀疏环境。然后,我们建立了一个轻量级的动态阈值容器来对稀疏网络进行修剪。通过以较低的成本为每个过滤器提供合适的阈值,在不影响某些修剪敏感层对整个网络的贡献的情况下,实现了参数数量的大量减少。在最后的实验中,我们将这两种适合纹理分布的方法应用于ResNet Deep Neural Network (DNN)和VGG-16,并将它们部署在经典的CIFAR-10/100和ImageNet数据集上,得到了很好的结果,以便与优秀的前沿修剪方法进行比较。代码可从https://github.com/wangyuzhe27/CDP-and-DTC获得。
{"title":"Dynamic finegrained structured pruning sensitive to filter texture distribution","authors":"P. Li, Yuzhe Wang, Cong Wu, Xiatao Kang","doi":"10.3233/aic-230046","DOIUrl":"https://doi.org/10.3233/aic-230046","url":null,"abstract":"Pruning of neural networks is undoubtedly a popular approach to cope with the current compression of large-scale, high-cost network models. However, most of the existing methods require a high level of human-regulated pruning criteria, which requires a lot of human effort to figure out a reasonable pruning strength. One of the main reasons is that there are different levels of sensitivity distribution in the network. Our main goal is to discover compression methods that adapt to this distribution to avoid deep architectural damage to the network due to unnecessary pruning. In this paper, we propose a filter texture distribution that affects the training of the network. We also analyze the sensitivity of each of the diverse states of this distribution. To do so, we first use a multidimensional penalty method that can analyze the potential sensitivity based on this texture distribution to obtain a pruning-friendly sparse environment. Then, we set up a lightweight dynamic threshold container in order to prune the sparse network. By providing each filter with a suitable threshold for that filter at a low cost, a massive reduction in the number of parameters is achieved without affecting the contribution of certain pruning-sensitive layers to the network as a whole. In the final experiments, our two methods adapted to texture distribution were applied to ResNet Deep Neural Network (DNN) and VGG-16, which were deployed on the classical CIFAR-10/100 and ImageNet datasets with excellent results in order to facilitate comparison with good cutting-edge pruning methods. Code is available at https://github.com/wangyuzhe27/CDP-and-DTC.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":" ","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-08-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"46787595","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
Multi-branch selection fusion fine-grained classification algorithm based on coordinate attention localization 基于坐标注意定位的多分支选择融合细粒度分类算法
4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-08-21 DOI: 10.3233/aic-220187
Feng Zhang, Gaocai Wang, Man Wu, Shuqiang Huang
Object localization has been the focus of research in Fine-Grained Visual Categorization (FGVC). With the aim of improving the accuracy and precision of object localization in multi-branch networks, as well as the robustness and universality of object localization methods, our study mainly focus on how to combine coordinate attention and feature activation map for target localization. The model in this paper is a three-branch model including raw branch, object branch and part branch. The images are fed directly into the raw branch. Coordinate Attention Object Localization Module (CAOLM) is used to localize and crop objects in the image to generate the input for the object branch. Attention Partial Proposal Module (APPM) is used to propose part regions at different scales. The three classes of input images undergo end-to-end weakly supervised learning through different branches of the network. The model expands the receptive field to capture multi-scale features by Selective Branch Atrous Spatial Pooling Pyramid (SB-ASPP). It can fuse the feature maps obtained from the raw branch and the object branch with Selective Branch Block (SBBlock), and the complete features of the raw branch are used to supplement the missing information of the object branch. Extensive experimental results on CUB-200-2011, FGVC-Aircraft and Stanford Cars datasets show that our method has the best classification performance on FGVC-Aircraft and also has competitive performance on other datasets. Few parameters and fast inference speed are also the advantages of our model.
目标定位一直是细粒度视觉分类(FGVC)研究的热点。为了提高多分支网络中目标定位的准确性和精度,以及目标定位方法的鲁棒性和通用性,我们主要研究如何将坐标注意和特征激活图结合起来进行目标定位。本文的模型是一个三分支模型,包括原始分支、对象分支和零件分支。图像直接输入到原始分支中。坐标注意对象定位模块(Coordinate Attention Object Localization Module, CAOLM)用于对图像中的对象进行定位和裁剪,生成对象分支的输入。注意局部建议模块(Attention Partial Proposal Module, APPM)用于提出不同尺度的局部区域。这三类输入图像通过网络的不同分支进行端到端的弱监督学习。该模型通过选择分支分布空间池金字塔(SB-ASPP)扩展接受野以捕获多尺度特征。它可以将原始分支和目标分支得到的特征映射与选择性分支块(sblock)融合,用原始分支的完整特征来补充目标分支的缺失信息。在ub -200-2011、FGVC-Aircraft和Stanford Cars数据集上的大量实验结果表明,我们的方法在FGVC-Aircraft数据集上具有最佳的分类性能,并且在其他数据集上也具有竞争力。该模型的优点是参数少,推理速度快。
{"title":"Multi-branch selection fusion fine-grained classification algorithm based on coordinate attention localization","authors":"Feng Zhang, Gaocai Wang, Man Wu, Shuqiang Huang","doi":"10.3233/aic-220187","DOIUrl":"https://doi.org/10.3233/aic-220187","url":null,"abstract":"Object localization has been the focus of research in Fine-Grained Visual Categorization (FGVC). With the aim of improving the accuracy and precision of object localization in multi-branch networks, as well as the robustness and universality of object localization methods, our study mainly focus on how to combine coordinate attention and feature activation map for target localization. The model in this paper is a three-branch model including raw branch, object branch and part branch. The images are fed directly into the raw branch. Coordinate Attention Object Localization Module (CAOLM) is used to localize and crop objects in the image to generate the input for the object branch. Attention Partial Proposal Module (APPM) is used to propose part regions at different scales. The three classes of input images undergo end-to-end weakly supervised learning through different branches of the network. The model expands the receptive field to capture multi-scale features by Selective Branch Atrous Spatial Pooling Pyramid (SB-ASPP). It can fuse the feature maps obtained from the raw branch and the object branch with Selective Branch Block (SBBlock), and the complete features of the raw branch are used to supplement the missing information of the object branch. Extensive experimental results on CUB-200-2011, FGVC-Aircraft and Stanford Cars datasets show that our method has the best classification performance on FGVC-Aircraft and also has competitive performance on other datasets. Few parameters and fast inference speed are also the advantages of our model.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":"67 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-08-21","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135771027","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
A heterogeneous two-stream network for human action recognition 一种用于人体动作识别的异构双流网络
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-08-16 DOI: 10.3233/aic-220188
Shengbin Liao, Xiaofeng Wang, Zongkai Yang
The most widely used two-stream architectures and building blocks for human action recognition in videos generally consist of 2D or 3D convolution neural networks. 3D convolution can abstract motion messages between video frames, which is essential for video classification. 3D convolution neural networks usually obtain good performance compared with 2D cases, however it also increases computational cost. In this paper, we propose a heterogeneous two-stream architecture which incorporates two convolutional networks. One uses a mixed convolution network (MCN), which combines some 3D convolutions in the middle of 2D convolutions to train RGB frames, another one adopts BN-Inception network to train Optical Flow frames. Considering the redundancy of neighborhood video frames, we adopt a sparse sampling strategy to decrease the computational cost. Our architecture is trained and evaluated on the standard video actions benchmarks of HMDB51 and UCF101. Experimental results show our approach obtains the state-of-the-art performance on the datasets of HMDB51 (73.04%) and UCF101 (95.27%).
视频中人类动作识别最广泛使用的两流架构和构建块通常由2D或3D卷积神经网络组成。三维卷积可以提取视频帧之间的运动信息,这是视频分类的关键。与二维情况相比,三维卷积神经网络通常可以获得较好的性能,但同时也增加了计算成本。在本文中,我们提出了一个包含两个卷积网络的异构双流架构。一种是使用混合卷积网络(MCN),在二维卷积的中间组合一些三维卷积来训练RGB帧,另一种是使用BN-Inception网络来训练光流帧。考虑到邻域视频帧的冗余性,我们采用稀疏采样策略来降低计算成本。我们的架构在HMDB51和UCF101的标准视频动作基准上进行了培训和评估。实验结果表明,我们的方法在HMDB51(73.04%)和UCF101(95.27%)数据集上获得了最先进的性能。
{"title":"A heterogeneous two-stream network for human action recognition","authors":"Shengbin Liao, Xiaofeng Wang, Zongkai Yang","doi":"10.3233/aic-220188","DOIUrl":"https://doi.org/10.3233/aic-220188","url":null,"abstract":"The most widely used two-stream architectures and building blocks for human action recognition in videos generally consist of 2D or 3D convolution neural networks. 3D convolution can abstract motion messages between video frames, which is essential for video classification. 3D convolution neural networks usually obtain good performance compared with 2D cases, however it also increases computational cost. In this paper, we propose a heterogeneous two-stream architecture which incorporates two convolutional networks. One uses a mixed convolution network (MCN), which combines some 3D convolutions in the middle of 2D convolutions to train RGB frames, another one adopts BN-Inception network to train Optical Flow frames. Considering the redundancy of neighborhood video frames, we adopt a sparse sampling strategy to decrease the computational cost. Our architecture is trained and evaluated on the standard video actions benchmarks of HMDB51 and UCF101. Experimental results show our approach obtains the state-of-the-art performance on the datasets of HMDB51 (73.04%) and UCF101 (95.27%).","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":"1 1","pages":"219-233"},"PeriodicalIF":0.8,"publicationDate":"2023-08-16","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"76007808","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
Fully Automated Neural Network Framework for Pulmonary Nodules Detection and Segmentation 肺结节检测与分割的全自动神经网络框架
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-08-11 DOI: 10.3233/aic-220318
Yixin Xiong, Yongcheng Zhou, Yujuan Wang, Quanxing Liu, Lei Deng
Lung cancer is the leading cause of cancer death worldwide, and most patients are diagnosed with advanced stages for lack of symptoms in the early stages of the disease, leading to poor prognosis. It is thus of great importance to detect lung cancer in the early stages which can reduce mortality and improve patient survival significantly. Although there are many computer aided diagnosis (CAD) systems used for detecting pulmonary nodules, there are still few CAD systems for detection and segmentation, and their performance on small nodules is not ideal. Thus, in this paper, we propose a deep cascaded multitask framework called mobilenet split-attention Yolo unet, the mobilenet split-attention Yolo(Msa-yolo) greatly enhance the feature of small nodules and boost up their performance, the overall result shows that the mean accuracy precision (mAP) of our Msa-Yolo compared to Yolox has increased from 85.10% to 86.64% on LUNA16 dataset, and from 90.13% to 94.15% on LCS dataset compared to YoloX. Besides, we get only 8.35 average number of candidates per scan with 96.32% sensitivity on LUNA16 dataset, which greatly outperforms other existing systems. At the segmentation stage, the mean intersection over union (mIOU) of our CAD system has increased from 71.66% to 76.84% on LCS dataset comparing to baseline. Conclusion: A fast, accurate and robust CAD system for nodule detection, segmentation and classification is proposed in this paper. And it is confirmed by the experimental results that the proposed system possesses the ability to detect and segment small nodules.
癌症是全球癌症死亡的主要原因,大多数患者在疾病早期因缺乏症状而被诊断为晚期,导致预后不良。因此,早期发现癌症具有重要意义,可以显著降低死亡率和提高患者生存率。尽管用于检测肺结节的计算机辅助诊断(CAD)系统很多,但用于检测和分割的CAD系统仍然很少,并且它们在小结节上的性能并不理想。因此,在本文中,我们提出了一种称为mobilenet split attention Yolo unet的深度级联多任务框架,mobilenet splitattention Yolo(Msa-Yolo)大大增强了小结节的特征并提高了它们的性能。总体结果表明,在LUNA16数据集上,与Yolox相比,我们的Msa-Yolo的平均精度(mAP)从85.10%提高到86.64%,与YoloX相比,在LCS数据集上为90.13%至94.15%。此外,在LUNA16数据集上,我们每次扫描的平均候选数量仅为8.35个,灵敏度为96.32%,大大优于其他现有系统。在分割阶段,与基线相比,我们的CAD系统在LCS数据集上的平均并集交集(mIOU)从71.66%增加到76.84%。结论:本文提出了一个快速、准确、稳健的结节检测、分割和分类CAD系统。实验结果表明,该系统具有检测和分割小结节的能力。
{"title":"Fully Automated Neural Network Framework for Pulmonary Nodules Detection and Segmentation","authors":"Yixin Xiong, Yongcheng Zhou, Yujuan Wang, Quanxing Liu, Lei Deng","doi":"10.3233/aic-220318","DOIUrl":"https://doi.org/10.3233/aic-220318","url":null,"abstract":"Lung cancer is the leading cause of cancer death worldwide, and most patients are diagnosed with advanced stages for lack of symptoms in the early stages of the disease, leading to poor prognosis. It is thus of great importance to detect lung cancer in the early stages which can reduce mortality and improve patient survival significantly. Although there are many computer aided diagnosis (CAD) systems used for detecting pulmonary nodules, there are still few CAD systems for detection and segmentation, and their performance on small nodules is not ideal. Thus, in this paper, we propose a deep cascaded multitask framework called mobilenet split-attention Yolo unet, the mobilenet split-attention Yolo(Msa-yolo) greatly enhance the feature of small nodules and boost up their performance, the overall result shows that the mean accuracy precision (mAP) of our Msa-Yolo compared to Yolox has increased from 85.10% to 86.64% on LUNA16 dataset, and from 90.13% to 94.15% on LCS dataset compared to YoloX. Besides, we get only 8.35 average number of candidates per scan with 96.32% sensitivity on LUNA16 dataset, which greatly outperforms other existing systems. At the segmentation stage, the mean intersection over union (mIOU) of our CAD system has increased from 71.66% to 76.84% on LCS dataset comparing to baseline. Conclusion: A fast, accurate and robust CAD system for nodule detection, segmentation and classification is proposed in this paper. And it is confirmed by the experimental results that the proposed system possesses the ability to detect and segment small nodules.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":"1 1","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-08-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"41366759","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
Multi-agent reinforcement learning for safe lane changes by connected and autonomous vehicles: A survey 联网和自动驾驶汽车安全变道的多智能体强化学习:一项调查
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-08-11 DOI: 10.3233/aic-220316
Bharathkumar Hegde, Mélanie Bouroche
Connected Autonomous vehicles (CAVs) are expected to improve the safety and efficiency of traffic by automating driving tasks. Amongst those, lane changing is particularly challenging, as it requires the vehicle to be aware of its highly-dynamic surrounding environment, make decisions, and enact them within very short time windows. As CAVs need to optimise their actions based on a large set of data collected from the environment, Reinforcement Learning (RL) has been widely used to develop CAV motion controllers. These controllers learn to make efficient and safe lane changing decisions using on-board sensors and inter-vehicle communication. This paper, first presents four overlapping fields that are key to the future of safe self-driving cars: CAVs, motion control, RL, and safe control. It then defines the requirements for a safe CAV controller. These are used firstly to compare applications of Multi-Agent Reinforcement Learning (MARL) to CAV lane change controllers. The requirements are then used to evaluate state-of-the-art safety methods used for RL-based motion controllers. The final section summarises research gaps and possible opportunities for the future development of safe MARL-based CAV motion controllers. In particular, it highlights the requirement to design MARL controllers with continuous control for lane changing. Moreover, as RL algorithms by themselves do not guarantee the level of safety required for such safety-critical applications, it offers insights and challenges to integrate safe RL methods with MARL-based CAV motion controllers.
互联自动驾驶汽车(CAV)有望通过自动化驾驶任务来提高交通的安全性和效率。其中,变道尤其具有挑战性,因为它要求车辆了解其高度动态的周围环境,做出决策,并在很短的时间内实施。由于CAV需要根据从环境中收集的大量数据来优化其动作,强化学习(RL)已被广泛用于开发CAV运动控制器。这些控制器学习使用车载传感器和车内通信做出高效、安全的变道决策。本文首先介绍了未来安全自动驾驶汽车的四个关键领域:CAV、运动控制、RL和安全控制。然后,它定义了安全CAV控制器的要求。这些首先用于比较多智能体强化学习(MARL)在CAV变道控制器中的应用。然后使用这些要求来评估用于基于RL的运动控制器的最先进的安全方法。最后一节总结了研究空白和未来开发基于MARL的CAV运动控制器的可能机会。特别是,它强调了设计具有连续控制变道的MARL控制器的要求。此外,由于RL算法本身并不能保证此类安全关键应用所需的安全水平,因此将安全RL方法与基于MARL的CAV运动控制器相结合提供了见解和挑战。
{"title":"Multi-agent reinforcement learning for safe lane changes by connected and autonomous vehicles: A survey","authors":"Bharathkumar Hegde, Mélanie Bouroche","doi":"10.3233/aic-220316","DOIUrl":"https://doi.org/10.3233/aic-220316","url":null,"abstract":"Connected Autonomous vehicles (CAVs) are expected to improve the safety and efficiency of traffic by automating driving tasks. Amongst those, lane changing is particularly challenging, as it requires the vehicle to be aware of its highly-dynamic surrounding environment, make decisions, and enact them within very short time windows. As CAVs need to optimise their actions based on a large set of data collected from the environment, Reinforcement Learning (RL) has been widely used to develop CAV motion controllers. These controllers learn to make efficient and safe lane changing decisions using on-board sensors and inter-vehicle communication. This paper, first presents four overlapping fields that are key to the future of safe self-driving cars: CAVs, motion control, RL, and safe control. It then defines the requirements for a safe CAV controller. These are used firstly to compare applications of Multi-Agent Reinforcement Learning (MARL) to CAV lane change controllers. The requirements are then used to evaluate state-of-the-art safety methods used for RL-based motion controllers. The final section summarises research gaps and possible opportunities for the future development of safe MARL-based CAV motion controllers. In particular, it highlights the requirement to design MARL controllers with continuous control for lane changing. Moreover, as RL algorithms by themselves do not guarantee the level of safety required for such safety-critical applications, it offers insights and challenges to integrate safe RL methods with MARL-based CAV motion controllers.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":" ","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-08-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"42056604","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
Factoring textual reviews into user preferences in multi-criteria based content boosted hybrid filtering (MCCBHF) recommendation system 基于多标准的内容增强混合过滤(MCCBHF)推荐系统中文本评论对用户偏好的影响
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-08-11 DOI: 10.3233/aic-220122
Rajalakshmi Sivanaiah, R. S. Milton, T. T. Mirnalinee
Recommendation systems help customers to find interesting and valuable resources in the internet services. Their priority is to create and examine users’ individual profiles, which contain their preferences, and then update their profile content with additional features to finally increase the users’ satisfaction. Specific characteristics or descriptions and reviews of the items to recommend also play a significant part in identifying the preferences. However, inferring the user’s interest from his activities is a challenging task. Hence it is crucial to identify the interests of the user without the intervention of the user. This work elucidates the effectiveness of textual content together with metadata and explicit ratings in boosting collaborative techniques. In order to infer user’s preferences, metadata content information is boosted with user-features and item-features extracted from the text reviews using sentiment analysis by Vader lexicon-based approach. Before doing sentiment analysis, ironic and sarcastic reviews are removed for better performance since those reviews inverse the polarity of sentiments. Amazon product dataset is used for the analysis. From the text reviews, we identified the reasons that would have led the user to the overall rating given by him, referred to as features of interest (FoI). FoI are formulated as multi-criteria and the ratings for multiple criteria are computed from the single rating given by the user. Multi-Criteria-based Content Boosted Hybrid Filtering techniques (MCCBHF) are devised to analyze the user preferences from their review texts and the ratings. This technique is used to enhance various collaborative filtering methods and the enhanced proposed MCKNN, MCEMF, MCTFM, MCFM techniques provide better personalized product recommendations to users. In the proposed MCCBHF algorithms, MCFM yields better results with the least RMSE value of 1.03 when compared to other algorithms.
推荐系统帮助客户在互联网服务中找到有趣和有价值的资源。他们的首要任务是创建和检查用户的个人配置文件,其中包含他们的偏好,然后用额外的功能更新他们的配置文件内容,最终提高用户的满意度。对要推荐的项目的具体特征或描述和评论在确定偏好方面也起着重要作用。然而,从用户的活动中推断用户的兴趣是一项具有挑战性的任务。因此,在没有用户干预的情况下确定用户的利益是至关重要的。这项工作阐明了文本内容与元数据和显式评级在促进协作技术方面的有效性。为了推断用户的偏好,使用基于维德词典的情感分析方法从文本评论中提取用户特征和项目特征来增强元数据内容信息。在做情绪分析之前,为了更好的表现,讽刺和讽刺的评论被删除,因为这些评论与情绪的极性相反。使用Amazon产品数据集进行分析。从文本评论中,我们确定了导致用户给出总体评分的原因,即兴趣特征(FoI)。FoI被制定为多标准,多个标准的评级是由用户给出的单一评级计算出来的。基于多标准的内容增强混合过滤技术(MCCBHF)是一种基于用户评论文本和评分的用户偏好分析技术。该技术用于增强各种协同过滤方法,增强后的MCKNN, MCEMF, MCTFM, MCFM技术为用户提供更好的个性化产品推荐。在本文提出的MCCBHF算法中,与其他算法相比,MCFM算法的RMSE值最小,为1.03。
{"title":"Factoring textual reviews into user preferences in multi-criteria based content boosted hybrid filtering (MCCBHF) recommendation system","authors":"Rajalakshmi Sivanaiah, R. S. Milton, T. T. Mirnalinee","doi":"10.3233/aic-220122","DOIUrl":"https://doi.org/10.3233/aic-220122","url":null,"abstract":"Recommendation systems help customers to find interesting and valuable resources in the internet services. Their priority is to create and examine users’ individual profiles, which contain their preferences, and then update their profile content with additional features to finally increase the users’ satisfaction. Specific characteristics or descriptions and reviews of the items to recommend also play a significant part in identifying the preferences. However, inferring the user’s interest from his activities is a challenging task. Hence it is crucial to identify the interests of the user without the intervention of the user. This work elucidates the effectiveness of textual content together with metadata and explicit ratings in boosting collaborative techniques. In order to infer user’s preferences, metadata content information is boosted with user-features and item-features extracted from the text reviews using sentiment analysis by Vader lexicon-based approach. Before doing sentiment analysis, ironic and sarcastic reviews are removed for better performance since those reviews inverse the polarity of sentiments. Amazon product dataset is used for the analysis. From the text reviews, we identified the reasons that would have led the user to the overall rating given by him, referred to as features of interest (FoI). FoI are formulated as multi-criteria and the ratings for multiple criteria are computed from the single rating given by the user. Multi-Criteria-based Content Boosted Hybrid Filtering techniques (MCCBHF) are devised to analyze the user preferences from their review texts and the ratings. This technique is used to enhance various collaborative filtering methods and the enhanced proposed MCKNN, MCEMF, MCTFM, MCFM techniques provide better personalized product recommendations to users. In the proposed MCCBHF algorithms, MCFM yields better results with the least RMSE value of 1.03 when compared to other algorithms.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":"89 6 1","pages":"175-190"},"PeriodicalIF":0.8,"publicationDate":"2023-08-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"83635316","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
How to achieve fair and efficient cooperative vehicle routing? 如何实现公平高效的协同车辆路径?
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-07-28 DOI: 10.3233/aic-220315
Aitor López Sánchez, Marin Lujak, F. Semet, Holger Billhardt
A cooperative is a business entity with the primary objective of providing benefits, services, and goods to its members, who both own and exercise democratic control over it. In the context of a cooperative, a fleet typically consists of vehicles owned by self-concerned individually rational owners who prioritize their own efficiency and the fairness of the system. This fairness refers to how their individual gain aligns with the gain of others. In this paper, we focus on the routing of such cooperative fleets. Considering only the fleet’s efficiency in terms of minimising its overall cost, the studied problem corresponds to the multiple Traveling Salesman Problem (mTSP). However, our interest lies in finding both efficient and fair solutions, so we propose two new variants of this problem that integrate and maximise the fleet’s egalitarian and elitist social welfare. Additionally, to enhance the balance between fleet efficiency and fairness, we propose the systematic elitist and systematic egalitarian social welfare optimisation algorithm. Through simulation results, we observe a wide diversity of routes depending on the approach considered. Therefore, a cooperative may choose a model that best balances its fleet’s efficiency and fairness based on its specific requirements.
合作社是一种商业实体,其主要目标是为其成员提供利益、服务和商品,成员拥有合作社并对合作社实行民主控制。在合作社的背景下,车队通常由自我关注的个体理性车主拥有的车辆组成,他们优先考虑自己的效率和系统的公平性。这种公平性指的是他们的个人利益如何与他人的利益保持一致。本文主要研究此类合作车队的路由问题。只考虑车队的效率和总成本的最小化,所研究的问题对应于多重旅行商问题(mTSP)。然而,我们的兴趣在于找到既有效又公平的解决方案,因此我们提出了这个问题的两个新变体,它们整合并最大化了船队的平等主义和精英主义社会福利。此外,为了加强车队效率与公平之间的平衡,我们提出了系统精英主义和系统平等主义的社会福利优化算法。通过仿真结果,我们观察到根据所考虑的方法的不同,路线的多样性很大。因此,合作社可能会根据其特定需求选择最能平衡其车队效率和公平性的模型。
{"title":"How to achieve fair and efficient cooperative vehicle routing?","authors":"Aitor López Sánchez, Marin Lujak, F. Semet, Holger Billhardt","doi":"10.3233/aic-220315","DOIUrl":"https://doi.org/10.3233/aic-220315","url":null,"abstract":"A cooperative is a business entity with the primary objective of providing benefits, services, and goods to its members, who both own and exercise democratic control over it. In the context of a cooperative, a fleet typically consists of vehicles owned by self-concerned individually rational owners who prioritize their own efficiency and the fairness of the system. This fairness refers to how their individual gain aligns with the gain of others. In this paper, we focus on the routing of such cooperative fleets. Considering only the fleet’s efficiency in terms of minimising its overall cost, the studied problem corresponds to the multiple Traveling Salesman Problem (mTSP). However, our interest lies in finding both efficient and fair solutions, so we propose two new variants of this problem that integrate and maximise the fleet’s egalitarian and elitist social welfare. Additionally, to enhance the balance between fleet efficiency and fairness, we propose the systematic elitist and systematic egalitarian social welfare optimisation algorithm. Through simulation results, we observe a wide diversity of routes depending on the approach considered. Therefore, a cooperative may choose a model that best balances its fleet’s efficiency and fairness based on its specific requirements.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":" ","pages":""},"PeriodicalIF":0.8,"publicationDate":"2023-07-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"45979179","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 the success of transfer learning for genetic programming using DeepInsight feature space alignment 使用DeepInsight特征空间对齐预测遗传规划迁移学习的成功
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-07-28 DOI: 10.3233/aic-230104
L. Trujillo, Joel Nation, Luis Muñoz Delgado, E. Galván
In Transfer Learning (TL) a model that is trained on one problem is used to simplify the learning process on a second problem. TL has achieved impressive results for Deep Learning, but has been scarcely studied in genetic programming (GP). Moreover, predicting when, or why, TL might succeed is an open question. This work presents an approach to determine when two problems might be compatible for TL. This question is studied for TL with GP for the first time, focusing on multiclass classification. Using a set of reference problems, each problem pair is categorized into one of two groups. TL compatible problems are problem pairs where TL was successful, while TL non-compatible problems are problem pairs where TL was unsuccessful, relative to baseline methods. DeepInsight is used to extract a 2D projection of the feature space of each problem, and a similarity measure is computed by registering the feature space representation of both problems. Results show that it is possible to distinguish between both groups with statistical significant results. The proposal does not require model training or inference, and can be applied to problems from different domains, with a different a number of samples, features and classes.
在迁移学习(TL)中,使用在一个问题上训练的模型来简化在第二个问题上的学习过程。TL在深度学习方面取得了令人印象深刻的成果,但在遗传规划(GP)方面却鲜有研究。此外,预测TL何时或为什么会成功是一个悬而未决的问题。这项工作提出了一种确定两个问题何时可以兼容TL的方法。该问题首次针对TL和GP进行了研究,重点是多类分类。使用一组参考问题,将每个问题对分为两组。相对于基线方法,TL兼容问题是TL成功的问题对,而TL不兼容问题是TL失败的问题对。DeepInsight用于提取每个问题的特征空间的二维投影,并通过注册两个问题的特征空间表示来计算相似性度量。结果表明,两组之间的差异具有统计学意义。该建议不需要模型训练或推理,并且可以应用于来自不同领域的问题,具有不同数量的样本,特征和类。
{"title":"Predicting the success of transfer learning for genetic programming using DeepInsight feature space alignment","authors":"L. Trujillo, Joel Nation, Luis Muñoz Delgado, E. Galván","doi":"10.3233/aic-230104","DOIUrl":"https://doi.org/10.3233/aic-230104","url":null,"abstract":"In Transfer Learning (TL) a model that is trained on one problem is used to simplify the learning process on a second problem. TL has achieved impressive results for Deep Learning, but has been scarcely studied in genetic programming (GP). Moreover, predicting when, or why, TL might succeed is an open question. This work presents an approach to determine when two problems might be compatible for TL. This question is studied for TL with GP for the first time, focusing on multiclass classification. Using a set of reference problems, each problem pair is categorized into one of two groups. TL compatible problems are problem pairs where TL was successful, while TL non-compatible problems are problem pairs where TL was unsuccessful, relative to baseline methods. DeepInsight is used to extract a 2D projection of the feature space of each problem, and a similarity measure is computed by registering the feature space representation of both problems. Results show that it is possible to distinguish between both groups with statistical significant results. The proposal does not require model training or inference, and can be applied to problems from different domains, with a different a number of samples, features and classes.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":"4 1","pages":"159-173"},"PeriodicalIF":0.8,"publicationDate":"2023-07-28","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"82364871","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
DL-PCN: Differential learning and parallel convolutional network for action recognition DL-PCN:用于动作识别的差分学习和并行卷积网络
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-06-07 DOI: 10.3233/aic-220268
Qinyang Zeng, Ronghao Dang, Qin Fang, Chengju Liu, Qi Chen
Graph Convolution Network (GCN) algorithms have greatly improved the accuracy of skeleton-based human action recognition. GCN can utilize the spatial information between skeletal joints in subsequent frames better than other deep learning algorithms, which is beneficial for achieving high accuracy. However, the traditional GCN algorithms consume lots of computation for the stack of multiple primary GCN layers. Aiming at solving the problem, we introduce a lightweight network, a Differential Learning and Parallel Convolutional Networks (DL-PCN), whose key modules are Differential Learning (DLM) and the Parallel Convolutional Network (PCN). DLM features a feedforward connection, which carries the error information of GCN modules with the same structure, where GCN and CNN modules directly extract the original information from the input data, making the spatiotemporal information extracted by these modules more complete than that of GCN and CNN tandem structure. PCN comprises GCN and Convolution Neural Network (CNN) in parallel. Our network achieves comparable performance on the NTU RGB+D 60 dataset, the NTU RGB+D 120 dataset and the Northwestern-UCLA dataset while considering both accuracy and calculation parameters.
图卷积网络(GCN)算法极大地提高了基于骨骼的人体动作识别的准确性。GCN比其他深度学习算法能更好地利用后续帧中骨骼关节间的空间信息,有利于实现较高的准确率。然而,传统的GCN算法对于多个主GCN层的堆栈需要消耗大量的计算量。为了解决这一问题,我们引入了一种轻量级网络——差分学习与并行卷积网络(DL-PCN),其关键模块是差分学习(DLM)和并行卷积网络(PCN)。DLM具有前馈连接的特点,它携带了具有相同结构的GCN模块的错误信息,其中GCN和CNN模块直接从输入数据中提取原始信息,使得这些模块提取的时空信息比GCN和CNN串联结构提取的时空信息更完整。PCN由GCN和卷积神经网络(CNN)并行组成。在考虑精度和计算参数的情况下,我们的网络在NTU RGB+D 60数据集、NTU RGB+D 120数据集和西北加州大学洛杉矶分校数据集上取得了相当的性能。
{"title":"DL-PCN: Differential learning and parallel convolutional network for action recognition","authors":"Qinyang Zeng, Ronghao Dang, Qin Fang, Chengju Liu, Qi Chen","doi":"10.3233/aic-220268","DOIUrl":"https://doi.org/10.3233/aic-220268","url":null,"abstract":"Graph Convolution Network (GCN) algorithms have greatly improved the accuracy of skeleton-based human action recognition. GCN can utilize the spatial information between skeletal joints in subsequent frames better than other deep learning algorithms, which is beneficial for achieving high accuracy. However, the traditional GCN algorithms consume lots of computation for the stack of multiple primary GCN layers. Aiming at solving the problem, we introduce a lightweight network, a Differential Learning and Parallel Convolutional Networks (DL-PCN), whose key modules are Differential Learning (DLM) and the Parallel Convolutional Network (PCN). DLM features a feedforward connection, which carries the error information of GCN modules with the same structure, where GCN and CNN modules directly extract the original information from the input data, making the spatiotemporal information extracted by these modules more complete than that of GCN and CNN tandem structure. PCN comprises GCN and Convolution Neural Network (CNN) in parallel. Our network achieves comparable performance on the NTU RGB+D 60 dataset, the NTU RGB+D 120 dataset and the Northwestern-UCLA dataset while considering both accuracy and calculation parameters.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":"29 1","pages":"235-249"},"PeriodicalIF":0.8,"publicationDate":"2023-06-07","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"81230678","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
FI-FPN: Feature-integration feature pyramid network for object detection FI-FPN:用于目标检测的特征集成特征金字塔网络
IF 0.8 4区 计算机科学 Q4 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-06-05 DOI: 10.3233/aic-220183
Qichen Su, Guangjian Zhang, Shuang Wu, Yiming Yin
The multi-layer feature pyramid structure, represented by FPN, is widely used in object detection. However, due to the aliasing effect brought by up-sampling, the current feature pyramid structure still has defects, such as loss of high-level feature information and weakening of low-level small object features. In this paper, we propose FI-FPN to solve these problems, which is mainly composed of a multi-receptive field fusion (MRF) module, contextual information filtering (CIF) module, and efficient semantic information fusion (ESF) module. Particularly, MRF stacks dilated convolutional layers and max-pooling layers to obtain receptive fields of different scales, reducing the information loss of high-level features; CIF introduces a channel attention mechanism, and the channel attention weights are reassigned; ESF introduces channel concatenation instead of element-wise operation for bottom-up feature fusion and alleviating aliasing effects, facilitating efficient information flow. Experiments show that under the ResNet50 backbone, our method improves the performance of Faster RCNN and RetinaNet by 3.5 and 4.6 mAP, respectively. Our method has competitive performance compared to other advanced methods.
以FPN为代表的多层特征金字塔结构在目标检测中得到了广泛应用。然而,由于上采样带来的混叠效应,目前的特征金字塔结构仍然存在缺失高层特征信息和底层小目标特征弱化等缺陷。本文提出的FI-FPN主要由多感受场融合(MRF)模块、上下文信息过滤(CIF)模块和高效语义信息融合(ESF)模块组成。特别是,MRF将扩展卷积层和最大池化层叠加在一起,获得不同尺度的感受场,减少了高级特征的信息损失;CIF引入了信道关注机制,重新分配了信道关注权重;ESF采用通道连接而不是元素操作,用于自底向上的特征融合和减轻混叠效应,促进有效的信息流动。实验表明,在ResNet50骨干网下,我们的方法将Faster RCNN和RetinaNet的性能分别提高了3.5 mAP和4.6 mAP。与其他先进的方法相比,我们的方法具有竞争力。
{"title":"FI-FPN: Feature-integration feature pyramid network for object detection","authors":"Qichen Su, Guangjian Zhang, Shuang Wu, Yiming Yin","doi":"10.3233/aic-220183","DOIUrl":"https://doi.org/10.3233/aic-220183","url":null,"abstract":"The multi-layer feature pyramid structure, represented by FPN, is widely used in object detection. However, due to the aliasing effect brought by up-sampling, the current feature pyramid structure still has defects, such as loss of high-level feature information and weakening of low-level small object features. In this paper, we propose FI-FPN to solve these problems, which is mainly composed of a multi-receptive field fusion (MRF) module, contextual information filtering (CIF) module, and efficient semantic information fusion (ESF) module. Particularly, MRF stacks dilated convolutional layers and max-pooling layers to obtain receptive fields of different scales, reducing the information loss of high-level features; CIF introduces a channel attention mechanism, and the channel attention weights are reassigned; ESF introduces channel concatenation instead of element-wise operation for bottom-up feature fusion and alleviating aliasing effects, facilitating efficient information flow. Experiments show that under the ResNet50 backbone, our method improves the performance of Faster RCNN and RetinaNet by 3.5 and 4.6 mAP, respectively. Our method has competitive performance compared to other advanced methods.","PeriodicalId":50835,"journal":{"name":"AI Communications","volume":"2004 1","pages":"191-203"},"PeriodicalIF":0.8,"publicationDate":"2023-06-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78269722","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
期刊
AI Communications
全部 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