首页 > 最新文献

Science China Information Sciences最新文献

英文 中文
Continuous advantage learning for minimum-time trajectory planning of autonomous vehicles 自动驾驶汽车最小时间轨迹规划的持续优势学习
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-25 DOI: 10.1007/s11432-023-4059-6
Zhuo Li, Weiran Wu, Jialin Wang, Gang Wang, Jian Sun

This paper investigates the minimum-time trajectory planning problem of an autonomous vehicle. To deal with unknown and uncertain dynamics of the vehicle, the trajectory planning problem is modeled as a Markov decision process with a continuous action space. To solve it, we propose a continuous advantage learning (CAL) algorithm based on the advantage-value equation, and adopt a stochastic policy in the form of multivariate Gaussian distribution to encourage exploration. A shared actor-critic architecture is designed to simultaneously approximate the stochastic policy and the value function, which greatly reduces the computation burden compared to general actor-critic methods. Moreover, the shared actor-critic is updated with a loss function built as mean square consistency error of the advantage-value equation, and the update step is performed several times at each time step to improve data efficiency. Simulations validate the effectiveness of the proposed CAL algorithm and its better performance than the soft actor-critic algorithm.

本文研究了自动驾驶车辆的最短时间轨迹规划问题。为了处理车辆的未知和不确定动态,轨迹规划问题被建模为具有连续行动空间的马尔可夫决策过程。为了解决这个问题,我们提出了一种基于优势值方程的连续优势学习(CAL)算法,并采用多变量高斯分布形式的随机策略来鼓励探索。我们设计了一种共享行为批判架构,可同时近似随机策略和价值函数,与一般的行为批判方法相比,大大减轻了计算负担。此外,共享行动者批判使用损失函数进行更新,该损失函数建立在优势-价值方程的均方一致性误差之上,更新步骤在每个时间步进行多次,以提高数据效率。模拟验证了所提出的 CAL 算法的有效性,其性能优于软演员批判算法。
{"title":"Continuous advantage learning for minimum-time trajectory planning of autonomous vehicles","authors":"Zhuo Li, Weiran Wu, Jialin Wang, Gang Wang, Jian Sun","doi":"10.1007/s11432-023-4059-6","DOIUrl":"https://doi.org/10.1007/s11432-023-4059-6","url":null,"abstract":"<p>This paper investigates the minimum-time trajectory planning problem of an autonomous vehicle. To deal with unknown and uncertain dynamics of the vehicle, the trajectory planning problem is modeled as a Markov decision process with a continuous action space. To solve it, we propose a continuous advantage learning (CAL) algorithm based on the advantage-value equation, and adopt a stochastic policy in the form of multivariate Gaussian distribution to encourage exploration. A shared actor-critic architecture is designed to simultaneously approximate the stochastic policy and the value function, which greatly reduces the computation burden compared to general actor-critic methods. Moreover, the shared actor-critic is updated with a loss function built as mean square consistency error of the advantage-value equation, and the update step is performed several times at each time step to improve data efficiency. Simulations validate the effectiveness of the proposed CAL algorithm and its better performance than the soft actor-critic algorithm.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"342 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141745993","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
Ensemble successor representations for task generalization in offline-to-online reinforcement learning 离线到在线强化学习中任务泛化的集合后继表征
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-25 DOI: 10.1007/s11432-023-4028-1
Changhong Wang, Xudong Yu, Chenjia Bai, Qiaosheng Zhang, Zhen Wang

In reinforcement learning (RL), training a policy from scratch with online experiences can be inefficient because of the difficulties in exploration. Recently, offline RL provides a promising solution by giving an initialized offline policy, which can be refined through online interactions. However, existing approaches primarily perform offline and online learning in the same task, without considering the task generalization problem in offline-to-online adaptation. In real-world applications, it is common that we only have an offline dataset from a specific task while aiming for fast online-adaptation for several tasks. To address this problem, our work builds upon the investigation of successor representations for task generalization in online RL and extends the framework to incorporate offline-to-online learning. We demonstrate that the conventional paradigm using successor features cannot effectively utilize offline data and improve the performance for the new task by online fine-tuning. To mitigate this, we introduce a novel methodology that leverages offline data to acquire an ensemble of successor representations and subsequently constructs ensemble Q functions. This approach enables robust representation learning from datasets with different coverage and facilitates fast adaption of Q functions towards new tasks during the online fine-tuning phase. Extensive empirical evaluations provide compelling evidence showcasing the superior performance of our method in generalizing to diverse or even unseen tasks.

在强化学习(RL)中,由于探索困难,利用在线经验从头开始训练策略的效率很低。最近,离线强化学习提供了一种很有前景的解决方案,即给出一个初始化的离线策略,然后通过在线交互对其进行完善。然而,现有的方法主要是在同一任务中执行离线和在线学习,而没有考虑离线到在线适应过程中的任务泛化问题。在现实世界的应用中,我们通常只有一个特定任务的离线数据集,而目标是对多个任务进行快速在线适应。为了解决这个问题,我们的研究以在线 RL 中任务泛化的后继表征研究为基础,并扩展了框架,将离线到在线学习纳入其中。我们证明,使用后继特征的传统范式无法有效利用离线数据,也无法通过在线微调提高新任务的性能。为了缓解这一问题,我们引入了一种新方法,利用离线数据获取后继表征集合,然后构建集合 Q 函数。这种方法能从不同覆盖率的数据集中实现稳健的表征学习,并在在线微调阶段促进 Q 函数对新任务的快速适应。广泛的实证评估提供了令人信服的证据,展示了我们的方法在泛化到不同甚至未见过的任务方面的卓越性能。
{"title":"Ensemble successor representations for task generalization in offline-to-online reinforcement learning","authors":"Changhong Wang, Xudong Yu, Chenjia Bai, Qiaosheng Zhang, Zhen Wang","doi":"10.1007/s11432-023-4028-1","DOIUrl":"https://doi.org/10.1007/s11432-023-4028-1","url":null,"abstract":"<p>In reinforcement learning (RL), training a policy from scratch with online experiences can be inefficient because of the difficulties in exploration. Recently, offline RL provides a promising solution by giving an initialized offline policy, which can be refined through online interactions. However, existing approaches primarily perform offline and online learning in the same task, without considering the task generalization problem in offline-to-online adaptation. In real-world applications, it is common that we only have an offline dataset from a specific task while aiming for fast online-adaptation for several tasks. To address this problem, our work builds upon the investigation of successor representations for task generalization in online RL and extends the framework to incorporate offline-to-online learning. We demonstrate that the conventional paradigm using successor features cannot effectively utilize offline data and improve the performance for the new task by online fine-tuning. To mitigate this, we introduce a novel methodology that leverages offline data to acquire an ensemble of successor representations and subsequently constructs ensemble <i>Q</i> functions. This approach enables robust representation learning from datasets with different coverage and facilitates fast adaption of <i>Q</i> functions towards new tasks during the online fine-tuning phase. Extensive empirical evaluations provide compelling evidence showcasing the superior performance of our method in generalizing to diverse or even unseen tasks.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"75 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141502710","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
An ensemble and cost-sensitive learning-based root cause diagnosis scheme for wireless networks with spatially imbalanced user data distribution 针对用户数据空间分布不平衡的无线网络的基于集合和成本敏感学习的根本原因诊断方案
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-25 DOI: 10.1007/s11432-023-4055-1
Qi Wang, Zhiwen Pan, Nan Liu

A novel feature extraction method that can tolerate imbalanced user data is proposed. A cost-sensitive SVM assigns different misclassification costs to faults with different severity levels to optimize the cause diagnosis process. The simulation results demonstrate the effectiveness and superiority of the proposed algorithm.

提出了一种可容忍不平衡用户数据的新型特征提取方法。对成本敏感的 SVM 为不同严重程度的故障分配不同的误分类成本,以优化故障诊断过程。仿真结果证明了所提算法的有效性和优越性。
{"title":"An ensemble and cost-sensitive learning-based root cause diagnosis scheme for wireless networks with spatially imbalanced user data distribution","authors":"Qi Wang, Zhiwen Pan, Nan Liu","doi":"10.1007/s11432-023-4055-1","DOIUrl":"https://doi.org/10.1007/s11432-023-4055-1","url":null,"abstract":"<p>A novel feature extraction method that can tolerate imbalanced user data is proposed. A cost-sensitive SVM assigns different misclassification costs to faults with different severity levels to optimize the cause diagnosis process. The simulation results demonstrate the effectiveness and superiority of the proposed algorithm.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"21 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141516008","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
Towards imbalanced motion: part-decoupling network for video portrait segmentation 实现不平衡运动:用于视频肖像分割的部分解耦网络
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-25 DOI: 10.1007/s11432-023-4030-y
Tianshu Yu, Changqun Xia, Jia Li

Video portrait segmentation (VPS), aiming at segmenting prominent foreground portraits from video frames, has received much attention in recent years. However, the simplicity of existing VPS datasets leads to a limitation on extensive research of the task. In this work, we propose a new intricate large-scale multi-scene video portrait segmentation dataset MVPS consisting of 101 video clips in 7 scenario categories, in which 10843 sampled frames are finely annotated at the pixel level. The dataset has diverse scenes and complicated background environments, which is the most complex dataset in VPS to our best knowledge. Through the observation of a large number of videos with portraits during dataset construction, we find that due to the joint structure of the human body, the motion of portraits is part-associated, which leads to the different parts being relatively independent in motion. That is, the motion of different parts of the portraits is imbalanced. Towards this imbalance, an intuitive and reasonable idea is that different motion states in portraits can be better exploited by decoupling the portraits into parts. To achieve this, we propose a part-decoupling network (PDNet) for VPS. Specifically, an inter-frame part-discriminated attention (IPDA) module is proposed which unsupervisedly segments portrait into parts and utilizes different attentiveness on discriminative features specified to each different part. In this way, appropriate attention can be imposed on portrait parts with imbalanced motion to extract part-discriminated correlations, so that the portraits can be segmented more accurately. Experimental results demonstrate that our method achieves leading performance with the comparison to state-of-the-art methods.

视频肖像分割(VPS)旨在从视频帧中分割出突出的前景肖像,近年来受到广泛关注。然而,现有 VPS 数据集的简单性限制了对该任务的广泛研究。在这项工作中,我们提出了一个新的复杂大规模多场景视频肖像分割数据集 MVPS,该数据集由 7 个场景类别的 101 个视频片段组成,其中 10843 个采样帧在像素级别上进行了精细注释。该数据集场景多样,背景环境复杂,是目前所知 VPS 中最复杂的数据集。在数据集构建过程中,通过观察大量的人像视频,我们发现由于人体的关节结构,人像的运动是部分关联的,这导致不同部分的运动相对独立。也就是说,人像不同部位的运动是不平衡的。针对这种不平衡现象,一个直观合理的想法是,通过将肖像解耦为不同的部分,可以更好地利用肖像的不同运动状态。为此,我们提出了一种用于 VPS 的部分解耦网络(PDNet)。具体来说,我们提出了一个帧间部分区分注意力(IPDA)模块,该模块在无监督的情况下将肖像分割成不同部分,并利用对每个不同部分指定的区分特征的不同注意力。通过这种方法,可以对运动不平衡的人像部分施加适当的关注,以提取部分区分相关性,从而更准确地分割人像。实验结果表明,与最先进的方法相比,我们的方法取得了领先的性能。
{"title":"Towards imbalanced motion: part-decoupling network for video portrait segmentation","authors":"Tianshu Yu, Changqun Xia, Jia Li","doi":"10.1007/s11432-023-4030-y","DOIUrl":"https://doi.org/10.1007/s11432-023-4030-y","url":null,"abstract":"<p>Video portrait segmentation (VPS), aiming at segmenting prominent foreground portraits from video frames, has received much attention in recent years. However, the simplicity of existing VPS datasets leads to a limitation on extensive research of the task. In this work, we propose a new intricate large-scale multi-scene video portrait segmentation dataset MVPS consisting of 101 video clips in 7 scenario categories, in which 10843 sampled frames are finely annotated at the pixel level. The dataset has diverse scenes and complicated background environments, which is the most complex dataset in VPS to our best knowledge. Through the observation of a large number of videos with portraits during dataset construction, we find that due to the joint structure of the human body, the motion of portraits is part-associated, which leads to the different parts being relatively independent in motion. That is, the motion of different parts of the portraits is imbalanced. Towards this imbalance, an intuitive and reasonable idea is that different motion states in portraits can be better exploited by decoupling the portraits into parts. To achieve this, we propose a part-decoupling network (PDNet) for VPS. Specifically, an inter-frame part-discriminated attention (IPDA) module is proposed which unsupervisedly segments portrait into parts and utilizes different attentiveness on discriminative features specified to each different part. In this way, appropriate attention can be imposed on portrait parts with imbalanced motion to extract part-discriminated correlations, so that the portraits can be segmented more accurately. Experimental results demonstrate that our method achieves leading performance with the comparison to state-of-the-art methods.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"41 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141516007","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
Rethinking attribute localization for zero-shot learning 反思零点学习的属性定位
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-25 DOI: 10.1007/s11432-023-4051-9
Shuhuang Chen, Shiming Chen, Guo-Sen Xie, Xiangbo Shu, Xinge You, Xuelong Li

Recent advancements in attribute localization have showcased its potential in discovering the intrinsic semantic knowledge for visual feature representations, thereby facilitating significant visual-semantic interactions essential for zero-shot learning (ZSL). However, the majority of existing attribute localization methods heavily rely on classification constraints, resulting in accurate localization of only a few attributes while neglecting the rest important attributes associated with other classes. This limitation hinders the discovery of the intrinsic semantic relationships between attributes and visual features across all classes. To address this problem, we propose a novel attribute localization refinement (ALR) module designed to enhance the model’s ability to accurately localize all attributes. Essentially, we enhance weak discriminant attributes by grouping them and introduce weighted attribute regression to standardize the mapping values of semantic attributes. This module can be flexibly combined with existing attribute localization methods. Our experiments show that when combined with the ALR module, the localization errors in existing methods are corrected, and state-of-the-art classification performance is achieved.

属性定位的最新进展展示了其在发现视觉特征表征的内在语义知识方面的潜力,从而促进了零镜头学习(ZSL)所必需的重要视觉语义交互。然而,大多数现有的属性定位方法都严重依赖于分类约束,结果只能准确定位少数几个属性,而忽略了与其他类别相关的其他重要属性。这种局限性阻碍了发现所有类别中属性和视觉特征之间的内在语义关系。为了解决这个问题,我们提出了一个新颖的属性定位细化(ALR)模块,旨在增强模型准确定位所有属性的能力。从本质上讲,我们通过分组来增强弱判别属性,并引入加权属性回归来标准化语义属性的映射值。该模块可与现有的属性定位方法灵活结合。我们的实验表明,当与 ALR 模块相结合时,现有方法中的定位误差得到了纠正,并实现了最先进的分类性能。
{"title":"Rethinking attribute localization for zero-shot learning","authors":"Shuhuang Chen, Shiming Chen, Guo-Sen Xie, Xiangbo Shu, Xinge You, Xuelong Li","doi":"10.1007/s11432-023-4051-9","DOIUrl":"https://doi.org/10.1007/s11432-023-4051-9","url":null,"abstract":"<p>Recent advancements in attribute localization have showcased its potential in discovering the intrinsic semantic knowledge for visual feature representations, thereby facilitating significant visual-semantic interactions essential for zero-shot learning (ZSL). However, the majority of existing attribute localization methods heavily rely on classification constraints, resulting in accurate localization of only a few attributes while neglecting the rest important attributes associated with other classes. This limitation hinders the discovery of the intrinsic semantic relationships between attributes and visual features across all classes. To address this problem, we propose a novel attribute localization refinement (ALR) module designed to enhance the model’s ability to accurately localize all attributes. Essentially, we enhance weak discriminant attributes by grouping them and introduce weighted attribute regression to standardize the mapping values of semantic attributes. This module can be flexibly combined with existing attribute localization methods. Our experiments show that when combined with the ALR module, the localization errors in existing methods are corrected, and state-of-the-art classification performance is achieved.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"9 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141784755","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
Adaptive neural network control of a 2-DOF helicopter system considering input constraints and global prescribed performance 考虑输入约束和全局规定性能的 2-DOF 直升机系统的自适应神经网络控制
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-25 DOI: 10.1007/s11432-023-3949-3
Zhijia Zhao, Jiale Wu, Zhijie Liu, We He, C. L. Philip Chen

In this study, an adaptive neural network (NN) control is proposed for nonlinear two-degree-of-freedom (2-DOF) helicopter systems considering the input constraints and global prescribed performance. First, radial basis function NN (RBFNN) is employed to estimate the unknown dynamics of the helicopter system. Second, a smooth nonaffine function is exploited to approximate and address nonlinear constraint functions. Subsequently, a new prescribed function is proposed, and an original constrained error is transformed into an equivalent unconstrained error using the error transformation and barrier function transformation methods. The analysis of the established Lyapunov function proves that the controlled system is globally uniformly bounded. Finally, the simulation and experimental results on a constructed Quanser’s test platform verify the rationality and feasibility of the proposed control.

本研究针对非线性二自由度(2-DOF)直升机系统提出了一种自适应神经网络(NN)控制方法,其中考虑到了输入约束和全局规定性能。首先,采用径向基函数 NN(RBFNN)来估计直升机系统的未知动态。其次,利用平滑非阿芬函数来近似和处理非线性约束函数。随后,提出了一种新的规定函数,并利用误差变换和障碍函数变换方法将原始受限误差转换为等效无约束误差。对已建立的 Lyapunov 函数的分析证明,受控系统是全局均匀有界的。最后,在构建的 Quanser 测试平台上的仿真和实验结果验证了所提控制方法的合理性和可行性。
{"title":"Adaptive neural network control of a 2-DOF helicopter system considering input constraints and global prescribed performance","authors":"Zhijia Zhao, Jiale Wu, Zhijie Liu, We He, C. L. Philip Chen","doi":"10.1007/s11432-023-3949-3","DOIUrl":"https://doi.org/10.1007/s11432-023-3949-3","url":null,"abstract":"<p>In this study, an adaptive neural network (NN) control is proposed for nonlinear two-degree-of-freedom (2-DOF) helicopter systems considering the input constraints and global prescribed performance. First, radial basis function NN (RBFNN) is employed to estimate the unknown dynamics of the helicopter system. Second, a smooth nonaffine function is exploited to approximate and address nonlinear constraint functions. Subsequently, a new prescribed function is proposed, and an original constrained error is transformed into an equivalent unconstrained error using the error transformation and barrier function transformation methods. The analysis of the established Lyapunov function proves that the controlled system is globally uniformly bounded. Finally, the simulation and experimental results on a constructed Quanser’s test platform verify the rationality and feasibility of the proposed control.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"34 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141528790","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
Shor’s algorithm does not factor large integers in the presence of noise 肖尔算法在有噪声的情况下不能对大整数进行因式分解
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-18 DOI: 10.1007/s11432-023-3961-3
Jin-Yi Cai

We consider Shor’s quantum factoring algorithm in the setting of noisy quantum gates. Under a generic model of random noise for (controlled) rotation gates, we prove that the algorithm does not factor integers of the form pq when the noise exceeds a vanishingly small level in terms of n—the number of bits of the integer to be factored, where p and q are from a well-defined set of primes of positive density. We further prove that with probability 1 − o(1) over random prime pairs (p, q), Shor’s factoring algorithm does not factor numbers of the form pq, with the same level of random noise present.

我们考虑了肖尔在有噪声量子门环境下的量子因式分解算法。在(受控)旋转门的随机噪声通用模型下,我们证明了当噪声超过 n(待因式分解整数的比特数)的极小值时,该算法不会对 pq 形式的整数进行因式分解,其中 p 和 q 来自定义明确的正密度素数集。我们进一步证明,在随机素数对(p, q)上,肖尔的因式分解算法以 1 - o(1) 的概率,不会因式分解 pq 形式的数,且随机噪音水平相同。
{"title":"Shor’s algorithm does not factor large integers in the presence of noise","authors":"Jin-Yi Cai","doi":"10.1007/s11432-023-3961-3","DOIUrl":"https://doi.org/10.1007/s11432-023-3961-3","url":null,"abstract":"<p>We consider Shor’s quantum factoring algorithm in the setting of noisy quantum gates. Under a generic model of random noise for (controlled) rotation gates, we prove that the algorithm does not factor integers of the form <i>pq</i> when the noise exceeds a vanishingly small level in terms of <i>n</i>—the number of bits of the integer to be factored, where <i>p</i> and <i>q</i> are from a well-defined set of primes of positive density. We further prove that with probability 1 − <i>o</i>(1) over random prime pairs (<i>p, q</i>), Shor’s factoring algorithm does not factor numbers of the form <i>pq</i>, with the same level of random noise present.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"37 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-18","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141502713","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 unified intelligent control strategy synthesizing multi-constrained guidance and avoidance penetration 综合多约束制导和避让穿透的统一智能控制策略
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-14 DOI: 10.1007/s11432-022-4063-x
Sibo Zhao, Jianwen Zhu, Weimin Bao, Xiaoping Li

We propose an intelligent control strategy that synthesizes optimal guidance and SAC, guidance and NFZs avoidance missions are realized with high precision and low energy loss. The training efficiency is enhanced by introducing a prediction method to calculate the terminal states and adding process rewards. By improving the training process, the learned strategy has a strong generalization on problems of dynamic NFZs, indicating higher applicability and flexibility in flight missions.

我们提出了一种智能控制策略,可综合优化制导和 SAC、制导和 NFZs 规避任务,实现高精度和低能量损耗。通过引入预测方法计算终端状态并增加过程奖励,提高了训练效率。通过改进训练过程,学习到的策略在动态 NFZ 问题上具有很强的普适性,表明其在飞行任务中具有更高的适用性和灵活性。
{"title":"A unified intelligent control strategy synthesizing multi-constrained guidance and avoidance penetration","authors":"Sibo Zhao, Jianwen Zhu, Weimin Bao, Xiaoping Li","doi":"10.1007/s11432-022-4063-x","DOIUrl":"https://doi.org/10.1007/s11432-022-4063-x","url":null,"abstract":"<p>We propose an intelligent control strategy that synthesizes optimal guidance and SAC, guidance and NFZs avoidance missions are realized with high precision and low energy loss. The training efficiency is enhanced by introducing a prediction method to calculate the terminal states and adding process rewards. By improving the training process, the learned strategy has a strong generalization on problems of dynamic NFZs, indicating higher applicability and flexibility in flight missions.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"24 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-14","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141502711","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
Highly sensitive flexible strain sensor based on the two-dimensional semiconductor tellurium with a negative gauge factor 基于负测量因子二维半导体碲的高灵敏柔性应变传感器
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-06-13 DOI: 10.1007/s11432-023-3938-y
Jiarui He, Yusong Qu, Shengyao Chen, Cong Wang, Lena Du, Xiaoshan Du, Yuanyuan Zheng, Guozhong Zhao, He Tian

Research on flexible strain sensors has advanced rapidly in recent years, with particular attention being devoted to two-dimensional (2D) semiconductor materials owing to their exceptional mechanical and electrical properties that are conducive to sophisticated sensing performance. However, resistive strain sensors based on 2D semiconductor materials typically exhibit positive gauge factors (GF), while materials for strain sensors with a negative GF remain elusive. We have identified a trend of reduction in the band gap of the emerging 2D semiconductor material tellurium (Te) under strain in simulations reported in past research, and have observed a negative GF in the Te-based strain sensor. In this study, we combined Te with a flexible polyethylene terephthalate (PET) substrate to manufacture a flexible strain sensor with a significantly negative GF. The results of tests revealed that the Te-based strain sensor achieved an impressive maximum sensitivity of −139.7 within a small range of bending-induced strain (< 1%). Furthermore, it exhibited excellent linearity and good cyclic stability, and was successfully applied to monitor limb movements. The work here verifies the significant potential for the use of Te-based strain sensors in next-generation flexible electronics.

近年来,柔性应变传感器的研究进展迅速,二维(2D)半导体材料因其卓越的机械和电气特性而受到特别关注,这有利于实现复杂的传感性能。然而,基于二维半导体材料的电阻应变传感器通常表现出正的测量系数(GF),而负的测量系数(GF)应变传感器材料仍然难以获得。我们在过去的研究中发现,新兴的二维半导体材料碲(Te)的带隙在应变下有减小的趋势,并在基于碲的应变传感器中观察到负的 GF。在本研究中,我们将碲与柔性聚对苯二甲酸乙二醇酯(PET)衬底相结合,制造出了具有显著负带隙的柔性应变传感器。测试结果表明,Te 基应变传感器在较小的弯曲诱导应变(< 1%)范围内达到了令人印象深刻的 -139.7 最大灵敏度。此外,它还表现出卓越的线性度和良好的周期稳定性,并成功应用于监测肢体运动。这项工作验证了基于 Te 的应变传感器在下一代柔性电子产品中的巨大应用潜力。
{"title":"Highly sensitive flexible strain sensor based on the two-dimensional semiconductor tellurium with a negative gauge factor","authors":"Jiarui He, Yusong Qu, Shengyao Chen, Cong Wang, Lena Du, Xiaoshan Du, Yuanyuan Zheng, Guozhong Zhao, He Tian","doi":"10.1007/s11432-023-3938-y","DOIUrl":"https://doi.org/10.1007/s11432-023-3938-y","url":null,"abstract":"<p>Research on flexible strain sensors has advanced rapidly in recent years, with particular attention being devoted to two-dimensional (2D) semiconductor materials owing to their exceptional mechanical and electrical properties that are conducive to sophisticated sensing performance. However, resistive strain sensors based on 2D semiconductor materials typically exhibit positive gauge factors (GF), while materials for strain sensors with a negative GF remain elusive. We have identified a trend of reduction in the band gap of the emerging 2D semiconductor material tellurium (Te) under strain in simulations reported in past research, and have observed a negative GF in the Te-based strain sensor. In this study, we combined Te with a flexible polyethylene terephthalate (PET) substrate to manufacture a flexible strain sensor with a significantly negative GF. The results of tests revealed that the Te-based strain sensor achieved an impressive maximum sensitivity of −139.7 within a small range of bending-induced strain (&lt; 1%). Furthermore, it exhibited excellent linearity and good cyclic stability, and was successfully applied to monitor limb movements. The work here verifies the significant potential for the use of Te-based strain sensors in next-generation flexible electronics.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"25 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-06-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141502714","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
Constructions of optimal binary locally repairable codes via intersection subspaces 通过交集子空间构建最优二进制局部可修复代码
IF 8.8 2区 计算机科学 Q1 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2024-05-29 DOI: 10.1007/s11432-023-3863-y
Wenqin Zhang, Deng Tang, Chenhao Ying, Yuan Luo

Locally repairable codes (LRCs), which can recover any symbol of a codeword by reading only a small number of other symbols, have been widely used in real-world distributed storage systems, such as Microsoft Azure Storage and Ceph Storage Cluster. Since binary linear LRCs can significantly reduce coding and decoding complexity, constructions of binary LRCs are of particular interest. The aim of this paper is to construct dimensional optimal binary LRCs with disjoint local repair groups. We introduce a method to connect intersection subspaces with binary LRCs and construct dimensional optimal binary linear LRCs with locality 2b (b ≽ 3) and minimum distance d ≽ 6 by employing intersection subspaces deduced from the direct sum. This method will sufficiently increase the number of possible repair groups of dimensional optimal LRCs, thus efficiently expanding the range of the construction parameters while keeping the largest code rates compared with all known binary linear LRCs with minimum distance d ≽ 6 and locality 2b.

局部可修复代码(LRC)只需读取少量其他符号即可恢复编码词的任何符号,已广泛应用于微软 Azure 存储和 Ceph 存储集群等实际分布式存储系统。由于二进制线性 LRC 可以大大降低编码和解码的复杂性,因此二进制 LRC 的构造尤其引人关注。本文旨在构建具有不相交局部修复组的维度最优二元线性 LRC。我们介绍了一种将交集子空间与二进制 LRC 连接起来的方法,并通过利用直接相加推导出的交集子空间,构建局部性为 2b (b ≽ 3) 和最小距离 d ≽ 6 的维度最优二进制线性 LRC。与所有已知的最小距离 d ≽ 6 和局部性 2b 的二元线性 LRC 相比,这种方法将充分增加维度最优 LRC 的可能修复组的数量,从而有效地扩大构造参数的范围,同时保持最大的编码率。
{"title":"Constructions of optimal binary locally repairable codes via intersection subspaces","authors":"Wenqin Zhang, Deng Tang, Chenhao Ying, Yuan Luo","doi":"10.1007/s11432-023-3863-y","DOIUrl":"https://doi.org/10.1007/s11432-023-3863-y","url":null,"abstract":"<p>Locally repairable codes (LRCs), which can recover any symbol of a codeword by reading only a small number of other symbols, have been widely used in real-world distributed storage systems, such as Microsoft Azure Storage and Ceph Storage Cluster. Since binary linear LRCs can significantly reduce coding and decoding complexity, constructions of binary LRCs are of particular interest. The aim of this paper is to construct dimensional optimal binary LRCs with disjoint local repair groups. We introduce a method to connect intersection subspaces with binary LRCs and construct dimensional optimal binary linear LRCs with locality 2<sup><i>b</i></sup> (<i>b</i> ≽ 3) and minimum distance <i>d</i> ≽ 6 by employing intersection subspaces deduced from the direct sum. This method will sufficiently increase the number of possible repair groups of dimensional optimal LRCs, thus efficiently expanding the range of the construction parameters while keeping the largest code rates compared with all known binary linear LRCs with minimum distance <i>d</i> ≽ 6 and locality 2<sup><i>b</i></sup>.</p>","PeriodicalId":21618,"journal":{"name":"Science China Information Sciences","volume":"37 1","pages":""},"PeriodicalIF":8.8,"publicationDate":"2024-05-29","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141196804","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
期刊
Science China 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