首页 > 最新文献

IEEE Transactions on Knowledge and Data Engineering最新文献

英文 中文
Cross-Domain Graph Level Anomaly Detection 跨域图层异常检测
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-20 DOI: 10.1109/TKDE.2024.3462442
Zhong Li;Sheng Liang;Jiayang Shi;Matthijs van Leeuwen
Existing graph level anomaly detection methods are predominantly unsupervised due to high costs for obtaining labels, yielding sub-optimal detection accuracy when compared to supervised methods. Moreover, they heavily rely on the assumption that the training data exclusively consists of normal graphs. Hence, even the presence of a few anomalous graphs can lead to substantial performance degradation. To alleviate these problems, we propose a cross-domain graph level anomaly detection method, aiming to identify anomalous graphs from a set of unlabeled graphs (target domain) by using easily accessible normal graphs from a different but related domain (source domain). Our method consists of four components: a feature extractor that preserves semantic and topological information of individual graphs while incorporating the distance between different graphs; an adversarial domain classifier to make graph level representations domain-invariant; a one-class classifier to exploit label information in the source domain; and a class aligner to align classes from both domains based on pseudolabels. Experiments on seven benchmark datasets show that the proposed method largely outperforms state-of-the-art methods.
由于获取标签的成本较高,现有的图层异常检测方法主要是无监督的,与有监督的方法相比,检测精度不够理想。此外,这些方法严重依赖于训练数据完全由正常图构成这一假设。因此,即使存在少量异常图,也会导致性能大幅下降。为了缓解这些问题,我们提出了一种跨领域图级异常检测方法,旨在通过使用来自不同但相关领域(源领域)的易于访问的正常图,从一组未标记图(目标领域)中识别异常图。我们的方法由四个部分组成:一个特征提取器,用于保留单个图的语义和拓扑信息,同时结合不同图之间的距离;一个对抗域分类器,用于使图级表示与域无关;一个单类分类器,用于利用源域中的标签信息;以及一个类对齐器,用于根据伪标签对两个域中的类进行对齐。在七个基准数据集上进行的实验表明,所提出的方法在很大程度上优于最先进的方法。
{"title":"Cross-Domain Graph Level Anomaly Detection","authors":"Zhong Li;Sheng Liang;Jiayang Shi;Matthijs van Leeuwen","doi":"10.1109/TKDE.2024.3462442","DOIUrl":"https://doi.org/10.1109/TKDE.2024.3462442","url":null,"abstract":"Existing graph level anomaly detection methods are predominantly unsupervised due to high costs for obtaining labels, yielding sub-optimal detection accuracy when compared to supervised methods. Moreover, they heavily rely on the assumption that the training data exclusively consists of normal graphs. Hence, even the presence of a few anomalous graphs can lead to substantial performance degradation. To alleviate these problems, we propose a \u0000<italic>cross-domain graph level anomaly detection method</i>\u0000, aiming to identify anomalous graphs from a set of unlabeled graphs (\u0000<italic>target domain</i>\u0000) by using easily accessible normal graphs from a different but related domain (\u0000<italic>source domain</i>\u0000). Our method consists of four components: a feature extractor that preserves semantic and topological information of individual graphs while incorporating the distance between different graphs; an adversarial domain classifier to make graph level representations domain-invariant; a one-class classifier to exploit label information in the source domain; and a class aligner to align classes from both domains based on pseudolabels. Experiments on seven benchmark datasets show that the proposed method largely outperforms state-of-the-art methods.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"7839-7850"},"PeriodicalIF":8.9,"publicationDate":"2024-09-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=10684507","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142636475","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Unsupervised Graph Representation Learning Beyond Aggregated View 超越聚合视图的无监督图表示学习
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-19 DOI: 10.1109/TKDE.2024.3418576
Jian Zhou;Jiasheng Li;Li Kuang;Ning Gui
Unsupervised graph representation learning aims to condense graph information into dense vector embeddings to support various downstream tasks. To achieve this goal, existing UGRL approaches mainly adopt the message-passing mechanism to simultaneously incorporate graph topology and node attribute with an aggregated view. However, recent research points out that this direct aggregation may lead to issues such as over-smoothing and/or topology distortion, as topology and node attribute of totally different semantics. To address this issue, this paper proposes a novel Graph Dual-view AutoEncoder framework (GDAE) which introduces the node-wise view for an individual node beyond the traditional aggregated view for aggregation of connected nodes. Specifically, the node-wise view captures the unique characteristics of individual node through a decoupling design, i.e., topology encoding by multi-steps random walk while preserving node-wise individual attribute. Meanwhile, the aggregated view aims to better capture the collective commonality among long-range nodes through an enhanced strategy, i.e., topology masking then attribute aggregation. Extensive experiments on 5 synthetic and 11 real-world benchmark datasets demonstrate that GDAE achieves the best results with up to 49.5% and 21.4% relative improvement in node degree prediction and cut-vertex detection tasks and remains top in node classification and link prediction tasks.
无监督图表示学习旨在将图信息浓缩为密集的向量嵌入,以支持各种下游任务。为实现这一目标,现有的 UGRL 方法主要采用消息传递机制,以聚合视图同时纳入图拓扑和节点属性。然而,最近的研究指出,由于拓扑和节点属性的语义完全不同,这种直接聚合可能会导致过度平滑和/或拓扑失真等问题。为了解决这个问题,本文提出了一种新颖的图形双视图自动编码器框架(GDAE),它在传统的连接节点聚合视图之外,引入了单个节点的节点视图。具体来说,节点视图通过解耦设计捕捉单个节点的独特特征,即在保留节点个体属性的同时,通过多步随机游走进行拓扑编码。同时,聚合视图旨在通过增强策略(即先拓扑屏蔽再属性聚合)更好地捕捉远距离节点之间的集体共性。在 5 个合成数据集和 11 个真实基准数据集上进行的广泛实验表明,GDAE 在节点度预测和切割顶点检测任务中取得了最好的结果,相对改进率高达 49.5% 和 21.4%,而在节点分类和链接预测任务中仍然名列前茅。
{"title":"Unsupervised Graph Representation Learning Beyond Aggregated View","authors":"Jian Zhou;Jiasheng Li;Li Kuang;Ning Gui","doi":"10.1109/TKDE.2024.3418576","DOIUrl":"https://doi.org/10.1109/TKDE.2024.3418576","url":null,"abstract":"Unsupervised graph representation learning aims to condense graph information into dense vector embeddings to support various downstream tasks. To achieve this goal, existing UGRL approaches mainly adopt the message-passing mechanism to simultaneously incorporate graph topology and node attribute with an aggregated view. However, recent research points out that this direct aggregation may lead to issues such as over-smoothing and/or topology distortion, as topology and node attribute of totally different semantics. To address this issue, this paper proposes a novel Graph Dual-view AutoEncoder framework (GDAE) which introduces the node-wise view for an individual node beyond the traditional aggregated view for aggregation of connected nodes. Specifically, the node-wise view captures the unique characteristics of individual node through a decoupling design, i.e., topology encoding by multi-steps random walk while preserving node-wise individual attribute. Meanwhile, the aggregated view aims to better capture the collective commonality among long-range nodes through an enhanced strategy, i.e., topology masking then attribute aggregation. Extensive experiments on 5 synthetic and 11 real-world benchmark datasets demonstrate that GDAE achieves the best results with up to 49.5% and 21.4% relative improvement in node degree prediction and cut-vertex detection tasks and remains top in node classification and link prediction tasks.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"9504-9516"},"PeriodicalIF":8.9,"publicationDate":"2024-09-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142636353","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Information Cascade Popularity Prediction via Probabilistic Diffusion 通过概率扩散进行信息级联流行预测
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-19 DOI: 10.1109/TKDE.2024.3465241
Zhangtao Cheng;Fan Zhou;Xovee Xu;Kunpeng Zhang;Goce Trajcevski;Ting Zhong;Philip S. Yu
Information cascade popularity prediction is an important problem in social network content diffusion analysis. Various facets have been investigated (e.g., diffusion structures and patterns, user influence) and, recently, deep learning models based on sequential architecture and graph neural network (GNN) have been leveraged. However, despite the improvements attained in predicting the future popularity, these methodologies fail to capture two essential aspects inherent to information diffusion: (1) the temporal irregularity of cascade event – i.e., users’ re-tweetings at random and non-periodic time instants; and (2) the inherent uncertainty of the information diffusion. To address these challenges, in this work, we present CasDO – a novel framework for information cascade popularity prediction with probabilistic diffusion models and neural ordinary differential equations (ODEs). We devise a temporal ODE network to generalize the discrete state transitions in RNNs to continuous-time dynamics. CasDO introduces a probabilistic diffusion model to consider the uncertainties in information diffusion by injecting noises in the forwarding process and reconstructing cascade embedding in the reversing process. Extensive experiments that we conducted on three large-scale datasets demonstrate the advantages of the CasDO model over baselines.
信息级联流行度预测是社交网络内容扩散分析中的一个重要问题。人们已经对多个方面(如扩散结构和模式、用户影响力)进行了研究,最近还利用了基于序列架构和图神经网络(GNN)的深度学习模型。然而,尽管在预测未来流行度方面取得了进步,但这些方法未能捕捉到信息扩散固有的两个重要方面:(1) 级联事件的时间不规则性--即用户在随机和非周期性时间瞬间的转发;(2) 信息扩散固有的不确定性。为了应对这些挑战,我们在这项工作中提出了 CasDO--一个利用概率扩散模型和神经常微分方程(ODE)进行信息级联流行度预测的新框架。我们设计了一个时态 ODE 网络,将 RNN 中的离散状态转换概括为连续时间动态。CasDO 引入了概率扩散模型,通过在转发过程中注入噪声和在逆转过程中重建级联嵌入来考虑信息扩散中的不确定性。我们在三个大规模数据集上进行了广泛的实验,证明了 CasDO 模型相对于基线模型的优势。
{"title":"Information Cascade Popularity Prediction via Probabilistic Diffusion","authors":"Zhangtao Cheng;Fan Zhou;Xovee Xu;Kunpeng Zhang;Goce Trajcevski;Ting Zhong;Philip S. Yu","doi":"10.1109/TKDE.2024.3465241","DOIUrl":"https://doi.org/10.1109/TKDE.2024.3465241","url":null,"abstract":"Information cascade popularity prediction is an important problem in social network content diffusion analysis. Various facets have been investigated (e.g., diffusion structures and patterns, user influence) and, recently, deep learning models based on sequential architecture and graph neural network (GNN) have been leveraged. However, despite the improvements attained in predicting the future popularity, these methodologies fail to capture two essential aspects inherent to information diffusion: (1) the temporal irregularity of cascade event – i.e., users’ re-tweetings at random and non-periodic time instants; and (2) the inherent uncertainty of the information diffusion. To address these challenges, in this work, we present CasDO – a novel framework for information cascade popularity prediction with probabilistic diffusion models and neural ordinary differential equations (ODEs). We devise a temporal ODE network to generalize the discrete state transitions in RNNs to continuous-time dynamics. CasDO introduces a probabilistic diffusion model to consider the uncertainties in information diffusion by injecting noises in the forwarding process and reconstructing cascade embedding in the reversing process. Extensive experiments that we conducted on three large-scale datasets demonstrate the advantages of the CasDO model over baselines.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"8541-8555"},"PeriodicalIF":8.9,"publicationDate":"2024-09-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142645547","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
DREAM: Domain-Agnostic Reverse Engineering Attributes of Black-Box Model DREAM:黑盒模型的领域诊断逆向工程属性
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-19 DOI: 10.1109/TKDE.2024.3460806
Rongqing Li;Jiaqi Yu;Changsheng Li;Wenhan Luo;Ye Yuan;Guoren Wang
Deep learning models are usually black boxes when deployed on machine learning platforms. Prior works have shown that the attributes (e.g., the number of convolutional layers) of a target black-box model can be exposed through a sequence of queries. There is a crucial limitation: these works assume the training dataset of the target model is known beforehand and leverage this dataset for model attribute attack. However, it is difficult to access the training dataset of the target black-box model in reality. Therefore, whether the attributes of a target black-box model could be still revealed in this case is doubtful. In this paper, we investigate a new problem of black-box reverse engineering, without requiring the availability of the target model’s training dataset. We put forward a general and principled framework DREAM, by casting this problem as out-of-distribution (OOD) generalization. In this way, we can learn a domain-agnostic meta-model to infer the attributes of the target black-box model with unknown training data. This makes our method one of the kinds that can gracefully apply to an arbitrary domain for model attribute reverse engineering with strong generalization ability. Extensive experimental results demonstrate the superiority of our proposed method over the baselines.
深度学习模型在机器学习平台上部署时通常是黑盒子。先前的研究表明,目标黑盒模型的属性(如卷积层数)可以通过一系列查询暴露出来。但有一个关键的局限性:这些研究假设目标模型的训练数据集是已知的,并利用该数据集进行模型属性攻击。然而,现实中很难获取目标黑盒模型的训练数据集。因此,在这种情况下是否还能揭示目标黑盒模型的属性值得怀疑。在本文中,我们研究了一个新的黑盒逆向工程问题,它不需要目标模型的训练数据集。我们把这个问题归结为分布外泛化(OOD),从而提出了一个通用的原则性框架 DREAM。这样,我们就可以学习一个领域无关的元模型,从而在未知训练数据的情况下推断出目标黑盒模型的属性。这使得我们的方法成为一种可以优雅地应用于任意领域的模型属性逆向工程方法,并具有很强的泛化能力。广泛的实验结果表明,我们提出的方法优于基线方法。
{"title":"DREAM: Domain-Agnostic Reverse Engineering Attributes of Black-Box Model","authors":"Rongqing Li;Jiaqi Yu;Changsheng Li;Wenhan Luo;Ye Yuan;Guoren Wang","doi":"10.1109/TKDE.2024.3460806","DOIUrl":"https://doi.org/10.1109/TKDE.2024.3460806","url":null,"abstract":"Deep learning models are usually black boxes when deployed on machine learning platforms. Prior works have shown that the attributes (e.g., the number of convolutional layers) of a target black-box model can be exposed through a sequence of queries. There is a crucial limitation: these works assume the training dataset of the target model is known beforehand and leverage this dataset for model attribute attack. However, it is difficult to access the training dataset of the target black-box model in reality. Therefore, whether the attributes of a target black-box model could be still revealed in this case is doubtful. In this paper, we investigate a new problem of black-box reverse engineering, without requiring the availability of the target model’s training dataset. We put forward a general and principled framework DREAM, by casting this problem as out-of-distribution (OOD) generalization. In this way, we can learn a domain-agnostic meta-model to infer the attributes of the target black-box model with unknown training data. This makes our method one of the kinds that can gracefully apply to an arbitrary domain for model attribute reverse engineering with strong generalization ability. Extensive experimental results demonstrate the superiority of our proposed method over the baselines.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"8009-8022"},"PeriodicalIF":8.9,"publicationDate":"2024-09-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142636364","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Joint Optimization of Pricing, Dispatching and Repositioning in Ride-Hailing With Multiple Models Interplayed Reinforcement Learning 利用多模型交互强化学习联合优化乘车服务的定价、调度和重新定位
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-19 DOI: 10.1109/TKDE.2024.3464563
Zhongyun Zhang;Lei Yang;Jiajun Yao;Chao Ma;Jianguo Wang
Popular ride-hailing products, such as DiDi, Uber and Lyft, provide people with transportation convenience. Pricing, order dispatching and vehicle repositioning are three tasks with tight correlation and complex interactions in ride-hailing platforms, significantly impacting each other’s decisions and demand distribution or supply distribution. However, no past work considered combining the three tasks to improve platform efficiency. In this paper, we exploit to optimize pricing, dispatching and repositioning strategies simultaneously. Such a new multi-stage decision-making problem is quite challenging because it involves complex coordination and lacks a unified problem model. To address this problem, we propose a novel Joint optimization framework of Pricing, Dispatching and Repositioning (JPDR) integrating contextual bandit and multi-agent deep reinforcement learning. JPDR consists of two components, including a Soft Actor-Critic (SAC)-based centralized policy for dispatching and repositioning and a pricing strategy learned by a multi-armed contextual bandit algorithm based on the feedback from the former. The two components learn in a mutually guided way to achieve joint optimization because their updates are highly interdependent. Based on real-world data, we implement a realistic environment simulator. Extensive experiments conducted on it show our method outperforms state-of-the-art baselines in terms of both gross merchandise volume and success rate.
滴滴、Uber 和 Lyft 等热门叫车产品为人们提供了交通便利。在打车平台中,定价、订单调度和车辆重新定位是三项关联紧密、相互作用复杂的任务,会对彼此的决策、需求分配或供给分配产生重大影响。然而,以往的研究还没有考虑将这三项任务结合起来以提高平台效率。在本文中,我们将同时优化定价、调度和重新定位策略。这种新的多阶段决策问题相当具有挑战性,因为它涉及复杂的协调,而且缺乏统一的问题模型。为了解决这个问题,我们提出了一个新颖的定价、调度和重新定位联合优化框架(JPDR),它整合了情境强盗和多代理深度强化学习。JPDR 由两部分组成,包括基于软行为批判(SAC)的集中调度和重新定位策略,以及基于前者反馈的多臂情境强盗算法学习的定价策略。这两个部分以相互引导的方式进行学习,以实现联合优化,因为它们的更新是高度相互依赖的。基于真实世界的数据,我们实现了一个现实环境模拟器。在此基础上进行的大量实验表明,我们的方法在商品总量和成功率方面都优于最先进的基线方法。
{"title":"Joint Optimization of Pricing, Dispatching and Repositioning in Ride-Hailing With Multiple Models Interplayed Reinforcement Learning","authors":"Zhongyun Zhang;Lei Yang;Jiajun Yao;Chao Ma;Jianguo Wang","doi":"10.1109/TKDE.2024.3464563","DOIUrl":"https://doi.org/10.1109/TKDE.2024.3464563","url":null,"abstract":"Popular ride-hailing products, such as DiDi, Uber and Lyft, provide people with transportation convenience. Pricing, order dispatching and vehicle repositioning are three tasks with tight correlation and complex interactions in ride-hailing platforms, significantly impacting each other’s decisions and demand distribution or supply distribution. However, no past work considered combining the three tasks to improve platform efficiency. In this paper, we exploit to optimize pricing, dispatching and repositioning strategies simultaneously. Such a new multi-stage decision-making problem is quite challenging because it involves complex coordination and lacks a unified problem model. To address this problem, we propose a novel \u0000<bold>J</b>\u0000oint optimization framework of \u0000<bold>P</b>\u0000ricing, \u0000<bold>D</b>\u0000ispatching and \u0000<bold>R</b>\u0000epositioning (JPDR) integrating contextual bandit and multi-agent deep reinforcement learning. JPDR consists of two components, including a Soft Actor-Critic (SAC)-based centralized policy for dispatching and repositioning and a pricing strategy learned by a multi-armed contextual bandit algorithm based on the feedback from the former. The two components learn in a mutually guided way to achieve joint optimization because their updates are highly interdependent. Based on real-world data, we implement a realistic environment simulator. Extensive experiments conducted on it show our method outperforms state-of-the-art baselines in terms of both gross merchandise volume and success rate.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"8593-8606"},"PeriodicalIF":8.9,"publicationDate":"2024-09-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142645550","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Federated Learning With Heterogeneous Client Expectations: A Game Theory Approach 具有异质客户期望的联合学习:博弈论方法
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-19 DOI: 10.1109/TKDE.2024.3464488
Sheng Shen;Chi Liu;Teng Joon Lim
In federated learning (FL), local models are trained independently by clients, local model parameters are shared with a global aggregator or server, and then the updated model is used to initialize the next round of local training. FL and its variants have become synonymous with privacy-preserving distributed machine learning. However, most FL methods have maximization of model accuracy as their sole objective, and rarely are the clients’ needs and constraints considered. In this paper, we consider that clients have differing performance expectations and resource constraints, and we assume local data quality can be improved at a cost. In this light, we treat FL in the training phase as a game in satisfaction form that seeks to satisfy all clients’ expectations. We propose two novel FL methods, a deep reinforcement learning method and a stochastic method, that embrace this design approach. We also account for the scenario where certain clients can adjust their actions even after being satisfied, by introducing probabilistic parameters in both of our methods. The experimental results demonstrate that our proposed methods converge quickly to a lower cost solution than competing methods. Furthermore, it was found that the probabilistic parameters facilitate the attainment of satisfaction equilibria (SE), addressing scenarios where reaching SEs may be challenging within the confines of traditional games in satisfaction form.
在联合学习(FL)中,本地模型由客户端独立训练,本地模型参数与全局聚合器或服务器共享,然后使用更新后的模型初始化下一轮本地训练。FL 及其变体已成为保护隐私的分布式机器学习的代名词。然而,大多数 FL 方法都以最大化模型准确性为唯一目标,很少考虑客户的需求和约束。在本文中,我们考虑到客户有不同的性能期望和资源限制,并假设本地数据质量的提高是有代价的。有鉴于此,我们将训练阶段的 FL 视为满足形式的博弈,力求满足所有客户的期望。我们提出了两种新颖的 FL 方法,一种是深度强化学习方法,另一种是随机方法,它们都采用了这种设计方法。我们还在这两种方法中引入了概率参数,以考虑某些客户在获得满足后仍可调整其行动的情况。实验结果表明,与其他竞争方法相比,我们提出的方法能快速收敛到成本更低的解决方案。此外,我们还发现概率参数有助于实现满意均衡(SE),从而解决了在传统满意形式博弈中实现满意均衡可能面临挑战的问题。
{"title":"Federated Learning With Heterogeneous Client Expectations: A Game Theory Approach","authors":"Sheng Shen;Chi Liu;Teng Joon Lim","doi":"10.1109/TKDE.2024.3464488","DOIUrl":"https://doi.org/10.1109/TKDE.2024.3464488","url":null,"abstract":"In federated learning (FL), local models are trained independently by clients, local model parameters are shared with a global aggregator or server, and then the updated model is used to initialize the next round of local training. FL and its variants have become synonymous with privacy-preserving distributed machine learning. However, most FL methods have maximization of model accuracy as their sole objective, and rarely are the clients’ needs and constraints considered. In this paper, we consider that clients have differing performance expectations and resource constraints, and we assume local data quality can be improved at a cost. In this light, we treat FL in the training phase as a game in satisfaction form that seeks to satisfy all clients’ expectations. We propose two novel FL methods, a deep reinforcement learning method and a stochastic method, that embrace this design approach. We also account for the scenario where certain clients can adjust their actions even after being satisfied, by introducing probabilistic parameters in both of our methods. The experimental results demonstrate that our proposed methods converge quickly to a lower cost solution than competing methods. Furthermore, it was found that the probabilistic parameters facilitate the attainment of satisfaction equilibria (SE), addressing scenarios where reaching SEs may be challenging within the confines of traditional games in satisfaction form.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"8220-8237"},"PeriodicalIF":8.9,"publicationDate":"2024-09-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142600272","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Data-Driven Three-Stage Adaptive Pattern Mining Approach for Multi-Energy Loads 针对多能源负载的数据驱动型三阶段自适应模式挖掘方法
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-17 DOI: 10.1109/TKDE.2024.3462770
Yixiu Guo;Yong Li;Sisi Zhou;Zhenyu Zhang;Zuyi Li;Mohammad Shahidehpour
In-depth understanding of the multi-energy consumption behavior pattern is the essential to improve the management of multi-energy system (MES). This paper proposes a data-driven three-stage adaptive pattern mining approach for multi-energy loads, which addresses the issues of complex multi-dimensional time-series mining, uncommon daily loads discovery, typical load classification and parameter setting requiring user intervention. In the first stage, the relative state changes over time between different energy loads are excavated based on Autoplait, which realizes time pattern discovery, segmentation and match for multi-dimensional loads. In the second stage, adaptive affinity propagation (AAP) considering trend similarity distance (TSD) is proposed to classify loads into common and uncommon clusters, where uncommon loads are eliminated and daily pattern is obtained by taking average of common loads. In the third stage, AAP with windows dynamic time warping (WDTW) identifies various profiles to obtain typical pattern of daily loads. Specifically, pattern mining provides the key information of multi-energy loads, which is significant to the applications for the demand side, such as load scene compression, load forecasting and demand response analysis. A case study uses MES data from Arizona State University to verify the effectiveness and practicality of the proposed approach.
深入了解多能源消耗行为模式是改善多能源系统(MES)管理的关键。本文提出了一种数据驱动的三阶段多能源负荷自适应模式挖掘方法,解决了复杂的多维时间序列挖掘、非常见日负荷发现、典型负荷分类和需要用户干预的参数设置等问题。在第一阶段,基于 Autoplait 挖掘不同能源负荷随时间的相对状态变化,实现多维负荷的时间模式发现、分割和匹配。在第二阶段,提出了考虑趋势相似性距离(TSD)的自适应亲和传播(AAP),将负荷分为常见和不常见群组,其中不常见负荷被剔除,通过取常见负荷的平均值获得日模式。在第三阶段,AAP 与窗口动态时间扭曲(WDTW)一起识别各种剖面,从而获得日负荷的典型模式。具体来说,模式挖掘提供了多能源负荷的关键信息,这对负荷场景压缩、负荷预测和需求响应分析等需求方应用具有重要意义。案例研究使用了亚利桑那州立大学的 MES 数据,以验证所提方法的有效性和实用性。
{"title":"A Data-Driven Three-Stage Adaptive Pattern Mining Approach for Multi-Energy Loads","authors":"Yixiu Guo;Yong Li;Sisi Zhou;Zhenyu Zhang;Zuyi Li;Mohammad Shahidehpour","doi":"10.1109/TKDE.2024.3462770","DOIUrl":"10.1109/TKDE.2024.3462770","url":null,"abstract":"In-depth understanding of the multi-energy consumption behavior pattern is the essential to improve the management of multi-energy system (MES). This paper proposes a data-driven three-stage adaptive pattern mining approach for multi-energy loads, which addresses the issues of complex multi-dimensional time-series mining, uncommon daily loads discovery, typical load classification and parameter setting requiring user intervention. In the first stage, the relative state changes over time between different energy loads are excavated based on Autoplait, which realizes time pattern discovery, segmentation and match for multi-dimensional loads. In the second stage, adaptive affinity propagation (AAP) considering trend similarity distance (TSD) is proposed to classify loads into common and uncommon clusters, where uncommon loads are eliminated and daily pattern is obtained by taking average of common loads. In the third stage, AAP with windows dynamic time warping (WDTW) identifies various profiles to obtain typical pattern of daily loads. Specifically, pattern mining provides the key information of multi-energy loads, which is significant to the applications for the demand side, such as load scene compression, load forecasting and demand response analysis. A case study uses MES data from Arizona State University to verify the effectiveness and practicality of the proposed approach.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"7455-7467"},"PeriodicalIF":8.9,"publicationDate":"2024-09-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142265832","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Progressive Skeleton Learning for Effective Local-to-Global Causal Structure Learning 通过渐进式骨架学习实现从局部到全局的有效因果结构学习
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-17 DOI: 10.1109/TKDE.2024.3461832
Xianjie Guo;Kui Yu;Lin Liu;Jiuyong Li;Jiye Liang;Fuyuan Cao;Xindong Wu
Causal structure learning (CSL) from observational data is a crucial objective in various machine learning applications. Recent advances in CSL have focused on local-to-global learning, which offers improved efficiency and accuracy. The local-to-global CSL algorithms first learn the local skeleton of each variable in a dataset, then construct the global skeleton by combining these local skeletons, and finally orient edges to infer causality. However, data quality issues such as noise and small samples often result in the presence of problematic asymmetric edges during global skeleton construction, hindering the creation of a high-quality global skeleton. To address this challenge, we propose a novel local-to-global CSL algorithm with a progressive enhancement strategy and make the following novel contributions: 1) To construct an accurate global skeleton, we design a novel strategy to iteratively correct asymmetric edges and progressively improve the accuracy of the global skeleton. 2) Based on the learned accurate global skeleton, we design an integrated global skeleton orientation strategy to infer the correct directions of edges for obtaining an accurate and reliable causal structure. Extensive experiments demonstrate that our method achieves better performance than the existing CSL methods.
从观测数据中进行因果结构学习(CSL)是各种机器学习应用中的一个重要目标。因果结构学习的最新进展主要集中在局部到全局学习上,它能提高效率和准确性。局部到全局的 CSL 算法首先学习数据集中每个变量的局部骨架,然后通过组合这些局部骨架构建全局骨架,最后定向边缘以推断因果关系。然而,噪声和小样本等数据质量问题往往会导致全局骨架构建过程中出现不对称边缘问题,从而阻碍高质量全局骨架的创建。为了应对这一挑战,我们提出了一种具有渐进增强策略的新型局部到全局 CSL 算法,并做出了以下新贡献:1) 为了构建精确的全局骨架,我们设计了一种新颖的策略来迭代修正不对称边缘,逐步提高全局骨架的精确度。2) 基于学习到的精确全局骨架,我们设计了一种综合全局骨架定向策略,以推断边缘的正确方向,从而获得精确可靠的因果结构。大量实验证明,我们的方法比现有的 CSL 方法取得了更好的性能。
{"title":"Progressive Skeleton Learning for Effective Local-to-Global Causal Structure Learning","authors":"Xianjie Guo;Kui Yu;Lin Liu;Jiuyong Li;Jiye Liang;Fuyuan Cao;Xindong Wu","doi":"10.1109/TKDE.2024.3461832","DOIUrl":"10.1109/TKDE.2024.3461832","url":null,"abstract":"Causal structure learning (CSL) from observational data is a crucial objective in various machine learning applications. Recent advances in CSL have focused on local-to-global learning, which offers improved efficiency and accuracy. The local-to-global CSL algorithms first learn the local skeleton of each variable in a dataset, then construct the global skeleton by combining these local skeletons, and finally orient edges to infer causality. However, data quality issues such as noise and small samples often result in the presence of problematic \u0000<italic>asymmetric edges</i>\u0000 during global skeleton construction, hindering the creation of a high-quality global skeleton. To address this challenge, we propose a novel local-to-global CSL algorithm with a progressive enhancement strategy and make the following novel contributions: 1) To construct an accurate global skeleton, we design a novel strategy to iteratively correct \u0000<italic>asymmetric edges</i>\u0000 and progressively improve the accuracy of the global skeleton. 2) Based on the learned accurate global skeleton, we design an integrated global skeleton orientation strategy to infer the correct directions of edges for obtaining an accurate and reliable causal structure. Extensive experiments demonstrate that our method achieves better performance than the existing CSL methods.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"9065-9079"},"PeriodicalIF":8.9,"publicationDate":"2024-09-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142265833","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Deep Multi-Task Learning for Spatio-Temporal Incomplete Qualitative Event Forecasting 时空不完全定性事件预测的深度多任务学习
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-13 DOI: 10.1109/TKDE.2024.3460539
Tanmoy Chowdhury;Yuyang Gao;Liang Zhao
Forecasting spatiotemporal social events has significant benefits for society to provide the proper amounts and types of resources to manage catastrophes and any accompanying societal risks. Nevertheless, forecasting event subtypes are far more complex than merely extending binary prediction to cover multiple subtypes because of spatial heterogeneity, experiencing a partial set of event subtypes, subtle discrepancy among different event subtypes, nature of the event subtype, spatial correlation of event subtypes. We present Deep multi-task learning for spatio-temporal incomplete qualitative event forecasting (DETECTIVE) framework to effectively forecast the subtypes of future events by addressing all these issues. This formulates spatial locations into tasks to handle spatial heterogeneity in event subtypes and learns a joint deep representation of subtypes across tasks. This has the adaptability to be used for different types of problem formulation required by the nature of the events. Furthermore, based on the “first law of geography”, spatially-closed tasks share similar event subtypes or scale patterns so that adjacent tasks can share knowledge effectively. To optimize the non-convex and strongly coupled problem of the proposed model, we also propose algorithms based on the Alternating Direction Method of Multipliers (ADMM). Extensive experiments on real-world datasets demonstrate the model’s usefulness and efficiency.
对时空社会事件进行预测对社会提供适当数量和类型的资源以管理灾难和任何伴随的社会风险具有重大意义。然而,由于空间异质性、经历部分事件子类型集合、不同事件子类型之间的微妙差异、事件子类型的性质、事件子类型的空间相关性等原因,预测事件子类型远比仅仅将二元预测扩展到涵盖多个子类型要复杂得多。我们提出了用于时空不完全定性事件预测的深度多任务学习(DETECTIVE)框架,通过解决所有这些问题来有效预测未来事件的子类型。该框架将空间位置划分为多个任务,以处理事件子类型的空间异质性,并学习跨任务子类型的联合深度表示。这具有很强的适应性,可根据事件的性质要求用于不同类型的问题表述。此外,基于 "地理第一定律",空间封闭的任务共享相似的事件子类型或规模模式,因此相邻任务可以有效地共享知识。为了优化所提模型的非凸和强耦合问题,我们还提出了基于交替方向乘法(ADMM)的算法。在真实世界数据集上进行的大量实验证明了该模型的实用性和高效性。
{"title":"Deep Multi-Task Learning for Spatio-Temporal Incomplete Qualitative Event Forecasting","authors":"Tanmoy Chowdhury;Yuyang Gao;Liang Zhao","doi":"10.1109/TKDE.2024.3460539","DOIUrl":"10.1109/TKDE.2024.3460539","url":null,"abstract":"Forecasting spatiotemporal social events has significant benefits for society to provide the proper amounts and types of resources to manage catastrophes and any accompanying societal risks. Nevertheless, forecasting event subtypes are far more complex than merely extending binary prediction to cover multiple subtypes because of spatial heterogeneity, experiencing a partial set of event subtypes, subtle discrepancy among different event subtypes, nature of the event subtype, spatial correlation of event subtypes. We present \u0000<underline>D</u>\u0000e\u0000<underline>e</u>\u0000p mul\u0000<underline>t</u>\u0000i-task l\u0000<underline>e</u>\u0000arning for spatio-temporal in\u0000<underline>c</u>\u0000omple\u0000<underline>t</u>\u0000e qual\u0000<underline>i</u>\u0000tative e\u0000<underline>v</u>\u0000ent for\u0000<underline>e</u>\u0000casting (DETECTIVE) framework to effectively forecast the subtypes of future events by addressing all these issues. This formulates spatial locations into tasks to handle spatial heterogeneity in event subtypes and learns a joint deep representation of subtypes across tasks. This has the adaptability to be used for different types of problem formulation required by the nature of the events. Furthermore, based on the “first law of geography”, spatially-closed tasks share similar event subtypes or scale patterns so that adjacent tasks can share knowledge effectively. To optimize the non-convex and strongly coupled problem of the proposed model, we also propose algorithms based on the Alternating Direction Method of Multipliers (ADMM). Extensive experiments on real-world datasets demonstrate the model’s usefulness and efficiency.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"7913-7926"},"PeriodicalIF":8.9,"publicationDate":"2024-09-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142265835","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Dynamical Targeted Ensemble Learning for Streaming Data With Concept Drift 针对概念漂移流数据的动态目标集合学习
IF 8.9 2区 计算机科学 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-09-13 DOI: 10.1109/TKDE.2024.3460404
Husheng Guo;Yang Zhang;Wenjian Wang
Concept drift is an important characteristic and inevitable difficult problem in streaming data mining. Ensemble learning is commonly used to deal with concept drift. However, most ensemble methods cannot balance the accuracy and diversity of base learners after drift occurs, and cannot adjust adaptively according to the drift type. To solve these problems, this paper proposes a targeted ensemble learning (Targeted EL) method to improve the accuracy and diversity of ensemble learning for streaming data with abrupt and gradual concept drift. First, to improve the accuracy of the base learners, the method adopts different sample weighting strategies for different types of drift to realize bidirectional transfer of new and old distributed samples. Second, the difference matrix is constructed by the prediction results of the base learners on the current samples. According to the drift type, the submatrix with appropriate size and maximum difference sum is extracted adaptively to select appropriate, accuracy and diverse base learners for ensemble. The experimental results show that the proposed method can achieve good generalization performance when dealing with the streaming data with abrupt and gradual concept drift.
概念漂移是流数据挖掘的一个重要特征,也是不可避免的难题。集合学习通常被用来解决概念漂移问题。然而,大多数集合学习方法无法平衡漂移发生后基础学习器的准确性和多样性,也无法根据漂移类型进行自适应调整。为了解决这些问题,本文提出了一种有针对性的集合学习(Targeted EL)方法,以提高集合学习对突然和渐进概念漂移的流数据的准确性和多样性。首先,为了提高基础学习器的准确性,该方法针对不同类型的漂移采用了不同的样本加权策略,实现了新旧分布样本的双向转移。其次,根据基础学习器对当前样本的预测结果构建差值矩阵。根据漂移类型,自适应地提取具有适当大小和最大差值和的子矩阵,以选择合适、准确和多样化的基础学习器进行集合。实验结果表明,在处理具有突变和渐变概念漂移的流数据时,所提出的方法可以实现良好的泛化性能。
{"title":"Dynamical Targeted Ensemble Learning for Streaming Data With Concept Drift","authors":"Husheng Guo;Yang Zhang;Wenjian Wang","doi":"10.1109/TKDE.2024.3460404","DOIUrl":"10.1109/TKDE.2024.3460404","url":null,"abstract":"Concept drift is an important characteristic and inevitable difficult problem in streaming data mining. Ensemble learning is commonly used to deal with concept drift. However, most ensemble methods cannot balance the accuracy and diversity of base learners after drift occurs, and cannot adjust adaptively according to the drift type. To solve these problems, this paper proposes a targeted ensemble learning (Targeted EL) method to improve the accuracy and diversity of ensemble learning for streaming data with abrupt and gradual concept drift. First, to improve the accuracy of the base learners, the method adopts different sample weighting strategies for different types of drift to realize bidirectional transfer of new and old distributed samples. Second, the difference matrix is constructed by the prediction results of the base learners on the current samples. According to the drift type, the submatrix with appropriate size and maximum difference sum is extracted adaptively to select appropriate, accuracy and diverse base learners for ensemble. The experimental results show that the proposed method can achieve good generalization performance when dealing with the streaming data with abrupt and gradual concept drift.","PeriodicalId":13496,"journal":{"name":"IEEE Transactions on Knowledge and Data Engineering","volume":"36 12","pages":"8023-8036"},"PeriodicalIF":8.9,"publicationDate":"2024-09-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142265834","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
IEEE Transactions on Knowledge and Data Engineering
全部 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