Thediagnosis of Dry EyeDisease(DED),however,usually depends on clinical information and complex,high-dimensional datasets.To improve the performance of classification models,this paper proposes a Computer Aided Design...Thediagnosis of Dry EyeDisease(DED),however,usually depends on clinical information and complex,high-dimensional datasets.To improve the performance of classification models,this paper proposes a Computer Aided Design(CAD)system that presents a new method for DED classification called(IAOO-PSO),which is a powerful Feature Selection technique(FS)that integrates with Opposition-Based Learning(OBL)and Particle Swarm Optimization(PSO).We improve the speed of convergence with the PSO algorithmand the exploration with the IAOO algorithm.The IAOO is demonstrated to possess superior global optimization capabilities,as validated on the IEEE Congress on Evolutionary Computation 2022(CEC’22)benchmark suite and compared with seven Metaheuristic(MH)algorithms.Additionally,an IAOO-PSO model based on Support Vector Machines(SVMs)classifier is proposed for FS and classification,where the IAOO-PSO is used to identify the most relevant features.This model was applied to the DED dataset comprising 20,000 cases and 26 features,achieving a high classification accuracy of 99.8%,which significantly outperforms other optimization algorithms.The experimental results demonstrate the reliability,success,and efficiency of the IAOO-PSO technique for both FS and classification in the detection of DED.展开更多
In recent years, particle swarm optimization (PSO) has received widespread attention in feature selection due to its simplicity and potential for global search. However, in traditional PSO, particles primarily update ...In recent years, particle swarm optimization (PSO) has received widespread attention in feature selection due to its simplicity and potential for global search. However, in traditional PSO, particles primarily update based on two extreme values: personal best and global best, which limits the diversity of information. Ideally, particles should learn from multiple advantageous particles to enhance interactivity and optimization efficiency. Accordingly, this paper proposes a PSO that simulates the evolutionary dynamics of species survival in mountain peak ecology (PEPSO) for feature selection. Based on the pyramid topology, the algorithm simulates the features of mountain peak ecology in nature and the competitive-cooperative strategies among species. According to the principles of the algorithm, the population is first adaptively divided into many subgroups based on the fitness level of particles. Then, particles within each subgroup are divided into three different types based on their evolutionary levels, employing different adaptive inertia weight rules and dynamic learning mechanisms to define distinct learning modes. Consequently, all particles play their respective roles in promoting the global optimization performance of the algorithm, similar to different species in the ecological pattern of mountain peaks. Experimental validation of the PEPSO performance was conducted on 18 public datasets. The experimental results demonstrate that the PEPSO outperforms other PSO variant-based feature selection methods and mainstream feature selection methods based on intelligent optimization algorithms in terms of overall performance in global search capability, classification accuracy, and reduction of feature space dimensions. Wilcoxon signed-rank test also confirms the excellent performance of the PEPSO.展开更多
Offboard active decoys(OADs)can effectively jam monopulse radars.However,for missiles approaching from a particular direction and distance,the OAD should be placed at a specific location,posing high requirements for t...Offboard active decoys(OADs)can effectively jam monopulse radars.However,for missiles approaching from a particular direction and distance,the OAD should be placed at a specific location,posing high requirements for timing and deployment.To improve the response speed and jamming effect,a cluster of OADs based on an unmanned surface vehicle(USV)is proposed.The formation of the cluster determines the effectiveness of jamming.First,based on the mechanism of OAD jamming,critical conditions are identified,and a method for assessing the jamming effect is proposed.Then,for the optimization of the cluster formation,a mathematical model is built,and a multi-tribe adaptive particle swarm optimization algorithm based on mutation strategy and Metropolis criterion(3M-APSO)is designed.Finally,the formation optimization problem is solved and analyzed using the 3M-APSO algorithm under specific scenarios.The results show that the improved algorithm has a faster convergence rate and superior performance as compared to the standard Adaptive-PSO algorithm.Compared with a single OAD,the optimal formation of USV-OAD cluster effectively fills the blind area and maximizes the use of jamming resources.展开更多
The escalating deployment of distributed power sources and random loads in DC distribution networks hasamplified the potential consequences of faults if left uncontrolled. To expedite the process of achieving an optim...The escalating deployment of distributed power sources and random loads in DC distribution networks hasamplified the potential consequences of faults if left uncontrolled. To expedite the process of achieving an optimalconfiguration of measurement points, this paper presents an optimal configuration scheme for fault locationmeasurement points in DC distribution networks based on an improved particle swarm optimization algorithm.Initially, a measurement point distribution optimization model is formulated, leveraging compressive sensing.The model aims to achieve the minimum number of measurement points while attaining the best compressivesensing reconstruction effect. It incorporates constraints from the compressive sensing algorithm and networkwide viewability. Subsequently, the traditional particle swarm algorithm is enhanced by utilizing the Haltonsequence for population initialization, generating uniformly distributed individuals. This enhancement reducesindividual search blindness and overlap probability, thereby promoting population diversity. Furthermore, anadaptive t-distribution perturbation strategy is introduced during the particle update process to enhance the globalsearch capability and search speed. The established model for the optimal configuration of measurement points issolved, and the results demonstrate the efficacy and practicality of the proposed method. The optimal configurationreduces the number of measurement points, enhances localization accuracy, and improves the convergence speedof the algorithm. These findings validate the effectiveness and utility of the proposed approach.展开更多
During construction,the shield linings of tunnels often face the problem of local or overall upward movement after leaving the shield tail in soft soil areas or during some large diameter shield projects.Differential ...During construction,the shield linings of tunnels often face the problem of local or overall upward movement after leaving the shield tail in soft soil areas or during some large diameter shield projects.Differential floating will increase the initial stress on the segments and bolts which is harmful to the service performance of the tunnel.In this study we used a random forest(RF)algorithm combined particle swarm optimization(PSO)and 5-fold cross-validation(5-fold CV)to predict the maximum upward displacement of tunnel linings induced by shield tunnel excavation.The mechanism and factors causing upward movement of the tunnel lining are comprehensively summarized.Twelve input variables were selected according to results from analysis of influencing factors.The prediction performance of two models,PSO-RF and RF(default)were compared.The Gini value was obtained to represent the relative importance of the influencing factors to the upward displacement of linings.The PSO-RF model successfully predicted the maximum upward displacement of the tunnel linings with a low error(mean absolute error(MAE)=4.04 mm,root mean square error(RMSE)=5.67 mm)and high correlation(R^(2)=0.915).The thrust and depth of the tunnel were the most important factors in the prediction model influencing the upward displacement of the tunnel linings.展开更多
In recent years,numerical weather forecasting has been increasingly emphasized.Variational data assimilation furnishes precise initial values for numerical forecasting models,constituting an inherently nonlinear optim...In recent years,numerical weather forecasting has been increasingly emphasized.Variational data assimilation furnishes precise initial values for numerical forecasting models,constituting an inherently nonlinear optimization challenge.The enormity of the dataset under consideration gives rise to substantial computational burdens,complex modeling,and high hardware requirements.This paper employs the Dual-Population Particle Swarm Optimization(DPSO)algorithm in variational data assimilation to enhance assimilation accuracy.By harnessing parallel computing principles,the paper introduces the Parallel Dual-Population Particle Swarm Optimization(PDPSO)Algorithm to reduce the algorithm processing time.Simulations were carried out using partial differential equations,and comparisons in terms of time and accuracy were made against DPSO,the Dynamic Weight Particle Swarm Algorithm(PSOCIWAC),and the TimeVarying Double Compression Factor Particle Swarm Algorithm(PSOTVCF).Experimental results indicate that the proposed PDPSO outperforms PSOCIWAC and PSOTVCF in convergence accuracy and is comparable to DPSO.Regarding processing time,PDPSO is 40%faster than PSOCIWAC and PSOTVCF and 70%faster than DPSO.展开更多
Particle Swarm Optimization(PSO)has been utilized as a useful tool for solving intricate optimization problems for various applications in different fields.This paper attempts to carry out an update on PSO and gives a...Particle Swarm Optimization(PSO)has been utilized as a useful tool for solving intricate optimization problems for various applications in different fields.This paper attempts to carry out an update on PSO and gives a review of its recent developments and applications,but also provides arguments for its efficacy in resolving optimization problems in comparison with other algorithms.Covering six strategic areas,which include Data Mining,Machine Learning,Engineering Design,Energy Systems,Healthcare,and Robotics,the study demonstrates the versatility and effectiveness of the PSO.Experimental results are,however,used to show the strong and weak parts of PSO,and performance results are included in tables for ease of comparison.The results stress PSO’s efficiency in providing optimal solutions but also show that there are aspects that need to be improved through combination with algorithms or tuning to the parameters of the method.The review of the advantages and limitations of PSO is intended to provide academics and practitioners with a well-rounded view of the methods of employing such a tool most effectively and to encourage optimized designs of PSO in solving theoretical and practical problems in the future.展开更多
To solve the problem of multi-platform collaborative use in anti-ship missile (ASM) path planning, this paper pro-posed multi-operator real-time constraints particle swarm opti-mization (MRC-PSO) algorithm. MRC-PSO al...To solve the problem of multi-platform collaborative use in anti-ship missile (ASM) path planning, this paper pro-posed multi-operator real-time constraints particle swarm opti-mization (MRC-PSO) algorithm. MRC-PSO algorithm utilizes a semi-rasterization environment modeling technique and inte-grates the geometric gradient law of ASMs which distinguishes itself from other collaborative path planning algorithms by fully considering the coupling between collaborative paths. Then, MRC-PSO algorithm conducts chunked stepwise recursive evo-lution of particles while incorporating circumvent, coordination, and smoothing operators which facilitates local selection opti-mization of paths, gradually reducing algorithmic space, accele-rating convergence, and enhances path cooperativity. Simula-tion experiments comparing the MRC-PSO algorithm with the PSO algorithm, genetic algorithm and operational area cluster real-time restriction (OACRR)-PSO algorithm, which demon-strate that the MRC-PSO algorithm has a faster convergence speed, and the average number of iterations is reduced by approximately 75%. It also proves that it is equally effective in resolving complex scenarios involving multiple obstacles. More-over it effectively addresses the problem of path crossing and can better satisfy the requirements of multi-platform collabora-tive path planning. The experiments are conducted in three col-laborative operation modes, namely, three-to-two, three-to-three, and four-to-two, and the outcomes demonstrate that the algorithm possesses strong universality.展开更多
Accurately forecasting peak particle velocity(PPV)during blasting operations plays a crucial role in mitigating vibration-related hazards and preventing economic losses.This research introduces an approach to PPV pred...Accurately forecasting peak particle velocity(PPV)during blasting operations plays a crucial role in mitigating vibration-related hazards and preventing economic losses.This research introduces an approach to PPV prediction by combining conventional empirical equations with physics-informed neural networks(PINN)and optimizing the model parameters via the Particle Swarm Optimization(PSO)algorithm.The proposed PSO-PINN framework was rigorously benchmarked against seven established machine learning approaches:Multilayer Perceptron(MLP),Extreme Gradient Boosting(XGBoost),Random Forest(RF),Support Vector Regression(SVR),Gradient Boosting Decision Tree(GBDT),Adaptive Boosting(Adaboost),and Gene Expression Programming(GEP).Comparative analysis showed that PSO-PINN outperformed these models,achieving RMSE reductions of 17.82-37.63%,MSE reductions of 32.47-61.10%,AR improvements of 2.97-21.19%,and R^(2)enhancements of 7.43-29.21%,demonstrating superior accuracy and generalization.Furthermore,the study determines the impact of incorporating empirical formulas as physical constraints in neural networks and examines the effects of different empirical equations,particle swarm size,iteration count in PSO,regularization coefficient,and learning rate in PINN on model performance.Lastly,a predictive system for blast vibration PPV is designed and implemented.The research outcomes offer theoretical references and practical recommendations for blast vibration forecasting in similar engineering applications.展开更多
In Rayleigh wave exploration,the inversion of dispersion curves is a crucial step for obtaining subsurface stratigraphic information,characterized by its multi-parameter and multi-extremum nature.Local optimization al...In Rayleigh wave exploration,the inversion of dispersion curves is a crucial step for obtaining subsurface stratigraphic information,characterized by its multi-parameter and multi-extremum nature.Local optimization algorithms used in dispersion curve inversion are highly dependent on the initial model and are prone to being trapped in local optima,while classical global optimization algorithms often suffer from slow convergence and low solution accuracy.To address these issues,this study introduces the Osprey Optimization Algorithm(OOA),known for its strong global search and local exploitation capabilities,into the inversion of dispersion curves to enhance inversion performance.In noiseless theoretical models,the OOA demonstrates excellent inversion accuracy and stability,accurately recovering model parameters.Even in noisy models,OOA maintains robust performance,achieving high inversion precision under high-noise conditions.In multimode dispersion curve tests,OOA effectively handles higher modes due to its efficient global and local search capabilities,and the inversion results show high consistency with theoretical values.Field data from the Wyoming region in the United States and a landfill site in Italy further verify the practical applicability of the OOA.Comprehensive test results indicate that the OOA outperforms the Particle Swarm Optimization(PSO)algorithm,providing a highly accurate and reliable inversion strategy for dispersion curve inversion.展开更多
Multi-label feature selection(MFS)is a crucial dimensionality reduction technique aimed at identifying informative features associated with multiple labels.However,traditional centralized methods face significant chal...Multi-label feature selection(MFS)is a crucial dimensionality reduction technique aimed at identifying informative features associated with multiple labels.However,traditional centralized methods face significant challenges in privacy-sensitive and distributed settings,often neglecting label dependencies and suffering from low computational efficiency.To address these issues,we introduce a novel framework,Fed-MFSDHBCPSO—federated MFS via dual-layer hybrid breeding cooperative particle swarm optimization algorithm with manifold and sparsity regularization(DHBCPSO-MSR).Leveraging the federated learning paradigm,Fed-MFSDHBCPSO allows clients to perform local feature selection(FS)using DHBCPSO-MSR.Locally selected feature subsets are encrypted with differential privacy(DP)and transmitted to a central server,where they are securely aggregated and refined through secure multi-party computation(SMPC)until global convergence is achieved.Within each client,DHBCPSO-MSR employs a dual-layer FS strategy.The inner layer constructs sample and label similarity graphs,generates Laplacian matrices to capture the manifold structure between samples and labels,and applies L2,1-norm regularization to sparsify the feature subset,yielding an optimized feature weight matrix.The outer layer uses a hybrid breeding cooperative particle swarm optimization algorithm to further refine the feature weight matrix and identify the optimal feature subset.The updated weight matrix is then fed back to the inner layer for further optimization.Comprehensive experiments on multiple real-world multi-label datasets demonstrate that Fed-MFSDHBCPSO consistently outperforms both centralized and federated baseline methods across several key evaluation metrics.展开更多
Reverse design of highly GeO2-doped silica optical fibers with broadband and flat dispersion profiles is proposed using a neural network(NN) combined with a particle swarm optimization(PSO) algorithm.Firstly,the NN mo...Reverse design of highly GeO2-doped silica optical fibers with broadband and flat dispersion profiles is proposed using a neural network(NN) combined with a particle swarm optimization(PSO) algorithm.Firstly,the NN model designed to predict optical fiber dispersion is trained with an appropriate choice of hyperparameters,achieving a root mean square error(RMSE) of 9.47×10-7on the test dataset,with a determination coefficient(R2) of 0.999.Secondly,the NN is combined with the PSO algorithm for the inverse design of dispersion-flattened optical fibers.To expand the search space and avoid particles becoming trapped in local optimal solutions,the PSO algorithm incorporates adaptive inertia weight updating and a simulated annealing algorithm.Finally,by using a suitable fitness function,the designed fibers exhibit flat group velocity dispersion(GVD) profiles at 1 400—2 400 nm,where the GVD fluctuations and minimum absolute GVD values are below 18 ps·nm-1·km-1and 7 ps·nm-1·km-1,respectively.展开更多
Test selection design(TSD)is an important technique for improving product maintainability,reliability and reducing lifecycle costs.In recent years,although some researchers have addressed the design problem of test se...Test selection design(TSD)is an important technique for improving product maintainability,reliability and reducing lifecycle costs.In recent years,although some researchers have addressed the design problem of test selection,the correlation between test outcomes has not been sufficiently considered in test metrics modeling.This study proposes a new approach that combines copula and D-Vine copula to address the correlation issue in TSD.First,the copula is utilized to model FIR on the joint distribution.Furthermore,the D-Vine copula is applied to model the FDR and FAR.Then,a particle swarm optimization is employed to select the optimal testing scheme.Finally,the efficacy of the proposed method is validated through experimentation on a negative feedback circuit.展开更多
This paper presents an innovative and effective control strategy tailored for a deregulated,diversified energy system involving multiple interconnected area.Each area integrates a unique mix of power generation techno...This paper presents an innovative and effective control strategy tailored for a deregulated,diversified energy system involving multiple interconnected area.Each area integrates a unique mix of power generation technologies:Area 1 combines thermal,hydro,and distributed generation;Area 2 utilizes a blend of thermal units,distributed solar technologies(DST),and hydro power;andThird control area hosts geothermal power station alongside thermal power generation unit and hydropower units.The suggested control system employs a multi-layered approach,featuring a blended methodology utilizing the Tilted Integral Derivative controller(TID)and the Fractional-Order Integral method to enhance performance and stability.The parameters of this hybrid TID-FOI controller are finely tuned using an advanced optimization method known as the Walrus Optimization Algorithm(WaOA).Performance analysis reveals that the combined TID-FOI controller significantly outperforms the TID and PID controllers when comparing their dynamic response across various system configurations.The study also incorporates investigation of redox flow batteries within the broader scope of energy storage applications to assess their impact on system performance.In addition,the research explores the controller’s effectiveness under different power exchange scenarios in a deregulated market,accounting for restrictions on generation ramp rates and governor hysteresis effects in dynamic control.To ensure the reliability and resilience of the presented methodology,the system transitions and develops across a broad range of varying parameters and stochastic load fluctuation.To wrap up,the study offers a pioneering control approach-a hybrid TID-FOI controller optimized via the Walrus Optimization Algorithm(WaOA)-designed for enhanced stability and performance in a complex,three-region hybrid energy system functioning within a deregulated framework.展开更多
The influence of ocean environment on navigation of autonomous underwater vehicle(AUV)cannot be ignored.In the marine environment,ocean currents,internal waves,and obstacles are usually considered in AUV path planning...The influence of ocean environment on navigation of autonomous underwater vehicle(AUV)cannot be ignored.In the marine environment,ocean currents,internal waves,and obstacles are usually considered in AUV path planning.In this paper,an improved particle swarm optimization(PSO)is proposed to solve three problems,traditional PSO algorithm is prone to fall into local optimization,path smoothing is always carried out after all the path planning steps,and the path fitness function is so simple that it cannot adapt to complex marine environment.The adaptive inertia weight and the“active”particle of the fish swarm algorithm are established to improve the global search and local search ability of the algorithm.The cubic spline interpolation method is combined with PSO to smooth the path in real time.The fitness function of the algorithm is optimized.Five evaluation indexes are comprehensively considered to solve the three-demensional(3D)path planning problem of AUV in the ocean currents and internal wave environment.The proposed method improves the safety of the path planning and saves energy.展开更多
To improve the productivity,the resource utilization and reduce the production cost of flexible job shops,this paper designs an improved two-layer optimization algorithm for the dual-resource scheduling optimization p...To improve the productivity,the resource utilization and reduce the production cost of flexible job shops,this paper designs an improved two-layer optimization algorithm for the dual-resource scheduling optimization problem of flexible job shop considering workpiece batching.Firstly,a mathematical model is established to minimize the maximum completion time.Secondly,an improved two-layer optimization algorithm is designed:the outer layer algorithm uses an improved PSO(Particle Swarm Optimization)to solve the workpiece batching problem,and the inner layer algorithm uses an improved GA(Genetic Algorithm)to solve the dual-resource scheduling problem.Then,a rescheduling method is designed to solve the task disturbance problem,represented by machine failures,occurring in the workshop production process.Finally,the superiority and effectiveness of the improved two-layer optimization algorithm are verified by two typical cases.The case results show that the improved two-layer optimization algorithm increases the average productivity by 7.44% compared to the ordinary two-layer optimization algorithm.By setting the different numbers of AGVs(Automated Guided Vehicles)and analyzing the impact on the production cycle of the whole order,this paper uses two indicators,the maximum completion time decreasing rate and the average AGV load time,to obtain the optimal number of AGVs,which saves the cost of production while ensuring the production efficiency.This research combines the solved problem with the real production process,which improves the productivity and reduces the production cost of the flexible job shop,and provides new ideas for the subsequent research.展开更多
In recent decades,fog computing has played a vital role in executing parallel computational tasks,specifically,scientific workflow tasks.In cloud data centers,fog computing takes more time to run workflow applications...In recent decades,fog computing has played a vital role in executing parallel computational tasks,specifically,scientific workflow tasks.In cloud data centers,fog computing takes more time to run workflow applications.Therefore,it is essential to develop effective models for Virtual Machine(VM)allocation and task scheduling in fog computing environments.Effective task scheduling,VM migration,and allocation,altogether optimize the use of computational resources across different fog nodes.This process ensures that the tasks are executed with minimal energy consumption,which reduces the chances of resource bottlenecks.In this manuscript,the proposed framework comprises two phases:(i)effective task scheduling using a fractional selectivity approach and(ii)VM allocation by proposing an algorithm by the name of Fitness Sharing Chaotic Particle Swarm Optimization(FSCPSO).The proposed FSCPSO algorithm integrates the concepts of chaos theory and fitness sharing that effectively balance both global exploration and local exploitation.This balance enables the use of a wide range of solutions that leads to minimal total cost and makespan,in comparison to other traditional optimization algorithms.The FSCPSO algorithm’s performance is analyzed using six evaluation measures namely,Load Balancing Level(LBL),Average Resource Utilization(ARU),total cost,makespan,energy consumption,and response time.In relation to the conventional optimization algorithms,the FSCPSO algorithm achieves a higher LBL of 39.12%,ARU of 58.15%,a minimal total cost of 1175,and a makespan of 85.87 ms,particularly when evaluated for 50 tasks.展开更多
In the process of identifying parameters for a permanent magnet synchronous motor,the particle swarm optimization method is prone to being stuck in local optima in the later stages of iteration,resulting in low parame...In the process of identifying parameters for a permanent magnet synchronous motor,the particle swarm optimization method is prone to being stuck in local optima in the later stages of iteration,resulting in low parameter accuracy.This work proposes a fuzzy particle swarm optimization approach based on the transformation function and the filled function.This approach addresses the topic of particle swarmoptimization in parameter identification from two perspectives.Firstly,the algorithm uses a transformation function to change the form of the fitness function without changing the position of the extreme point of the fitness function,making the extreme point of the fitness function more prominent and improving the algorithm’s search ability while reducing the algorithm’s computational burden.Secondly,on the basis of themulti-loop fuzzy control systembased onmultiplemembership functions,it is merged with the filled function to improve the algorithm’s capacity to skip out of the local optimal solution.This approach can be used to identify the parameters of permanent magnet synchronous motors by sampling only the stator current,voltage,and speed data.The simulation results show that the method can effectively identify the electrical parameters of a permanent magnet synchronous motor,and it has superior global convergence performance and robustness.展开更多
Task scheduling plays a key role in effectively managing and allocating computing resources to meet various computing tasks in a cloud computing environment.Short execution time and low load imbalance may be the chall...Task scheduling plays a key role in effectively managing and allocating computing resources to meet various computing tasks in a cloud computing environment.Short execution time and low load imbalance may be the challenges for some algorithms in resource scheduling scenarios.In this work,the Hierarchical Particle Swarm Optimization-Evolutionary Artificial Bee Colony Algorithm(HPSO-EABC)has been proposed,which hybrids our presented Evolutionary Artificial Bee Colony(EABC),and Hierarchical Particle Swarm Optimization(HPSO)algorithm.The HPSO-EABC algorithm incorporates both the advantages of the HPSO and the EABC algorithm.Comprehensive testing including evaluations of algorithm convergence speed,resource execution time,load balancing,and operational costs has been done.The results indicate that the EABC algorithm exhibits greater parallelism compared to the Artificial Bee Colony algorithm.Compared with the Particle Swarm Optimization algorithm,the HPSO algorithmnot only improves the global search capability but also effectively mitigates getting stuck in local optima.As a result,the hybrid HPSO-EABC algorithm demonstrates significant improvements in terms of stability and convergence speed.Moreover,it exhibits enhanced resource scheduling performance in both homogeneous and heterogeneous environments,effectively reducing execution time and cost,which also is verified by the ablation experimental.展开更多
In many Eastern and Western countries,falling birth rates have led to the gradual aging of society.Older adults are often left alone at home or live in a long-term care center,which results in them being susceptible t...In many Eastern and Western countries,falling birth rates have led to the gradual aging of society.Older adults are often left alone at home or live in a long-term care center,which results in them being susceptible to unsafe events(such as falls)that can have disastrous consequences.However,automatically detecting falls fromvideo data is challenging,and automatic fall detection methods usually require large volumes of training data,which can be difficult to acquire.To address this problem,video kinematic data can be used as training data,thereby avoiding the requirement of creating a large fall data set.This study integrated an improved particle swarm optimization method into a double interactively recurrent fuzzy cerebellar model articulation controller model to develop a costeffective and accurate fall detection system.First,it obtained an optical flow(OF)trajectory diagram from image sequences by using the OF method,and it solved problems related to focal length and object offset by employing the discrete Fourier transform(DFT)algorithm.Second,this study developed the D-IRFCMAC model,which combines spatial and temporal(recurrent)information.Third,it designed an IPSO(Improved Particle Swarm Optimization)algorithm that effectively strengthens the exploratory capabilities of the proposed D-IRFCMAC(Double-Interactively Recurrent Fuzzy Cerebellar Model Articulation Controller)model in the global search space.The proposed approach outperforms existing state-of-the-art methods in terms of action recognition accuracy on the UR-Fall,UP-Fall,and PRECIS HAR data sets.The UCF11 dataset had an average accuracy of 93.13%,whereas the UCF101 dataset had an average accuracy of 92.19%.The UR-Fall dataset had an accuracy of 100%,the UP-Fall dataset had an accuracy of 99.25%,and the PRECIS HAR dataset had an accuracy of 99.07%.展开更多
文摘Thediagnosis of Dry EyeDisease(DED),however,usually depends on clinical information and complex,high-dimensional datasets.To improve the performance of classification models,this paper proposes a Computer Aided Design(CAD)system that presents a new method for DED classification called(IAOO-PSO),which is a powerful Feature Selection technique(FS)that integrates with Opposition-Based Learning(OBL)and Particle Swarm Optimization(PSO).We improve the speed of convergence with the PSO algorithmand the exploration with the IAOO algorithm.The IAOO is demonstrated to possess superior global optimization capabilities,as validated on the IEEE Congress on Evolutionary Computation 2022(CEC’22)benchmark suite and compared with seven Metaheuristic(MH)algorithms.Additionally,an IAOO-PSO model based on Support Vector Machines(SVMs)classifier is proposed for FS and classification,where the IAOO-PSO is used to identify the most relevant features.This model was applied to the DED dataset comprising 20,000 cases and 26 features,achieving a high classification accuracy of 99.8%,which significantly outperforms other optimization algorithms.The experimental results demonstrate the reliability,success,and efficiency of the IAOO-PSO technique for both FS and classification in the detection of DED.
文摘In recent years, particle swarm optimization (PSO) has received widespread attention in feature selection due to its simplicity and potential for global search. However, in traditional PSO, particles primarily update based on two extreme values: personal best and global best, which limits the diversity of information. Ideally, particles should learn from multiple advantageous particles to enhance interactivity and optimization efficiency. Accordingly, this paper proposes a PSO that simulates the evolutionary dynamics of species survival in mountain peak ecology (PEPSO) for feature selection. Based on the pyramid topology, the algorithm simulates the features of mountain peak ecology in nature and the competitive-cooperative strategies among species. According to the principles of the algorithm, the population is first adaptively divided into many subgroups based on the fitness level of particles. Then, particles within each subgroup are divided into three different types based on their evolutionary levels, employing different adaptive inertia weight rules and dynamic learning mechanisms to define distinct learning modes. Consequently, all particles play their respective roles in promoting the global optimization performance of the algorithm, similar to different species in the ecological pattern of mountain peaks. Experimental validation of the PEPSO performance was conducted on 18 public datasets. The experimental results demonstrate that the PEPSO outperforms other PSO variant-based feature selection methods and mainstream feature selection methods based on intelligent optimization algorithms in terms of overall performance in global search capability, classification accuracy, and reduction of feature space dimensions. Wilcoxon signed-rank test also confirms the excellent performance of the PEPSO.
基金the National Natural Science Foundation of China(Grant No.62101579).
文摘Offboard active decoys(OADs)can effectively jam monopulse radars.However,for missiles approaching from a particular direction and distance,the OAD should be placed at a specific location,posing high requirements for timing and deployment.To improve the response speed and jamming effect,a cluster of OADs based on an unmanned surface vehicle(USV)is proposed.The formation of the cluster determines the effectiveness of jamming.First,based on the mechanism of OAD jamming,critical conditions are identified,and a method for assessing the jamming effect is proposed.Then,for the optimization of the cluster formation,a mathematical model is built,and a multi-tribe adaptive particle swarm optimization algorithm based on mutation strategy and Metropolis criterion(3M-APSO)is designed.Finally,the formation optimization problem is solved and analyzed using the 3M-APSO algorithm under specific scenarios.The results show that the improved algorithm has a faster convergence rate and superior performance as compared to the standard Adaptive-PSO algorithm.Compared with a single OAD,the optimal formation of USV-OAD cluster effectively fills the blind area and maximizes the use of jamming resources.
基金the National Natural Science Foundation of China(52177074).
文摘The escalating deployment of distributed power sources and random loads in DC distribution networks hasamplified the potential consequences of faults if left uncontrolled. To expedite the process of achieving an optimalconfiguration of measurement points, this paper presents an optimal configuration scheme for fault locationmeasurement points in DC distribution networks based on an improved particle swarm optimization algorithm.Initially, a measurement point distribution optimization model is formulated, leveraging compressive sensing.The model aims to achieve the minimum number of measurement points while attaining the best compressivesensing reconstruction effect. It incorporates constraints from the compressive sensing algorithm and networkwide viewability. Subsequently, the traditional particle swarm algorithm is enhanced by utilizing the Haltonsequence for population initialization, generating uniformly distributed individuals. This enhancement reducesindividual search blindness and overlap probability, thereby promoting population diversity. Furthermore, anadaptive t-distribution perturbation strategy is introduced during the particle update process to enhance the globalsearch capability and search speed. The established model for the optimal configuration of measurement points issolved, and the results demonstrate the efficacy and practicality of the proposed method. The optimal configurationreduces the number of measurement points, enhances localization accuracy, and improves the convergence speedof the algorithm. These findings validate the effectiveness and utility of the proposed approach.
基金supported by the Basic Science Center Program for Multiphase Evolution in Hyper Gravity of the National Natural Science Foundation of China(No.51988101)the National Natural Science Foundation of China(No.52178306)the Zhejiang Provincial Natural Science Foundation of China(No.LR19E080002).
文摘During construction,the shield linings of tunnels often face the problem of local or overall upward movement after leaving the shield tail in soft soil areas or during some large diameter shield projects.Differential floating will increase the initial stress on the segments and bolts which is harmful to the service performance of the tunnel.In this study we used a random forest(RF)algorithm combined particle swarm optimization(PSO)and 5-fold cross-validation(5-fold CV)to predict the maximum upward displacement of tunnel linings induced by shield tunnel excavation.The mechanism and factors causing upward movement of the tunnel lining are comprehensively summarized.Twelve input variables were selected according to results from analysis of influencing factors.The prediction performance of two models,PSO-RF and RF(default)were compared.The Gini value was obtained to represent the relative importance of the influencing factors to the upward displacement of linings.The PSO-RF model successfully predicted the maximum upward displacement of the tunnel linings with a low error(mean absolute error(MAE)=4.04 mm,root mean square error(RMSE)=5.67 mm)and high correlation(R^(2)=0.915).The thrust and depth of the tunnel were the most important factors in the prediction model influencing the upward displacement of the tunnel linings.
基金Supported by Hubei Provincial Department of Education Teaching Research Project(2016294,2017320)Hubei Provincial Humanities and Social Science Research Project(17D033)+2 种基金College Students Innovation and Entrepreneurship Training Program(National)(20191050013)Hubei Province Natural Science Foundation General Project(2021CFB584)2023 College Student Innovation and Entrepreneurship Training Program Project(202310500047,202310500049)。
文摘In recent years,numerical weather forecasting has been increasingly emphasized.Variational data assimilation furnishes precise initial values for numerical forecasting models,constituting an inherently nonlinear optimization challenge.The enormity of the dataset under consideration gives rise to substantial computational burdens,complex modeling,and high hardware requirements.This paper employs the Dual-Population Particle Swarm Optimization(DPSO)algorithm in variational data assimilation to enhance assimilation accuracy.By harnessing parallel computing principles,the paper introduces the Parallel Dual-Population Particle Swarm Optimization(PDPSO)Algorithm to reduce the algorithm processing time.Simulations were carried out using partial differential equations,and comparisons in terms of time and accuracy were made against DPSO,the Dynamic Weight Particle Swarm Algorithm(PSOCIWAC),and the TimeVarying Double Compression Factor Particle Swarm Algorithm(PSOTVCF).Experimental results indicate that the proposed PDPSO outperforms PSOCIWAC and PSOTVCF in convergence accuracy and is comparable to DPSO.Regarding processing time,PDPSO is 40%faster than PSOCIWAC and PSOTVCF and 70%faster than DPSO.
文摘Particle Swarm Optimization(PSO)has been utilized as a useful tool for solving intricate optimization problems for various applications in different fields.This paper attempts to carry out an update on PSO and gives a review of its recent developments and applications,but also provides arguments for its efficacy in resolving optimization problems in comparison with other algorithms.Covering six strategic areas,which include Data Mining,Machine Learning,Engineering Design,Energy Systems,Healthcare,and Robotics,the study demonstrates the versatility and effectiveness of the PSO.Experimental results are,however,used to show the strong and weak parts of PSO,and performance results are included in tables for ease of comparison.The results stress PSO’s efficiency in providing optimal solutions but also show that there are aspects that need to be improved through combination with algorithms or tuning to the parameters of the method.The review of the advantages and limitations of PSO is intended to provide academics and practitioners with a well-rounded view of the methods of employing such a tool most effectively and to encourage optimized designs of PSO in solving theoretical and practical problems in the future.
基金supported by Hunan Provincial Natural Science Foundation(2024JJ5173,2023JJ50047)Hunan Provincial Department of Education Scientific Research Project(23A0494)Hunan Provincial Innovation Foundation for Postgraduate(CX20231221).
文摘To solve the problem of multi-platform collaborative use in anti-ship missile (ASM) path planning, this paper pro-posed multi-operator real-time constraints particle swarm opti-mization (MRC-PSO) algorithm. MRC-PSO algorithm utilizes a semi-rasterization environment modeling technique and inte-grates the geometric gradient law of ASMs which distinguishes itself from other collaborative path planning algorithms by fully considering the coupling between collaborative paths. Then, MRC-PSO algorithm conducts chunked stepwise recursive evo-lution of particles while incorporating circumvent, coordination, and smoothing operators which facilitates local selection opti-mization of paths, gradually reducing algorithmic space, accele-rating convergence, and enhances path cooperativity. Simula-tion experiments comparing the MRC-PSO algorithm with the PSO algorithm, genetic algorithm and operational area cluster real-time restriction (OACRR)-PSO algorithm, which demon-strate that the MRC-PSO algorithm has a faster convergence speed, and the average number of iterations is reduced by approximately 75%. It also proves that it is equally effective in resolving complex scenarios involving multiple obstacles. More-over it effectively addresses the problem of path crossing and can better satisfy the requirements of multi-platform collabora-tive path planning. The experiments are conducted in three col-laborative operation modes, namely, three-to-two, three-to-three, and four-to-two, and the outcomes demonstrate that the algorithm possesses strong universality.
基金supported by the National Natural Science Foundation of China(Grant No.52409143)the Basic Scientific Research Fund of Changjiang River Scientific Research Institute for Central-level Public Welfare Research Institutes(Grant No.CKSF2025184/YT)the Hubei Provincial Natural Science Foundation of China(Grant No.2022CFB673).
文摘Accurately forecasting peak particle velocity(PPV)during blasting operations plays a crucial role in mitigating vibration-related hazards and preventing economic losses.This research introduces an approach to PPV prediction by combining conventional empirical equations with physics-informed neural networks(PINN)and optimizing the model parameters via the Particle Swarm Optimization(PSO)algorithm.The proposed PSO-PINN framework was rigorously benchmarked against seven established machine learning approaches:Multilayer Perceptron(MLP),Extreme Gradient Boosting(XGBoost),Random Forest(RF),Support Vector Regression(SVR),Gradient Boosting Decision Tree(GBDT),Adaptive Boosting(Adaboost),and Gene Expression Programming(GEP).Comparative analysis showed that PSO-PINN outperformed these models,achieving RMSE reductions of 17.82-37.63%,MSE reductions of 32.47-61.10%,AR improvements of 2.97-21.19%,and R^(2)enhancements of 7.43-29.21%,demonstrating superior accuracy and generalization.Furthermore,the study determines the impact of incorporating empirical formulas as physical constraints in neural networks and examines the effects of different empirical equations,particle swarm size,iteration count in PSO,regularization coefficient,and learning rate in PINN on model performance.Lastly,a predictive system for blast vibration PPV is designed and implemented.The research outcomes offer theoretical references and practical recommendations for blast vibration forecasting in similar engineering applications.
基金sponsored by China Geological Survey Project(DD20243193 and DD20230206508).
文摘In Rayleigh wave exploration,the inversion of dispersion curves is a crucial step for obtaining subsurface stratigraphic information,characterized by its multi-parameter and multi-extremum nature.Local optimization algorithms used in dispersion curve inversion are highly dependent on the initial model and are prone to being trapped in local optima,while classical global optimization algorithms often suffer from slow convergence and low solution accuracy.To address these issues,this study introduces the Osprey Optimization Algorithm(OOA),known for its strong global search and local exploitation capabilities,into the inversion of dispersion curves to enhance inversion performance.In noiseless theoretical models,the OOA demonstrates excellent inversion accuracy and stability,accurately recovering model parameters.Even in noisy models,OOA maintains robust performance,achieving high inversion precision under high-noise conditions.In multimode dispersion curve tests,OOA effectively handles higher modes due to its efficient global and local search capabilities,and the inversion results show high consistency with theoretical values.Field data from the Wyoming region in the United States and a landfill site in Italy further verify the practical applicability of the OOA.Comprehensive test results indicate that the OOA outperforms the Particle Swarm Optimization(PSO)algorithm,providing a highly accurate and reliable inversion strategy for dispersion curve inversion.
文摘Multi-label feature selection(MFS)is a crucial dimensionality reduction technique aimed at identifying informative features associated with multiple labels.However,traditional centralized methods face significant challenges in privacy-sensitive and distributed settings,often neglecting label dependencies and suffering from low computational efficiency.To address these issues,we introduce a novel framework,Fed-MFSDHBCPSO—federated MFS via dual-layer hybrid breeding cooperative particle swarm optimization algorithm with manifold and sparsity regularization(DHBCPSO-MSR).Leveraging the federated learning paradigm,Fed-MFSDHBCPSO allows clients to perform local feature selection(FS)using DHBCPSO-MSR.Locally selected feature subsets are encrypted with differential privacy(DP)and transmitted to a central server,where they are securely aggregated and refined through secure multi-party computation(SMPC)until global convergence is achieved.Within each client,DHBCPSO-MSR employs a dual-layer FS strategy.The inner layer constructs sample and label similarity graphs,generates Laplacian matrices to capture the manifold structure between samples and labels,and applies L2,1-norm regularization to sparsify the feature subset,yielding an optimized feature weight matrix.The outer layer uses a hybrid breeding cooperative particle swarm optimization algorithm to further refine the feature weight matrix and identify the optimal feature subset.The updated weight matrix is then fed back to the inner layer for further optimization.Comprehensive experiments on multiple real-world multi-label datasets demonstrate that Fed-MFSDHBCPSO consistently outperforms both centralized and federated baseline methods across several key evaluation metrics.
基金supported by the Fundamental Research Funds for the Central Universities (No.2024JBZY021)the National Natural Science Foundation of China (No.61575018)。
文摘Reverse design of highly GeO2-doped silica optical fibers with broadband and flat dispersion profiles is proposed using a neural network(NN) combined with a particle swarm optimization(PSO) algorithm.Firstly,the NN model designed to predict optical fiber dispersion is trained with an appropriate choice of hyperparameters,achieving a root mean square error(RMSE) of 9.47×10-7on the test dataset,with a determination coefficient(R2) of 0.999.Secondly,the NN is combined with the PSO algorithm for the inverse design of dispersion-flattened optical fibers.To expand the search space and avoid particles becoming trapped in local optimal solutions,the PSO algorithm incorporates adaptive inertia weight updating and a simulated annealing algorithm.Finally,by using a suitable fitness function,the designed fibers exhibit flat group velocity dispersion(GVD) profiles at 1 400—2 400 nm,where the GVD fluctuations and minimum absolute GVD values are below 18 ps·nm-1·km-1and 7 ps·nm-1·km-1,respectively.
基金supported by the National Natural Science Foundation of China(No.62303293,62303414)the China Postdoctoral Science Foundation(No.2023M732176,2023M741821)the Zhejiang Province Postdoctoral Selected Foundation(No.ZJ2023143).
文摘Test selection design(TSD)is an important technique for improving product maintainability,reliability and reducing lifecycle costs.In recent years,although some researchers have addressed the design problem of test selection,the correlation between test outcomes has not been sufficiently considered in test metrics modeling.This study proposes a new approach that combines copula and D-Vine copula to address the correlation issue in TSD.First,the copula is utilized to model FIR on the joint distribution.Furthermore,the D-Vine copula is applied to model the FDR and FAR.Then,a particle swarm optimization is employed to select the optimal testing scheme.Finally,the efficacy of the proposed method is validated through experimentation on a negative feedback circuit.
文摘This paper presents an innovative and effective control strategy tailored for a deregulated,diversified energy system involving multiple interconnected area.Each area integrates a unique mix of power generation technologies:Area 1 combines thermal,hydro,and distributed generation;Area 2 utilizes a blend of thermal units,distributed solar technologies(DST),and hydro power;andThird control area hosts geothermal power station alongside thermal power generation unit and hydropower units.The suggested control system employs a multi-layered approach,featuring a blended methodology utilizing the Tilted Integral Derivative controller(TID)and the Fractional-Order Integral method to enhance performance and stability.The parameters of this hybrid TID-FOI controller are finely tuned using an advanced optimization method known as the Walrus Optimization Algorithm(WaOA).Performance analysis reveals that the combined TID-FOI controller significantly outperforms the TID and PID controllers when comparing their dynamic response across various system configurations.The study also incorporates investigation of redox flow batteries within the broader scope of energy storage applications to assess their impact on system performance.In addition,the research explores the controller’s effectiveness under different power exchange scenarios in a deregulated market,accounting for restrictions on generation ramp rates and governor hysteresis effects in dynamic control.To ensure the reliability and resilience of the presented methodology,the system transitions and develops across a broad range of varying parameters and stochastic load fluctuation.To wrap up,the study offers a pioneering control approach-a hybrid TID-FOI controller optimized via the Walrus Optimization Algorithm(WaOA)-designed for enhanced stability and performance in a complex,three-region hybrid energy system functioning within a deregulated framework.
基金supported by the High-tech Ship Projects of the Ministry of Industry and Information Technology of China(2021-342).
文摘The influence of ocean environment on navigation of autonomous underwater vehicle(AUV)cannot be ignored.In the marine environment,ocean currents,internal waves,and obstacles are usually considered in AUV path planning.In this paper,an improved particle swarm optimization(PSO)is proposed to solve three problems,traditional PSO algorithm is prone to fall into local optimization,path smoothing is always carried out after all the path planning steps,and the path fitness function is so simple that it cannot adapt to complex marine environment.The adaptive inertia weight and the“active”particle of the fish swarm algorithm are established to improve the global search and local search ability of the algorithm.The cubic spline interpolation method is combined with PSO to smooth the path in real time.The fitness function of the algorithm is optimized.Five evaluation indexes are comprehensively considered to solve the three-demensional(3D)path planning problem of AUV in the ocean currents and internal wave environment.The proposed method improves the safety of the path planning and saves energy.
文摘To improve the productivity,the resource utilization and reduce the production cost of flexible job shops,this paper designs an improved two-layer optimization algorithm for the dual-resource scheduling optimization problem of flexible job shop considering workpiece batching.Firstly,a mathematical model is established to minimize the maximum completion time.Secondly,an improved two-layer optimization algorithm is designed:the outer layer algorithm uses an improved PSO(Particle Swarm Optimization)to solve the workpiece batching problem,and the inner layer algorithm uses an improved GA(Genetic Algorithm)to solve the dual-resource scheduling problem.Then,a rescheduling method is designed to solve the task disturbance problem,represented by machine failures,occurring in the workshop production process.Finally,the superiority and effectiveness of the improved two-layer optimization algorithm are verified by two typical cases.The case results show that the improved two-layer optimization algorithm increases the average productivity by 7.44% compared to the ordinary two-layer optimization algorithm.By setting the different numbers of AGVs(Automated Guided Vehicles)and analyzing the impact on the production cycle of the whole order,this paper uses two indicators,the maximum completion time decreasing rate and the average AGV load time,to obtain the optimal number of AGVs,which saves the cost of production while ensuring the production efficiency.This research combines the solved problem with the real production process,which improves the productivity and reduces the production cost of the flexible job shop,and provides new ideas for the subsequent research.
基金This work was supported in part by the National Science and Technology Council of Taiwan,under Contract NSTC 112-2410-H-324-001-MY2.
文摘In recent decades,fog computing has played a vital role in executing parallel computational tasks,specifically,scientific workflow tasks.In cloud data centers,fog computing takes more time to run workflow applications.Therefore,it is essential to develop effective models for Virtual Machine(VM)allocation and task scheduling in fog computing environments.Effective task scheduling,VM migration,and allocation,altogether optimize the use of computational resources across different fog nodes.This process ensures that the tasks are executed with minimal energy consumption,which reduces the chances of resource bottlenecks.In this manuscript,the proposed framework comprises two phases:(i)effective task scheduling using a fractional selectivity approach and(ii)VM allocation by proposing an algorithm by the name of Fitness Sharing Chaotic Particle Swarm Optimization(FSCPSO).The proposed FSCPSO algorithm integrates the concepts of chaos theory and fitness sharing that effectively balance both global exploration and local exploitation.This balance enables the use of a wide range of solutions that leads to minimal total cost and makespan,in comparison to other traditional optimization algorithms.The FSCPSO algorithm’s performance is analyzed using six evaluation measures namely,Load Balancing Level(LBL),Average Resource Utilization(ARU),total cost,makespan,energy consumption,and response time.In relation to the conventional optimization algorithms,the FSCPSO algorithm achieves a higher LBL of 39.12%,ARU of 58.15%,a minimal total cost of 1175,and a makespan of 85.87 ms,particularly when evaluated for 50 tasks.
基金the Natural Science Foundation of China under Grant 52077027in part by the Liaoning Province Science and Technology Major Project No.2020JH1/10100020.
文摘In the process of identifying parameters for a permanent magnet synchronous motor,the particle swarm optimization method is prone to being stuck in local optima in the later stages of iteration,resulting in low parameter accuracy.This work proposes a fuzzy particle swarm optimization approach based on the transformation function and the filled function.This approach addresses the topic of particle swarmoptimization in parameter identification from two perspectives.Firstly,the algorithm uses a transformation function to change the form of the fitness function without changing the position of the extreme point of the fitness function,making the extreme point of the fitness function more prominent and improving the algorithm’s search ability while reducing the algorithm’s computational burden.Secondly,on the basis of themulti-loop fuzzy control systembased onmultiplemembership functions,it is merged with the filled function to improve the algorithm’s capacity to skip out of the local optimal solution.This approach can be used to identify the parameters of permanent magnet synchronous motors by sampling only the stator current,voltage,and speed data.The simulation results show that the method can effectively identify the electrical parameters of a permanent magnet synchronous motor,and it has superior global convergence performance and robustness.
基金jointly supported by the Jiangsu Postgraduate Research and Practice Innovation Project under Grant KYCX22_1030,SJCX22_0283 and SJCX23_0293the NUPTSF under Grant NY220201.
文摘Task scheduling plays a key role in effectively managing and allocating computing resources to meet various computing tasks in a cloud computing environment.Short execution time and low load imbalance may be the challenges for some algorithms in resource scheduling scenarios.In this work,the Hierarchical Particle Swarm Optimization-Evolutionary Artificial Bee Colony Algorithm(HPSO-EABC)has been proposed,which hybrids our presented Evolutionary Artificial Bee Colony(EABC),and Hierarchical Particle Swarm Optimization(HPSO)algorithm.The HPSO-EABC algorithm incorporates both the advantages of the HPSO and the EABC algorithm.Comprehensive testing including evaluations of algorithm convergence speed,resource execution time,load balancing,and operational costs has been done.The results indicate that the EABC algorithm exhibits greater parallelism compared to the Artificial Bee Colony algorithm.Compared with the Particle Swarm Optimization algorithm,the HPSO algorithmnot only improves the global search capability but also effectively mitigates getting stuck in local optima.As a result,the hybrid HPSO-EABC algorithm demonstrates significant improvements in terms of stability and convergence speed.Moreover,it exhibits enhanced resource scheduling performance in both homogeneous and heterogeneous environments,effectively reducing execution time and cost,which also is verified by the ablation experimental.
基金supported by the National Science and Technology Council under grants NSTC 112-2221-E-320-002the Buddhist Tzu Chi Medical Foundation in Taiwan under Grant TCMMP 112-02-02.
文摘In many Eastern and Western countries,falling birth rates have led to the gradual aging of society.Older adults are often left alone at home or live in a long-term care center,which results in them being susceptible to unsafe events(such as falls)that can have disastrous consequences.However,automatically detecting falls fromvideo data is challenging,and automatic fall detection methods usually require large volumes of training data,which can be difficult to acquire.To address this problem,video kinematic data can be used as training data,thereby avoiding the requirement of creating a large fall data set.This study integrated an improved particle swarm optimization method into a double interactively recurrent fuzzy cerebellar model articulation controller model to develop a costeffective and accurate fall detection system.First,it obtained an optical flow(OF)trajectory diagram from image sequences by using the OF method,and it solved problems related to focal length and object offset by employing the discrete Fourier transform(DFT)algorithm.Second,this study developed the D-IRFCMAC model,which combines spatial and temporal(recurrent)information.Third,it designed an IPSO(Improved Particle Swarm Optimization)algorithm that effectively strengthens the exploratory capabilities of the proposed D-IRFCMAC(Double-Interactively Recurrent Fuzzy Cerebellar Model Articulation Controller)model in the global search space.The proposed approach outperforms existing state-of-the-art methods in terms of action recognition accuracy on the UR-Fall,UP-Fall,and PRECIS HAR data sets.The UCF11 dataset had an average accuracy of 93.13%,whereas the UCF101 dataset had an average accuracy of 92.19%.The UR-Fall dataset had an accuracy of 100%,the UP-Fall dataset had an accuracy of 99.25%,and the PRECIS HAR dataset had an accuracy of 99.07%.