首页 > 最新文献

IET Cybersystems and Robotics最新文献

英文 中文
Triangular lattice formation in robot swarms with minimal local sensing 具有最小局部感知的机器人群体中的三角形晶格形成
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-04-13 DOI: 10.1049/csy2.12087
Zisen Nie, Qingrui Zhang, Xiaohan Wang, Fakui Wang, Tianjiang Hu

The problem of triangular lattice formation in robot swarms has been investigated extensively in the literature, but the existing algorithms can hardly keep comparative performance from swarm simulation to real multi-robot scenarios, due to the limited computation power or the restricted field of view (FOV) of robot sensors. Eventually, a distributed solution for triangular lattice formation in robot swarms with minimal sensing and computation is proposed and developed in this study. Each robot is equipped with a sensor with a limited FOV providing only a ternary digit of information about its neighbouring environment. At each time step, the motion command is directly determined by using only the ternary sensing result. The circular motions with a certain level of randomness lead the robot swarms to stable triangular lattice formation with high quality and robustness. Extensive numerical simulations and multi-robot experiments are conducted. The results have demonstrated and validated the efficiency of the proposed approach. The minimised sensing and computation requirements pave the way for massive deployment at a low cost and implementation within swarms of miniature robots.

机器人群体中三角形晶格的形成问题在文献中得到了广泛的研究,但由于计算能力有限或机器人传感器的视场(FOV)受限,现有算法难以保持群体模拟与真实多机器人场景的比较性能。最后,本研究提出并发展了机器人群中三角形晶格形成的分布式解决方案,该方案具有最小的感知和计算量。每个机器人都配备了一个具有有限视场的传感器,仅提供其周围环境的三位数信息。在每一个时间步,运动命令是直接由只使用三元传感结果确定。具有一定随机性的圆周运动使机器人群形成稳定的三角形晶格,具有较高的质量和鲁棒性。进行了大量的数值模拟和多机器人实验。实验结果验证了该方法的有效性。最小的传感和计算需求为低成本的大规模部署和在微型机器人群中实现铺平了道路。
{"title":"Triangular lattice formation in robot swarms with minimal local sensing","authors":"Zisen Nie,&nbsp;Qingrui Zhang,&nbsp;Xiaohan Wang,&nbsp;Fakui Wang,&nbsp;Tianjiang Hu","doi":"10.1049/csy2.12087","DOIUrl":"10.1049/csy2.12087","url":null,"abstract":"<p>The problem of triangular lattice formation in robot swarms has been investigated extensively in the literature, but the existing algorithms can hardly keep comparative performance from swarm simulation to real multi-robot scenarios, due to the limited computation power or the restricted field of view (FOV) of robot sensors. Eventually, a distributed solution for triangular lattice formation in robot swarms with minimal sensing and computation is proposed and developed in this study. Each robot is equipped with a sensor with a limited FOV providing only a ternary digit of information about its neighbouring environment. At each time step, the motion command is directly determined by using only the ternary sensing result. The circular motions with a certain level of randomness lead the robot swarms to stable triangular lattice formation with high quality and robustness. Extensive numerical simulations and multi-robot experiments are conducted. The results have demonstrated and validated the efficiency of the proposed approach. The minimised sensing and computation requirements pave the way for massive deployment at a low cost and implementation within swarms of miniature robots.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 2","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-04-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12087","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"45620616","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Few-shot object detection via class encoding and multi-target decoding 基于类编码和多目标解码的少镜头目标检测
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-04-11 DOI: 10.1049/csy2.12088
Xueqiang Guo, Hanqing Yang, Mohan Wei, Xiaotong Ye, Yu Zhang

The task of few-shot object detection is to classify and locate objects through a few annotated samples. Although many studies have tried to solve this problem, the results are still not satisfactory. Recent studies have found that the class margin significantly impacts the classification and representation of the targets to be detected. Most methods use the loss function to balance the class margin, but the results show that the loss-based methods only have a tiny improvement on the few-shot object detection problem. In this study, the authors propose a class encoding method based on the transformer to balance the class margin, which can make the model pay more attention to the essential information of the features, thus increasing the recognition ability of the sample. Besides, the authors propose a multi-target decoding method to aggregate RoI vectors generated from multi-target images with multiple support vectors, which can significantly improve the detection ability of the detector for multi-target images. Experiments on Pascal visual object classes (VOC) and Microsoft Common Objects in Context datasets show that our proposed Few-Shot Object Detection via Class Encoding and Multi-Target Decoding significantly improves upon baseline detectors (average accuracy improvement is up to 10.8% on VOC and 2.1% on COCO), achieving competitive performance. In general, we propose a new way to regulate the class margin between support set vectors and a way of feature aggregation for images containing multiple objects and achieve remarkable results. Our method is implemented on mmfewshot, and the code will be available later.

少量目标检测的任务是通过少量带注释的样本对目标进行分类和定位。虽然许多研究都试图解决这个问题,但结果仍然不令人满意。近年来的研究发现,类边界对待检测目标的分类和表征有显著影响。大多数方法使用损失函数来平衡类裕度,但结果表明,基于损失的方法对少镜头目标检测问题的改善很小。本文提出了一种基于变压器的类编码方法来平衡类裕度,可以使模型更加关注特征的本质信息,从而提高样本的识别能力。此外,作者提出了一种多目标解码方法,将多目标图像生成的RoI向量与多个支持向量进行聚合,可以显著提高检测器对多目标图像的检测能力。在Pascal可视化对象类(VOC)和Microsoft公共对象上下文数据集上的实验表明,我们提出的通过类编码和多目标解码的Few-Shot对象检测显着提高了基线检测器(VOC的平均准确率提高了10.8%,COCO的平均准确率提高了2.1%),取得了具有竞争力的性能。总的来说,我们提出了一种新的方法来调节支持集向量之间的类距,并提出了一种包含多目标图像的特征聚合方法,取得了显著的效果。我们的方法是在mmfewshot上实现的,稍后将提供代码。
{"title":"Few-shot object detection via class encoding and multi-target decoding","authors":"Xueqiang Guo,&nbsp;Hanqing Yang,&nbsp;Mohan Wei,&nbsp;Xiaotong Ye,&nbsp;Yu Zhang","doi":"10.1049/csy2.12088","DOIUrl":"10.1049/csy2.12088","url":null,"abstract":"<p>The task of few-shot object detection is to classify and locate objects through a few annotated samples. Although many studies have tried to solve this problem, the results are still not satisfactory. Recent studies have found that the class margin significantly impacts the classification and representation of the targets to be detected. Most methods use the loss function to balance the class margin, but the results show that the loss-based methods only have a tiny improvement on the few-shot object detection problem. In this study, the authors propose a class encoding method based on the transformer to balance the class margin, which can make the model pay more attention to the essential information of the features, thus increasing the recognition ability of the sample. Besides, the authors propose a multi-target decoding method to aggregate RoI vectors generated from multi-target images with multiple support vectors, which can significantly improve the detection ability of the detector for multi-target images. Experiments on Pascal visual object classes (VOC) and Microsoft Common Objects in Context datasets show that our proposed Few-Shot Object Detection via Class Encoding and Multi-Target Decoding significantly improves upon baseline detectors (average accuracy improvement is up to 10.8% on VOC and 2.1% on COCO), achieving competitive performance. In general, we propose a new way to regulate the class margin between support set vectors and a way of feature aggregation for images containing multiple objects and achieve remarkable results. Our method is implemented on mmfewshot, and the code will be available later.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 2","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-04-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12088","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"43372924","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Robust model predictive tracking control for the wheeled mobile robot with boundary uncertain based on linear matrix inequalities 基于线性矩阵不等式的边界不确定轮式移动机器人鲁棒模型预测跟踪控制
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-03-26 DOI: 10.1049/csy2.12086
Xing Gao, Xin Su, Aimin An, Haochen Zhang

In this study, a robust model predictive controller is designed for the trajectory tracking problem of non-holonomic constrained wheeled mobile robot based on an elliptic invariant set approach. The controller is based on a time-varying error model of robot kinematics and uses linear matrix inequalities to solve the robust tracking problem taking uncertainties into account. The uncertainties are modelled by linear fractional transform form to contain both parameter perturbations and external disturbances. The control strategy consists of a feedforward term that drives the centre of the ellipse to the reference point and a feedback term that converges the uncertain system state error to the equilibrium point. The strategy stabilises the nominal system and ensures that all states of the uncertain system remain within the ellipsoid at each step, thus achieving robust stability of the uncertain system. Finally, the robustness of the algorithm and its resistance to disturbances are verified by simulation and experiment.

针对非完整约束轮式移动机器人的轨迹跟踪问题,基于椭圆不变集方法设计了鲁棒模型预测控制器。该控制器基于机器人运动学时变误差模型,利用线性矩阵不等式求解考虑不确定性的鲁棒跟踪问题。不确定性采用线性分数变换形式建模,以同时包含参数扰动和外部扰动。该控制策略由驱动椭圆中心到参考点的前馈项和将不确定系统状态误差收敛到平衡点的反馈项组成。该策略使标称系统稳定,并保证不确定系统的所有状态在每一步都保持在椭球内,从而实现不确定系统的鲁棒稳定性。最后,通过仿真和实验验证了该算法的鲁棒性和抗干扰性。
{"title":"Robust model predictive tracking control for the wheeled mobile robot with boundary uncertain based on linear matrix inequalities","authors":"Xing Gao,&nbsp;Xin Su,&nbsp;Aimin An,&nbsp;Haochen Zhang","doi":"10.1049/csy2.12086","DOIUrl":"10.1049/csy2.12086","url":null,"abstract":"<p>In this study, a robust model predictive controller is designed for the trajectory tracking problem of non-holonomic constrained wheeled mobile robot based on an elliptic invariant set approach. The controller is based on a time-varying error model of robot kinematics and uses linear matrix inequalities to solve the robust tracking problem taking uncertainties into account. The uncertainties are modelled by linear fractional transform form to contain both parameter perturbations and external disturbances. The control strategy consists of a feedforward term that drives the centre of the ellipse to the reference point and a feedback term that converges the uncertain system state error to the equilibrium point. The strategy stabilises the nominal system and ensures that all states of the uncertain system remain within the ellipsoid at each step, thus achieving robust stability of the uncertain system. Finally, the robustness of the algorithm and its resistance to disturbances are verified by simulation and experiment.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 1","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-03-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12086","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"45447022","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
SOPA-GA-CNN: Synchronous optimisation of parameters and architectures by genetic algorithms with convolutional neural network blocks for securing Industrial Internet-of-Things SOPA - GA - CNN:基于卷积神经网络块的遗传算法的参数和架构同步优化,以确保工业物联网的安全
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-03-24 DOI: 10.1049/csy2.12085
Jia-Cheng Huang, Guo-Qiang Zeng, Guang-Gang Geng, Jian Weng, Kang-Di Lu

In recent years, deep learning has been applied to a variety of scenarios in Industrial Internet of Things (IIoT), including enhancing the security of IIoT. However, the existing deep learning methods utilised in IIoT security are manually designed by heavily relying on the experience of the designers. The authors have made the first contribution concerning the joint optimisation of neural architecture search and hyper-parameters optimisation for securing IIoT. A novel automated deep learning method called synchronous optimisation of parameters and architectures by GA with CNN blocks (SOPA-GA-CNN) is proposed to synchronously optimise the hyperparameters and block-based architectures in convolutional neural networks (CNNs) by genetic algorithms (GA) for the intrusion detection issue of IIoT. An efficient hybrid encoding strategy and the corresponding GA-based evolutionary operations are designed to characterise and evolve both the hyperparameters, including batch size, learning rate, weight optimiser and weight regularisation, and the architectures, such as the block-based network topology and the parameters of each CNN block. The experimental results on five intrusion detection datasets in IIoT, including secure water treatment, water distribution, Gas Pipeline, Botnet in Internet of Things and Power System Attack Dataset, have demonstrated the superiority of the proposed SOPA-GA-CNN to the state-of-the-art manually designed models and neuron-evolutionary methods in terms of accuracy, precision, recall, F1-score, and the number of parameters of the deep learning models.

近年来,深度学习已被应用于工业物联网(IIoT)的各种场景,包括增强工业物联网的安全性。然而,在工业物联网安全中使用的现有深度学习方法是手工设计的,严重依赖于设计人员的经验。作者对保护工业物联网的神经架构搜索和超参数优化的联合优化做出了第一个贡献。针对工业物联网入侵检测问题,提出了一种基于遗传算法的卷积神经网络(CNN)超参数和基于块的结构同步优化算法(SOPA-GA-CNN)。设计了一种高效的混合编码策略和相应的基于遗传算法的进化操作,以表征和进化超参数,包括批大小、学习率、权重优化器和权重正则化,以及架构,如基于块的网络拓扑和每个CNN块的参数。在安全水处理、配水、输气管道、物联网僵尸网络和电力系统攻击数据集等5个工业物联网入侵检测数据集上的实验结果表明,所提出的SOPA-GA-CNN在深度学习模型的准确率、精密度、召回率、f1分数和参数数量等方面优于最先进的人工设计模型和神经元进化方法。
{"title":"SOPA-GA-CNN: Synchronous optimisation of parameters and architectures by genetic algorithms with convolutional neural network blocks for securing Industrial Internet-of-Things","authors":"Jia-Cheng Huang,&nbsp;Guo-Qiang Zeng,&nbsp;Guang-Gang Geng,&nbsp;Jian Weng,&nbsp;Kang-Di Lu","doi":"10.1049/csy2.12085","DOIUrl":"10.1049/csy2.12085","url":null,"abstract":"<p>In recent years, deep learning has been applied to a variety of scenarios in Industrial Internet of Things (IIoT), including enhancing the security of IIoT. However, the existing deep learning methods utilised in IIoT security are manually designed by heavily relying on the experience of the designers. The authors have made the first contribution concerning the joint optimisation of neural architecture search and hyper-parameters optimisation for securing IIoT. A novel automated deep learning method called synchronous optimisation of parameters and architectures by GA with CNN blocks (SOPA-GA-CNN) is proposed to synchronously optimise the hyperparameters and block-based architectures in convolutional neural networks (CNNs) by genetic algorithms (GA) for the intrusion detection issue of IIoT. An efficient hybrid encoding strategy and the corresponding GA-based evolutionary operations are designed to characterise and evolve both the hyperparameters, including batch size, learning rate, weight optimiser and weight regularisation, and the architectures, such as the block-based network topology and the parameters of each CNN block. The experimental results on five intrusion detection datasets in IIoT, including secure water treatment, water distribution, Gas Pipeline, Botnet in Internet of Things and Power System Attack Dataset, have demonstrated the superiority of the proposed SOPA-GA-CNN to the state-of-the-art manually designed models and neuron-evolutionary methods in terms of accuracy, precision, recall, F1-score, and the number of parameters of the deep learning models.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 1","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-03-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12085","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"46597324","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 3
Solving multiple travelling salesman problem through deep convolutional neural network 利用深度卷积神经网络求解多重旅行商问题
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-03-22 DOI: 10.1049/csy2.12084
Zhengxuan Ling, Yueling Zhou, Yu Zhang

The multiple travelling salesman problem (mTSP) is a classical optimisation problem that is widely applied in various fields. Although the mTSP was solved using both classical algorithms and artificial neural networks, reiteration is inevitable for these methods when presented with new samples. To meet the online and high-speed logistics requirements deploying new information technology, the iterative algorithm may not be reliable and timely. In this study, a deep convolutional neural network (DCNN)-based solution method for mTSP is proposed, which can establish the mapping between the parameters and the optimal solutions directly and avoid the use of iterations. To facilitate the DCNN in establishing a mapping, an image representation that can transfer the mTSP from an optimisation problem into a computer vision problem is presented. While maintaining the excellent quality of the results, the efficiency of the solution achieved by the proposed method is much higher than that of the traditional optimisation method after training. Meanwhile, the method can be applied to solve the mTSP under different constraints after transfer learning.

多旅行商问题(mTSP)是一个经典的优化问题,广泛应用于各个领域。虽然mTSP是用经典算法和人工神经网络求解的,但当出现新的样本时,这些方法不可避免地要重复。为了满足新信息技术部署的在线、高速物流需求,迭代算法可能不可靠、不及时。本文提出了一种基于深度卷积神经网络(DCNN)的mTSP求解方法,该方法可以直接建立参数与最优解之间的映射关系,避免了迭代的使用。为了方便DCNN建立映射,提出了一种将mTSP从优化问题转换为计算机视觉问题的图像表示。在保持结果优良质量的同时,经过训练后所得到的解的效率远高于传统的优化方法。同时,该方法可用于求解迁移学习后不同约束条件下的mTSP问题。
{"title":"Solving multiple travelling salesman problem through deep convolutional neural network","authors":"Zhengxuan Ling,&nbsp;Yueling Zhou,&nbsp;Yu Zhang","doi":"10.1049/csy2.12084","DOIUrl":"10.1049/csy2.12084","url":null,"abstract":"<p>The multiple travelling salesman problem (mTSP) is a classical optimisation problem that is widely applied in various fields. Although the mTSP was solved using both classical algorithms and artificial neural networks, reiteration is inevitable for these methods when presented with new samples. To meet the online and high-speed logistics requirements deploying new information technology, the iterative algorithm may not be reliable and timely. In this study, a deep convolutional neural network (DCNN)-based solution method for mTSP is proposed, which can establish the mapping between the parameters and the optimal solutions directly and avoid the use of iterations. To facilitate the DCNN in establishing a mapping, an image representation that can transfer the mTSP from an optimisation problem into a computer vision problem is presented. While maintaining the excellent quality of the results, the efficiency of the solution achieved by the proposed method is much higher than that of the traditional optimisation method after training. Meanwhile, the method can be applied to solve the mTSP under different constraints after transfer learning.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 1","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-03-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12084","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"48095183","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
A novel distributed architecture for unmanned aircraft systems based on Robot Operating System 2 一种基于机器人操作系统2的新型分布式无人飞行器系统结构
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-03-02 DOI: 10.1049/csy2.12083
Lorenzo Bianchi, Daniele Carnevale, Fabio Del Frate, Roberto Masocco, Simone Mattogno, Fabrizio Romanelli, Alessandro Tenaglia

A novel distributed control architecture for unmanned aircraft system (UASs) based on the new Robot Operating System (ROS) 2 middleware is proposed, endowed with industrial-grade tools that establish a novel standard for high-reliability distributed systems. The architecture has been developed for an autonomous quadcopter to design an inclusive solution ranging from low-level sensor management and soft real-time operating system setup and tuning to perception, exploration, and navigation modules orchestrated by a finite-state machine. The architecture proposed in this study builds on ROS 2 with its scalability and soft real-time communication functionalities, while including security and safety features, optimised implementations of localisation algorithms, and integrating an innovative and flexible path planner for UASs. Finally, experimental results have been collected during tests carried out both in the laboratory and in a realistic environment, showing the effectiveness of the proposed architecture in terms of reliability, scalability, and flexibility.

提出了一种基于新型机器人操作系统(ROS) 2中间件的新型无人机系统分布式控制体系结构,并赋予其工业级工具,为高可靠性分布式系统建立了新的标准。该架构是为自主四轴飞行器开发的,旨在设计一个包容性的解决方案,包括低级传感器管理、软实时操作系统设置和调整,以及由有限状态机编排的感知、探索和导航模块。本研究中提出的架构建立在ROS 2的基础上,具有可扩展性和软实时通信功能,同时包括安全和安全功能,优化的本地化算法实现,以及集成创新和灵活的UASs路径规划器。最后,在实验室和现实环境中进行的测试中收集了实验结果,显示了所提出的体系结构在可靠性、可扩展性和灵活性方面的有效性。
{"title":"A novel distributed architecture for unmanned aircraft systems based on Robot Operating System 2","authors":"Lorenzo Bianchi,&nbsp;Daniele Carnevale,&nbsp;Fabio Del Frate,&nbsp;Roberto Masocco,&nbsp;Simone Mattogno,&nbsp;Fabrizio Romanelli,&nbsp;Alessandro Tenaglia","doi":"10.1049/csy2.12083","DOIUrl":"10.1049/csy2.12083","url":null,"abstract":"<p>A novel distributed control architecture for unmanned aircraft system (UASs) based on the new Robot Operating System (ROS) 2 middleware is proposed, endowed with industrial-grade tools that establish a novel standard for high-reliability distributed systems. The architecture has been developed for an autonomous quadcopter to design an inclusive solution ranging from low-level sensor management and soft real-time operating system setup and tuning to perception, exploration, and navigation modules orchestrated by a finite-state machine. The architecture proposed in this study builds on ROS 2 with its scalability and soft real-time communication functionalities, while including security and safety features, optimised implementations of localisation algorithms, and integrating an innovative and flexible path planner for UASs. Finally, experimental results have been collected during tests carried out both in the laboratory and in a realistic environment, showing the effectiveness of the proposed architecture in terms of reliability, scalability, and flexibility.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 1","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-03-02","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12083","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"48897911","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 2
Robust state estimation for uncertain linear discrete systems with d-step measurement delay and deterministic input signals 具有d步测量延迟和确定性输入信号的不确定线性离散系统的鲁棒状态估计
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-02-20 DOI: 10.1049/csy2.12080
Yu Tian, Fanli Meng, Yao Mao, Junwei Gao, Huabo Liu

In this study, the state estimation problems for linear discrete systems with uncertain parameters, deterministic input signals and d-step measurement delay are investigated. A robust state estimator with a similar iterative form and comparable computational complexity to the Kalman filter is derived based on the state augmentation method and the sensitivity penalisation of the innovation process. It is discussed that the steady-state properties such as boundedness and convergence of the robust state estimator under the assumptions that the system parameters are time invariant. Numerical simulation results show that compared with the Kalman filter, the obtained state estimator is more robust to modelling errors and has nice estimation accuracy.

研究了具有不确定参数、确定输入信号和d阶测量延迟的线性离散系统的状态估计问题。基于状态增强法和创新过程的灵敏度惩罚,导出了一种迭代形式与卡尔曼滤波器相似、计算复杂度与卡尔曼滤波器相当的鲁棒状态估计器。在系统参数是时不变的假设下,讨论了鲁棒状态估计器的有界性和收敛性等稳态性质。数值仿真结果表明,与卡尔曼滤波相比,所得到的状态估计器对建模误差具有更强的鲁棒性,并且具有较好的估计精度。
{"title":"Robust state estimation for uncertain linear discrete systems with d-step measurement delay and deterministic input signals","authors":"Yu Tian,&nbsp;Fanli Meng,&nbsp;Yao Mao,&nbsp;Junwei Gao,&nbsp;Huabo Liu","doi":"10.1049/csy2.12080","DOIUrl":"10.1049/csy2.12080","url":null,"abstract":"<p>In this study, the state estimation problems for linear discrete systems with uncertain parameters, deterministic input signals and d-step measurement delay are investigated. A robust state estimator with a similar iterative form and comparable computational complexity to the Kalman filter is derived based on the state augmentation method and the sensitivity penalisation of the innovation process. It is discussed that the steady-state properties such as boundedness and convergence of the robust state estimator under the assumptions that the system parameters are time invariant. Numerical simulation results show that compared with the Kalman filter, the obtained state estimator is more robust to modelling errors and has nice estimation accuracy.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 1","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-02-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12080","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"44339918","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
3D semantic map construction based on point cloud and image fusion 基于点云和图像融合的三维语义地图构建
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-02-16 DOI: 10.1049/csy2.12078
Huijun Li, Hailong Zhao, Bin Ye, Yu Zhang

Accurate and robust positioning and mapping are the core functions of autonomous mobile robots, and the ability to analyse and understand scenes is also an important criterion for the intelligence of autonomous mobile robots. In the outdoor environment, most robots rely on GPS positioning. When the signal is weak, the positioning error will interfere with the mapping results, making the semantic map construction less robust. This research mainly designs a semantic map construction system that does not rely on GPS signals for large outdoor scenes. It mainly designs a feature extraction scheme based on the sampling characteristics of Livox-AVIA solid-state LiDAR. The factor graph optimisation model of frame pose and inertial measurement unit (IMU) pre-integrated pose, using a sliding window to fuse solid-state LiDAR and IMU data, fuse laser inertial odometry and camera target detection results, refer to the closest point distance and curvature for semantic information. The point cloud is used for semantic segmentation to realise the construction of a 3D semantic map in outdoor scenes. The experiment verifies that laser inertial navigation odometry based on factor map optimisation has better positioning accuracy and lower overall cumulative error at turning, and the 3D semantic map obtained on this basis performs well.

准确、鲁棒的定位和绘图是自主移动机器人的核心功能,分析和理解场景的能力也是自主移动机器人智能的重要标准。在室外环境下,大多数机器人依靠GPS定位。当信号较弱时,定位误差会干扰映射结果,使语义映射构造的鲁棒性降低。本研究主要针对大型户外场景设计一种不依赖GPS信号的语义地图构建系统。主要设计了一种基于Livox-AVIA固态激光雷达采样特性的特征提取方案。帧位姿和惯性测量单元(IMU)预集成位姿的因子图优化模型,利用滑动窗口融合固态激光雷达和IMU数据,融合激光惯性里程计和相机目标检测结果,参考最近点距离和曲率获取语义信息。利用点云进行语义分割,实现室外场景三维语义地图的构建。实验验证了基于因子地图优化的激光惯性导航里程计具有更好的定位精度和更小的转弯总体累积误差,在此基础上获得的三维语义地图具有良好的性能。
{"title":"3D semantic map construction based on point cloud and image fusion","authors":"Huijun Li,&nbsp;Hailong Zhao,&nbsp;Bin Ye,&nbsp;Yu Zhang","doi":"10.1049/csy2.12078","DOIUrl":"10.1049/csy2.12078","url":null,"abstract":"<p>Accurate and robust positioning and mapping are the core functions of autonomous mobile robots, and the ability to analyse and understand scenes is also an important criterion for the intelligence of autonomous mobile robots. In the outdoor environment, most robots rely on GPS positioning. When the signal is weak, the positioning error will interfere with the mapping results, making the semantic map construction less robust. This research mainly designs a semantic map construction system that does not rely on GPS signals for large outdoor scenes. It mainly designs a feature extraction scheme based on the sampling characteristics of Livox-AVIA solid-state LiDAR. The factor graph optimisation model of frame pose and inertial measurement unit (IMU) pre-integrated pose, using a sliding window to fuse solid-state LiDAR and IMU data, fuse laser inertial odometry and camera target detection results, refer to the closest point distance and curvature for semantic information. The point cloud is used for semantic segmentation to realise the construction of a 3D semantic map in outdoor scenes. The experiment verifies that laser inertial navigation odometry based on factor map optimisation has better positioning accuracy and lower overall cumulative error at turning, and the 3D semantic map obtained on this basis performs well.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 1","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-02-16","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12078","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"45538935","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Drift-free localisation using prior cross-source map for indoor low-light environments 使用室内低光环境的先前交叉源地图进行无漂移定位
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-02-16 DOI: 10.1049/csy2.12081
Junyi Tao, Weichen Dai, Da Kong, Jiayan Wan, Bin He, Yu Zhang

In this study, a localisation system without cumulative errors is proposed. First, depth odometry is achieved only by using the depth information from the depth camera. Then the point cloud cross-source map registration is realised by 3D particle filtering to obtain the pose of the point cloud relative to the map. Furthermore, we fuse the odometry results with the point cloud to map registration results, so the system can operate effectively even if the map is incomplete. The effectiveness of the system for long-term localisation, localisation in the incomplete map, and localisation in low light through multiple experiments on the self-recorded dataset is demonstrated. Compared with other methods, the results are better than theirs and achieve high indoor localisation accuracy.

本文提出了一种无累积误差的定位系统。首先,深度里程测量仅利用深度相机的深度信息来实现。然后通过三维粒子滤波实现点云跨源地图配准,获得点云相对于地图的位姿;此外,我们将里程计结果与点云融合到地图配准结果中,使得系统即使在地图不完整的情况下也能有效地运行。通过在自记录数据集上的多次实验,证明了该系统在长期定位、不完整地图定位和弱光下定位方面的有效性。与其他方法相比,结果优于其他方法,实现了较高的室内定位精度。
{"title":"Drift-free localisation using prior cross-source map for indoor low-light environments","authors":"Junyi Tao,&nbsp;Weichen Dai,&nbsp;Da Kong,&nbsp;Jiayan Wan,&nbsp;Bin He,&nbsp;Yu Zhang","doi":"10.1049/csy2.12081","DOIUrl":"10.1049/csy2.12081","url":null,"abstract":"<p>In this study, a localisation system without cumulative errors is proposed. First, depth odometry is achieved only by using the depth information from the depth camera. Then the point cloud cross-source map registration is realised by 3D particle filtering to obtain the pose of the point cloud relative to the map. Furthermore, we fuse the odometry results with the point cloud to map registration results, so the system can operate effectively even if the map is incomplete. The effectiveness of the system for long-term localisation, localisation in the incomplete map, and localisation in low light through multiple experiments on the self-recorded dataset is demonstrated. Compared with other methods, the results are better than theirs and achieve high indoor localisation accuracy.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 1","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-02-16","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12081","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"41559347","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Impedance learning adaptive super-twisting control of a robotic exoskeleton for physical human-robot interaction 用于物理人机交互的机器人外骨骼的阻抗学习自适应超扭曲控制
Q3 AUTOMATION & CONTROL SYSTEMS Pub Date : 2023-02-16 DOI: 10.1049/csy2.12077
Brahim Brahmi, Mohammad Habibur Rahman, Maarouf Saad

This study addresses two issues about the interaction of the upper limb rehabilitation robot with individuals who have disabilities. The first step is to estimate the human's target position (also known as TPH). The second step is to develop a robust adaptive impedance control mechanism. A novel Non-singular Terminal Sliding Mode Control combined with an adaptive super-twisting controller is being developed to achieve this goal. This combination's purpose is to provide high reliability, continuous performance tracking of the system's trajectories. The proposed adaptive control strategy reduces matched dynamic uncertainty while also lowering chattering, which is the sliding mode's most glaring issue. The proposed TPH is coupled with adaptive impedance control with the use of a Radial Basis Function Neural Network, which allows a robotic exoskeleton to simply track the desired impedance model. To validate the approach in real-time, an exoskeleton robot was deployed in controlled experimental circumstances. A comparison study has been set up to show how the adaptive impedance approach proposed is better than other traditional controllers.

本研究解决了上肢康复机器人与残疾人互动的两个问题。第一步是估计人的目标位置(也称为TPH)。第二步是开发鲁棒自适应阻抗控制机制。为了实现这一目标,提出了一种结合自适应超扭转控制器的非奇异末端滑模控制方法。这种组合的目的是提供系统轨迹的高可靠性、连续性能跟踪。提出的自适应控制策略降低了匹配的动态不确定性,同时降低了滑模最突出的抖振问题。所提出的TPH与使用径向基函数神经网络的自适应阻抗控制相结合,使机器人外骨骼能够简单地跟踪所需的阻抗模型。为了实时验证该方法,将外骨骼机器人部署在受控的实验环境中。对比研究表明,所提出的自适应阻抗方法优于其他传统控制器。
{"title":"Impedance learning adaptive super-twisting control of a robotic exoskeleton for physical human-robot interaction","authors":"Brahim Brahmi,&nbsp;Mohammad Habibur Rahman,&nbsp;Maarouf Saad","doi":"10.1049/csy2.12077","DOIUrl":"10.1049/csy2.12077","url":null,"abstract":"<p>This study addresses two issues about the interaction of the upper limb rehabilitation robot with individuals who have disabilities. The first step is to estimate the human's target position (also known as TPH). The second step is to develop a robust adaptive impedance control mechanism. A novel Non-singular Terminal Sliding Mode Control combined with an adaptive super-twisting controller is being developed to achieve this goal. This combination's purpose is to provide high reliability, continuous performance tracking of the system's trajectories. The proposed adaptive control strategy reduces matched dynamic uncertainty while also lowering chattering, which is the sliding mode's most glaring issue. The proposed TPH is coupled with adaptive impedance control with the use of a Radial Basis Function Neural Network, which allows a robotic exoskeleton to simply track the desired impedance model. To validate the approach in real-time, an exoskeleton robot was deployed in controlled experimental circumstances. A comparison study has been set up to show how the adaptive impedance approach proposed is better than other traditional controllers.</p>","PeriodicalId":34110,"journal":{"name":"IET Cybersystems and Robotics","volume":"5 1","pages":""},"PeriodicalIF":0.0,"publicationDate":"2023-02-16","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://onlinelibrary.wiley.com/doi/epdf/10.1049/csy2.12077","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"47399228","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 2
期刊
IET Cybersystems and Robotics
全部 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