首页 > 最新文献

Neural Processing Letters最新文献

英文 中文
Label-Only Membership Inference Attack Based on Model Explanation 基于模型解释的仅标签成员推理攻击
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-18 DOI: 10.1007/s11063-024-11682-1
Yao Ma, Xurong Zhai, Dan Yu, Yuli Yang, Xingyu Wei, Yongle Chen

It is well known that machine learning models (e.g., image recognition) can unintentionally leak information about the training set. Conventional membership inference relies on posterior vectors, and this task becomes extremely difficult when the posterior is masked. However, current label-only membership inference attacks require a large number of queries during the generation of adversarial samples, and thus incorrect inference generates a large number of invalid queries. Therefore, we introduce a label-only membership inference attack based on model explanations. It can transform a label-only attack into a traditional membership inference attack by observing neighborhood consistency and perform fine-grained membership inference for vulnerable samples. We use feature attribution to simplify the high-dimensional neighborhood sampling process, quickly identify decision boundaries and recover a posteriori vectors. It also compares different privacy risks faced by different samples through finding vulnerable samples. The method is validated on CIFAR-10, CIFAR-100 and MNIST datasets. The results show that membership attributes can be identified even using a simple sampling method. Furthermore, vulnerable samples expose the model to greater privacy risks.

众所周知,机器学习模型(如图像识别)会无意中泄露训练集的信息。传统的成员推断依赖于后验向量,当后验向量被掩盖时,这项任务就变得异常困难。然而,目前的纯标签成员推断攻击在生成对抗样本时需要大量查询,因此错误的推断会产生大量无效查询。因此,我们引入了一种基于模型解释的纯标签成员推理攻击。它可以通过观察邻域一致性将纯标签攻击转化为传统的成员推断攻击,并对脆弱样本执行细粒度成员推断。我们利用特征归因来简化高维邻域采样过程,快速识别决策边界并恢复后验向量。它还通过寻找易受攻击样本,比较不同样本面临的不同隐私风险。该方法在 CIFAR-10、CIFAR-100 和 MNIST 数据集上进行了验证。结果表明,即使使用简单的抽样方法,也能识别成员属性。此外,脆弱样本会使模型面临更大的隐私风险。
{"title":"Label-Only Membership Inference Attack Based on Model Explanation","authors":"Yao Ma, Xurong Zhai, Dan Yu, Yuli Yang, Xingyu Wei, Yongle Chen","doi":"10.1007/s11063-024-11682-1","DOIUrl":"https://doi.org/10.1007/s11063-024-11682-1","url":null,"abstract":"<p>It is well known that machine learning models (e.g., image recognition) can unintentionally leak information about the training set. Conventional membership inference relies on posterior vectors, and this task becomes extremely difficult when the posterior is masked. However, current label-only membership inference attacks require a large number of queries during the generation of adversarial samples, and thus incorrect inference generates a large number of invalid queries. Therefore, we introduce a label-only membership inference attack based on model explanations. It can transform a label-only attack into a traditional membership inference attack by observing neighborhood consistency and perform fine-grained membership inference for vulnerable samples. We use feature attribution to simplify the high-dimensional neighborhood sampling process, quickly identify decision boundaries and recover a posteriori vectors. It also compares different privacy risks faced by different samples through finding vulnerable samples. The method is validated on CIFAR-10, CIFAR-100 and MNIST datasets. The results show that membership attributes can be identified even using a simple sampling method. Furthermore, vulnerable samples expose the model to greater privacy risks.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142269527","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 Robot Ground Medium Classification Algorithm Based on Feature Fusion and Adaptive Spatio-Temporal Cascade Networks 基于特征融合和自适应时空级联网络的机器人地面介质分类算法
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-17 DOI: 10.1007/s11063-024-11679-w
Changqun Feng, Keming Dong, Xinyu Ou

With technological advancements and scientific progress, mobile robots have found widespread applications across various fields. To enable robots to perform tasks safely and effectively in diverse and unknown environments, this paper proposes a ground medium classification algorithm for robots based on feature fusion and an adaptive spatio-temporal cascade network. Specifically, the original directional features in the dataset are first transformed into quaternion form. Then, spatio-temporal forward and reverse neighbors are identified using KD trees, and their connection strengths are evaluated via a kernel density estimation algorithm to determine the final set of neighbors. Subsequently, based on the connection strengths determined in the previous step, we perform noise reduction on the features using discrete wavelet transform. The noise-reduced features are then weighted and fused to generate a new feature representation.After feature fusion, the Adaptive Dynamic Convolutional Neural Network (ADC) proposed in this paper is cascaded with the Long Short-Term Memory (LSTM) network to further extract hybrid spatio-temporal feature information from the dataset, culminating in the final terrain classification. Experiments on the terrain type classification dataset demonstrate that our method achieves an average accuracy of 97.46% and an AUC of 99.80%, significantly outperforming other commonly used algorithms in the field. Furthermore, the effectiveness of each module in the proposed method is further demonstrated through ablation experiments.

随着技术进步和科学发展,移动机器人已广泛应用于各个领域。为了使机器人能够在多样化的未知环境中安全有效地执行任务,本文提出了一种基于特征融合和自适应时空级联网络的机器人地面介质分类算法。具体来说,首先将数据集中的原始方向特征转换为四元数形式。然后,使用 KD 树识别时空正向和反向邻居,并通过核密度估计算法评估它们的连接强度,以确定最终的邻居集。随后,根据上一步确定的连接强度,我们使用离散小波变换对特征进行降噪处理。特征融合后,本文提出的自适应动态卷积神经网络(ADC)将与长短期记忆(LSTM)网络级联,进一步从数据集中提取混合时空特征信息,最终完成地形分类。在地形类型分类数据集上的实验表明,我们的方法达到了 97.46% 的平均准确率和 99.80% 的 AUC,明显优于该领域其他常用算法。此外,我们还通过烧蚀实验进一步证明了所提方法中每个模块的有效性。
{"title":"A Robot Ground Medium Classification Algorithm Based on Feature Fusion and Adaptive Spatio-Temporal Cascade Networks","authors":"Changqun Feng, Keming Dong, Xinyu Ou","doi":"10.1007/s11063-024-11679-w","DOIUrl":"https://doi.org/10.1007/s11063-024-11679-w","url":null,"abstract":"<p>With technological advancements and scientific progress, mobile robots have found widespread applications across various fields. To enable robots to perform tasks safely and effectively in diverse and unknown environments, this paper proposes a ground medium classification algorithm for robots based on feature fusion and an adaptive spatio-temporal cascade network. Specifically, the original directional features in the dataset are first transformed into quaternion form. Then, spatio-temporal forward and reverse neighbors are identified using KD trees, and their connection strengths are evaluated via a kernel density estimation algorithm to determine the final set of neighbors. Subsequently, based on the connection strengths determined in the previous step, we perform noise reduction on the features using discrete wavelet transform. The noise-reduced features are then weighted and fused to generate a new feature representation.After feature fusion, the Adaptive Dynamic Convolutional Neural Network (ADC) proposed in this paper is cascaded with the Long Short-Term Memory (LSTM) network to further extract hybrid spatio-temporal feature information from the dataset, culminating in the final terrain classification. Experiments on the terrain type classification dataset demonstrate that our method achieves an average accuracy of 97.46% and an AUC of 99.80%, significantly outperforming other commonly used algorithms in the field. Furthermore, the effectiveness of each module in the proposed method is further demonstrated through ablation experiments.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142266230","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 Deep Learning-Based Hybrid CNN-LSTM Model for Location-Aware Web Service Recommendation 用于位置感知网络服务推荐的基于深度学习的混合 CNN-LSTM 模型
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-16 DOI: 10.1007/s11063-024-11687-w
Ankur Pandey, Praveen Kumar Mannepalli, Manish Gupta, Ramraj Dangi, Gaurav Choudhary

Advertising is the most crucial part of all social networking sites. The phenomenal rise of social media has resulted in a general increase in the availability of customer tastes and preferences, which is a positive development. This information may be used to improve the service that is offered to users as well as target advertisements for customers who already utilize the service. It is essential while delivering relevant advertisements to consumers, to take into account the geographic location of the consumers. Customers will be ecstatic if the offerings displayed to them are merely available in their immediate vicinity. As the user’s requirements will vary from place to place, location-based services are necessary for gathering this essential data. To get users to stop thinking about where they are and instead focus on an ad, location-based advertising (LBA) uses their mobile device’s GPS to pinpoint nearby businesses and provide useful information. Due to the increased two-way communication between the marketer and the user, mobile consumers’ privacy concerns and personalization issues are becoming more of a barrier. In this research, we developed a collaborative filtering-based hybrid CNN-LSTM model for recommending geographically relevant online services using deep neural networks. The proposed hybrid model is made using two neural networks, i.e., CNN and LSTM. Geographical information systems (GIS) are used to acquire initial location data to collect precise locational details. The proposed LBA for GIS is built in a Python simulation environment for evaluation. Hybrid CNN-LSTM recommendation performance beats existing location-aware service recommender systems in large simulations based on the WS dream dataset.

广告是所有社交网站最重要的组成部分。社交媒体的迅速崛起导致客户品味和偏好的普遍增加,这是一个积极的发展。这些信息可用于改进为用户提供的服务,以及为已经使用服务的客户提供有针对性的广告。在向消费者提供相关广告时,必须考虑到消费者的地理位置。如果向客户展示的产品仅在其附近提供,客户会欣喜若狂。由于用户的需求因地而异,基于地理位置的服务对于收集这些重要数据十分必要。为了让用户停止思考自己身在何处,转而关注广告,基于位置的广告(LBA)利用移动设备的 GPS 定位附近的商家并提供有用的信息。由于营销人员和用户之间的双向交流越来越多,移动消费者对隐私和个性化问题的担忧也越来越成为障碍。在这项研究中,我们利用深度神经网络开发了一种基于协同过滤的混合 CNN-LSTM 模型,用于推荐地理位置相关的在线服务。所提出的混合模型使用了两种神经网络,即 CNN 和 LSTM。地理信息系统(GIS)用于获取初始位置数据,以收集精确的位置细节。我们在 Python 仿真环境中构建了针对地理信息系统的 LBA 模型,并对其进行了评估。在基于 WS dream 数据集的大型模拟中,CNN-LSTM 混合推荐性能优于现有的位置感知服务推荐系统。
{"title":"A Deep Learning-Based Hybrid CNN-LSTM Model for Location-Aware Web Service Recommendation","authors":"Ankur Pandey, Praveen Kumar Mannepalli, Manish Gupta, Ramraj Dangi, Gaurav Choudhary","doi":"10.1007/s11063-024-11687-w","DOIUrl":"https://doi.org/10.1007/s11063-024-11687-w","url":null,"abstract":"<p>Advertising is the most crucial part of all social networking sites. The phenomenal rise of social media has resulted in a general increase in the availability of customer tastes and preferences, which is a positive development. This information may be used to improve the service that is offered to users as well as target advertisements for customers who already utilize the service. It is essential while delivering relevant advertisements to consumers, to take into account the geographic location of the consumers. Customers will be ecstatic if the offerings displayed to them are merely available in their immediate vicinity. As the user’s requirements will vary from place to place, location-based services are necessary for gathering this essential data. To get users to stop thinking about where they are and instead focus on an ad, location-based advertising (LBA) uses their mobile device’s GPS to pinpoint nearby businesses and provide useful information. Due to the increased two-way communication between the marketer and the user, mobile consumers’ privacy concerns and personalization issues are becoming more of a barrier. In this research, we developed a collaborative filtering-based hybrid CNN-LSTM model for recommending geographically relevant online services using deep neural networks. The proposed hybrid model is made using two neural networks, i.e., CNN and LSTM. Geographical information systems (GIS) are used to acquire initial location data to collect precise locational details. The proposed LBA for GIS is built in a Python simulation environment for evaluation. Hybrid CNN-LSTM recommendation performance beats existing location-aware service recommender systems in large simulations based on the WS dream dataset.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-16","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142266229","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 Clustering Pruning Method Based on Multidimensional Channel Information 基于多维信道信息的聚类剪枝方法
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-10 DOI: 10.1007/s11063-024-11684-z
Sun Chuanmeng, Chen Jiaxin, Wu Zhibo, Li Yong, Ma Tiehua

Pruning convolutional neural networks offers a promising solution to mitigate the computational complexity challenges encountered during application deployment. However, prevalent pruning techniques primarily concentrate on model parameters or feature mapping analysis to devise static pruning strategies, often overlooking the underlying feature extraction capacity of convolutional kernels. To address this, the study first quantitatively expresses the feature extraction capability of convolutional channels from three aspects: global features, distribution metrics, and directional metrics. It explores the multi-dimensional information of the channels, calculates the overall expectation, variance, and cosine distance from the unit vector as the quantitative results of the channels. Subsequently, a clustering algorithm is employed to categorize the multidimensional information. This approach ensures that convolutional channels grouped within each cluster possess similar feature extraction capabilities. An enhanced differential evolutionary algorithm is utilized to optimize the number of clustering centers across all convolutional layers, ensuring optimal grouping. The final step involves achieving channel sparsification through the calculation of crowding distances for each sample within its designated cluster. This preserves a diverse subset of channels that are critical for maintaining model accuracy. Extensive empirical evaluations conducted on three benchmark image classification datasets demonstrate the efficacy of this method. For instance, on the ImageNet dataset, the ResNet-50 model experiences a substantial reduction in FLOPs by 58.43% while incurring a minimal decrease in TOP-1 accuracy of only 1.15%.

剪枝卷积神经网络为缓解应用部署过程中遇到的计算复杂性挑战提供了一种前景广阔的解决方案。然而,目前流行的剪枝技术主要集中于模型参数或特征映射分析,以设计静态剪枝策略,往往忽略了卷积核的基本特征提取能力。针对这一问题,本研究首先从全局特征、分布度量和方向度量三个方面定量表达了卷积通道的特征提取能力。研究探索了通道的多维信息,计算出单位向量的总期望、方差和余弦距离,作为通道的定量结果。随后,采用聚类算法对多维信息进行分类。这种方法可确保每个聚类中的卷积信道具有相似的特征提取能力。增强型差分进化算法用于优化所有卷积层的聚类中心数量,确保最佳分组。最后一步是通过计算指定聚类中每个样本的拥挤距离来实现通道稀疏化。这就保留了对保持模型准确性至关重要的多样化通道子集。在三个基准图像分类数据集上进行的广泛经验评估证明了这种方法的有效性。例如,在 ImageNet 数据集上,ResNet-50 模型的 FLOPs 大幅减少了 58.43%,而 TOP-1 准确率仅下降了 1.15%。
{"title":"A Clustering Pruning Method Based on Multidimensional Channel Information","authors":"Sun Chuanmeng, Chen Jiaxin, Wu Zhibo, Li Yong, Ma Tiehua","doi":"10.1007/s11063-024-11684-z","DOIUrl":"https://doi.org/10.1007/s11063-024-11684-z","url":null,"abstract":"<p>Pruning convolutional neural networks offers a promising solution to mitigate the computational complexity challenges encountered during application deployment. However, prevalent pruning techniques primarily concentrate on model parameters or feature mapping analysis to devise static pruning strategies, often overlooking the underlying feature extraction capacity of convolutional kernels. To address this, the study first quantitatively expresses the feature extraction capability of convolutional channels from three aspects: global features, distribution metrics, and directional metrics. It explores the multi-dimensional information of the channels, calculates the overall expectation, variance, and cosine distance from the unit vector as the quantitative results of the channels. Subsequently, a clustering algorithm is employed to categorize the multidimensional information. This approach ensures that convolutional channels grouped within each cluster possess similar feature extraction capabilities. An enhanced differential evolutionary algorithm is utilized to optimize the number of clustering centers across all convolutional layers, ensuring optimal grouping. The final step involves achieving channel sparsification through the calculation of crowding distances for each sample within its designated cluster. This preserves a diverse subset of channels that are critical for maintaining model accuracy. Extensive empirical evaluations conducted on three benchmark image classification datasets demonstrate the efficacy of this method. For instance, on the ImageNet dataset, the ResNet-50 model experiences a substantial reduction in FLOPs by 58.43% while incurring a minimal decrease in TOP-1 accuracy of only 1.15%.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142210816","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 Neural Network-Based Poisson Solver for Fluid Simulation 基于神经网络的流体模拟泊松求解器
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-10 DOI: 10.1007/s11063-024-11620-1
Zichao Jiang, Zhuolin Wang, Qinghe Yao, Gengchao Yang, Yi Zhang, Junyang Jiang

The pressure Poisson equation is usually the most time-consuming problem in fluid simulation. To accelerate its solving process, we propose a deep neural network-based numerical method, termed Deep Residual Iteration Method (DRIM), in this paper. Firstly, the global equation is decomposed into multiple independent tridiagonal sub-equations, and DRIM is capable of solving all the sub-equations simultaneously. Moreover, we employed Residual Network and a correction iteration method to improve the precision of the solution achieved by the neural network in DRIM. The numerical results, including the Poiseuille flow, the backwards-facing step flow, and driven cavity flow, have proven that the numerical precision of DRIM is comparable to that of classic solvers. In these numerical cases, the DRIM-based algorithm is about 2–10 times faster than the conventional method, which indicates that DRIM has promising applications in large-scale problems.

压力泊松方程通常是流体模拟中最耗时的问题。为了加快其求解过程,我们在本文中提出了一种基于深度神经网络的数值方法,即深度残差迭代法(DRIM)。首先,将全局方程分解为多个独立的三对角子方程,DRIM 能够同时求解所有子方程。此外,我们还采用了残差网络和修正迭代法来提高 DRIM 中神经网络求解的精度。包括 Poiseuille 流、后向阶梯流和驱动腔流在内的数值结果证明,DRIM 的数值精度与经典求解器相当。在这些数值案例中,基于 DRIM 的算法比传统方法快约 2-10 倍,这表明 DRIM 在大规模问题中具有广阔的应用前景。
{"title":"A Neural Network-Based Poisson Solver for Fluid Simulation","authors":"Zichao Jiang, Zhuolin Wang, Qinghe Yao, Gengchao Yang, Yi Zhang, Junyang Jiang","doi":"10.1007/s11063-024-11620-1","DOIUrl":"https://doi.org/10.1007/s11063-024-11620-1","url":null,"abstract":"<p>The pressure Poisson equation is usually the most time-consuming problem in fluid simulation. To accelerate its solving process, we propose a deep neural network-based numerical method, termed Deep Residual Iteration Method (DRIM), in this paper. Firstly, the global equation is decomposed into multiple independent tridiagonal sub-equations, and DRIM is capable of solving all the sub-equations simultaneously. Moreover, we employed Residual Network and a correction iteration method to improve the precision of the solution achieved by the neural network in DRIM. The numerical results, including the Poiseuille flow, the backwards-facing step flow, and driven cavity flow, have proven that the numerical precision of DRIM is comparable to that of classic solvers. In these numerical cases, the DRIM-based algorithm is about 2–10 times faster than the conventional method, which indicates that DRIM has promising applications in large-scale problems.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142210817","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
Distance Enhanced Hypergraph Learning for Dynamic Node Classification 用于动态节点分类的距离增强超图学习
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-09 DOI: 10.1007/s11063-024-11645-6
Dengfeng Liu, Zhiqiang Pan, Shengze Hu, Fei Cai

Dynamic node classification aims to predict the labels of nodes in the dynamic networks. Existing methods primarily utilize the graph neural networks to acquire the node features and original graph structure features. However, these approaches ignore the high-order relationships between nodes and may lead to the over-smoothing issue. To address these issues, we propose a distance enhanced hypergraph learning (DEHL) method for dynamic node classification. Specifically, we first propose a time-adaptive pre-training component to generate the time-aware representations of each node. Then we utilize a dual-channel convolution module to construct the local and global hypergraphs which contain the corresponding local and global high-order relationships. Moreover, we adopt the K-nearest neighbor algorithm to construct the global hypergraph in the embedding space. After that, we adopt the node convolution and hyperedge convolution to aggregate the features of neighbors on the hypergraphs to the target node. Finally, we combine the temporal representations and the distance enhanced representations of the target node to predict its label. In addition, we conduct extensive experiments on two public dynamic graph datasets, i.e., Wikipedia and Reddit. The experimental results show that DEHL outperforms the state-of-the-art baselines in terms of AUC.

动态节点分类旨在预测动态网络中节点的标签。现有方法主要利用图神经网络获取节点特征和原始图结构特征。然而,这些方法忽略了节点之间的高阶关系,可能会导致过度平滑问题。为了解决这些问题,我们提出了一种用于动态节点分类的距离增强超图学习(DEHL)方法。具体来说,我们首先提出了一个时间适应性预训练组件,以生成每个节点的时间感知表征。然后,我们利用双通道卷积模块构建本地和全局超图,其中包含相应的本地和全局高阶关系。此外,我们还采用 K 最近邻算法来构建嵌入空间中的全局超图。然后,我们采用节点卷积和超边缘卷积将超图上的邻居特征聚合到目标节点。最后,我们结合目标节点的时间表示和距离增强表示来预测其标签。此外,我们还在维基百科和 Reddit 这两个公共动态图数据集上进行了大量实验。实验结果表明,DEHL 的 AUC 优于最先进的基线。
{"title":"Distance Enhanced Hypergraph Learning for Dynamic Node Classification","authors":"Dengfeng Liu, Zhiqiang Pan, Shengze Hu, Fei Cai","doi":"10.1007/s11063-024-11645-6","DOIUrl":"https://doi.org/10.1007/s11063-024-11645-6","url":null,"abstract":"<p>Dynamic node classification aims to predict the labels of nodes in the dynamic networks. Existing methods primarily utilize the graph neural networks to acquire the node features and original graph structure features. However, these approaches ignore the high-order relationships between nodes and may lead to the over-smoothing issue. To address these issues, we propose a distance enhanced hypergraph learning (DEHL) method for dynamic node classification. Specifically, we first propose a time-adaptive pre-training component to generate the time-aware representations of each node. Then we utilize a dual-channel convolution module to construct the local and global hypergraphs which contain the corresponding local and global high-order relationships. Moreover, we adopt the K-nearest neighbor algorithm to construct the global hypergraph in the embedding space. After that, we adopt the node convolution and hyperedge convolution to aggregate the features of neighbors on the hypergraphs to the target node. Finally, we combine the temporal representations and the distance enhanced representations of the target node to predict its label. In addition, we conduct extensive experiments on two public dynamic graph datasets, i.e., Wikipedia and Reddit. The experimental results show that DEHL outperforms the state-of-the-art baselines in terms of AUC.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-09","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142210818","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
An Adaptive Missing Data Restoration Method for UAV Confrontation Based on Deep Regression Model 基于深度回归模型的无人机对抗自适应缺失数据恢复方法
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-05 DOI: 10.1007/s11063-024-11690-1
Huan Wang, Xu Zhou, Xiaofeng Liu

Completing missions with autonomous decision-making unmanned aerial vehicles (UAV) is a development direction for future battlefields. UAV make decisions based on battlefield situation information collected by sensors and can quickly and accurately perform complex tasks such as path planning, cooperative reconnaissance, cooperative pursuit and attacks. Obtaining real-time situation information of enemy is the basis for realizing autonomous decision-making of the UAV. However, in practice, due to internal sensor failure or interference of enemy, the acquired situation information is prone to be missing, which affects the training and decision-making of autonomous UAV. In this paper, an adaptive missing situation data restoration method for UAV confrontation is proposed. The UAV confrontation situation data are acquired through JSBSim, an open-source UAV simulation platform. By fusing temporal convolutional network and long short-term memory sequences, we establish a deep regression method for missing data restoration and introduce an adaptive mechanism to reduce the training time of the restoration model in response to dynamic changes in the enemy’s strategy during UAV confrontation. In addition, we evaluate the reliability of the proposed method by comparing with different baseline models under different degrees of data missing conditions. The performance of our method is quantified by five metrics. The performance of our proposed method is better than the other benchmark algorithms. The experimental results show that the proposed method can solve the missing data restoration problem and provide reliable situation data while effectively reducing the training time of the restoration model.

利用自主决策无人飞行器(UAV)完成任务是未来战场的一个发展方向。无人机根据传感器采集的战场态势信息进行决策,可以快速准确地完成路径规划、协同侦察、协同追击和攻击等复杂任务。实时获取敌情信息是实现无人机自主决策的基础。但在实际应用中,由于内部传感器故障或敌方干扰等原因,获取的态势信息容易缺失,影响自主无人机的训练和决策。本文提出了一种无人机对抗自适应缺失态势数据恢复方法。无人机对抗态势数据通过开源无人机仿真平台 JSBSim 获取。通过融合时序卷积网络和长短时记忆序列,我们建立了一种用于缺失数据恢复的深度回归方法,并引入了一种自适应机制来减少恢复模型的训练时间,以应对无人机对抗过程中敌方策略的动态变化。此外,我们还通过与不同基线模型在不同数据缺失程度条件下的比较,评估了所提方法的可靠性。我们通过五个指标来量化我们方法的性能。我们提出的方法的性能优于其他基准算法。实验结果表明,我们提出的方法可以解决缺失数据修复问题,并提供可靠的情况数据,同时有效减少了修复模型的训练时间。
{"title":"An Adaptive Missing Data Restoration Method for UAV Confrontation Based on Deep Regression Model","authors":"Huan Wang, Xu Zhou, Xiaofeng Liu","doi":"10.1007/s11063-024-11690-1","DOIUrl":"https://doi.org/10.1007/s11063-024-11690-1","url":null,"abstract":"<p>Completing missions with autonomous decision-making unmanned aerial vehicles (UAV) is a development direction for future battlefields. UAV make decisions based on battlefield situation information collected by sensors and can quickly and accurately perform complex tasks such as path planning, cooperative reconnaissance, cooperative pursuit and attacks. Obtaining real-time situation information of enemy is the basis for realizing autonomous decision-making of the UAV. However, in practice, due to internal sensor failure or interference of enemy, the acquired situation information is prone to be missing, which affects the training and decision-making of autonomous UAV. In this paper, an adaptive missing situation data restoration method for UAV confrontation is proposed. The UAV confrontation situation data are acquired through JSBSim, an open-source UAV simulation platform. By fusing temporal convolutional network and long short-term memory sequences, we establish a deep regression method for missing data restoration and introduce an adaptive mechanism to reduce the training time of the restoration model in response to dynamic changes in the enemy’s strategy during UAV confrontation. In addition, we evaluate the reliability of the proposed method by comparing with different baseline models under different degrees of data missing conditions. The performance of our method is quantified by five metrics. The performance of our proposed method is better than the other benchmark algorithms. The experimental results show that the proposed method can solve the missing data restoration problem and provide reliable situation data while effectively reducing the training time of the restoration model.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142210821","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
Microblog Negative Comments Data Analysis Model Based on Multi-scale Convolutional Neural Network and Weighted Naive Bayes Algorithm 基于多尺度卷积神经网络和加权 Naive Bayes 算法的微博负面评论数据分析模型
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-05 DOI: 10.1007/s11063-024-11688-9
Chunliang Zhou, XiangPei Meng, Zhaoqiang Shen

As a form of public supervision, Microblog’s negative reviews allow people to share their opinions and experiences and express dissatisfaction with unfair and unreasonable phenomena. This form of supervision has the potential to promote social fairness, drive governments, businesses, and individuals to correct mistakes and enhance transparency. To characterize the sentiment trend and determine the influence of Microblog negative reviews, we propose a multi-scale convolutional neural network and weighted naive bayes algorithm (MCNN–WNB). We define the feature vector characterization index for Microblog negative review data and preprocess the data accordingly. We quantify the relationship between attributes and categories using the weighted Naive Bayes method and use the quantification value as the weighting coefficient for the attributes, addressing the issue of decreased classification performance in traditional methods. We introduce a sentiment classification model based on word vector representation and a multi-scale convolutional neural networks to filter out Microblog negative review data. We conduct simulation experiments using real data, analyzing key influencing parameters such as convergence time, training set sample size, and number of categories. By comparing with K-means, Naive Bayes algorithm, Spectral Clustering algorithm and Autoencoder algorithm, we validate the effectiveness of our proposed method. We discover that the convergence time of the MCNN–WNB algorithm increases as the number of categories increases. The average classification accuracy of the algorithm remains relatively stable with varying test iterations. The algorithm’s precision increases with the number of training set samples and eventually stabilizes.

作为公众监督的一种形式,微博的负面评论可以让人们分享自己的看法和经历,表达对不公平、不合理现象的不满。这种监督形式有可能促进社会公平,推动政府、企业和个人改正错误,提高透明度。为了表征微博负面评论的情绪趋势并确定其影响力,我们提出了一种多尺度卷积神经网络和加权奈何贝叶斯算法(MCNN-WNB)。我们定义了微博负面评论数据的特征向量表征指标,并对数据进行了相应的预处理。我们使用加权 Naive Bayes 方法量化属性与类别之间的关系,并将量化值作为属性的加权系数,解决了传统方法中分类性能下降的问题。我们引入了基于词向量表示和多尺度卷积神经网络的情感分类模型,以过滤微博负面评论数据。我们利用真实数据进行了模拟实验,分析了收敛时间、训练集样本大小和类别数量等关键影响参数。通过与 K-means、Naive Bayes 算法、光谱聚类算法和自动编码器算法的比较,我们验证了所提方法的有效性。我们发现,随着类别数量的增加,MCNN-WNB 算法的收敛时间也在增加。随着测试迭代次数的变化,算法的平均分类精度保持相对稳定。该算法的精度随着训练集样本数的增加而提高,并最终趋于稳定。
{"title":"Microblog Negative Comments Data Analysis Model Based on Multi-scale Convolutional Neural Network and Weighted Naive Bayes Algorithm","authors":"Chunliang Zhou, XiangPei Meng, Zhaoqiang Shen","doi":"10.1007/s11063-024-11688-9","DOIUrl":"https://doi.org/10.1007/s11063-024-11688-9","url":null,"abstract":"<p>As a form of public supervision, Microblog’s negative reviews allow people to share their opinions and experiences and express dissatisfaction with unfair and unreasonable phenomena. This form of supervision has the potential to promote social fairness, drive governments, businesses, and individuals to correct mistakes and enhance transparency. To characterize the sentiment trend and determine the influence of Microblog negative reviews, we propose a multi-scale convolutional neural network and weighted naive bayes algorithm (MCNN–WNB). We define the feature vector characterization index for Microblog negative review data and preprocess the data accordingly. We quantify the relationship between attributes and categories using the weighted Naive Bayes method and use the quantification value as the weighting coefficient for the attributes, addressing the issue of decreased classification performance in traditional methods. We introduce a sentiment classification model based on word vector representation and a multi-scale convolutional neural networks to filter out Microblog negative review data. We conduct simulation experiments using real data, analyzing key influencing parameters such as convergence time, training set sample size, and number of categories. By comparing with K-means, Naive Bayes algorithm, Spectral Clustering algorithm and Autoencoder algorithm, we validate the effectiveness of our proposed method. We discover that the convergence time of the MCNN–WNB algorithm increases as the number of categories increases. The average classification accuracy of the algorithm remains relatively stable with varying test iterations. The algorithm’s precision increases with the number of training set samples and eventually stabilizes.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142210819","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
Generation of Rule-Based Explanations of CNN Classifiers Using Regional Features 利用区域特征生成基于规则的 CNN 分类器解释
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-05 DOI: 10.1007/s11063-024-11678-x
William Philipp, R. Yashwanthika, O. K. Sikha, Raul Benitez

Although Deep Learning networks generally outperform traditional machine learning approaches based on tailored features, they often lack explainability. To address this issue, numerous methods have been proposed, particularly for image-related tasks such as image classification or object segmentation. These methods generate a heatmap that visually explains the classification problem by identifying the most important regions for the classifier. However, these explanations remain purely visual. To overcome this limitation, we introduce a novel CNN explainability method that identifies the most relevant regions in an image and generates a decision tree based on meaningful regional features, providing a rule-based explanation of the classification model. We evaluated the proposed method on a synthetic blob’s dataset and subsequently applied it to two cell image classification datasets with healthy and pathological patterns.

尽管深度学习网络通常优于基于定制特征的传统机器学习方法,但它们往往缺乏可解释性。为了解决这个问题,人们提出了许多方法,尤其是针对图像分类或物体分割等与图像相关的任务。这些方法通过识别分类器最重要的区域生成热图,直观地解释分类问题。然而,这些解释仍然是纯视觉性的。为了克服这一局限性,我们引入了一种新颖的 CNN 可解释性方法,它能识别图像中最相关的区域,并根据有意义的区域特征生成决策树,为分类模型提供基于规则的解释。我们在一个合成 Blob 数据集上对所提出的方法进行了评估,随后将其应用于两个具有健康和病理模式的细胞图像分类数据集。
{"title":"Generation of Rule-Based Explanations of CNN Classifiers Using Regional Features","authors":"William Philipp, R. Yashwanthika, O. K. Sikha, Raul Benitez","doi":"10.1007/s11063-024-11678-x","DOIUrl":"https://doi.org/10.1007/s11063-024-11678-x","url":null,"abstract":"<p>Although Deep Learning networks generally outperform traditional machine learning approaches based on tailored features, they often lack explainability. To address this issue, numerous methods have been proposed, particularly for image-related tasks such as image classification or object segmentation. These methods generate a heatmap that visually explains the classification problem by identifying the most important regions for the classifier. However, these explanations remain purely visual. To overcome this limitation, we introduce a novel CNN explainability method that identifies the most relevant regions in an image and generates a decision tree based on meaningful regional features, providing a rule-based explanation of the classification model. We evaluated the proposed method on a synthetic blob’s dataset and subsequently applied it to two cell image classification datasets with healthy and pathological patterns.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-05","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142210820","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
Within-Class Constraint Based Multi-task Autoencoder for One-Class Classification 基于类内约束的单类分类多任务自动编码器
IF 3.1 4区 计算机科学 Q3 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-02 DOI: 10.1007/s11063-024-11681-2
Guojie Xie, Tianlei Wang, Dekang Liu, Wandong Zhang, Xiaoping Lai

Autoencoders (AEs) have attracted much attention in one-class classification (OCC) based unsupervised anomaly detection. The AEs aim to learn the unity features on targets without involving anomalies and thus the targets are expected to obtain smaller reconstruction errors than anomalies. However, AE-based OCC algorithms may suffer from the overgeneralization of AE and fail to detect anomalies that have similar distributions to target data. To address these issues, a novel within-class constraint based multi-task AE (WC-MTAE) is proposed in this paper. WC-MTAE consists of two different task: one for reconstruction and the other for the discrimination-based OCC task. In this way, the encoder is compelled by the OCC task to learn the more compact encoded feature distribution for targets when minimizing OCC loss. Meanwhile, the within-class scatter based penalty term is constructed to further regularize the encoded feature distribution. The aforementioned two improvements enable the unsupervised anomaly detection by the compact encoded features, thereby addressing the issue of the overgeneralization in AEs. Comparisons with several state-of-the-art (SOTA) algorithms on several non-image datasets and an image dataset CIFAR10 are provided where the WC-MTAE is conducted on 3 different network structures including the multilayer perception (MLP), LeNet-type convolution network and full convolution neural network. Extensive experiments demonstrate the superior performance of the proposed WC-MTAE. The source code would be available in future.

自动编码器(AE)在基于单类分类(OCC)的无监督异常检测中备受关注。自动编码器的目的是在不涉及异常点的情况下学习目标的统一特征,因此目标有望获得比异常点更小的重构误差。然而,基于 AE 的 OCC 算法可能会受到 AE 过度泛化的影响,无法检测到与目标数据分布相似的异常点。为解决这些问题,本文提出了一种新颖的基于类内约束的多任务 AE(WC-MTAE)。WC-MTAE 包括两个不同的任务:一个是重建任务,另一个是基于判别的 OCC 任务。这样,编码器在 OCC 任务的强迫下,在最小化 OCC 损失的情况下为目标学习更紧凑的编码特征分布。同时,还构建了基于类内散点的惩罚项,以进一步规范编码特征分布。通过上述两项改进,可以利用紧凑的编码特征进行无监督异常检测,从而解决 AE 中的过度泛化问题。在几个非图像数据集和一个图像数据集 CIFAR10 上,WC-MTAE 在 3 种不同的网络结构(包括多层感知(MLP)、LeNet 型卷积网络和全卷积神经网络)上与几种最先进的(SOTA)算法进行了比较。广泛的实验证明了所提出的 WC-MTAE 的卓越性能。今后将提供源代码。
{"title":"Within-Class Constraint Based Multi-task Autoencoder for One-Class Classification","authors":"Guojie Xie, Tianlei Wang, Dekang Liu, Wandong Zhang, Xiaoping Lai","doi":"10.1007/s11063-024-11681-2","DOIUrl":"https://doi.org/10.1007/s11063-024-11681-2","url":null,"abstract":"<p>Autoencoders (AEs) have attracted much attention in one-class classification (OCC) based unsupervised anomaly detection. The AEs aim to learn the unity features on targets without involving anomalies and thus the targets are expected to obtain smaller reconstruction errors than anomalies. However, AE-based OCC algorithms may suffer from the overgeneralization of AE and fail to detect anomalies that have similar distributions to target data. To address these issues, a novel within-class constraint based multi-task AE (WC-MTAE) is proposed in this paper. WC-MTAE consists of two different task: one for reconstruction and the other for the discrimination-based OCC task. In this way, the encoder is compelled by the OCC task to learn the more compact encoded feature distribution for targets when minimizing OCC loss. Meanwhile, the within-class scatter based penalty term is constructed to further regularize the encoded feature distribution. The aforementioned two improvements enable the unsupervised anomaly detection by the compact encoded features, thereby addressing the issue of the overgeneralization in AEs. Comparisons with several state-of-the-art (SOTA) algorithms on several non-image datasets and an image dataset CIFAR10 are provided where the WC-MTAE is conducted on 3 different network structures including the multilayer perception (MLP), LeNet-type convolution network and full convolution neural network. Extensive experiments demonstrate the superior performance of the proposed WC-MTAE. The source code would be available in future.</p>","PeriodicalId":51144,"journal":{"name":"Neural Processing Letters","volume":null,"pages":null},"PeriodicalIF":3.1,"publicationDate":"2024-09-02","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142210822","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
期刊
Neural Processing Letters
全部 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