Previous studies have shown that deep learning is very effective in detecting known attacks.However,when facing unknown attacks,models such as Deep Neural Networks(DNN)combined with Long Short-Term Memory(LSTM),Convol...Previous studies have shown that deep learning is very effective in detecting known attacks.However,when facing unknown attacks,models such as Deep Neural Networks(DNN)combined with Long Short-Term Memory(LSTM),Convolutional Neural Networks(CNN)combined with LSTM,and so on are built by simple stacking,which has the problems of feature loss,low efficiency,and low accuracy.Therefore,this paper proposes an autonomous detectionmodel for Distributed Denial of Service attacks,Multi-Scale Convolutional Neural Network-Bidirectional Gated Recurrent Units-Single Headed Attention(MSCNN-BiGRU-SHA),which is based on a Multistrategy Integrated Zebra Optimization Algorithm(MI-ZOA).The model undergoes training and testing with the CICDDoS2019 dataset,and its performance is evaluated on a new GINKS2023 dataset.The hyperparameters for Conv_filter and GRU_unit are optimized using the Multi-strategy Integrated Zebra Optimization Algorithm(MIZOA).The experimental results show that the test accuracy of the MSCNN-BiGRU-SHA model based on the MIZOA proposed in this paper is as high as 0.9971 in the CICDDoS 2019 dataset.The evaluation accuracy of the new dataset GINKS2023 created in this paper is 0.9386.Compared to the MSCNN-BiGRU-SHA model based on the Zebra Optimization Algorithm(ZOA),the detection accuracy on the GINKS2023 dataset has improved by 5.81%,precisionhas increasedby 1.35%,the recallhas improvedby 9%,and theF1scorehas increasedby 5.55%.Compared to the MSCNN-BiGRU-SHA models developed using Grid Search,Random Search,and Bayesian Optimization,the MSCNN-BiGRU-SHA model optimized with the MI-ZOA exhibits better performance in terms of accuracy,precision,recall,and F1 score.展开更多
As Internet of Things(IoT)applications expand,Mobile Edge Computing(MEC)has emerged as a promising architecture to overcome the real-time processing limitations of mobile devices.Edge-side computation offloading plays...As Internet of Things(IoT)applications expand,Mobile Edge Computing(MEC)has emerged as a promising architecture to overcome the real-time processing limitations of mobile devices.Edge-side computation offloading plays a pivotal role in MEC performance but remains challenging due to complex task topologies,conflicting objectives,and limited resources.This paper addresses high-dimensional multi-objective offloading for serial heterogeneous tasks in MEC.We jointly consider task heterogeneity,high-dimensional objectives,and flexible resource scheduling,modeling the problem as a Many-objective optimization.To solve it,we propose a flexible framework integrating an improved cooperative co-evolutionary algorithm based on decomposition(MOCC/D)and a flexible scheduling strategy.Experimental results on benchmark functions and simulation scenarios show that the proposed method outperforms existing approaches in both convergence and solution quality.展开更多
The moving morphable component(MMC)topology optimization method,as a typical explicit topology optimization method,has been widely concerned.In the MMC topology optimization framework,the surrogate material model is m...The moving morphable component(MMC)topology optimization method,as a typical explicit topology optimization method,has been widely concerned.In the MMC topology optimization framework,the surrogate material model is mainly used for finite element analysis at present,and the effectiveness of the surrogate material model has been fully confirmed.However,there are some accuracy problems when dealing with boundary elements using the surrogate material model,which will affect the topology optimization results.In this study,a boundary element reconstruction(BER)model is proposed based on the surrogate material model under the MMC topology optimization framework to improve the accuracy of topology optimization.The proposed BER model can reconstruct the boundary elements by refining the local meshes and obtaining new nodes in boundary elements.Then the density of boundary elements is recalculated using the new node information,which is more accurate than the original model.Based on the new density of boundary elements,the material properties and volume information of the boundary elements are updated.Compared with other finite element analysis methods,the BER model is simple and feasible and can improve computational accuracy.Finally,the effectiveness and superiority of the proposed method are verified by comparing it with the optimization results of the original surrogate material model through several numerical examples.展开更多
Due to the digital transformation tendency among cultural institutions and the substantial influence of the social media platform,the demands of visual communication keep increasing for promoting traditional cultural ...Due to the digital transformation tendency among cultural institutions and the substantial influence of the social media platform,the demands of visual communication keep increasing for promoting traditional cultural artifacts online.As an effective medium,posters serve to attract public attention and facilitate broader engagement with cultural artifacts.However,existing poster generation methods mainly rely on fixed templates and manual design,which limits their scalability and adaptability to the diverse visual and semantic features of the artifacts.Therefore,we propose CAPGen,an automated aesthetic Cultural Artifacts Poster Generation framework built on a Multimodal Large Language Model(MLLM)with integrated iterative optimization.During our research,we collaborated with designers to define principles of graphic design for cultural artifact posters,to guide the MLLM in generating layout parameters.Later,we generated these parameters into posters.Finally,we refined the posters using an MLLM integrated with a multi-round iterative optimization mechanism.Qualitative results show that CAPGen consistently outperforms baseline methods in both visual quality and aesthetic performance.Furthermore,ablation studies indicate that the prompt,iterative optimization mechanism,and design principles significantly enhance the effectiveness of poster generation.展开更多
Owing to their global search capabilities and gradient-free operation,metaheuristic algorithms are widely applied to a wide range of optimization problems.However,their computational demands become prohibitive when ta...Owing to their global search capabilities and gradient-free operation,metaheuristic algorithms are widely applied to a wide range of optimization problems.However,their computational demands become prohibitive when tackling high-dimensional optimization challenges.To effectively address these challenges,this study introduces cooperative metaheuristics integrating dynamic dimension reduction(DR).Building upon particle swarm optimization(PSO)and differential evolution(DE),the proposed cooperative methods C-PSO and C-DE are developed.In the proposed methods,the modified principal components analysis(PCA)is utilized to reduce the dimension of design variables,thereby decreasing computational costs.The dynamic DR strategy implements periodic execution of modified PCA after a fixed number of iterations,resulting in the important dimensions being dynamically identified.Compared with the static one,the dynamic DR strategy can achieve precise identification of important dimensions,thereby enabling accelerated convergence toward optimal solutions.Furthermore,the influence of cumulative contribution rate thresholds on optimization problems with different dimensions is investigated.Metaheuristic algorithms(PSO,DE)and cooperative metaheuristics(C-PSO,C-DE)are examined by 15 benchmark functions and two engineering design problems(speed reducer and composite pressure vessel).Comparative results demonstrate that the cooperative methods achieve significantly superior performance compared to standard methods in both solution accuracy and computational efficiency.Compared to standard metaheuristic algorithms,cooperative metaheuristics achieve a reduction in computational cost of at least 40%.The cooperative metaheuristics can be effectively used to tackle both high-dimensional unconstrained and constrained optimization problems.展开更多
Automated essay scoring(AES)systems have gained significant importance in educational settings,offering a scalable,efficient,and objective method for evaluating student essays.However,developing AES systems for Arabic...Automated essay scoring(AES)systems have gained significant importance in educational settings,offering a scalable,efficient,and objective method for evaluating student essays.However,developing AES systems for Arabic poses distinct challenges due to the language’s complex morphology,diglossia,and the scarcity of annotated datasets.This paper presents a hybrid approach to Arabic AES by combining text-based,vector-based,and embeddingbased similarity measures to improve essay scoring accuracy while minimizing the training data required.Using a large Arabic essay dataset categorized into thematic groups,the study conducted four experiments to evaluate the impact of feature selection,data size,and model performance.Experiment 1 established a baseline using a non-machine learning approach,selecting top-N correlated features to predict essay scores.The subsequent experiments employed 5-fold cross-validation.Experiment 2 showed that combining embedding-based,text-based,and vector-based features in a Random Forest(RF)model achieved an R2 of 88.92%and an accuracy of 83.3%within a 0.5-point tolerance.Experiment 3 further refined the feature selection process,demonstrating that 19 correlated features yielded optimal results,improving R2 to 88.95%.In Experiment 4,an optimal data efficiency training approach was introduced,where training data portions increased from 5%to 50%.The study found that using just 10%of the data achieved near-peak performance,with an R2 of 85.49%,emphasizing an effective trade-off between performance and computational costs.These findings highlight the potential of the hybrid approach for developing scalable Arabic AES systems,especially in low-resource environments,addressing linguistic challenges while ensuring efficient data usage.展开更多
At present, salient object detection (SOD) has achieved considerable progress. However, the methods that perform well still face the issue of inadequate detection accuracy. For example, sometimes there are problems of...At present, salient object detection (SOD) has achieved considerable progress. However, the methods that perform well still face the issue of inadequate detection accuracy. For example, sometimes there are problems of missed and false detections. Effectively optimizing features to capture key information and better integrating different levels of features to enhance their complementarity are two significant challenges in the domain of SOD. In response to these challenges, this study proposes a novel SOD method based on multi-strategy feature optimization. We propose the multi-size feature extraction module (MSFEM), which uses the attention mechanism, the multi-level feature fusion, and the residual block to obtain finer features. This module provides robust support for the subsequent accurate detection of the salient object. In addition, we use two rounds of feature fusion and the feedback mechanism to optimize the features obtained by the MSFEM to improve detection accuracy. The first round of feature fusion is applied to integrate the features extracted by the MSFEM to obtain more refined features. Subsequently, the feedback mechanism and the second round of feature fusion are applied to refine the features, thereby providing a stronger foundation for accurately detecting salient objects. To improve the fusion effect, we propose the feature enhancement module (FEM) and the feature optimization module (FOM). The FEM integrates the upper and lower features with the optimized features obtained by the FOM to enhance feature complementarity. The FOM uses different receptive fields, the attention mechanism, and the residual block to more effectively capture key information. Experimental results demonstrate that our method outperforms 10 state-of-the-art SOD methods.展开更多
At present,energy consumption is one of the main bottlenecks in autonomous mobile robot development.To address the challenge of high energy consumption in path planning for autonomous mobile robots navigating unknown ...At present,energy consumption is one of the main bottlenecks in autonomous mobile robot development.To address the challenge of high energy consumption in path planning for autonomous mobile robots navigating unknown and complex environments,this paper proposes an Attention-Enhanced Dueling Deep Q-Network(ADDueling DQN),which integrates a multi-head attention mechanism and a prioritized experience replay strategy into a Dueling-DQN reinforcement learning framework.A multi-objective reward function,centered on energy efficiency,is designed to comprehensively consider path length,terrain slope,motion smoothness,and obstacle avoidance,enabling optimal low-energy trajectory generation in 3D space from the source.The incorporation of a multihead attention mechanism allows the model to dynamically focus on energy-critical state features—such as slope gradients and obstacle density—thereby significantly improving its ability to recognize and avoid energy-intensive paths.Additionally,the prioritized experience replay mechanism accelerates learning from key decision-making experiences,suppressing inefficient exploration and guiding the policy toward low-energy solutions more rapidly.The effectiveness of the proposed path planning algorithm is validated through simulation experiments conducted in multiple off-road scenarios.Results demonstrate that AD-Dueling DQN consistently achieves the lowest average energy consumption across all tested environments.Moreover,the proposed method exhibits faster convergence and greater training stability compared to baseline algorithms,highlighting its global optimization capability under energy-aware objectives in complex terrains.This study offers an efficient and scalable intelligent control strategy for the development of energy-conscious autonomous navigation systems.展开更多
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.展开更多
It is evident that complex optimization problems are becoming increasingly prominent,metaheuristic algorithms have demonstrated unique advantages in solving high-dimensional,nonlinear problems.However,the traditional ...It is evident that complex optimization problems are becoming increasingly prominent,metaheuristic algorithms have demonstrated unique advantages in solving high-dimensional,nonlinear problems.However,the traditional Sparrow Search Algorithm(SSA)suffers from limited global search capability,insufficient population diversity,and slow convergence,which often leads to premature stagnation in local optima.Despite the proposal of various enhanced versions,the effective balancing of exploration and exploitation remains an unsolved challenge.To address the previously mentioned problems,this study proposes a multi-strategy collaborative improved SSA,which systematically integrates four complementary strategies:(1)the Northern Goshawk Optimization(NGO)mechanism enhances global exploration through guided prey-attacking dynamics;(2)an adaptive t-distribution mutation strategy balances the transition between exploration and exploitation via dynamic adjustment of the degrees of freedom;(3)a dual chaotic initialization method(Bernoulli and Sinusoidal maps)increases population diversity and distribution uniformity;and(4)an elite retention strategy maintains solution quality and prevents degradation during iterations.These strategies cooperate synergistically,forming a tightly coupled optimization framework that significantly improves search efficiency and robustness.Therefore,this paper names it NTSSA:A Novel Multi-Strategy Enhanced Sparrow Search Algorithm with Northern Goshawk Optimization and Adaptive t-Distribution for Global Optimization.Extensive experiments on the CEC2005 benchmark set demonstrate that NTSSA achieves theoretical optimal accuracy on unimodal functions and significantly enhances global optimum discovery for multimodal functions by 2–5 orders of magnitude.Compared with SSA,GWO,ISSA,and CSSOA,NTSSA improves solution accuracy by up to 14.3%(F8)and 99.8%(F12),while accelerating convergence by approximately 1.5–2×.The Wilcoxon rank-sum test(p<0.05)indicates that NTSSA demonstrates a statistically substantial performance advantage.Theoretical analysis demonstrates that the collaborative synergy among adaptive mutation,chaos-based diversification,and elite preservation ensures both high convergence accuracy and global stability.This work bridges a key research gap in SSA by realizing a coordinated optimization mechanism between exploration and exploitation,offering a robust and efficient solution framework for complex high-dimensional problems in intelligent computation and engineering design.展开更多
As optimization problems continue to grow in complexity,the need for effective metaheuristic algorithms becomes increasingly evident.However,the challenge lies in identifying the right parameters and strategies for th...As optimization problems continue to grow in complexity,the need for effective metaheuristic algorithms becomes increasingly evident.However,the challenge lies in identifying the right parameters and strategies for these algorithms.In this paper,we introduce the adaptive multi-strategy Rabbit Algorithm(RA).RA is inspired by the social interactions of rabbits,incorporating elements such as exploration,exploitation,and adaptation to address optimization challenges.It employs three distinct subgroups,comprising male,female,and child rabbits,to execute a multi-strategy search.Key parameters,including distance factor,balance factor,and learning factor,strike a balance between precision and computational efficiency.We offer practical recommendations for fine-tuning five essential RA parameters,making them versatile and independent.RA is capable of autonomously selecting adaptive parameter settings and mutation strategies,enabling it to successfully tackle a range of 17 CEC05 benchmark functions with dimensions scaling up to 5000.The results underscore RA’s superior performance in large-scale optimization tasks,surpassing other state-of-the-art metaheuristics in convergence speed,computational precision,and scalability.Finally,RA has demonstrated its proficiency in solving complicated optimization problems in real-world engineering by completing 10 problems in CEC2020.展开更多
This paper addresses the shortcomings of the Sparrow and Eagle Optimization Algorithm (SBOA) in terms of convergence accuracy, convergence speed, and susceptibility to local optima. To this end, an improved Sparrow an...This paper addresses the shortcomings of the Sparrow and Eagle Optimization Algorithm (SBOA) in terms of convergence accuracy, convergence speed, and susceptibility to local optima. To this end, an improved Sparrow and Eagle Optimization Algorithm (HS-SBOA) is proposed. Initially, the algorithm employs Iterative Mapping to generate an initial sparrow and eagle population, enhancing the diversity of the population during the global search phase. Subsequently, an adaptive weighting strategy is introduced during the exploration phase of the algorithm to achieve a balance between exploration and exploitation. Finally, to avoid the algorithm falling into local optima, a Cauchy mutation operation is applied to the current best individual. To validate the performance of the HS-SBOA algorithm, it was applied to the CEC2021 benchmark function set and three practical engineering problems, and compared with other optimization algorithms such as the Grey Wolf Optimization (GWO), Particle Swarm Optimization (PSO), and Whale Optimization Algorithm (WOA) to test the effectiveness of the improved algorithm. The simulation experimental results show that the HS-SBOA algorithm demonstrates significant advantages in terms of convergence speed and accuracy, thereby validating the effectiveness of its improved strategies.展开更多
The mental health issues of college students have become an increasingly prominent social problem,exerting severe impacts on their academic performance and overall well-being.Early identification of Interpersonal Sens...The mental health issues of college students have become an increasingly prominent social problem,exerting severe impacts on their academic performance and overall well-being.Early identification of Interpersonal Sensitivity(IS)in students serves as an effective approach to detect psychological problems and provide timely intervention.In this study,958 freshmen from higher education institutions in Zhejiang Province were selected as participants.We proposed a Multi-Strategy Artemisinin Optimization(MSAO)algorithm by enhancing the Artemisinin Optimization(AO)framework through the integration of a group-guided elimination strategy and a two-stage consolidation strategy.Subsequently,the MSAO was combined with the Fuzzy K-Nearest Neighbor(FKNN)classifier to develop the bMSAO-FKNN predictive model for assessing college students’IS.The proposed algorithm’s efficacy was validated through the CEC 2017 benchmark test suite,while the model’s performance was evaluated on the IS dataset,achieving an accuracy rate of 97.81%.These findings demonstrate that the bMSAO-FKNN model not only ensures high predictive accuracy but also offers interpretability for IS prediction,making it a valuable tool for mental health monitoring in academic settings.展开更多
This study introduces a novel algorithm known as the dung beetle optimization algorithm based on bounded reflection optimization andmulti-strategy fusion(BFDBO),which is designed to tackle the complexities associated ...This study introduces a novel algorithm known as the dung beetle optimization algorithm based on bounded reflection optimization andmulti-strategy fusion(BFDBO),which is designed to tackle the complexities associated with multi-UAV collaborative trajectory planning in intricate battlefield environments.Initially,a collaborative planning cost function for the multi-UAV system is formulated,thereby converting the trajectory planning challenge into an optimization problem.Building on the foundational dung beetle optimization(DBO)algorithm,BFDBO incorporates three significant innovations:a boundary reflection mechanism,an adaptive mixed exploration strategy,and a dynamic multi-scale mutation strategy.These enhancements are intended to optimize the equilibrium between local exploration and global exploitation,facilitating the discovery of globally optimal trajectories thatminimize the cost function.Numerical simulations utilizing the CEC2022 benchmark function indicate that all three enhancements of BFDBOpositively influence its performance,resulting in accelerated convergence and improved optimization accuracy relative to leading optimization algorithms.In two battlefield scenarios of varying complexities,BFDBO achieved a minimum of a 39% reduction in total trajectory planning costs when compared to DBO and three other highperformance variants,while also demonstrating superior average runtime.This evidence underscores the effectiveness and applicability of BFDBO in practical,real-world contexts.展开更多
Metaheuristic algorithms are pivotal in cloud task scheduling. However, the complexity and uncertainty of the scheduling problem severely limit algorithms. To bypass this circumvent, numerous algorithms have been prop...Metaheuristic algorithms are pivotal in cloud task scheduling. However, the complexity and uncertainty of the scheduling problem severely limit algorithms. To bypass this circumvent, numerous algorithms have been proposed. The Hiking Optimization Algorithm (HOA) have been used in multiple fields. However, HOA suffers from local optimization, slow convergence, and low efficiency of late iteration search when solving cloud task scheduling problems. Thus, this paper proposes an improved HOA called CMOHOA. It collaborates with multi-strategy to improve HOA. Specifically, Chebyshev chaos is introduced to increase population diversity. Then, a hybrid speed update strategy is designed to enhance convergence speed. Meanwhile, an adversarial learning strategy is introduced to enhance the search capability in the late iteration. Different scenarios of scheduling problems are used to test the CMOHOA’s performance. First, CMOHOA was used to solve basic cloud computing task scheduling problems, and the results showed that it reduced the average total cost by 10% or more. Secondly, CMOHOA has been applied to edge fog cloud scheduling problems, and the results show that it reduces the average total scheduling cost by 2% or more. Finally, CMOHOA reduced the average total cost by 7% or more in scheduling problems for information transmission.展开更多
Dynamic spectrum access(DSA) based on cognitive radios(CR) technique is an effective approach to address the "spectrum scarcity" issue. However, traditional CR-enabled DSA system employs only single DSA stra...Dynamic spectrum access(DSA) based on cognitive radios(CR) technique is an effective approach to address the "spectrum scarcity" issue. However, traditional CR-enabled DSA system employs only single DSA strategy, which might not be suited to the dynamic network environment. In this paper, we propose a multi-strategy DSA(MS-DSA) system, where the primary and the secondary system share spectrum resources with multiple DSA strategies simultaneously. To analyze the performance of the proposed MS-DSA system, we model it as a continuous-time Markov chain(CTMC) and derive the expressions to compute the corresponding performance metrics. Based on this, we define a utility function involving the concerns of effective throughput, interference quantity on primary users, and spectrum leasing cost. Two optimization schemes, named as spectrum allocation and false alarm probability selection, are proposed to maximize the utility function. Finally, numerical simulations are provided to validate our analysis and demonstrate that the performance can be significantly improved caused by virtues of the proposed MS-DSA system.展开更多
Sinter is the core raw material for blast furnaces.Flue pressure,which is an important state parameter,affects sinter quality.In this paper,flue pressure prediction and optimization were studied based on the shapley a...Sinter is the core raw material for blast furnaces.Flue pressure,which is an important state parameter,affects sinter quality.In this paper,flue pressure prediction and optimization were studied based on the shapley additive explanation(SHAP)to predict the flue pressure and take targeted adjustment measures.First,the sintering process data were collected and processed.A flue pressure prediction model was then constructed after comparing different feature selection methods and model algorithms using SHAP+extremely random-ized trees(ET).The prediction accuracy of the model within the error range of±0.25 kPa was 92.63%.SHAP analysis was employed to improve the interpretability of the prediction model.The effects of various sintering operation parameters on flue pressure,the relation-ship between the numerical range of key operation parameters and flue pressure,the effect of operation parameter combinations on flue pressure,and the prediction process of the flue pressure prediction model on a single sample were analyzed.A flue pressure optimization module was also constructed and analyzed when the prediction satisfied the judgment conditions.The operating parameter combination was then pushed.The flue pressure was increased by 5.87%during the verification process,achieving a good optimization effect.展开更多
In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature sel...In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature selection aims to alleviate this issue by minimizing the number of features in the subset while simultaneously minimizing the classification error rate.Single-objective optimization approaches employ an evaluation function designed as an aggregate function with a parameter,but the results obtained depend on the value of the parameter.To eliminate this parameter’s influence,the problem can be reformulated as a multi-objective optimization problem.The Whale Optimization Algorithm(WOA)is widely used in optimization problems because of its simplicity and easy implementation.In this paper,we propose a multi-strategy assisted multi-objective WOA(MSMOWOA)to address feature selection.To enhance the algorithm’s search ability,we integrate multiple strategies such as Levy flight,Grey Wolf Optimizer,and adaptive mutation into it.Additionally,we utilize an external repository to store non-dominant solution sets and grid technology is used to maintain diversity.Results on fourteen University of California Irvine(UCI)datasets demonstrate that our proposed method effectively removes redundant features and improves classification performance.The source code can be accessed from the website:https://github.com/zc0315/MSMOWOA.展开更多
Present of wind power is sporadically and cannot be utilized as the only fundamental load of energy sources.This paper proposes a wind-solar hybrid energy storage system(HESS)to ensure a stable supply grid for a longe...Present of wind power is sporadically and cannot be utilized as the only fundamental load of energy sources.This paper proposes a wind-solar hybrid energy storage system(HESS)to ensure a stable supply grid for a longer period.A multi-objective genetic algorithm(MOGA)and state of charge(SOC)region division for the batteries are introduced to solve the objective function and configuration of the system capacity,respectively.MATLAB/Simulink was used for simulation test.The optimization results show that for a 0.5 MW wind power and 0.5 MW photovoltaic system,with a combination of a 300 Ah lithium battery,a 200 Ah lead-acid battery,and a water storage tank,the proposed strategy reduces the system construction cost by approximately 18,000 yuan.Additionally,the cycle count of the electrochemical energy storage systemincreases from4515 to 4660,while the depth of discharge decreases from 55.37%to 53.65%,achieving shallow charging and discharging,thereby extending battery life and reducing grid voltage fluctuations significantly.The proposed strategy is a guide for stabilizing the grid connection of wind and solar power generation,capability allocation,and energy management of energy conservation systems.展开更多
With the increasing complexity of the current electromagnetic environment,excessive microwave radi-ation not only does harm to human health but also forms various electromagnetic interference to so-phisticated electro...With the increasing complexity of the current electromagnetic environment,excessive microwave radi-ation not only does harm to human health but also forms various electromagnetic interference to so-phisticated electronic instruments.Therefore,the design and preparation of electromagnetic absorbing composites represent an efficient approach to mitigate the current hazards of electromagnetic radiation.However,traditional electromagnetic absorbers are difficult to satisfy the demands of actual utilization in the face of new challenges,and emerging absorbents have garnered increasing attention due to their structure and performance-based advantages.In this review,several emerging composites of Mxene-based,biochar-based,chiral,and heat-resisting are discussed in detail,including their synthetic strategy,structural superiority and regulation method,and final optimization of electromagnetic absorption ca-pacity.These insights provide a comprehensive reference for the future development of new-generation electromagnetic-wave absorption composites.Moreover,the potential development directions of these emerging absorbers have been proposed as well.展开更多
基金supported by Science and Technology Innovation Programfor Postgraduate Students in IDP Subsidized by Fundamental Research Funds for the Central Universities(Project No.ZY20240335)support of the Research Project of the Key Technology of Malicious Code Detection Based on Data Mining in APT Attack(Project No.2022IT173)the Research Project of the Big Data Sensitive Information Supervision Technology Based on Convolutional Neural Network(Project No.2022011033).
文摘Previous studies have shown that deep learning is very effective in detecting known attacks.However,when facing unknown attacks,models such as Deep Neural Networks(DNN)combined with Long Short-Term Memory(LSTM),Convolutional Neural Networks(CNN)combined with LSTM,and so on are built by simple stacking,which has the problems of feature loss,low efficiency,and low accuracy.Therefore,this paper proposes an autonomous detectionmodel for Distributed Denial of Service attacks,Multi-Scale Convolutional Neural Network-Bidirectional Gated Recurrent Units-Single Headed Attention(MSCNN-BiGRU-SHA),which is based on a Multistrategy Integrated Zebra Optimization Algorithm(MI-ZOA).The model undergoes training and testing with the CICDDoS2019 dataset,and its performance is evaluated on a new GINKS2023 dataset.The hyperparameters for Conv_filter and GRU_unit are optimized using the Multi-strategy Integrated Zebra Optimization Algorithm(MIZOA).The experimental results show that the test accuracy of the MSCNN-BiGRU-SHA model based on the MIZOA proposed in this paper is as high as 0.9971 in the CICDDoS 2019 dataset.The evaluation accuracy of the new dataset GINKS2023 created in this paper is 0.9386.Compared to the MSCNN-BiGRU-SHA model based on the Zebra Optimization Algorithm(ZOA),the detection accuracy on the GINKS2023 dataset has improved by 5.81%,precisionhas increasedby 1.35%,the recallhas improvedby 9%,and theF1scorehas increasedby 5.55%.Compared to the MSCNN-BiGRU-SHA models developed using Grid Search,Random Search,and Bayesian Optimization,the MSCNN-BiGRU-SHA model optimized with the MI-ZOA exhibits better performance in terms of accuracy,precision,recall,and F1 score.
基金supported by Youth Talent Project of Scientific Research Program of Hubei Provincial Department of Education under Grant Q20241809Doctoral Scientific Research Foundation of Hubei University of Automotive Technology under Grant 202404.
文摘As Internet of Things(IoT)applications expand,Mobile Edge Computing(MEC)has emerged as a promising architecture to overcome the real-time processing limitations of mobile devices.Edge-side computation offloading plays a pivotal role in MEC performance but remains challenging due to complex task topologies,conflicting objectives,and limited resources.This paper addresses high-dimensional multi-objective offloading for serial heterogeneous tasks in MEC.We jointly consider task heterogeneity,high-dimensional objectives,and flexible resource scheduling,modeling the problem as a Many-objective optimization.To solve it,we propose a flexible framework integrating an improved cooperative co-evolutionary algorithm based on decomposition(MOCC/D)and a flexible scheduling strategy.Experimental results on benchmark functions and simulation scenarios show that the proposed method outperforms existing approaches in both convergence and solution quality.
基金supported by the Science and Technology Research Project of Henan Province(242102241055)the Industry-University-Research Collaborative Innovation Base on Automobile Lightweight of“Science and Technology Innovation in Central Plains”(2024KCZY315)the Opening Fund of State Key Laboratory of Structural Analysis,Optimization and CAE Software for Industrial Equipment(GZ2024A03-ZZU).
文摘The moving morphable component(MMC)topology optimization method,as a typical explicit topology optimization method,has been widely concerned.In the MMC topology optimization framework,the surrogate material model is mainly used for finite element analysis at present,and the effectiveness of the surrogate material model has been fully confirmed.However,there are some accuracy problems when dealing with boundary elements using the surrogate material model,which will affect the topology optimization results.In this study,a boundary element reconstruction(BER)model is proposed based on the surrogate material model under the MMC topology optimization framework to improve the accuracy of topology optimization.The proposed BER model can reconstruct the boundary elements by refining the local meshes and obtaining new nodes in boundary elements.Then the density of boundary elements is recalculated using the new node information,which is more accurate than the original model.Based on the new density of boundary elements,the material properties and volume information of the boundary elements are updated.Compared with other finite element analysis methods,the BER model is simple and feasible and can improve computational accuracy.Finally,the effectiveness and superiority of the proposed method are verified by comparing it with the optimization results of the original surrogate material model through several numerical examples.
基金supported by the National Key Research and Development Program of China(2023YFF0906502)the Postgraduate Research and Innovation Project of Hunan Province under Grant(CX20240473).
文摘Due to the digital transformation tendency among cultural institutions and the substantial influence of the social media platform,the demands of visual communication keep increasing for promoting traditional cultural artifacts online.As an effective medium,posters serve to attract public attention and facilitate broader engagement with cultural artifacts.However,existing poster generation methods mainly rely on fixed templates and manual design,which limits their scalability and adaptability to the diverse visual and semantic features of the artifacts.Therefore,we propose CAPGen,an automated aesthetic Cultural Artifacts Poster Generation framework built on a Multimodal Large Language Model(MLLM)with integrated iterative optimization.During our research,we collaborated with designers to define principles of graphic design for cultural artifact posters,to guide the MLLM in generating layout parameters.Later,we generated these parameters into posters.Finally,we refined the posters using an MLLM integrated with a multi-round iterative optimization mechanism.Qualitative results show that CAPGen consistently outperforms baseline methods in both visual quality and aesthetic performance.Furthermore,ablation studies indicate that the prompt,iterative optimization mechanism,and design principles significantly enhance the effectiveness of poster generation.
基金funded by National Natural Science Foundation of China(Nos.12402142,11832013 and 11572134)Natural Science Foundation of Hubei Province(No.2024AFB235)+1 种基金Hubei Provincial Department of Education Science and Technology Research Project(No.Q20221714)the Opening Foundation of Hubei Key Laboratory of Digital Textile Equipment(Nos.DTL2023019 and DTL2022012).
文摘Owing to their global search capabilities and gradient-free operation,metaheuristic algorithms are widely applied to a wide range of optimization problems.However,their computational demands become prohibitive when tackling high-dimensional optimization challenges.To effectively address these challenges,this study introduces cooperative metaheuristics integrating dynamic dimension reduction(DR).Building upon particle swarm optimization(PSO)and differential evolution(DE),the proposed cooperative methods C-PSO and C-DE are developed.In the proposed methods,the modified principal components analysis(PCA)is utilized to reduce the dimension of design variables,thereby decreasing computational costs.The dynamic DR strategy implements periodic execution of modified PCA after a fixed number of iterations,resulting in the important dimensions being dynamically identified.Compared with the static one,the dynamic DR strategy can achieve precise identification of important dimensions,thereby enabling accelerated convergence toward optimal solutions.Furthermore,the influence of cumulative contribution rate thresholds on optimization problems with different dimensions is investigated.Metaheuristic algorithms(PSO,DE)and cooperative metaheuristics(C-PSO,C-DE)are examined by 15 benchmark functions and two engineering design problems(speed reducer and composite pressure vessel).Comparative results demonstrate that the cooperative methods achieve significantly superior performance compared to standard methods in both solution accuracy and computational efficiency.Compared to standard metaheuristic algorithms,cooperative metaheuristics achieve a reduction in computational cost of at least 40%.The cooperative metaheuristics can be effectively used to tackle both high-dimensional unconstrained and constrained optimization problems.
基金funded by Deanship of Graduate studies and Scientific Research at Jouf University under grant No.(DGSSR-2024-02-01264).
文摘Automated essay scoring(AES)systems have gained significant importance in educational settings,offering a scalable,efficient,and objective method for evaluating student essays.However,developing AES systems for Arabic poses distinct challenges due to the language’s complex morphology,diglossia,and the scarcity of annotated datasets.This paper presents a hybrid approach to Arabic AES by combining text-based,vector-based,and embeddingbased similarity measures to improve essay scoring accuracy while minimizing the training data required.Using a large Arabic essay dataset categorized into thematic groups,the study conducted four experiments to evaluate the impact of feature selection,data size,and model performance.Experiment 1 established a baseline using a non-machine learning approach,selecting top-N correlated features to predict essay scores.The subsequent experiments employed 5-fold cross-validation.Experiment 2 showed that combining embedding-based,text-based,and vector-based features in a Random Forest(RF)model achieved an R2 of 88.92%and an accuracy of 83.3%within a 0.5-point tolerance.Experiment 3 further refined the feature selection process,demonstrating that 19 correlated features yielded optimal results,improving R2 to 88.95%.In Experiment 4,an optimal data efficiency training approach was introduced,where training data portions increased from 5%to 50%.The study found that using just 10%of the data achieved near-peak performance,with an R2 of 85.49%,emphasizing an effective trade-off between performance and computational costs.These findings highlight the potential of the hybrid approach for developing scalable Arabic AES systems,especially in low-resource environments,addressing linguistic challenges while ensuring efficient data usage.
文摘At present, salient object detection (SOD) has achieved considerable progress. However, the methods that perform well still face the issue of inadequate detection accuracy. For example, sometimes there are problems of missed and false detections. Effectively optimizing features to capture key information and better integrating different levels of features to enhance their complementarity are two significant challenges in the domain of SOD. In response to these challenges, this study proposes a novel SOD method based on multi-strategy feature optimization. We propose the multi-size feature extraction module (MSFEM), which uses the attention mechanism, the multi-level feature fusion, and the residual block to obtain finer features. This module provides robust support for the subsequent accurate detection of the salient object. In addition, we use two rounds of feature fusion and the feedback mechanism to optimize the features obtained by the MSFEM to improve detection accuracy. The first round of feature fusion is applied to integrate the features extracted by the MSFEM to obtain more refined features. Subsequently, the feedback mechanism and the second round of feature fusion are applied to refine the features, thereby providing a stronger foundation for accurately detecting salient objects. To improve the fusion effect, we propose the feature enhancement module (FEM) and the feature optimization module (FOM). The FEM integrates the upper and lower features with the optimized features obtained by the FOM to enhance feature complementarity. The FOM uses different receptive fields, the attention mechanism, and the residual block to more effectively capture key information. Experimental results demonstrate that our method outperforms 10 state-of-the-art SOD methods.
文摘At present,energy consumption is one of the main bottlenecks in autonomous mobile robot development.To address the challenge of high energy consumption in path planning for autonomous mobile robots navigating unknown and complex environments,this paper proposes an Attention-Enhanced Dueling Deep Q-Network(ADDueling DQN),which integrates a multi-head attention mechanism and a prioritized experience replay strategy into a Dueling-DQN reinforcement learning framework.A multi-objective reward function,centered on energy efficiency,is designed to comprehensively consider path length,terrain slope,motion smoothness,and obstacle avoidance,enabling optimal low-energy trajectory generation in 3D space from the source.The incorporation of a multihead attention mechanism allows the model to dynamically focus on energy-critical state features—such as slope gradients and obstacle density—thereby significantly improving its ability to recognize and avoid energy-intensive paths.Additionally,the prioritized experience replay mechanism accelerates learning from key decision-making experiences,suppressing inefficient exploration and guiding the policy toward low-energy solutions more rapidly.The effectiveness of the proposed path planning algorithm is validated through simulation experiments conducted in multiple off-road scenarios.Results demonstrate that AD-Dueling DQN consistently achieves the lowest average energy consumption across all tested environments.Moreover,the proposed method exhibits faster convergence and greater training stability compared to baseline algorithms,highlighting its global optimization capability under energy-aware objectives in complex terrains.This study offers an efficient and scalable intelligent control strategy for the development of energy-conscious autonomous navigation systems.
文摘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.
文摘It is evident that complex optimization problems are becoming increasingly prominent,metaheuristic algorithms have demonstrated unique advantages in solving high-dimensional,nonlinear problems.However,the traditional Sparrow Search Algorithm(SSA)suffers from limited global search capability,insufficient population diversity,and slow convergence,which often leads to premature stagnation in local optima.Despite the proposal of various enhanced versions,the effective balancing of exploration and exploitation remains an unsolved challenge.To address the previously mentioned problems,this study proposes a multi-strategy collaborative improved SSA,which systematically integrates four complementary strategies:(1)the Northern Goshawk Optimization(NGO)mechanism enhances global exploration through guided prey-attacking dynamics;(2)an adaptive t-distribution mutation strategy balances the transition between exploration and exploitation via dynamic adjustment of the degrees of freedom;(3)a dual chaotic initialization method(Bernoulli and Sinusoidal maps)increases population diversity and distribution uniformity;and(4)an elite retention strategy maintains solution quality and prevents degradation during iterations.These strategies cooperate synergistically,forming a tightly coupled optimization framework that significantly improves search efficiency and robustness.Therefore,this paper names it NTSSA:A Novel Multi-Strategy Enhanced Sparrow Search Algorithm with Northern Goshawk Optimization and Adaptive t-Distribution for Global Optimization.Extensive experiments on the CEC2005 benchmark set demonstrate that NTSSA achieves theoretical optimal accuracy on unimodal functions and significantly enhances global optimum discovery for multimodal functions by 2–5 orders of magnitude.Compared with SSA,GWO,ISSA,and CSSOA,NTSSA improves solution accuracy by up to 14.3%(F8)and 99.8%(F12),while accelerating convergence by approximately 1.5–2×.The Wilcoxon rank-sum test(p<0.05)indicates that NTSSA demonstrates a statistically substantial performance advantage.Theoretical analysis demonstrates that the collaborative synergy among adaptive mutation,chaos-based diversification,and elite preservation ensures both high convergence accuracy and global stability.This work bridges a key research gap in SSA by realizing a coordinated optimization mechanism between exploration and exploitation,offering a robust and efficient solution framework for complex high-dimensional problems in intelligent computation and engineering design.
文摘As optimization problems continue to grow in complexity,the need for effective metaheuristic algorithms becomes increasingly evident.However,the challenge lies in identifying the right parameters and strategies for these algorithms.In this paper,we introduce the adaptive multi-strategy Rabbit Algorithm(RA).RA is inspired by the social interactions of rabbits,incorporating elements such as exploration,exploitation,and adaptation to address optimization challenges.It employs three distinct subgroups,comprising male,female,and child rabbits,to execute a multi-strategy search.Key parameters,including distance factor,balance factor,and learning factor,strike a balance between precision and computational efficiency.We offer practical recommendations for fine-tuning five essential RA parameters,making them versatile and independent.RA is capable of autonomously selecting adaptive parameter settings and mutation strategies,enabling it to successfully tackle a range of 17 CEC05 benchmark functions with dimensions scaling up to 5000.The results underscore RA’s superior performance in large-scale optimization tasks,surpassing other state-of-the-art metaheuristics in convergence speed,computational precision,and scalability.Finally,RA has demonstrated its proficiency in solving complicated optimization problems in real-world engineering by completing 10 problems in CEC2020.
文摘This paper addresses the shortcomings of the Sparrow and Eagle Optimization Algorithm (SBOA) in terms of convergence accuracy, convergence speed, and susceptibility to local optima. To this end, an improved Sparrow and Eagle Optimization Algorithm (HS-SBOA) is proposed. Initially, the algorithm employs Iterative Mapping to generate an initial sparrow and eagle population, enhancing the diversity of the population during the global search phase. Subsequently, an adaptive weighting strategy is introduced during the exploration phase of the algorithm to achieve a balance between exploration and exploitation. Finally, to avoid the algorithm falling into local optima, a Cauchy mutation operation is applied to the current best individual. To validate the performance of the HS-SBOA algorithm, it was applied to the CEC2021 benchmark function set and three practical engineering problems, and compared with other optimization algorithms such as the Grey Wolf Optimization (GWO), Particle Swarm Optimization (PSO), and Whale Optimization Algorithm (WOA) to test the effectiveness of the improved algorithm. The simulation experimental results show that the HS-SBOA algorithm demonstrates significant advantages in terms of convergence speed and accuracy, thereby validating the effectiveness of its improved strategies.
文摘The mental health issues of college students have become an increasingly prominent social problem,exerting severe impacts on their academic performance and overall well-being.Early identification of Interpersonal Sensitivity(IS)in students serves as an effective approach to detect psychological problems and provide timely intervention.In this study,958 freshmen from higher education institutions in Zhejiang Province were selected as participants.We proposed a Multi-Strategy Artemisinin Optimization(MSAO)algorithm by enhancing the Artemisinin Optimization(AO)framework through the integration of a group-guided elimination strategy and a two-stage consolidation strategy.Subsequently,the MSAO was combined with the Fuzzy K-Nearest Neighbor(FKNN)classifier to develop the bMSAO-FKNN predictive model for assessing college students’IS.The proposed algorithm’s efficacy was validated through the CEC 2017 benchmark test suite,while the model’s performance was evaluated on the IS dataset,achieving an accuracy rate of 97.81%.These findings demonstrate that the bMSAO-FKNN model not only ensures high predictive accuracy but also offers interpretability for IS prediction,making it a valuable tool for mental health monitoring in academic settings.
基金funded by the National Defense Science and Technology Innovation project,grant number ZZKY20223103the Basic Frontier InnovationProject at the Engineering University of PAP,grant number WJY202429+2 种基金the Basic Frontier lnnovation Project at the Engineering University of PAP,grant number WJY202408the Graduate Student Funding Priority Project,grant number JYWJ2024B006Key project of National Social Science Foundation,grant number 2023-SKJJ-A-116.
文摘This study introduces a novel algorithm known as the dung beetle optimization algorithm based on bounded reflection optimization andmulti-strategy fusion(BFDBO),which is designed to tackle the complexities associated with multi-UAV collaborative trajectory planning in intricate battlefield environments.Initially,a collaborative planning cost function for the multi-UAV system is formulated,thereby converting the trajectory planning challenge into an optimization problem.Building on the foundational dung beetle optimization(DBO)algorithm,BFDBO incorporates three significant innovations:a boundary reflection mechanism,an adaptive mixed exploration strategy,and a dynamic multi-scale mutation strategy.These enhancements are intended to optimize the equilibrium between local exploration and global exploitation,facilitating the discovery of globally optimal trajectories thatminimize the cost function.Numerical simulations utilizing the CEC2022 benchmark function indicate that all three enhancements of BFDBOpositively influence its performance,resulting in accelerated convergence and improved optimization accuracy relative to leading optimization algorithms.In two battlefield scenarios of varying complexities,BFDBO achieved a minimum of a 39% reduction in total trajectory planning costs when compared to DBO and three other highperformance variants,while also demonstrating superior average runtime.This evidence underscores the effectiveness and applicability of BFDBO in practical,real-world contexts.
基金supported by the National Natural Science Foundation of China (52275480)the Guizhou Provincial Science and Technology Program of Qiankehe Zhongdi Guiding ([2023]02)+1 种基金the Guizhou Provincial Science and Technology Program of Qiankehe Platform Talent Project (GCC[2023]001)the Guizhou Provincial Science and Technology Project of Qiankehe Platform Project (KXJZ[2024]002).
文摘Metaheuristic algorithms are pivotal in cloud task scheduling. However, the complexity and uncertainty of the scheduling problem severely limit algorithms. To bypass this circumvent, numerous algorithms have been proposed. The Hiking Optimization Algorithm (HOA) have been used in multiple fields. However, HOA suffers from local optimization, slow convergence, and low efficiency of late iteration search when solving cloud task scheduling problems. Thus, this paper proposes an improved HOA called CMOHOA. It collaborates with multi-strategy to improve HOA. Specifically, Chebyshev chaos is introduced to increase population diversity. Then, a hybrid speed update strategy is designed to enhance convergence speed. Meanwhile, an adversarial learning strategy is introduced to enhance the search capability in the late iteration. Different scenarios of scheduling problems are used to test the CMOHOA’s performance. First, CMOHOA was used to solve basic cloud computing task scheduling problems, and the results showed that it reduced the average total cost by 10% or more. Secondly, CMOHOA has been applied to edge fog cloud scheduling problems, and the results show that it reduces the average total scheduling cost by 2% or more. Finally, CMOHOA reduced the average total cost by 7% or more in scheduling problems for information transmission.
基金supported in part by the National Natural Sciences Foundation of China (NSFC) under Grant 61525103the National Natural Sciences Foundation of China under Grant 61501140the Shenzhen Fundamental Research Project under Grant JCYJ20150930150304185
文摘Dynamic spectrum access(DSA) based on cognitive radios(CR) technique is an effective approach to address the "spectrum scarcity" issue. However, traditional CR-enabled DSA system employs only single DSA strategy, which might not be suited to the dynamic network environment. In this paper, we propose a multi-strategy DSA(MS-DSA) system, where the primary and the secondary system share spectrum resources with multiple DSA strategies simultaneously. To analyze the performance of the proposed MS-DSA system, we model it as a continuous-time Markov chain(CTMC) and derive the expressions to compute the corresponding performance metrics. Based on this, we define a utility function involving the concerns of effective throughput, interference quantity on primary users, and spectrum leasing cost. Two optimization schemes, named as spectrum allocation and false alarm probability selection, are proposed to maximize the utility function. Finally, numerical simulations are provided to validate our analysis and demonstrate that the performance can be significantly improved caused by virtues of the proposed MS-DSA system.
基金supported by the General Program of the National Natural Science Foundation of China(No.52274326)the China Baowu Low Carbon Metallurgy Innovation Foundation(No.BWLCF202109)the Seventh Batch of Ten Thousand Talents Plan of China(No.ZX20220553).
文摘Sinter is the core raw material for blast furnaces.Flue pressure,which is an important state parameter,affects sinter quality.In this paper,flue pressure prediction and optimization were studied based on the shapley additive explanation(SHAP)to predict the flue pressure and take targeted adjustment measures.First,the sintering process data were collected and processed.A flue pressure prediction model was then constructed after comparing different feature selection methods and model algorithms using SHAP+extremely random-ized trees(ET).The prediction accuracy of the model within the error range of±0.25 kPa was 92.63%.SHAP analysis was employed to improve the interpretability of the prediction model.The effects of various sintering operation parameters on flue pressure,the relation-ship between the numerical range of key operation parameters and flue pressure,the effect of operation parameter combinations on flue pressure,and the prediction process of the flue pressure prediction model on a single sample were analyzed.A flue pressure optimization module was also constructed and analyzed when the prediction satisfied the judgment conditions.The operating parameter combination was then pushed.The flue pressure was increased by 5.87%during the verification process,achieving a good optimization effect.
基金supported in part by the Natural Science Youth Foundation of Hebei Province under Grant F2019403207in part by the PhD Research Startup Foundation of Hebei GEO University under Grant BQ2019055+3 种基金in part by the Open Research Project of the Hubei Key Laboratory of Intelligent Geo-Information Processing under Grant KLIGIP-2021A06in part by the Fundamental Research Funds for the Universities in Hebei Province under Grant QN202220in part by the Science and Technology Research Project for Universities of Hebei under Grant ZD2020344in part by the Guangxi Natural Science Fund General Project under Grant 2021GXNSFAA075029.
文摘In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature selection aims to alleviate this issue by minimizing the number of features in the subset while simultaneously minimizing the classification error rate.Single-objective optimization approaches employ an evaluation function designed as an aggregate function with a parameter,but the results obtained depend on the value of the parameter.To eliminate this parameter’s influence,the problem can be reformulated as a multi-objective optimization problem.The Whale Optimization Algorithm(WOA)is widely used in optimization problems because of its simplicity and easy implementation.In this paper,we propose a multi-strategy assisted multi-objective WOA(MSMOWOA)to address feature selection.To enhance the algorithm’s search ability,we integrate multiple strategies such as Levy flight,Grey Wolf Optimizer,and adaptive mutation into it.Additionally,we utilize an external repository to store non-dominant solution sets and grid technology is used to maintain diversity.Results on fourteen University of California Irvine(UCI)datasets demonstrate that our proposed method effectively removes redundant features and improves classification performance.The source code can be accessed from the website:https://github.com/zc0315/MSMOWOA.
基金supported by a Horizontal Project on the Development of a Hybrid Energy Storage Simulation Model for Wind Power Based on an RT-LAB Simulation System(PH2023000190)the Inner Mongolia Natural Science Foundation Project and the Optimization of Exergy Efficiency of a Hybrid Energy Storage System with Crossover Control for Wind Power(2023JQ04).
文摘Present of wind power is sporadically and cannot be utilized as the only fundamental load of energy sources.This paper proposes a wind-solar hybrid energy storage system(HESS)to ensure a stable supply grid for a longer period.A multi-objective genetic algorithm(MOGA)and state of charge(SOC)region division for the batteries are introduced to solve the objective function and configuration of the system capacity,respectively.MATLAB/Simulink was used for simulation test.The optimization results show that for a 0.5 MW wind power and 0.5 MW photovoltaic system,with a combination of a 300 Ah lithium battery,a 200 Ah lead-acid battery,and a water storage tank,the proposed strategy reduces the system construction cost by approximately 18,000 yuan.Additionally,the cycle count of the electrochemical energy storage systemincreases from4515 to 4660,while the depth of discharge decreases from 55.37%to 53.65%,achieving shallow charging and discharging,thereby extending battery life and reducing grid voltage fluctuations significantly.The proposed strategy is a guide for stabilizing the grid connection of wind and solar power generation,capability allocation,and energy management of energy conservation systems.
基金supported by the Surface Project of Local De-velopment in Science and Technology Guided by Central Govern-ment(No.2021ZYD0041)the National Natural Science Founda-tion of China(Nos.52377026 and 52301192)+3 种基金the Natural Science Foundation of Shandong Province(No.ZR2019YQ24)the Taishan Scholars and Young Experts Program of Shandong Province(No.tsqn202103057)the Special Financial of Shandong Province(Struc-tural Design of High-efficiency Electromagnetic Wave-absorbing Composite Materials and Construction of Shandong Provincial Tal-ent Teams)the“Sanqin Scholars”Innovation Teams Project of Shaanxi Province(Clean Energy Materials and High-Performance Devices Innovation Team of Shaanxi Dongling Smelting Co.,Ltd.).
文摘With the increasing complexity of the current electromagnetic environment,excessive microwave radi-ation not only does harm to human health but also forms various electromagnetic interference to so-phisticated electronic instruments.Therefore,the design and preparation of electromagnetic absorbing composites represent an efficient approach to mitigate the current hazards of electromagnetic radiation.However,traditional electromagnetic absorbers are difficult to satisfy the demands of actual utilization in the face of new challenges,and emerging absorbents have garnered increasing attention due to their structure and performance-based advantages.In this review,several emerging composites of Mxene-based,biochar-based,chiral,and heat-resisting are discussed in detail,including their synthetic strategy,structural superiority and regulation method,and final optimization of electromagnetic absorption ca-pacity.These insights provide a comprehensive reference for the future development of new-generation electromagnetic-wave absorption composites.Moreover,the potential development directions of these emerging absorbers have been proposed as well.