1
|
Wang C, Cao Z, Wu Y, Teng L, Wu G. Deep Reinforcement Learning for Solving Vehicle Routing Problems With Backhauls. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:4779-4793. [PMID: 38551826 DOI: 10.1109/tnnls.2024.3371781] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 03/06/2025]
Abstract
The vehicle routing problem with backhauls (VRPBs) is a challenging problem commonly studied in computer science and operations research. Featured by linehaul (or delivery) and backhaul (or pickup) customers, the VRPB has broad applications in real-world logistics. In this article, we propose a neural heuristic based on deep reinforcement learning (DRL) to solve the traditional and improved VRPB variants, with an encoder-decoder structured policy network trained to sequentially construct the routes for vehicles. Specifically, we first describe the VRPB based on a graph and cast the solution construction as a Markov decision process (MDP). Then, to identify the relationship among the nodes (i.e., linehaul and backhaul customers, and the depot), we design a two-stage attention-based encoder, including a self-attention and a heterogeneous attention for each stage, which could yield more informative representations of the nodes so as to deliver high-quality solutions. The evaluation on the two VRPB variants reveals that, our neural heuristic performs favorably against both the conventional and neural heuristic baselines on randomly generated instances and benchmark instances. Moreover, the trained policy network exhibits a desirable capability of generalization to various problem sizes and distributions.
Collapse
|
2
|
Fan M, Wu Y, Cao Z, Song W, Sartoretti G, Liu H, Wu G. Conditional Neural Heuristic for Multiobjective Vehicle Routing Problems. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:4677-4689. [PMID: 38517723 DOI: 10.1109/tnnls.2024.3371706] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 03/24/2024]
Abstract
Existing neural heuristics for multiobjective vehicle routing problems (MOVRPs) are primarily conditioned on instance context, which failed to appropriately exploit preference and problem size, thus holding back the performance. To thoroughly unleash the potential, we propose a novel conditional neural heuristic (CNH) that fully leverages the instance context, preference, and size with an encoder-decoder structured policy network. Particularly, in our CNH, we design a dual-attention-based encoder to relate preferences and instance contexts, so as to better capture their joint effect on approximating the exact Pareto front (PF). We also design a size-aware decoder based on the sinusoidal encoding to explicitly incorporate the problem size into the embedding, so that a single trained model could better solve instances of various scales. Besides, we customize the REINFORCE algorithm to train the neural heuristic by leveraging stochastic preferences (SPs), which further enhances the training performance. Extensive experimental results on random and benchmark instances reveal that our CNH could achieve favorable approximation to the whole PF with higher hypervolume (HV) and lower optimality gap (Gap) than those of the existing neural and conventional heuristics. More importantly, a single trained model of our CNH can outperform other neural heuristics that are exclusively trained on each size. In addition, the effectiveness of the key designs is also verified through ablation studies.
Collapse
|
3
|
Cheng S, Liu Q, Jin H, Zhang R, Ma L, Kwong CF. Collaborative optimization of truck scheduling in container terminals using graph theory and DDQN. Sci Rep 2025; 15:6950. [PMID: 40011587 DOI: 10.1038/s41598-025-91140-7] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 11/08/2024] [Accepted: 02/18/2025] [Indexed: 02/28/2025] Open
Abstract
The container terminal is a key node in global trade and logistics, where trucks connect quay cranes, storage yards, and vessels. Optimizing truck scheduling is crucial for enhancing port efficiency by addressing issues such as low truck utilization, excessive quay crane waiting times, and extended equipment completion times. This paper develops a container terminal simulation model based on graph theory, with the objective of minimizing the maximum completion time of terminal equipment. A collaborative scheduling algorithm for truck fleets, based on Deep Double Q-Networks (DDQN), is proposed. The algorithm designs five heuristic rules as the action space and refines state features and reward functions to optimize scheduling effectively. Experimental results indicate that this algorithm consistently identifies optimal scheduling strategies, outperforming both the five heuristic rules and the Deep Q-Network (DQN) algorithm. It significantly reduces quay crane waiting times and equipment completion times, improves truck utilization, and enhances overall container terminal efficiency.
Collapse
Affiliation(s)
- Shu Cheng
- School of Information Science and Engineering, Zhejiang Sci-Tech University, Hangzhou, 310018, China
| | - Qianyu Liu
- School of Information Science and Engineering, NingboTech University, Ningbo, 315100, China.
- Department of Electrical and Electronic Engineering, University of Nottingham Ningbo China, Ningbo, 315100, China.
| | - Heng Jin
- School of Mechatronics and Energy Engineering, NingboTech University, Ningbo, 315100, China
| | - Ran Zhang
- Ningbo Daxie Container Terminal Company Ltd, Ningbo, 315812, China
| | - Longhua Ma
- School of Information Science and Engineering, NingboTech University, Ningbo, 315100, China
| | - Chiew Foong Kwong
- Department of Electrical and Electronic Engineering, University of Nottingham Ningbo China, Ningbo, 315100, China
| |
Collapse
|
4
|
Majid AY, Saaybi S, Francois-Lavet V, Prasad RV, Verhoeven C. Deep Reinforcement Learning Versus Evolution Strategies: A Comparative Survey. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:11939-11957. [PMID: 37130255 DOI: 10.1109/tnnls.2023.3264540] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 05/04/2023]
Abstract
Deep reinforcement learning (DRL) and evolution strategies (ESs) have surpassed human-level control in many sequential decision-making problems, yet many open challenges still exist. To get insights into the strengths and weaknesses of DRL versus ESs, an analysis of their respective capabilities and limitations is provided. After presenting their fundamental concepts and algorithms, a comparison is provided on key aspects, such as scalability, exploration, adaptation to dynamic environments, and multiagent learning. Current research challenges are also discussed, including sample efficiency, exploration versus exploitation, dealing with sparse rewards, and learning to plan. Then, the benefits of hybrid algorithms that combine DRL and ESs are highlighted.
Collapse
|
5
|
Zhuo Y, Song Z, Ge Z. Security Versus Accuracy: Trade-Off Data Modeling to Safe Fault Classification Systems. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:12095-12106. [PMID: 37028378 DOI: 10.1109/tnnls.2023.3251999] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/19/2023]
Abstract
While the data-driven fault classification systems have achieved great success and been widely deployed, machine-learning-based models have recently been shown to be unsafe and vulnerable to tiny perturbations, i.e., adversarial attack. For the safety-critical industrial scenarios, the adversarial security (i.e., adversarial robustness) of the fault system should be taken into serious consideration. However, security and accuracy are intrinsically conflicting, which is a trade-off issue. In this article, we first study this new trade-off issue in the design of fault classification models and solve it from a brand new view, hyperparameter optimization (HPO). Meanwhile, to reduce the computational expense of HPO, we propose a new multiobjective (MO), multifidelity (MF) Bayesian optimization (BO) algorithm, MMTPE. The proposed algorithm is evaluated on safety-critical industrial datasets with the mainstream machine learning (ML) models. The results show that the following hold: 1) MMTPE is superior to other advanced optimization algorithms in both efficiency and performance and 2) fault classification models with optimized hyperparameters are competitive with advanced adversarially defensive methods. Moreover, insights into the model security are given, including the model intrinsic security properties and the correlations between hyperparameters and security.
Collapse
|
6
|
Zhao S, Gu S. A deep reinforcement learning algorithm framework for solving multi-objective traveling salesman problem based on feature transformation. Neural Netw 2024; 176:106359. [PMID: 38733797 DOI: 10.1016/j.neunet.2024.106359] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 11/08/2023] [Revised: 03/10/2024] [Accepted: 04/29/2024] [Indexed: 05/13/2024]
Abstract
As a special type of multi-objective combinatorial optimization problems (MOCOPs), the multi-objective traveling salesman problem (MOTSP) plays an important role in practical fields such as transportation and robot control. However, due to the complexity of its solution space and the conflicts between different objectives, it is difficult to obtain satisfactory solutions in a short time. This paper proposes an end-to-end algorithm framework for solving MOTSP based on deep reinforcement learning (DRL). By decomposing strategies, solving MOTSP is transformed into solving multiple single-objective optimization subproblems. Through linear transformation, the features of the MOTSP are combined with the weights of the objective function. Subsequently, a modified graph pointer network (GPN) model is used to solve the decomposed subproblems. Compared with the previous DRL model, the proposed algorithm can solve all the subproblems using only one model without adding weight information as input features. Furthermore, our algorithm can output a corresponding solution for each weight, which increases the diversity of solutions. In order to verify the performance of our proposed algorithm, it is compared with four classical evolutionary algorithms and two DRL algorithms on several MOTSP instances. The comparison shows that our proposed algorithm outperforms the compared algorithms both in terms of training time and the quality of the resulting solutions.
Collapse
Affiliation(s)
- Shijie Zhao
- School of Mechatronic Engineering and Automation, Shanghai University, 99 Shangda Road, Shanghai 200444, China.
| | - Shenshen Gu
- School of Mechatronic Engineering and Automation, Shanghai University, 99 Shangda Road, Shanghai 200444, China.
| |
Collapse
|
7
|
Huang ZA, Liu R, Zhu Z, Tan KC. Multitask Learning for Joint Diagnosis of Multiple Mental Disorders in Resting-State fMRI. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:8161-8175. [PMID: 36459608 DOI: 10.1109/tnnls.2022.3225179] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [MESH Headings] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/17/2023]
Abstract
Facing the increasing worldwide prevalence of mental disorders, the symptom-based diagnostic criteria struggle to address the urgent public health concern due to the global shortfall in well-qualified professionals. Thanks to the recent advances in neuroimaging techniques, functional magnetic resonance imaging (fMRI) has surfaced as a new solution to characterize neuropathological biomarkers for detecting functional connectivity (FC) anomalies in mental disorders. However, the existing computer-aided diagnosis models for fMRI analysis suffer from unstable performance on large datasets. To address this issue, we propose an efficient multitask learning (MTL) framework for joint diagnosis of multiple mental disorders using resting-state fMRI data. A novel multiobjective evolutionary clustering algorithm is presented to group regions of interests (ROIs) into different clusters for FC pattern analysis. On the optimal clustering solution, the multicluster multigate mixture-of-expert model is used for the final classification by capturing the highly consistent feature patterns among related diagnostic tasks. Extensive simulation experiments demonstrate that the performance of the proposed framework is superior to that of the other state-of-the-art methods. Moreover, the potential for practical application of the framework is also validated in terms of limited computational resources, real-time analysis, and insufficient training data. The proposed model can identify the remarkable interpretative biomarkers associated with specific mental disorders for clinical interpretation analysis.
Collapse
|
8
|
Gui P, He F, Ling BWK, Zhang D, Ge Z. Normal vibration distribution search-based differential evolution algorithm for multimodal biomedical image registration. Neural Comput Appl 2023; 35:1-23. [PMID: 37362574 PMCID: PMC10227826 DOI: 10.1007/s00521-023-08649-z] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Figures] [Journal Information] [Subscribe] [Scholar Register] [Received: 11/13/2022] [Accepted: 05/02/2023] [Indexed: 06/28/2023]
Abstract
In linear registration, a floating image is spatially aligned with a reference image after performing a series of linear metric transformations. Additionally, linear registration is mainly considered a preprocessing version of nonrigid registration. To better accomplish the task of finding the optimal transformation in pairwise intensity-based medical image registration, in this work, we present an optimization algorithm called the normal vibration distribution search-based differential evolution algorithm (NVSA), which is modified from the Bernstein search-based differential evolution (BSD) algorithm. We redesign the search pattern of the BSD algorithm and import several control parameters as part of the fine-tuning process to reduce the difficulty of the algorithm. In this study, 23 classic optimization functions and 16 real-world patients (resulting in 41 multimodal registration scenarios) are used in experiments performed to statistically investigate the problem solving ability of the NVSA. Nine metaheuristic algorithms are used in the conducted experiments. When compared to the commonly utilized registration methods, such as ANTS, Elastix, and FSL, our method achieves better registration performance on the RIRE dataset. Moreover, we prove that our method can perform well with or without its initial spatial transformation in terms of different evaluation indicators, demonstrating its versatility and robustness for various clinical needs and applications. This study establishes the idea that metaheuristic-based methods can better accomplish linear registration tasks than the frequently used approaches; the proposed method demonstrates promise that it can solve real-world clinical and service problems encountered during nonrigid registration as a preprocessing approach.The source code of the NVSA is publicly available at https://github.com/PengGui-N/NVSA.
Collapse
Affiliation(s)
- Peng Gui
- School of Computer Science, Wuhan University, Wuhan, 430072 People’s Republic of China
- AIM Lab, Faculty of IT, Monash University, Melbourne, VIC 3800 Australia
- Monash-Airdoc Research, Monash University, Melbourne, VIC 3800 Australia
| | - Fazhi He
- School of Computer Science, Wuhan University, Wuhan, 430072 People’s Republic of China
| | - Bingo Wing-Kuen Ling
- School of Information Engineering, Guangdong University of Technology, Guangzhou, 510006 People’s Republic of China
| | - Dengyi Zhang
- School of Computer Science, Wuhan University, Wuhan, 430072 People’s Republic of China
| | - Zongyuan Ge
- AIM Lab, Faculty of IT, Monash University, Melbourne, VIC 3800 Australia
- Monash-Airdoc Research, Monash University, Melbourne, VIC 3800 Australia
| |
Collapse
|
9
|
Tseng FH, Yeh KH, Kao FY, Chen CY. MiniNet: Dense squeeze with depthwise separable convolutions for image classification in resource-constrained autonomous systems. ISA TRANSACTIONS 2023; 132:120-130. [PMID: 36038366 DOI: 10.1016/j.isatra.2022.07.030] [Citation(s) in RCA: 1] [Impact Index Per Article: 0.5] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Subscribe] [Scholar Register] [Received: 03/02/2022] [Revised: 07/26/2022] [Accepted: 07/26/2022] [Indexed: 06/15/2023]
Abstract
In recent years, artificial intelligence (AI) has been developed vigorously, and a great number of AI autonomous applications have been proposed. However, how to decrease computations and shorten training time with high accuracy under the limited hardware resource is a vital issue. In this paper, on the basis of MobileNet architecture, the dense squeeze with depthwise separable convolutions model is proposed, viz. MiniNet. MiniNet utilizes depthwise and pointwise convolutions, and is composed of the dense connection technique and the Squeeze-and-Excitation operations. The proposed MiniNet model is implemented and experimented with Keras. In experimental results, MiniNet is compared with three existing models, i.e., DenseNet, MobileNet, and SE-Inception-Resnet-v1. To validate that the proposed MiniNet model is provided with less computation and shorter training time, two types as well as large and small datasets are used. The experimental results showed that the proposed MiniNet model significantly reduces the number of parameters and shortens training time efficiently. MiniNet is superior to other models in terms of the lowest parameters, shortest training time, and highest accuracy when the dataset is small, especially.
Collapse
Affiliation(s)
- Fan-Hsun Tseng
- Department of Computer Science and Information Engineering, National Cheng Kung University, Tainan, Taiwan.
| | - Kuo-Hui Yeh
- Department of Information Management, National Dong Hwa University, Hualien, Taiwan; Computer Science and Engineering Department of National Sun Yat-sen University, Kaohsiung 804, Taiwan.
| | - Fan-Yi Kao
- Department of Technology Application and Human Resource Development, National Taiwan Normal University, Taipei, Taiwan.
| | - Chi-Yuan Chen
- Department of Computer Science and Information Engineering, National Ilan University, Yilan, Taiwan.
| |
Collapse
|
10
|
Xue X. Complex ontology alignment for autonomous systems via the Compact Co-Evolutionary Brain Storm Optimization algorithm. ISA TRANSACTIONS 2023; 132:190-198. [PMID: 35710584 DOI: 10.1016/j.isatra.2022.05.034] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Subscribe] [Scholar Register] [Received: 01/03/2022] [Revised: 05/18/2022] [Accepted: 05/26/2022] [Indexed: 06/15/2023]
Abstract
Autonomous Systems (ASs) that work in the open, dynamic environment are required to share their data entities and semantics to implement the co-operations. Typically, AS's data schemas and semantics are described via ontology. Since ASs need to maintain their autonomy and conceptual specificity, their ontologies might define one concept with different terms or in different contexts, which yields the heterogeneity issue and hampers their co-operations. An effective solution is to establish a set of data entity's correspondences through the Ontology Alignment (OA). Sine the simple correspondence of one-to-one style lacks expressiveness and cannot completely cover different types of heterogeneity, ASs' co-operations require using the complex correspondence of one-to-many or many-to-may style. Inspired by the success of applying the Brain Storm Optimization algorithm (BSO) to solve diverse complex optimization problems, this work proposes a Compact Co-Evolutionary BSO (CCBSO) to face the challenge of aligning AS ontologies. In particular, the AS ontology aligning problem is formally defined, a hybrid confidence measure for distinguishing the simple and complex correspondences is proposed, and a problem-specific CCBSO is presented. The experiment tests CCBSO's performance on different AS ontology aligning tasks, which consist of two simple ontology aligning tasks and one complex ontology aligning track. The experimental results show that CCBSO outperforms the state-of-the-art ontology aligning techniques on all simple and complex ontology aligning tasks.
Collapse
Affiliation(s)
- Xingsi Xue
- Fujian Provincial Key Laboratory of Big Data Mining and Applications, Fujian University of Technology, Fuzhou, Fujian, 350118, China; Intelligent Information Processing Research Center, Fujian University of Technology, Fuzhou, Fujian, 350118, China.
| |
Collapse
|
11
|
Yang Z, Wu H, Liu Q, Liu X, Zhang Y, Cao X. A self-attention integrated spatiotemporal LSTM approach to edge-radar echo extrapolation in the Internet of Radars. ISA TRANSACTIONS 2023; 132:155-166. [PMID: 35840413 DOI: 10.1016/j.isatra.2022.06.046] [Citation(s) in RCA: 1] [Impact Index Per Article: 0.5] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Subscribe] [Scholar Register] [Received: 11/30/2021] [Revised: 06/29/2022] [Accepted: 06/29/2022] [Indexed: 06/15/2023]
Abstract
In recent years, the number of weather-related disasters significantly increases across the world. As a typical example, short-range extreme precipitation can cause severe flooding and other secondary disasters, which therefore requires accurate prediction of extent and intensity of precipitation in a relatively short period of time. Based on the echo extrapolation of networked weather radars (i.e., the Internet of Radars), different solutions have been presented ranging from traditional optical-flow methods to recent deep neural networks. However, these existing networks focus on local features of echo variations to model the dynamics of holistic radar echo motion, so it often suffers from inaccurate extrapolation of the radar echo motion trend, trajectory, and intensity. To address the problem, this paper introduces the self-attention mechanism and an extra memory that saves global spatiotemporal feature into the original Spatiotemporal LSTM (ST-LSTM) to form a self-attention Integrated ST-LSTM recurrent unit (SAST-LSTM), capturing both spatial and temporal global features of radar echo motion. And several these units are stacked to build the radar echo extrapolation network SAST-Net. Comparative experiments show that the proposed model has better performance on different real world radar echo datasets over other recent methods.
Collapse
Affiliation(s)
- Zhiyun Yang
- School of Computer and Software, Engineering Research Center of Digital Forensics, Ministry of Education, Nanjing University of Information Science and Technology, Nanjing, 210044, China.
| | - Hao Wu
- School of Computer and Software, Engineering Research Center of Digital Forensics, Ministry of Education, Nanjing University of Information Science and Technology, Nanjing, 210044, China.
| | - Qi Liu
- School of Computer and Software, Engineering Research Center of Digital Forensics, Ministry of Education, Nanjing University of Information Science and Technology, Nanjing, 210044, China.
| | - Xiaodong Liu
- School of Computing, Edinburgh Napier University, Edinburgh, EH10 5DT, UK.
| | - Yonghong Zhang
- School of Automation, Nanjing University of Information Science Technology, Nanjing, 210044, China.
| | - Xuefei Cao
- School of Cyber and Information Security, Xidian University, Xi'an, 710071, China.
| |
Collapse
|
12
|
Asim M, Abd El-Latif AA. Intelligent computational methods for multi-unmanned aerial vehicle-enabled autonomous mobile edge computing systems. ISA TRANSACTIONS 2023; 132:5-15. [PMID: 34933773 DOI: 10.1016/j.isatra.2021.11.021] [Citation(s) in RCA: 3] [Impact Index Per Article: 1.5] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Subscribe] [Scholar Register] [Received: 09/21/2021] [Revised: 11/15/2021] [Accepted: 11/15/2021] [Indexed: 06/14/2023]
Abstract
This paper proposes a multi-unmanned aerial vehicle (UAV)-enabled autonomous mobile edge computing (MEC) system, in which several UAVs are deployed to provide services to user devices (UDs). The aim is to reduce/minimize the overall energy consumption of the autonomous system via designing the optimal trajectories of multiple UAVs. The problem is very complicated to be solved by traditional methods, as one has to take into account the deployment updation of stop points (SPs), the association of SPs with UDs and UAVs, and the optimal trajectories designing of UAVs. To tackle this problem, we propose a variable-length trajectory planning algorithm (VLTPA) consisting of three phases. In the first phase, the deployment of SPs is updated via presenting a genetic algorithm (GA) having variable-length individuals. Accordingly, the association between UDs and SPs is addressed by using a close rule. Finally, a multi-chrome GA is proposed to jointly handle the association of SPs with UAVs and their order for UAVs. The proposed VLTPA is tested via performing extensive experiments on eight instances ranging from 60 to 200 UDs, which reveal that the proposed VLTPA outperforms other compared state-of-the-art algorithms.
Collapse
Affiliation(s)
- Muhammad Asim
- School of Computer Science and Engineering, Central South University, Changsha 410083, China.
| | - Ahmed A Abd El-Latif
- Department of Mathematics and Computer Science, Faculty of Science, Menoufia University, Shebin El-Koom 32511, Egypt.
| |
Collapse
|
13
|
Multi-step wind speed prediction based on an improved multi-objective seagull optimization algorithm and a multi-kernel extreme learning machine. APPL INTELL 2022. [DOI: 10.1007/s10489-022-04312-7] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Indexed: 12/12/2022]
|
14
|
Li X, Gao L, Li X, Cao H, Sun Y. Fault Restoration of Six-Axis Force/Torque Sensor Based on Optimized Back Propagation Networks. SENSORS (BASEL, SWITZERLAND) 2022; 22:6691. [PMID: 36081154 PMCID: PMC9460617 DOI: 10.3390/s22176691] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Figures] [Subscribe] [Scholar Register] [Received: 08/02/2022] [Revised: 08/27/2022] [Accepted: 09/01/2022] [Indexed: 06/15/2023]
Abstract
Six-axis force/torque sensors are widely installed in manipulators to help researchers achieve closed-loop control. When manipulators work in comic space and deep sea, the adverse ambient environment will cause various degrees of damage to F/T sensors. If the disability of one or two dimensions is restored by self-restoration methods, the robustness and practicality of F/T sensors can be considerably enhanced. The coupling effect is an important characteristic of multi-axis F/T sensors, which implies that all dimensions of F/T sensors will influence each other. We can use this phenomenon to speculate the broken dimension by other regular dimensions. Back propagation neural network (BPNN) is a classical feedforward neural network, which consists of several layers and adopts the back-propagation algorithm to train networks. Hyperparameters of BPNN cannot be updated by training, but they impact the network performance directly. Hence, the particle swarm optimization (PSO) algorithm is adopted to tune the hyperparameters of BPNN. In this work, each dimension of a six-axis F/T sensor is regarded as an element in the input vector, and the relationships among six dimensions can be obtained using optimized BPNN. The average MSE of restoring one dimension and two dimensions over the testing data is 1.1693×10-5 and 3.4205×10-5, respectively. Furthermore, the average quote error of one restored dimension and two restored dimensions are 8.800×10-3 and 8.200×10-3, respectively. The analysis of experimental results illustrates that the proposed fault restoration method based on PSO-BPNN is viable and practical. The F/T sensor restored using the proposed method can reach the original measurement precision.
Collapse
Affiliation(s)
- Xuhao Li
- Institutes of Physical Science and Information Technology, Anhui University, Hefei 230031, China
- Hefei Institutes of Physical Science, Chinese Academy of Sciences, Hefei 230031, China
| | - Lifu Gao
- Hefei Institutes of Physical Science, Chinese Academy of Sciences, Hefei 230031, China
- Department of Science Island, University of Science and Technology of China, Hefei 230026, China
| | - Xiaohui Li
- Beijing Institute of Control Engineering, Beijing 100080, China
| | - Huibin Cao
- Hefei Institutes of Physical Science, Chinese Academy of Sciences, Hefei 230031, China
- Department of Science Island, University of Science and Technology of China, Hefei 230026, China
| | - Yuxiang Sun
- Hefei Institutes of Physical Science, Chinese Academy of Sciences, Hefei 230031, China
| |
Collapse
|
15
|
Li X, Chen H, Zheng D, Xu X. CED-Net: A more effective DenseNet model with channel enhancement. MATHEMATICAL BIOSCIENCES AND ENGINEERING : MBE 2022; 19:12232-12246. [PMID: 36653994 DOI: 10.3934/mbe.2022569] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/17/2023]
Abstract
In recent years, deep convolutional neural network (CNN) has been applied more and more increasingly used in computer vision, natural language processing and other fields. At the same time, low-power platforms have more and more significant requirements for the size of the network. This paper proposed CED-Net (Channel enhancement DenseNet), a more efficient densely connected network. It combined the bottleneck layer with learned group convolution and channel enhancement module. The bottleneck layer with learned group convolution could effectively increase the network's accuracy without too many extra parameters and computation (FLOPs, Floating Point Operations). The channel enhancement module improved the representation of the network by increasing the interdependency between convolutional feature channels. CED-Net is designed regarding CondenseNet's structure, and our experiments show that the CED-Net is more effective than CondenseNet and other advanced lightweight CNNs. Accuracy on the CIFAR-10 dataset and CIFAR-100 dataset is 0.4 and 1% higher than that on CondenseNet, respectively, but they have almost the same number of parameters and FLOPs. Finally, the ablation experiment proves the effectiveness of the bottleneck layer used in CED-Net.
Collapse
Affiliation(s)
- Xiangqun Li
- School of Computer Science and Technology, China University of Mining and Technology, Xuzhou 221116, China
- Key Laboratory of Opto-technology and Intelligent Control, Ministry of Education, Lanzhou Jiaotong University, Lanzhou 730070, China
| | - Hu Chen
- School of Computer Science and Technology, China University of Mining and Technology, Xuzhou 221116, China
| | - Dong Zheng
- School of Computer Science and Technology, China University of Mining and Technology, Xuzhou 221116, China
| | - Xinzheng Xu
- School of Computer Science and Technology, China University of Mining and Technology, Xuzhou 221116, China
- Key Laboratory of Opto-technology and Intelligent Control, Ministry of Education, Lanzhou Jiaotong University, Lanzhou 730070, China
| |
Collapse
|
16
|
Winsorized dendritic neuron model artificial neural network and a robust training algorithm with Tukey’s biweight loss function based on particle swarm optimization. GRANULAR COMPUTING 2022. [DOI: 10.1007/s41066-022-00345-y] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 10/15/2022]
|
17
|
Yasir M, Ansari Y, Latif K, Maqsood H, Habib A, Moon J, Rho S. Machine learning–assisted efficient demand forecasting using endogenous and exogenous indicators for the textile industry. INTERNATIONAL JOURNAL OF LOGISTICS-RESEARCH AND APPLICATIONS 2022. [DOI: 10.1080/13675567.2022.2100334] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 10/17/2022]
Affiliation(s)
- Muhammad Yasir
- School of Management, FAST National University of Computer and Emerging Sciences, Karachi, Pakistan
| | - Yasmeen Ansari
- Department of Finance, College of Administrative and Financial Sciences, Saudi Electronic University, Jeddah, Saudi Arabia
| | - Khalid Latif
- Department of Commerce, Government College University Faisalabad, Faisalabad, Pakistan
| | - Haider Maqsood
- Department of Management Sciences, Bahria University Islamabad, Islamabad, Pakistan
| | - Adnan Habib
- Department of Computer Engineering, UET Taxila, Taxila, Pakistan
| | - Jihoon Moon
- Department of Industrial Security, Chung-Ang University, Seoul, South Korea
| | - Seungmin Rho
- Department of Industrial Security, Chung-Ang University, Seoul, South Korea
| |
Collapse
|
18
|
A hybrid Genetic–Grey Wolf Optimization algorithm for optimizing Takagi–Sugeno–Kang fuzzy systems. Neural Comput Appl 2022. [DOI: 10.1007/s00521-022-07356-5] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Indexed: 11/30/2022]
Abstract
AbstractNature-inspired optimization techniques have been applied in various fields of study to solve optimization problems. Since designing a Fuzzy System (FS) can be considered one of the most complex optimization problems, many meta-heuristic optimizations have been developed to design FS structures. This paper aims to design a Takagi–Sugeno–Kang fuzzy Systems (TSK-FS) structure by generating the required fuzzy rules and selecting the most influential parameters for these rules. In this context, a new hybrid nature-inspired algorithm is proposed, namely Genetic–Grey Wolf Optimization (GGWO) algorithm, to optimize TSK-FSs. In GGWO, a hybridization of the genetic algorithm (GA) and the grey wolf optimizer (GWO) is applied to overcome the premature convergence and poor solution exploitation of the standard GWO. Using genetic crossover and mutation operators accelerates the exploration process and efficiently reaches the best solution (rule generation) within a reasonable time. The proposed GGWO is tested on several benchmark functions compared with other nature-inspired optimization algorithms. The result of simulations applied to the fuzzy control of nonlinear plants shows the superiority of GGWO in designing TSK-FSs with high accuracy compared with different optimization algorithms in terms of Root Mean Squared Error (RMSE) and computational time.
Collapse
|
19
|
Li J. Venture financing risk assessment and risk control algorithm for small and medium-sized enterprises in the era of big data. JOURNAL OF INTELLIGENT SYSTEMS 2022. [DOI: 10.1515/jisys-2022-0047] [Citation(s) in RCA: 1] [Impact Index Per Article: 0.3] [Reference Citation Analysis] [Abstract] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Indexed: 11/15/2022] Open
Abstract
Abstract
The existing risk assessment and control methods of enterprise risk financing have a large error in mobile data, which leads to inaccurate risk assessment results and low-risk optimization control efficiency. In order to improve the accuracy of risk financing risk assessment for small and medium-sized enterprises (SMEs) and risk control optimization efficiency, this article proposes risk assessment and risk control algorithms for SMEs in the era of big data. Through verifying the information of the loan application and supplementing the data during the loan period, invoke the existing enterprise financing risk database, establish the SME venture financing risk assessment model; build the risk evaluation index system according to the characteristics of the enterprise production organization, process characteristics, and the development of the socioeconomic and technical environment; apply the GA–PSO algorithm to the design of the SME risk financing risk control scheme, and complete the SME risk financing risk assessment and risk control. The experimental results show that the risk optimization control efficiency of the control algorithm reaches more than 70%, and the risk assessment accuracy of SMEs reaches over 95%, and the runtime less than 80 ms, with good convergence performance of risk assessment and control, strong risk optimization control ability, and accurate evaluation effect.
Collapse
Affiliation(s)
- Jiehui Li
- College of Finance, Fujian Jiangxia University , Fuzhou 350108 , China
| |
Collapse
|
20
|
Multiobjective energy efficient street lighting framework: A data analysis approach. APPL INTELL 2022. [DOI: 10.1007/s10489-022-03398-3] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Indexed: 11/02/2022]
|
21
|
Adaptive particle swarm optimization model for resource leveling. EVOLVING SYSTEMS 2022. [DOI: 10.1007/s12530-022-09420-w] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Indexed: 10/18/2022]
|
22
|
Sonthi VK, Nagarajan S, Krishnaraj N. An Intelligent Telugu Handwritten Character Recognition using Multi-Objective Mayfly Optimization with Deep Learning Based DenseNet Model. ACM T ASIAN LOW-RESO 2022. [DOI: 10.1145/3520439] [Citation(s) in RCA: 1] [Impact Index Per Article: 0.3] [Reference Citation Analysis] [Abstract] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Indexed: 10/18/2022]
Abstract
Handwritten character recognition process has gained significant attention among research communities due to the application in assistive technologies for visually impaired people, human robot interaction, automated registry for business document, and so on. Handwritten character recognition of Telugu language is hard owing to the absence of massive dataset and trained convolution neural network (CNN). Therefore, this paper introduces an intelligent Telugu character recognition using multi-objective mayfly optimization with deep learning (MOMFO-DL) model. The proposed MOMFO-DL technique involves DenseNet-169 model as a feature extractor to generate a useful set of feature vectors. Moreover, functional link neural network (FLNN) is used as a classification model to recognize and classify the printer characters. The design of MOMFO technique for the parameter optimization of DenseNet model and FLNN model shows the novelty of the work. The use of MOMFO technique helps to optimally tune the parameters in such a way that the overall performance can be improved. The extensive experimental analysis takes place on benchmark datasets and the outcomes are examined with respect to different measures. The experimental results pointed out the supremacy of the MOMFO technique over the recent state of art methods.
Collapse
Affiliation(s)
| | - S. Nagarajan
- Associate Professor, Department of CSE, FEAT, Annamalai University
| | - N. Krishnaraj
- Associate Professor, School of Computing, SRM Institute of Science & Technology
| |
Collapse
|