首页 > 最新文献

Information Sciences最新文献

英文 中文
Introducing fairness in network visualization 在网络可视化中引入公平性
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-15 DOI: 10.1016/j.ins.2024.121642
Peter Eades , Seokhee Hong , Giuseppe Liotta , Fabrizio Montecchiani , Martin Nöllenburg , Tommaso Piselli , Stephen Wismath
Motivated by the need for decision-making systems that avoid bias and discrimination, the concept of fairness recently gained traction in the broad field of artificial intelligence, stimulating new research also within the information visualization community. In this paper, we introduce a notion of fairness in network visualization, specifically for orthogonal and for straight-line drawings of graphs, two foundational paradigms in the field. We investigate the following research questions: (i) What is the price, in terms of global readability, of incorporating fairness constraints in graph drawings? (ii) How unfair is a graph drawing that does not optimize fairness as a primary objective? We present both theoretical and empirical results. In particular, we design and implement two optimization algorithms for multi-objective functions, one based on an ILP model for orthogonal drawings, and one based on gradient descent for straight-line drawings. In a nutshell, we experimentally show that it is possible to significantly increase the fairness of a drawing by paying a relatively small amount in terms of reduced global readability. Also, we present a use case in which we qualitatively evaluate our approach on a practical scenario.
出于对避免偏见和歧视的决策系统的需求,公平的概念最近在广泛的人工智能领域获得了广泛关注,同时也激发了信息可视化领域的新研究。在本文中,我们介绍了网络可视化中的公平性概念,特别是正交图和直线图这两个领域的基础范例。我们探讨了以下研究问题:(i) 从全局可读性的角度来看,在图形绘制中加入公平性约束的代价是什么?(ii) 不以优化公平性为首要目标的图形绘制有多不公平?我们提出了理论和实证结果。特别是,我们为多目标函数设计并实现了两种优化算法,一种基于正交绘图的 ILP 模型,另一种基于直线绘图的梯度下降算法。简而言之,我们通过实验证明,只需付出相对较小的代价,降低全局可读性,就能显著提高绘图的公平性。此外,我们还介绍了一个使用案例,在该案例中,我们对我们的方法在实际场景中进行了定性评估。
{"title":"Introducing fairness in network visualization","authors":"Peter Eades ,&nbsp;Seokhee Hong ,&nbsp;Giuseppe Liotta ,&nbsp;Fabrizio Montecchiani ,&nbsp;Martin Nöllenburg ,&nbsp;Tommaso Piselli ,&nbsp;Stephen Wismath","doi":"10.1016/j.ins.2024.121642","DOIUrl":"10.1016/j.ins.2024.121642","url":null,"abstract":"<div><div>Motivated by the need for decision-making systems that avoid bias and discrimination, the concept of fairness recently gained traction in the broad field of artificial intelligence, stimulating new research also within the information visualization community. In this paper, we introduce a notion of fairness in network visualization, specifically for orthogonal and for straight-line drawings of graphs, two foundational paradigms in the field. We investigate the following research questions: (i) What is the price, in terms of global readability, of incorporating fairness constraints in graph drawings? (ii) How unfair is a graph drawing that does not optimize fairness as a primary objective? We present both theoretical and empirical results. In particular, we design and implement two optimization algorithms for multi-objective functions, one based on an ILP model for orthogonal drawings, and one based on gradient descent for straight-line drawings. In a nutshell, we experimentally show that it is possible to significantly increase the fairness of a drawing by paying a relatively small amount in terms of reduced global readability. Also, we present a use case in which we qualitatively evaluate our approach on a practical scenario.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121642"},"PeriodicalIF":8.1,"publicationDate":"2024-11-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658130","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
GDT: Multi-agent reinforcement learning framework based on adaptive grouping dynamic topological space GDT:基于自适应分组动态拓扑空间的多代理强化学习框架
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-15 DOI: 10.1016/j.ins.2024.121646
Licheng Sun , Hongbin Ma , Zhentao Guo
In many real-world scenarios, tasks involve coordinating multiple agents, such as managing robot clusters, drone swarms, and autonomous vehicles. These tasks are commonly addressed using Multi-Agent Reinforcement Learning (MARL). However, existing MARL algorithms often lack foresight regarding the number and types of agents involved, requiring agents to generalize across various task configurations. This may lead to suboptimal performance due to underestimated action values and the selection of less effective joint policies. To address these challenges, we propose a novel multi-agent deep reinforcement learning framework, called multi-agent reinforcement learning framework based on adaptive grouping dynamic topological space (GDT). GDT utilizes a group mesh topology to interconnect the local action value functions of each agent, enabling effective coordination and knowledge sharing among agents. By computing three different interpretations of action value functions, GDT overcomes monotonicity constraints and derives more effective overall action value functions. Additionally, GDT groups agents with high similarity to facilitate parameter sharing, thereby enhancing knowledge transfer and generalization across different scenarios. Furthermore, GDT introduces a strategy regularization method for optimal exploration of multiple action spaces. This method assigns each agent an independent entropy temperature during exploration, enabling agents to efficiently explore potential actions and approximate total state values. Experimental results demonstrate that our approach, termed GDT, significantly outperforms state-of-the-art algorithms on Google Research Football (GRF) and the StarCraft Multi-Agent Challenge (SMAC). Particularly in SMAC tasks, GDT achieves a success rate of nearly 100% across almost all Hard Map and Super Hard Map scenarios. Additionally, we validate the effectiveness of our algorithm on Non-monotonic Matrix Games.
在现实世界的许多场景中,任务都涉及协调多个代理,例如管理机器人集群、无人机群和自动驾驶汽车。这些任务通常使用多代理强化学习(MARL)来解决。然而,现有的多代理强化学习算法往往缺乏对所涉及代理的数量和类型的预见性,要求代理在各种任务配置中进行泛化。由于低估了行动值并选择了效果较差的联合策略,这可能会导致性能不理想。为了应对这些挑战,我们提出了一种新颖的多代理深度强化学习框架,即基于自适应分组动态拓扑空间(GDT)的多代理强化学习框架。GDT 利用组网拓扑结构将每个代理的局部行动值函数相互连接起来,从而实现代理之间的有效协调和知识共享。通过计算行动值函数的三种不同解释,GDT 克服了单调性限制,并推导出更有效的整体行动值函数。此外,GDT 还将具有高度相似性的代理进行分组,以促进参数共享,从而加强不同情景下的知识传递和泛化。此外,GDT 还引入了一种策略正则化方法,用于优化对多个行动空间的探索。该方法在探索过程中为每个代理分配一个独立的熵温,使代理能够高效地探索潜在的行动并近似地计算总状态值。实验结果表明,在谷歌研究足球赛(GRF)和星际争霸多代理挑战赛(SMAC)上,我们的方法(称为 GDT)明显优于最先进的算法。特别是在 SMAC 任务中,GDT 在几乎所有 "高难度地图 "和 "超高难度地图 "场景中的成功率都接近 100%。此外,我们还在非单调矩阵游戏中验证了我们算法的有效性。
{"title":"GDT: Multi-agent reinforcement learning framework based on adaptive grouping dynamic topological space","authors":"Licheng Sun ,&nbsp;Hongbin Ma ,&nbsp;Zhentao Guo","doi":"10.1016/j.ins.2024.121646","DOIUrl":"10.1016/j.ins.2024.121646","url":null,"abstract":"<div><div>In many real-world scenarios, tasks involve coordinating multiple agents, such as managing robot clusters, drone swarms, and autonomous vehicles. These tasks are commonly addressed using Multi-Agent Reinforcement Learning (MARL). However, existing MARL algorithms often lack foresight regarding the number and types of agents involved, requiring agents to generalize across various task configurations. This may lead to suboptimal performance due to underestimated action values and the selection of less effective joint policies. To address these challenges, we propose a novel multi-agent deep reinforcement learning framework, called multi-agent reinforcement learning framework based on adaptive grouping dynamic topological space (GDT). GDT utilizes a group mesh topology to interconnect the local action value functions of each agent, enabling effective coordination and knowledge sharing among agents. By computing three different interpretations of action value functions, GDT overcomes monotonicity constraints and derives more effective overall action value functions. Additionally, GDT groups agents with high similarity to facilitate parameter sharing, thereby enhancing knowledge transfer and generalization across different scenarios. Furthermore, GDT introduces a strategy regularization method for optimal exploration of multiple action spaces. This method assigns each agent an independent entropy temperature during exploration, enabling agents to efficiently explore potential actions and approximate total state values. Experimental results demonstrate that our approach, termed GDT, significantly outperforms state-of-the-art algorithms on Google Research Football (GRF) and the StarCraft Multi-Agent Challenge (SMAC). Particularly in SMAC tasks, GDT achieves a success rate of nearly 100% across almost all Hard Map and Super Hard Map scenarios. Additionally, we validate the effectiveness of our algorithm on Non-monotonic Matrix Games.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121646"},"PeriodicalIF":8.1,"publicationDate":"2024-11-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658131","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Finite-time secure synchronization for stochastic complex networks with delayed coupling under deception attacks: A two-step switching control scheme 欺骗攻击下具有延迟耦合的随机复杂网络的有限时间安全同步:两步切换控制方案
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-15 DOI: 10.1016/j.ins.2024.121647
Jie Mi , Huaiqin Wu , Jinde Cao
This article is concerned with the finite-time secure synchronization (FNTS) in mean square for stochastic complex networks (SCNs) with time-varying delayed coupling under deception attacks, where attack is described by a Bernoulli's stochastic variable, and is performed in the communication channel between the controller and the actuator. With the help of an auxiliary function, a new Halanay inequality is developed for continuous differential stochastic functions. By utilizing the Lyapunov functional gradient inequality with variable coefficients, a criterion about the finite-time stability in mean square is established for nonlinear stochastic systems under the designed two-step attenuation scheme. In order to reduce controller update consumption and communication waste, a two-step switching control mechanism consisting of an event-triggered control (ETC) and a time-varying gain state feedback control, is devised to achieve the FNTS objective. By Lyapunov stability theory, inequality analysis technique and the proposed finite-time stability criterion, the finite-time synchronization conditions are addressed in terms of linear matrix inequality (LMIs), and the bound of stochastic settling time (SST) is estimated explicitly. Finally, a practical application example is given to illustrate the effectiveness of the proposed control scheme, and to verify the correctness of the analytical results.
本文主要研究在欺骗攻击下,具有时变延迟耦合的随机复杂网络(SCN)的均方有限时间安全同步(FNTS)问题,其中攻击由伯努利随机变量描述,并在控制器和执行器之间的通信通道中进行。在辅助函数的帮助下,针对连续微分随机函数开发了一种新的 Halanay 不等式。通过利用具有可变系数的 Lyapunov 函数梯度不等式,建立了非线性随机系统在所设计的两步衰减方案下的均方有限时间稳定性准则。为了减少控制器更新消耗和通信浪费,设计了一种由事件触发控制(ETC)和时变增益状态反馈控制组成的两步切换控制机制,以实现 FNTS 目标。通过李亚普诺夫稳定性理论、不等式分析技术和提出的有限时间稳定性准则,用线性矩阵不等式(LMI)解决了有限时间同步条件,并明确估计了随机稳定时间(SST)的边界。最后,给出了一个实际应用实例,以说明所提控制方案的有效性,并验证分析结果的正确性。
{"title":"Finite-time secure synchronization for stochastic complex networks with delayed coupling under deception attacks: A two-step switching control scheme","authors":"Jie Mi ,&nbsp;Huaiqin Wu ,&nbsp;Jinde Cao","doi":"10.1016/j.ins.2024.121647","DOIUrl":"10.1016/j.ins.2024.121647","url":null,"abstract":"<div><div>This article is concerned with the finite-time secure synchronization (FNTS) in mean square for stochastic complex networks (SCNs) with time-varying delayed coupling under deception attacks, where attack is described by a Bernoulli's stochastic variable, and is performed in the communication channel between the controller and the actuator. With the help of an auxiliary function, a new Halanay inequality is developed for continuous differential stochastic functions. By utilizing the Lyapunov functional gradient inequality with variable coefficients, a criterion about the finite-time stability in mean square is established for nonlinear stochastic systems under the designed two-step attenuation scheme. In order to reduce controller update consumption and communication waste, a two-step switching control mechanism consisting of an event-triggered control (ETC) and a time-varying gain state feedback control, is devised to achieve the FNTS objective. By Lyapunov stability theory, inequality analysis technique and the proposed finite-time stability criterion, the finite-time synchronization conditions are addressed in terms of linear matrix inequality (LMIs), and the bound of stochastic settling time (SST) is estimated explicitly. Finally, a practical application example is given to illustrate the effectiveness of the proposed control scheme, and to verify the correctness of the analytical results.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121647"},"PeriodicalIF":8.1,"publicationDate":"2024-11-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658128","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Community structure testing by counting frequent common neighbor sets 通过计算频繁共邻集进行群落结构测试
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-15 DOI: 10.1016/j.ins.2024.121649
Zengyou He , Xiaolei Li , Lianyu Hu , Mudi Jiang , Yan Liu
The detection of communities from a graph is a key issue in network science and graph data mining. However, existing community detection algorithms can always partition a given network/graph into different communities/subgraphs, even when no community structure exists. Obviously, it will lead to fruitless efforts and erroneous conclusions if we conduct the community detection procedure on a network without a community structure. Hence, prior to community detection, it is a must to test whether the community structure is present in the target network. Unfortunately, the community structure testing issue is still not revolved and existing solutions have some limitations. Therefore, we present a new test, which is called FCN (Frequent Common Neighbor) test to tackle the community structure testing problem. In FCN test, the number of FCN sets is employed as the test statistic, which will approximately follows a Poisson distribution when the support threshold is sufficiently large under the null hypothesis that the graph is generated according to the Erdős-Rényi model. We compare the proposed FCN test with existing community structure testing methods on both real networks and simulated networks. The experimental results demonstrate the effectiveness and advantage of our method.
从图中检测社群是网络科学和图数据挖掘的一个关键问题。然而,现有的社群检测算法总是能将给定的网络/图划分为不同的社群/子图,即使在不存在社群结构的情况下也是如此。显然,如果我们在一个不存在社群结构的网络上进行社群检测,将导致徒劳无功和错误的结论。因此,在进行群落检测之前,必须检测目标网络中是否存在群落结构。遗憾的是,社群结构检测问题仍未得到解决,现有的解决方案也存在一定的局限性。因此,我们提出了一种新的测试方法,即 FCN(Frequent Common Neighbor)测试来解决社区结构测试问题。在 FCN 检验中,FCN 集的数量被用作检验统计量,在图是根据 Erdős-Rényi 模型生成的零假设下,当支持阈值足够大时,FCN 近似服从泊松分布。我们在真实网络和模拟网络上比较了拟议的 FCN 检验和现有的群落结构检验方法。实验结果证明了我们方法的有效性和优势。
{"title":"Community structure testing by counting frequent common neighbor sets","authors":"Zengyou He ,&nbsp;Xiaolei Li ,&nbsp;Lianyu Hu ,&nbsp;Mudi Jiang ,&nbsp;Yan Liu","doi":"10.1016/j.ins.2024.121649","DOIUrl":"10.1016/j.ins.2024.121649","url":null,"abstract":"<div><div>The detection of communities from a graph is a key issue in network science and graph data mining. However, existing community detection algorithms can always partition a given network/graph into different communities/subgraphs, even when no community structure exists. Obviously, it will lead to fruitless efforts and erroneous conclusions if we conduct the community detection procedure on a network without a community structure. Hence, prior to community detection, it is a must to test whether the community structure is present in the target network. Unfortunately, the community structure testing issue is still not revolved and existing solutions have some limitations. Therefore, we present a new test, which is called FCN (Frequent Common Neighbor) test to tackle the community structure testing problem. In FCN test, the number of FCN sets is employed as the test statistic, which will approximately follows a Poisson distribution when the support threshold is sufficiently large under the null hypothesis that the graph is generated according to the Erdős-Rényi model. We compare the proposed FCN test with existing community structure testing methods on both real networks and simulated networks. The experimental results demonstrate the effectiveness and advantage of our method.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121649"},"PeriodicalIF":8.1,"publicationDate":"2024-11-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658127","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Adaptive granular data compression and interval granulation for efficient classification 自适应粒度数据压缩和区间粒度化,实现高效分类
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-15 DOI: 10.1016/j.ins.2024.121644
Kecan Cai , Hongyun Zhang , Miao Li , Duoqian Miao
Efficiency is crucial in deep learning tasks and has garnered significant attention in green deep learning research field. However, existing methods often sacrifice efficiency for slight accuracy improvement, requiring extensive computational resources. This paper proposes an adaptive granular data compression and interval granulation method to improve classification efficiency without compromising accuracy. The approach comprises two main components: Adaptive Granular Data Compression (AG), and Interval Granulation (IG). Specifically, AG employs principle of justifiable granularity for adaptive generating granular data. AG enables the extraction of abstract granular subset representations from the original dataset, capturing essential features and thereby reducing computational complexity. The quality of the generated granular data is evaluated using coverage and specificity criteria, which are standard metrics in evaluating information granules. Furthermore, the design of IG performs AG operation on the input data at regular intervals during the training process. The multiple regular granulation operations during the training process increase the diversity of samples and help the model achieve better training. It is noteworthy that the proposed method can be extended to any convolution-based and attention-based classification neural network. Extensive experiments conducted on benchmark datasets demonstrate that the proposed method significantly enhances the classification efficiency without compromising accuracy.
效率在深度学习任务中至关重要,在绿色深度学习研究领域备受关注。然而,现有的方法往往牺牲效率来换取微小的准确率提升,这需要大量的计算资源。本文提出了一种自适应粒度数据压缩和区间粒度化方法,以在不影响准确性的前提下提高分类效率。该方法由两个主要部分组成:自适应粒度数据压缩(AG)和间隔粒化(IG)。具体来说,AG 采用合理粒度原则自适应生成粒度数据。AG 可以从原始数据集中提取抽象的粒度子集表示,捕捉基本特征,从而降低计算复杂度。生成的粒度数据的质量使用覆盖率和特异性标准进行评估,这两个标准是评估信息粒度的标准指标。此外,IG 的设计在训练过程中定期对输入数据执行 AG 操作。训练过程中的多次定时颗粒化操作增加了样本的多样性,有助于模型实现更好的训练效果。值得注意的是,所提出的方法可以扩展到任何基于卷积和注意力的分类神经网络。在基准数据集上进行的大量实验证明,所提出的方法能在不影响准确性的前提下显著提高分类效率。
{"title":"Adaptive granular data compression and interval granulation for efficient classification","authors":"Kecan Cai ,&nbsp;Hongyun Zhang ,&nbsp;Miao Li ,&nbsp;Duoqian Miao","doi":"10.1016/j.ins.2024.121644","DOIUrl":"10.1016/j.ins.2024.121644","url":null,"abstract":"<div><div>Efficiency is crucial in deep learning tasks and has garnered significant attention in green deep learning research field. However, existing methods often sacrifice efficiency for slight accuracy improvement, requiring extensive computational resources. This paper proposes an adaptive granular data compression and interval granulation method to improve classification efficiency without compromising accuracy. The approach comprises two main components: Adaptive Granular Data Compression (AG), and Interval Granulation (IG). Specifically, AG employs principle of justifiable granularity for adaptive generating granular data. AG enables the extraction of abstract granular subset representations from the original dataset, capturing essential features and thereby reducing computational complexity. The quality of the generated granular data is evaluated using coverage and specificity criteria, which are standard metrics in evaluating information granules. Furthermore, the design of IG performs AG operation on the input data at regular intervals during the training process. The multiple regular granulation operations during the training process increase the diversity of samples and help the model achieve better training. It is noteworthy that the proposed method can be extended to any convolution-based and attention-based classification neural network. Extensive experiments conducted on benchmark datasets demonstrate that the proposed method significantly enhances the classification efficiency without compromising accuracy.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121644"},"PeriodicalIF":8.1,"publicationDate":"2024-11-15","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658129","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Privacy-preserving and communication-efficient stochastic alternating direction method of multipliers for federated learning 用于联合学习的隐私保护和通信效率高的随机交替方向乘法
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-14 DOI: 10.1016/j.ins.2024.121641
Yi Zhang , Yunfan Lu , Fengxia Liu , Cheng Li , Zixian Gong , Zhe Hu , Qun Xu
Federated learning constitutes a paradigm in distributed machine learning, wherein model training unfolds through the exchange of intermediary results between a central server and federated clients. Given its decentralized nature, conventional machine learning algorithms find limited applicability in the context of federated learning models. Hence, the alternating direction method of multipliers (ADMM), tailored for distributed optimization, is leveraged for this purpose. However, despite the considerable promise of the ADMM algorithm in federated learning, it faces challenges related to computational efficiency, communication efficiency, and data security. In response to these challenges, this study proposes the privacy-preserving and communication-efficient stochastic ADMM (PPCESADMM) algorithm that enhances the computational efficiency through the stochastic optimization method, reduces communication costs through sparse communication method, and ensures the security of federated clients' data via the homomorphic encryption method. Theoretical analyses confirm the convergence of the PPCESADMM algorithm under mild conditions and establish its convergence rate as O(1/T). Experiments illustrate the superior performance of our algorithm in communication cost compared to ADMM and CEADMM algorithms, achieving reductions of 65.10% and 44.32%, respectively. Furthermore, our method surpasses classical federated learning algorithms such as FedAvg, FedAvgM, and SCAFFOLD in terms of algorithmic convergence, achieving superior convergence precision within predefined training epochs. Finally, our algorithm converges to the same results as those obtained without using homomorphic encryption, albeit at the cost of increased computation time.
联合学习是分布式机器学习的一种范式,它通过中央服务器与联合客户端之间交换中间结果来展开模型训练。鉴于其分散性,传统的机器学习算法在联合学习模型中的适用性有限。因此,为分布式优化量身定制的乘法交替方向法(ADMM)被用于此目的。然而,尽管 ADMM 算法在联合学习中大有可为,但它在计算效率、通信效率和数据安全方面仍面临挑战。针对这些挑战,本研究提出了隐私保护和通信效率随机 ADMM 算法(PPCESADMM),该算法通过随机优化方法提高计算效率,通过稀疏通信方法降低通信成本,并通过同态加密方法确保联盟客户数据的安全性。理论分析证实了 PPCESADMM 算法在温和条件下的收敛性,并确定其收敛速率为 O(1/T)。实验表明,与 ADMM 算法和 CEADMM 算法相比,我们的算法在通信成本方面表现出色,分别降低了 65.10% 和 44.32%。此外,在算法收敛性方面,我们的方法超越了 FedAvg、FedAvgM 和 SCAFFOLD 等经典联合学习算法,在预定义的训练历时内实现了卓越的收敛精度。最后,我们的算法收敛到了与不使用同态加密时相同的结果,尽管代价是计算时间的增加。
{"title":"Privacy-preserving and communication-efficient stochastic alternating direction method of multipliers for federated learning","authors":"Yi Zhang ,&nbsp;Yunfan Lu ,&nbsp;Fengxia Liu ,&nbsp;Cheng Li ,&nbsp;Zixian Gong ,&nbsp;Zhe Hu ,&nbsp;Qun Xu","doi":"10.1016/j.ins.2024.121641","DOIUrl":"10.1016/j.ins.2024.121641","url":null,"abstract":"<div><div>Federated learning constitutes a paradigm in distributed machine learning, wherein model training unfolds through the exchange of intermediary results between a central server and federated clients. Given its decentralized nature, conventional machine learning algorithms find limited applicability in the context of federated learning models. Hence, the alternating direction method of multipliers (ADMM), tailored for distributed optimization, is leveraged for this purpose. However, despite the considerable promise of the ADMM algorithm in federated learning, it faces challenges related to computational efficiency, communication efficiency, and data security. In response to these challenges, this study proposes the privacy-preserving and communication-efficient stochastic ADMM (PPCESADMM) algorithm that enhances the computational efficiency through the stochastic optimization method, reduces communication costs through sparse communication method, and ensures the security of federated clients' data via the homomorphic encryption method. Theoretical analyses confirm the convergence of the PPCESADMM algorithm under mild conditions and establish its convergence rate as <span><math><mi>O</mi><mo>(</mo><mn>1</mn><mo>/</mo><msqrt><mrow><mi>T</mi></mrow></msqrt><mo>)</mo></math></span>. Experiments illustrate the superior performance of our algorithm in communication cost compared to ADMM and CEADMM algorithms, achieving reductions of 65.10% and 44.32%, respectively. Furthermore, our method surpasses classical federated learning algorithms such as FedAvg, FedAvgM, and SCAFFOLD in terms of algorithmic convergence, achieving superior convergence precision within predefined training epochs. Finally, our algorithm converges to the same results as those obtained without using homomorphic encryption, albeit at the cost of increased computation time.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121641"},"PeriodicalIF":8.1,"publicationDate":"2024-11-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658126","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Aggregation or separation? Adaptive embedding message passing for knowledge graph completion 聚合还是分离?知识图谱完成的自适应嵌入信息传递
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-13 DOI: 10.1016/j.ins.2024.121639
Zhifei Li , Lifan Chen , Yue Jian , Han Wang , Yue Zhao , Miao Zhang , Kui Xiao , Yan Zhang , Honglian Deng , Xiaoju Hou
Knowledge graph completion intends to infer information within knowledge graphs, thereby bolstering the functionality of knowledge-driven applications. Recently, there has been a significant increase in the utilization of graph convolutional networks (GCNs) for knowledge graph completion. These GCN-based models primarily focus on aggregating information from neighboring entities and relations. Nonetheless, a fundamental question arises: is it beneficial to consider all neighbor information, and should some neighbor features be separated? We tackle this issue and present an adaptive graph convolutional network (AdaGCN) for knowledge graph completion, which can adaptively aggregate or separate neighbor information for knowledge embedding learning. Specifically, AdaGCN utilizes the adaptive message-passing mechanism to determine the importance of each relation, allocating weights to neighbor entity embeddings. This adaptive approach facilitates the propagation of valuable information while effectively separating less relevant or unnecessary details. Experimental results demonstrate that AdaGCN can efficiently acquire the embeddings of various triplets within knowledge graphs, and it achieves competitive performance compared to SOTA models on six datasets for the tasks of knowledge graph completion.
知识图谱补全旨在推断知识图谱中的信息,从而增强知识驱动型应用的功能。最近,利用图卷积网络(GCN)完成知识图谱的情况显著增加。这些基于 GCN 的模型主要侧重于聚合相邻实体和关系的信息。然而,一个基本问题随之而来:考虑所有相邻信息是否有益,是否应该分离某些相邻特征?针对这一问题,我们提出了一种用于知识图谱补全的自适应图卷积网络(AdaGCN),它可以自适应地聚合或分离邻居信息,从而实现知识嵌入学习。具体来说,AdaGCN 利用自适应信息传递机制来确定每种关系的重要性,并为相邻实体嵌入分配权重。这种自适应方法有利于传播有价值的信息,同时有效分离相关性较低或不必要的细节。实验结果表明,AdaGCN 可以高效地获取知识图谱中各种三元组的嵌入信息,并且在六个数据集的知识图谱补全任务中取得了与 SOTA 模型相比具有竞争力的性能。
{"title":"Aggregation or separation? Adaptive embedding message passing for knowledge graph completion","authors":"Zhifei Li ,&nbsp;Lifan Chen ,&nbsp;Yue Jian ,&nbsp;Han Wang ,&nbsp;Yue Zhao ,&nbsp;Miao Zhang ,&nbsp;Kui Xiao ,&nbsp;Yan Zhang ,&nbsp;Honglian Deng ,&nbsp;Xiaoju Hou","doi":"10.1016/j.ins.2024.121639","DOIUrl":"10.1016/j.ins.2024.121639","url":null,"abstract":"<div><div>Knowledge graph completion intends to infer information within knowledge graphs, thereby bolstering the functionality of knowledge-driven applications. Recently, there has been a significant increase in the utilization of graph convolutional networks (GCNs) for knowledge graph completion. These GCN-based models primarily focus on aggregating information from neighboring entities and relations. Nonetheless, a fundamental question arises: is it beneficial to consider all neighbor information, and should some neighbor features be separated? We tackle this issue and present an adaptive graph convolutional network (AdaGCN) for knowledge graph completion, which can adaptively aggregate or separate neighbor information for knowledge embedding learning. Specifically, AdaGCN utilizes the adaptive message-passing mechanism to determine the importance of each relation, allocating weights to neighbor entity embeddings. This adaptive approach facilitates the propagation of valuable information while effectively separating less relevant or unnecessary details. Experimental results demonstrate that AdaGCN can efficiently acquire the embeddings of various triplets within knowledge graphs, and it achieves competitive performance compared to SOTA models on six datasets for the tasks of knowledge graph completion.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121639"},"PeriodicalIF":8.1,"publicationDate":"2024-11-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658123","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Dynamic quantization of event-triggered adaptive sliding mode control for networked control systems under false data injection attack 虚假数据注入攻击下网络控制系统事件触发自适应滑模控制的动态量化
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-12 DOI: 10.1016/j.ins.2024.121626
Xinggui Zhao, Bo Meng, Zhen Wang
The dynamic quantization of event-triggered (ET) adaptive sliding mode control (SM, SMC) for networked control systems (NCS) under false data injection attack (FDIA) is considered in this article. To begin with, to reduce the network transmission burden, dynamic quantizers are used to quantize the states and the input on the channels from the plant to the ET mechanism and from the controller to the plant, respectively. Secondly, the dynamic ET mechanism employs quantized state error, and the existence of the minimum inter-event time demonstrates that the system does not experience the Zeno phenomenon. Thirdly, this paper uses the adaptive parameter to estimate the unknown upper bound of the attack mode. In addition, the range of values for the adaptive gain of the SMC is derived by combining with the Lyapunov stability theory. On the last, the comparative simulation results of different methods for numerical examples are given to verify the superiority of the method proposed in this paper.
本文研究了在虚假数据注入攻击(FDIA)下网络控制系统(NCS)的事件触发(ET)自适应滑模控制(SM,SMC)的动态量化问题。首先,为了减少网络传输负担,本文使用动态量化器分别量化从工厂到 ET 机制以及从控制器到工厂的通道上的状态和输入。其次,动态 ET 机制采用量化状态误差,最小事件间时间的存在表明系统不会出现芝诺现象。第三,本文利用自适应参数估计攻击模式的未知上限。此外,本文还结合李雅普诺夫稳定性理论,得出了 SMC 自适应增益的取值范围。最后,本文给出了不同方法的数值实例仿真结果对比,以验证本文所提方法的优越性。
{"title":"Dynamic quantization of event-triggered adaptive sliding mode control for networked control systems under false data injection attack","authors":"Xinggui Zhao,&nbsp;Bo Meng,&nbsp;Zhen Wang","doi":"10.1016/j.ins.2024.121626","DOIUrl":"10.1016/j.ins.2024.121626","url":null,"abstract":"<div><div>The dynamic quantization of event-triggered (ET) adaptive sliding mode control (SM, SMC) for networked control systems (NCS) under false data injection attack (FDIA) is considered in this article. To begin with, to reduce the network transmission burden, dynamic quantizers are used to quantize the states and the input on the channels from the plant to the ET mechanism and from the controller to the plant, respectively. Secondly, the dynamic ET mechanism employs quantized state error, and the existence of the minimum inter-event time demonstrates that the system does not experience the Zeno phenomenon. Thirdly, this paper uses the adaptive parameter to estimate the unknown upper bound of the attack mode. In addition, the range of values for the adaptive gain of the SMC is derived by combining with the Lyapunov stability theory. On the last, the comparative simulation results of different methods for numerical examples are given to verify the superiority of the method proposed in this paper.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121626"},"PeriodicalIF":8.1,"publicationDate":"2024-11-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658099","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
LSketch: A label-enabled graph stream sketch toward time-sensitive queries LSketch:支持标签的图流草图,用于时间敏感型查询
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-09 DOI: 10.1016/j.ins.2024.121624
Yiling Zeng , Chuanfeng Jian , Chunyao Song , Tingjian Ge , Yuhan Li , Yuqing Zhou
Heterogeneous graph streams represent data interactions in real-world applications and are characterized by dynamic and heterogeneous properties including varying node labels, edge labels and edge weights. The mining of graph streams is critical in fields such as network security, social network analysis, and traffic control. However, the sheer volume and high dynamics of graph streams pose significant challenges for efficient storage and accurate query analysis. To address these challenges, we propose LSketch, a novel sketch technique designed for heterogeneous graph streams. Unlike traditional methods, LSketch effectively preserves the diverse label information inherent in these streams, enhancing the expressive ability of sketches. Furthermore, as graph streams evolve over time, some edges may become outdated and lose their relevance. LSketch incorporates a sliding window model that eliminates expired edges, ensuring that the analysis remains focused on the most current and relevant data automatically. LSketch operates with sub-linear storage space and supports both structure-based and time-sensitive queries with high accuracy. We perform extensive experiments over four real datasets, demonstrating that LSketch outperforms state-of-the-art methods in terms of query accuracy and time efficiency.
异构图流代表了真实世界应用中的数据交互,具有动态和异构特性,包括节点标签、边标签和边权重的变化。图流的挖掘在网络安全、社交网络分析和交通控制等领域至关重要。然而,图流的庞大数量和高动态性给高效存储和准确查询分析带来了巨大挑战。为了应对这些挑战,我们提出了 LSketch,一种专为异构图流设计的新型草图技术。与传统方法不同,LSketch 有效地保留了这些图流中固有的各种标签信息,增强了草图的表达能力。此外,随着图流的不断演化,一些边可能会过时并失去相关性。LSketch 采用了一种滑动窗口模型,可以消除过期的边缘,确保自动将分析重点放在最新的相关数据上。LSketch 使用亚线性存储空间运行,支持基于结构的高精度查询和时间敏感型查询。我们在四个真实数据集上进行了大量实验,证明 LSketch 在查询准确性和时间效率方面都优于最先进的方法。
{"title":"LSketch: A label-enabled graph stream sketch toward time-sensitive queries","authors":"Yiling Zeng ,&nbsp;Chuanfeng Jian ,&nbsp;Chunyao Song ,&nbsp;Tingjian Ge ,&nbsp;Yuhan Li ,&nbsp;Yuqing Zhou","doi":"10.1016/j.ins.2024.121624","DOIUrl":"10.1016/j.ins.2024.121624","url":null,"abstract":"<div><div>Heterogeneous graph streams represent data interactions in real-world applications and are characterized by dynamic and heterogeneous properties including varying node labels, edge labels and edge weights. The mining of graph streams is critical in fields such as network security, social network analysis, and traffic control. However, the sheer volume and high dynamics of graph streams pose significant challenges for efficient storage and accurate query analysis. To address these challenges, we propose LSketch, a novel sketch technique designed for heterogeneous graph streams. Unlike traditional methods, LSketch effectively preserves the diverse label information inherent in these streams, enhancing the expressive ability of sketches. Furthermore, as graph streams evolve over time, some edges may become outdated and lose their relevance. LSketch incorporates a sliding window model that eliminates expired edges, ensuring that the analysis remains focused on the most current and relevant data automatically. LSketch operates with sub-linear storage space and supports both structure-based and time-sensitive queries with high accuracy. We perform extensive experiments over four real datasets, demonstrating that LSketch outperforms state-of-the-art methods in terms of query accuracy and time efficiency.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121624"},"PeriodicalIF":8.1,"publicationDate":"2024-11-09","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658024","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Modeling information propagation for target user groups in online social networks based on guidance and incentive strategies 基于引导和激励策略的在线社交网络目标用户群信息传播建模
IF 8.1 1区 计算机科学 0 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-11-08 DOI: 10.1016/j.ins.2024.121628
Lei Meng , Guiqiong Xu , Chen Dong , Shoujin Wang
The rapid development of online social networks has greatly facilitated the dissemination and sharing of information. Effectively guiding the propagation of information to specific target groups is a significant and challenging research issue, which can be formulated as the target propagation problem. Most existing studies, however, focus on traditional information propagation methods, treating all users in the network as target audiences, which results in low efficiency and high costs. To address this issue, we propose a novel information propagation model that incorporates adaptive guidance and incentive strategies, called the SIIinRgu model, to simulate the target spreading process in online social networks. Our model is designed to enhance both global communication capabilities and information transmission efficiency by introducing a mutual influence score that quantifies the interaction between target and non-target users. Based on this, the SIIinRgu model adaptively guides and incentivizes non-target users to disseminate information specifically to target user groups. We conducted several groups of experiments on nine real-world social networks, assessing scenarios with both single and multiple target groups. Experimental results demonstrate that the SIIinRgu model outperforms existing methods in terms of target influence range and the effectiveness of information spreading, thereby offering valuable insights for practical applications.
在线社交网络的快速发展极大地促进了信息的传播和共享。如何有效引导信息向特定目标群体传播是一个重要而富有挑战性的研究课题,可将其表述为目标传播问题。然而,现有的大多数研究都集中在传统的信息传播方法上,将网络中的所有用户都视为目标受众,导致效率低、成本高。为解决这一问题,我们提出了一种融合了自适应引导和激励策略的新型信息传播模型,称为 SIIinRgu 模型,用于模拟在线社交网络中的目标传播过程。我们的模型旨在通过引入相互影响分值来量化目标用户和非目标用户之间的互动,从而提高全局传播能力和信息传播效率。在此基础上,SIIinRgu 模型自适应地引导和激励非目标用户专门向目标用户群传播信息。我们在九个真实世界的社交网络上进行了多组实验,评估了单一目标群体和多个目标群体的情景。实验结果表明,SIIinRgu 模型在目标影响范围和信息传播效果方面优于现有方法,从而为实际应用提供了有价值的见解。
{"title":"Modeling information propagation for target user groups in online social networks based on guidance and incentive strategies","authors":"Lei Meng ,&nbsp;Guiqiong Xu ,&nbsp;Chen Dong ,&nbsp;Shoujin Wang","doi":"10.1016/j.ins.2024.121628","DOIUrl":"10.1016/j.ins.2024.121628","url":null,"abstract":"<div><div>The rapid development of online social networks has greatly facilitated the dissemination and sharing of information. Effectively guiding the propagation of information to specific target groups is a significant and challenging research issue, which can be formulated as the <em>target propagation</em> problem. Most existing studies, however, focus on traditional information propagation methods, treating all users in the network as target audiences, which results in low efficiency and high costs. To address this issue, we propose a novel information propagation model that incorporates adaptive guidance and incentive strategies, called the <span><math><mi>S</mi><mi>I</mi><msub><mrow><mi>I</mi></mrow><mrow><mi>i</mi><mi>n</mi></mrow></msub><msub><mrow><mi>R</mi></mrow><mrow><mi>g</mi><mi>u</mi></mrow></msub></math></span> model, to simulate the target spreading process in online social networks. Our model is designed to enhance both global communication capabilities and information transmission efficiency by introducing a mutual influence score that quantifies the interaction between target and non-target users. Based on this, the <span><math><mi>S</mi><mi>I</mi><msub><mrow><mi>I</mi></mrow><mrow><mi>i</mi><mi>n</mi></mrow></msub><msub><mrow><mi>R</mi></mrow><mrow><mi>g</mi><mi>u</mi></mrow></msub></math></span> model adaptively guides and incentivizes non-target users to disseminate information specifically to target user groups. We conducted several groups of experiments on nine real-world social networks, assessing scenarios with both single and multiple target groups. Experimental results demonstrate that the <span><math><mi>S</mi><mi>I</mi><msub><mrow><mi>I</mi></mrow><mrow><mi>i</mi><mi>n</mi></mrow></msub><msub><mrow><mi>R</mi></mrow><mrow><mi>g</mi><mi>u</mi></mrow></msub></math></span> model outperforms existing methods in terms of target influence range and the effectiveness of information spreading, thereby offering valuable insights for practical applications.</div></div>","PeriodicalId":51063,"journal":{"name":"Information Sciences","volume":"691 ","pages":"Article 121628"},"PeriodicalIF":8.1,"publicationDate":"2024-11-08","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142658133","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":1,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Information Sciences
全部 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