To address the significant lifecycle degradation and inadequate state of charge(SOC)balance of electric vehicles(EVs)when mitigating wind power fluctuations,a dynamic grouping control strategy is proposed for EVs base...To address the significant lifecycle degradation and inadequate state of charge(SOC)balance of electric vehicles(EVs)when mitigating wind power fluctuations,a dynamic grouping control strategy is proposed for EVs based on an improved k-means algorithm.First,a swing door trending(SDT)algorithm based on compression result feedback was designed to extract the feature data points of wind power.The gating coefficient of the SDT was adjusted based on the compression ratio and deviation,enabling the acquisition of grid-connected wind power signals through linear interpolation.Second,a novel algorithm called IDOA-KM is proposed,which utilizes the Improved Dingo Optimization Algorithm(IDOA)to optimize the clustering centers of the k-means algorithm,aiming to address its dependence and sensitivity on the initial centers.The EVs were categorized into priority charging,standby,and priority discharging groups using the IDOA-KM.Finally,an two-layer power distribution scheme for EVs was devised.The upper layer determines the charging/discharging sequences of the three EV groups and their corresponding power signals.The lower layer allocates power signals to each EV based on the maximum charging/discharging power or SOC equalization principles.The simulation results demonstrate the effectiveness of the proposed control strategy in accurately tracking grid power signals,smoothing wind power fluctuations,mitigating EV degradation,and enhancing the SOC balance.展开更多
Several pests feed on leaves,stems,bases,and the entire plant,causing plant illnesses.As a result,it is vital to identify and eliminate the disease before causing any damage to plants.Manually detecting plant disease ...Several pests feed on leaves,stems,bases,and the entire plant,causing plant illnesses.As a result,it is vital to identify and eliminate the disease before causing any damage to plants.Manually detecting plant disease and treating it is pretty challenging in this period.Image processing is employed to detect plant disease since it requires much effort and an extended processing period.The main goal of this study is to discover the disease that affects the plants by creating an image processing system that can recognize and classify four different forms of plant diseases,including Phytophthora infestans,Fusarium graminearum,Puccinia graminis,tomato yellow leaf curl.Therefore,this work uses the Support vector machine(SVM)classifier to detect and classify the plant disease using various steps like image acquisition,Pre-processing,Segmentation,feature extraction,and classification.The gray level co-occurrence matrix(GLCM)and the local binary pattern features(LBP)are used to identify the disease-affected portion of the plant leaf.According to experimental data,the proposed technology can correctly detect and diagnose plant sickness with a 97.2 percent accuracy.展开更多
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.展开更多
To address the issues of low accuracy and high false positive rate in traditional Otsu algorithm for defect detection on infrared images of wind turbine blades(WTB),this paper proposes a technique that combines morpho...To address the issues of low accuracy and high false positive rate in traditional Otsu algorithm for defect detection on infrared images of wind turbine blades(WTB),this paper proposes a technique that combines morphological image enhancement with an improved Otsu algorithm.First,mathematical morphology’s differential multi-scale white and black top-hat operations are applied to enhance the image.The algorithm employs entropy as the objective function to guide the iteration process of image enhancement,selecting appropriate structural element scales to execute differential multi-scale white and black top-hat transformations,effectively enhancing the detail features of defect regions and improving the contrast between defects and background.Afterwards,grayscale inversion is performed on the enhanced infrared defect image to better adapt to the improved Otsu algorithm.Finally,by introducing a parameter K to adjust the calculation of inter-class variance in the Otsu method,the weight of the target pixels is increased.Combined with the adaptive iterative threshold algorithm,the threshold selection process is further fine-tuned.Experimental results show that compared to traditional Otsu algorithms and other improvements,the proposed method has significant advantages in terms of defect detection accuracy and reducing false positive rates.The average defect detection rate approaches 1,and the average Hausdorff distance decreases to 0.825,indicating strong robustness and accuracy of the method.展开更多
Reducing casualties and property losses through effective evacuation route planning has been a key focus for researchers in recent years.As part of this effort,an enhanced sparrow search algorithm(MSSA)was proposed.Fi...Reducing casualties and property losses through effective evacuation route planning has been a key focus for researchers in recent years.As part of this effort,an enhanced sparrow search algorithm(MSSA)was proposed.Firstly,the Golden Sine algorithm and a nonlinear weight factor optimization strategy were added in the discoverer position update stage of the SSA algorithm.Secondly,the Cauchy-Gaussian perturbation was applied to the optimal position of the SSA algorithm to improve its ability to jump out of local optima.Finally,the local search mechanism based on the mountain climbing method was incorporated into the local search stage of the SSA algorithm,improving its local search ability.To evaluate the effectiveness of the proposed algorithm,the Whale Algorithm,Gray Wolf Algorithm,Improved Gray Wolf Algorithm,Sparrow Search Algorithm,and MSSA Algorithm were employed to solve various test functions.The accuracy and convergence speed of each algorithm were then compared and analyzed.The results indicate that the MSSA algorithm has superior solving ability and stability compared to other algorithms.To further validate the enhanced algorithm’s capabilities for path planning,evacuation experiments were conducted using different maps featuring various obstacle types.Additionally,a multi-exit evacuation scenario was constructed according to the actual building environment of a teaching building.Both the sparrow search algorithm and MSSA algorithm were employed in the simulation experiment for multiexit evacuation path planning.The findings demonstrate that the MSSA algorithm outperforms the comparison algorithm,showcasing its greater advantages and higher application potential.展开更多
Effective path planning is crucial for mobile robots to quickly reach rescue destination and complete rescue tasks in a post-disaster scenario.In this study,we investigated the post-disaster rescue path planning probl...Effective path planning is crucial for mobile robots to quickly reach rescue destination and complete rescue tasks in a post-disaster scenario.In this study,we investigated the post-disaster rescue path planning problem and modeled this problem as a variant of the travel salesman problem(TSP)with life-strength constraints.To address this problem,we proposed an improved iterated greedy(IIG)algorithm.First,a push-forward insertion heuristic(PFIH)strategy was employed to generate a high-quality initial solution.Second,a greedy-based insertion strategy was designed and used in the destruction-construction stage to increase the algorithm’s exploration ability.Furthermore,three problem-specific swap operators were developed to improve the algorithm’s exploitation ability.Additionally,an improved simulated annealing(SA)strategy was used as an acceptance criterion to effectively prevent the algorithm from falling into local optima.To verify the effectiveness of the proposed algorithm,the Solomon dataset was extended to generate 27 instances for simulation.Finally,the proposed IIG was compared with five state-of-the-art algorithms.The parameter analysiswas conducted using the design of experiments(DOE)Taguchi method,and the effectiveness analysis of each component has been verified one by one.Simulation results indicate that IIGoutperforms the compared algorithms in terms of the number of rescue survivors and convergence speed,proving the effectiveness of the proposed algorithm.展开更多
With the rapid development of digital information technology,images are increasingly used in various fields.To ensure the security of image data,prevent unauthorized tampering and leakage,maintain personal privacy,and...With the rapid development of digital information technology,images are increasingly used in various fields.To ensure the security of image data,prevent unauthorized tampering and leakage,maintain personal privacy,and protect intellectual property rights,this study proposes an innovative color image encryption algorithm.Initially,the Mersenne Twister algorithm is utilized to generate high-quality pseudo-random numbers,establishing a robust basis for subsequent operations.Subsequently,two distinct chaotic systems,the autonomous non-Hamiltonian chaotic system and the tentlogistic-cosine chaotic mapping,are employed to produce chaotic random sequences.These chaotic sequences are used to control the encoding and decoding process of the DNA,effectively scrambling the image pixels.Furthermore,the complexity of the encryption process is enhanced through improved Joseph block scrambling.Thorough experimental verification,research,and analysis,the average value of the information entropy test data reaches as high as 7.999.Additionally,the average value of the number of pixels change rate(NPCR)test data is 99.6101%,which closely approaches the ideal value of 99.6094%.This algorithm not only guarantees image quality but also substantially raises the difficulty of decryption.展开更多
To obtain a suitable scheduling scheme in an effective time range,the minimum completion time is taken as the objective of Flexible Job Shop scheduling Problems(FJSP)with different scales,and Composite Dispatching Rul...To obtain a suitable scheduling scheme in an effective time range,the minimum completion time is taken as the objective of Flexible Job Shop scheduling Problems(FJSP)with different scales,and Composite Dispatching Rules(CDRs)are applied to generate feasible solutions.Firstly,the binary tree coding method is adopted,and the constructed function set is normalized.Secondly,a CDR mining approach based on an Improved Genetic Programming Algorithm(IGPA)is designed.Two population initialization methods are introduced to enrich the initial population,and a superior and inferior population separation strategy is designed to improve the global search ability of the algorithm.At the same time,two individual mutation methods are introduced to improve the algorithm’s local search ability,to achieve the balance between global search and local search.In addition,the effectiveness of the IGPA and the superiority of CDRs are verified through comparative analysis.Finally,Deep Reinforcement Learning(DRL)is employed to solve the FJSP by incorporating the CDRs as the action set,the selection times are counted to further verify the superiority of CDRs.展开更多
Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression ...Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression microarrays have made it possible to find genetic biomarkers for cancer diagnosis and prediction in a high-throughput manner.Machine Learning(ML)has been widely used to diagnose and classify lung cancer where the performance of ML methods is evaluated to identify the appropriate technique.Identifying and selecting the gene expression patterns can help in lung cancer diagnoses and classification.Normally,microarrays include several genes and may cause confusion or false prediction.Therefore,the Arithmetic Optimization Algorithm(AOA)is used to identify the optimal gene subset to reduce the number of selected genes.Which can allow the classifiers to yield the best performance for lung cancer classification.In addition,we proposed a modified version of AOA which can work effectively on the high dimensional dataset.In the modified AOA,the features are ranked by their weights and are used to initialize the AOA population.The exploitation process of AOA is then enhanced by developing a local search algorithm based on two neighborhood strategies.Finally,the efficiency of the proposed methods was evaluated on gene expression datasets related to Lung cancer using stratified 4-fold cross-validation.The method’s efficacy in selecting the optimal gene subset is underscored by its ability to maintain feature proportions between 10%to 25%.Moreover,the approach significantly enhances lung cancer prediction accuracy.For instance,Lung_Harvard1 achieved an accuracy of 97.5%,Lung_Harvard2 and Lung_Michigan datasets both achieved 100%,Lung_Adenocarcinoma obtained an accuracy of 88.2%,and Lung_Ontario achieved an accuracy of 87.5%.In conclusion,the results indicate the potential promise of the proposed modified AOA approach in classifying microarray cancer data.展开更多
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.展开更多
Flexible job shop scheduling problem(FJSP)is the core decision-making problem of intelligent manufacturing production management.The Harris hawk optimization(HHO)algorithm,as a typical metaheuristic algorithm,has been...Flexible job shop scheduling problem(FJSP)is the core decision-making problem of intelligent manufacturing production management.The Harris hawk optimization(HHO)algorithm,as a typical metaheuristic algorithm,has been widely employed to solve scheduling problems.However,HHO suffers from premature convergence when solving NP-hard problems.Therefore,this paper proposes an improved HHO algorithm(GNHHO)to solve the FJSP.GNHHO introduces an elitism strategy,a chaotic mechanism,a nonlinear escaping energy update strategy,and a Gaussian random walk strategy to prevent premature convergence.A flexible job shop scheduling model is constructed,and the static and dynamic FJSP is investigated to minimize the makespan.This paper chooses a two-segment encoding mode based on the job and the machine of the FJSP.To verify the effectiveness of GNHHO,this study tests it in 23 benchmark functions,10 standard job shop scheduling problems(JSPs),and 5 standard FJSPs.Besides,this study collects data from an agricultural company and uses the GNHHO algorithm to optimize the company’s FJSP.The optimized scheduling scheme demonstrates significant improvements in makespan,with an advancement of 28.16%for static scheduling and 35.63%for dynamic scheduling.Moreover,it achieves an average increase of 21.50%in the on-time order delivery rate.The results demonstrate that the performance of the GNHHO algorithm in solving FJSP is superior to some existing algorithms.展开更多
A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax depositi...A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax deposition in crude oil pipelines.Aiming at the shortcomings of the ENN prediction model,which easily falls into the local minimum value and weak generalization ability in the implementation process,an optimized ENN prediction model based on the IRSA is proposed.The validity of the new model was confirmed by the accurate prediction of two sets of experimental data on wax deposition in crude oil pipelines.The two groups of crude oil wax deposition rate case prediction results showed that the average absolute percentage errors of IRSA-ENN prediction models is 0.5476% and 0.7831%,respectively.Additionally,it shows a higher prediction accuracy compared to the ENN prediction model.In fact,the new model established by using the IRSA to optimize ENN can optimize the initial weights and thresholds in the prediction process,which can overcome the shortcomings of the ENN prediction model,such as weak generalization ability and tendency to fall into the local minimum value,so that it has the advantages of strong implementation and high prediction accuracy.展开更多
In allusion to the disadvantage of having to obtain the number of clusters of data sets in advance and the sensitivity to selecting initial clustering centers in the k-means algorithm, an improved k-means clustering a...In allusion to the disadvantage of having to obtain the number of clusters of data sets in advance and the sensitivity to selecting initial clustering centers in the k-means algorithm, an improved k-means clustering algorithm is proposed. First, the concept of a silhouette coefficient is introduced, and the optimal clustering number Kopt of a data set with unknown class information is confirmed by calculating the silhouette coefficient of objects in clusters under different K values. Then the distribution of the data set is obtained through hierarchical clustering and the initial clustering-centers are confirmed. Finally, the clustering is completed by the traditional k-means clustering. By the theoretical analysis, it is proved that the improved k-means clustering algorithm has proper computational complexity. The experimental results of IRIS testing data set show that the algorithm can distinguish different clusters reasonably and recognize the outliers efficiently, and the entropy generated by the algorithm is lower.展开更多
针对电池储能系统(battery energy storage system,BESS)进行光伏波动平抑时寿命损耗高及荷电状态(state of charge,SOC)一致性差的问题,提出了光伏波动平抑下改进K-means的BESS动态分组控制策略。首先,采用最小最大调度方法获取光伏并...针对电池储能系统(battery energy storage system,BESS)进行光伏波动平抑时寿命损耗高及荷电状态(state of charge,SOC)一致性差的问题,提出了光伏波动平抑下改进K-means的BESS动态分组控制策略。首先,采用最小最大调度方法获取光伏并网指令。其次,设计了改进侏儒猫鼬优化算法(improved dwarf mongoose optimizer,IDMO),并利用它对传统K-means聚类算法进行改进,加快了聚类速度。接着,制定了电池单元动态分组原则,并根据电池单元SOC利用改进K-means将其分为3个电池组。然后,设计了基于充放电函数的电池单元SOC一致性功率分配方法,并据此提出BESS双层功率分配策略,上层确定电池组充放电顺序及指令,下层计算电池单元充放电指令。对所提策略进行仿真验证,结果表明,所设计的IDMO具有更高的寻优精度及更快的寻优速度。所提BESS平抑光伏波动策略在有效平抑波动的同时,降低了BESS运行寿命损耗并提高了电池单元SOC的均衡性。展开更多
With the increasing variety of application software of meteorological satellite ground system, how to provide reasonable hardware resources and improve the efficiency of software is paid more and more attention. In th...With the increasing variety of application software of meteorological satellite ground system, how to provide reasonable hardware resources and improve the efficiency of software is paid more and more attention. In this paper, a set of software classification method based on software operating characteristics is proposed. The method uses software run-time resource consumption to describe the software running characteristics. Firstly, principal component analysis (PCA) is used to reduce the dimension of software running feature data and to interpret software characteristic information. Then the modified K-means algorithm was used to classify the meteorological data processing software. Finally, it combined with the results of principal component analysis to explain the significance of various types of integrated software operating characteristics. And it is used as the basis for optimizing the allocation of software hardware resources and improving the efficiency of software operation.展开更多
受限于自然条件,光伏出力具有很强的随机性。为准确评估轨道交通基础设施分布式光伏发电的光伏出力特性,提出一种基于改进K-means聚类算法的轨道交通基础设施分布式光伏发电典型场景生成方法,并基于此进行光伏出力特性分析。首先,基于...受限于自然条件,光伏出力具有很强的随机性。为准确评估轨道交通基础设施分布式光伏发电的光伏出力特性,提出一种基于改进K-means聚类算法的轨道交通基础设施分布式光伏发电典型场景生成方法,并基于此进行光伏出力特性分析。首先,基于分布式光伏发电设施以及气象数据,利用PVsyst软件模拟光伏发电出力数据。然后,针对基本K-means聚类算法聚类参数和初始聚类中心盲目性高的问题,结合聚类有效性指标(Density based index,DBI)和层次聚类对其进行改进并利用改进K-means聚类算法生成光伏典型日出力场景。最后,基于华中地区某地轨道交通基础设施分布式光伏系统对所提方法的有效性和优越性进行验证,并通过定性和定量分析各典型场景的出力特性揭示轨道交通基础设施分布式光伏出力的规律和特点。展开更多
A high-precision nominal flight profile,involving controllers′intentions is critical for 4Dtrajectory estimation in modern automatic air traffic control systems.We proposed a novel method to effectively improve the a...A high-precision nominal flight profile,involving controllers′intentions is critical for 4Dtrajectory estimation in modern automatic air traffic control systems.We proposed a novel method to effectively improve the accuracy of the nominal flight profile,including the nominal altitude profile and the speed profile.First,considering the characteristics of trajectory data,we developed an improved K-means algorithm.The approach was to measure the similarity between different altitude profiles by integrating the space warp edit distance algorithm,thereby to acquire several fitted nominal flight altitude profiles.This approach breaks the constraints of traditional K-means algorithms.Second,to eliminate the influence of meteorological factors,we introduced historical gridded binary data to determine the en-route wind speed and temperature via inverse distance weighted interpolation.Finally,we facilitated the true airspeed determined by speed triangle relationships and the calibrated airspeed determined by aircraft data model to extract a more accurate nominal speed profile from each cluster,therefore we could describe the airspeed profiles above and below the airspeed transition altitude,respectively.Our experimental results showed that the proposed method could obtain a highly accurate nominal flight profile,which reflects the actual aircraft flight status.展开更多
The K-means algorithm is widely known for its simplicity and fastness in text clustering.However,the selection of the initial clus?tering center with the traditional K-means algorithm is some random,and therefore,the ...The K-means algorithm is widely known for its simplicity and fastness in text clustering.However,the selection of the initial clus?tering center with the traditional K-means algorithm is some random,and therefore,the fluctuations and instability of the clustering results are strongly affected by the initial clustering center.This paper proposed an algorithm to select the initial clustering center to eliminate the uncertainty of central point selection.The experiment results show that the improved K-means clustering algorithm is superior to the traditional algorithm.展开更多
基金This study was supported by the National Key Research and Development Program of China(No.2018YFE0122200)National Natural Science Foundation of China(No.52077078)Fundamental Research Funds for the Central Universities(No.2020MS090).
文摘To address the significant lifecycle degradation and inadequate state of charge(SOC)balance of electric vehicles(EVs)when mitigating wind power fluctuations,a dynamic grouping control strategy is proposed for EVs based on an improved k-means algorithm.First,a swing door trending(SDT)algorithm based on compression result feedback was designed to extract the feature data points of wind power.The gating coefficient of the SDT was adjusted based on the compression ratio and deviation,enabling the acquisition of grid-connected wind power signals through linear interpolation.Second,a novel algorithm called IDOA-KM is proposed,which utilizes the Improved Dingo Optimization Algorithm(IDOA)to optimize the clustering centers of the k-means algorithm,aiming to address its dependence and sensitivity on the initial centers.The EVs were categorized into priority charging,standby,and priority discharging groups using the IDOA-KM.Finally,an two-layer power distribution scheme for EVs was devised.The upper layer determines the charging/discharging sequences of the three EV groups and their corresponding power signals.The lower layer allocates power signals to each EV based on the maximum charging/discharging power or SOC equalization principles.The simulation results demonstrate the effectiveness of the proposed control strategy in accurately tracking grid power signals,smoothing wind power fluctuations,mitigating EV degradation,and enhancing the SOC balance.
基金supported by Princess Nourah bint Abdulrahman University Researchers Supporting Project number(PNURSP2023R104)Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.
文摘Several pests feed on leaves,stems,bases,and the entire plant,causing plant illnesses.As a result,it is vital to identify and eliminate the disease before causing any damage to plants.Manually detecting plant disease and treating it is pretty challenging in this period.Image processing is employed to detect plant disease since it requires much effort and an extended processing period.The main goal of this study is to discover the disease that affects the plants by creating an image processing system that can recognize and classify four different forms of plant diseases,including Phytophthora infestans,Fusarium graminearum,Puccinia graminis,tomato yellow leaf curl.Therefore,this work uses the Support vector machine(SVM)classifier to detect and classify the plant disease using various steps like image acquisition,Pre-processing,Segmentation,feature extraction,and classification.The gray level co-occurrence matrix(GLCM)and the local binary pattern features(LBP)are used to identify the disease-affected portion of the plant leaf.According to experimental data,the proposed technology can correctly detect and diagnose plant sickness with a 97.2 percent accuracy.
基金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.
基金supported by Natural Science Foundation of Jilin Province(YDZJ202401352ZYTS).
文摘To address the issues of low accuracy and high false positive rate in traditional Otsu algorithm for defect detection on infrared images of wind turbine blades(WTB),this paper proposes a technique that combines morphological image enhancement with an improved Otsu algorithm.First,mathematical morphology’s differential multi-scale white and black top-hat operations are applied to enhance the image.The algorithm employs entropy as the objective function to guide the iteration process of image enhancement,selecting appropriate structural element scales to execute differential multi-scale white and black top-hat transformations,effectively enhancing the detail features of defect regions and improving the contrast between defects and background.Afterwards,grayscale inversion is performed on the enhanced infrared defect image to better adapt to the improved Otsu algorithm.Finally,by introducing a parameter K to adjust the calculation of inter-class variance in the Otsu method,the weight of the target pixels is increased.Combined with the adaptive iterative threshold algorithm,the threshold selection process is further fine-tuned.Experimental results show that compared to traditional Otsu algorithms and other improvements,the proposed method has significant advantages in terms of defect detection accuracy and reducing false positive rates.The average defect detection rate approaches 1,and the average Hausdorff distance decreases to 0.825,indicating strong robustness and accuracy of the method.
基金supported by National Natural Science Foundation of China(71904006)Henan Province Key R&D Special Project(231111322200)+1 种基金the Science and Technology Research Plan of Henan Province(232102320043,232102320232,232102320046)the Natural Science Foundation of Henan(232300420317,232300420314).
文摘Reducing casualties and property losses through effective evacuation route planning has been a key focus for researchers in recent years.As part of this effort,an enhanced sparrow search algorithm(MSSA)was proposed.Firstly,the Golden Sine algorithm and a nonlinear weight factor optimization strategy were added in the discoverer position update stage of the SSA algorithm.Secondly,the Cauchy-Gaussian perturbation was applied to the optimal position of the SSA algorithm to improve its ability to jump out of local optima.Finally,the local search mechanism based on the mountain climbing method was incorporated into the local search stage of the SSA algorithm,improving its local search ability.To evaluate the effectiveness of the proposed algorithm,the Whale Algorithm,Gray Wolf Algorithm,Improved Gray Wolf Algorithm,Sparrow Search Algorithm,and MSSA Algorithm were employed to solve various test functions.The accuracy and convergence speed of each algorithm were then compared and analyzed.The results indicate that the MSSA algorithm has superior solving ability and stability compared to other algorithms.To further validate the enhanced algorithm’s capabilities for path planning,evacuation experiments were conducted using different maps featuring various obstacle types.Additionally,a multi-exit evacuation scenario was constructed according to the actual building environment of a teaching building.Both the sparrow search algorithm and MSSA algorithm were employed in the simulation experiment for multiexit evacuation path planning.The findings demonstrate that the MSSA algorithm outperforms the comparison algorithm,showcasing its greater advantages and higher application potential.
基金supported by the Opening Fund of Shandong Provincial Key Laboratory of Network based Intelligent Computing,the National Natural Science Foundation of China(52205529,61803192)the Natural Science Foundation of Shandong Province(ZR2021QE195)+1 种基金the Youth Innovation Team Program of Shandong Higher Education Institution(2023KJ206)the Guangyue Youth Scholar Innovation Talent Program support received from Liaocheng University(LCUGYTD2022-03).
文摘Effective path planning is crucial for mobile robots to quickly reach rescue destination and complete rescue tasks in a post-disaster scenario.In this study,we investigated the post-disaster rescue path planning problem and modeled this problem as a variant of the travel salesman problem(TSP)with life-strength constraints.To address this problem,we proposed an improved iterated greedy(IIG)algorithm.First,a push-forward insertion heuristic(PFIH)strategy was employed to generate a high-quality initial solution.Second,a greedy-based insertion strategy was designed and used in the destruction-construction stage to increase the algorithm’s exploration ability.Furthermore,three problem-specific swap operators were developed to improve the algorithm’s exploitation ability.Additionally,an improved simulated annealing(SA)strategy was used as an acceptance criterion to effectively prevent the algorithm from falling into local optima.To verify the effectiveness of the proposed algorithm,the Solomon dataset was extended to generate 27 instances for simulation.Finally,the proposed IIG was compared with five state-of-the-art algorithms.The parameter analysiswas conducted using the design of experiments(DOE)Taguchi method,and the effectiveness analysis of each component has been verified one by one.Simulation results indicate that IIGoutperforms the compared algorithms in terms of the number of rescue survivors and convergence speed,proving the effectiveness of the proposed algorithm.
基金supported by the Open Fund of Advanced Cryptography and System Security Key Laboratory of Sichuan Province(Grant No.SKLACSS-202208)the Natural Science Foundation of Chongqing(Grant No.CSTB2023NSCQLZX0139)the National Natural Science Foundation of China(Grant No.61772295).
文摘With the rapid development of digital information technology,images are increasingly used in various fields.To ensure the security of image data,prevent unauthorized tampering and leakage,maintain personal privacy,and protect intellectual property rights,this study proposes an innovative color image encryption algorithm.Initially,the Mersenne Twister algorithm is utilized to generate high-quality pseudo-random numbers,establishing a robust basis for subsequent operations.Subsequently,two distinct chaotic systems,the autonomous non-Hamiltonian chaotic system and the tentlogistic-cosine chaotic mapping,are employed to produce chaotic random sequences.These chaotic sequences are used to control the encoding and decoding process of the DNA,effectively scrambling the image pixels.Furthermore,the complexity of the encryption process is enhanced through improved Joseph block scrambling.Thorough experimental verification,research,and analysis,the average value of the information entropy test data reaches as high as 7.999.Additionally,the average value of the number of pixels change rate(NPCR)test data is 99.6101%,which closely approaches the ideal value of 99.6094%.This algorithm not only guarantees image quality but also substantially raises the difficulty of decryption.
基金supported by the National Natural Science Foundation of China(Nos.51805152 and 52075401)the Green Industry Technology Leading Program of Hubei University of Technology(No.XJ2021005001)+1 种基金the Scientific Research Foundation for High-level Talents of Hubei University of Technology(No.GCRC2020009)the Natural Science Foundation of Hubei Province(No.2022CFB445).
文摘To obtain a suitable scheduling scheme in an effective time range,the minimum completion time is taken as the objective of Flexible Job Shop scheduling Problems(FJSP)with different scales,and Composite Dispatching Rules(CDRs)are applied to generate feasible solutions.Firstly,the binary tree coding method is adopted,and the constructed function set is normalized.Secondly,a CDR mining approach based on an Improved Genetic Programming Algorithm(IGPA)is designed.Two population initialization methods are introduced to enrich the initial population,and a superior and inferior population separation strategy is designed to improve the global search ability of the algorithm.At the same time,two individual mutation methods are introduced to improve the algorithm’s local search ability,to achieve the balance between global search and local search.In addition,the effectiveness of the IGPA and the superiority of CDRs are verified through comparative analysis.Finally,Deep Reinforcement Learning(DRL)is employed to solve the FJSP by incorporating the CDRs as the action set,the selection times are counted to further verify the superiority of CDRs.
基金supported by the Deanship of Scientific Research,at Imam Abdulrahman Bin Faisal University.Grant Number:2019-416-ASCS.
文摘Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression microarrays have made it possible to find genetic biomarkers for cancer diagnosis and prediction in a high-throughput manner.Machine Learning(ML)has been widely used to diagnose and classify lung cancer where the performance of ML methods is evaluated to identify the appropriate technique.Identifying and selecting the gene expression patterns can help in lung cancer diagnoses and classification.Normally,microarrays include several genes and may cause confusion or false prediction.Therefore,the Arithmetic Optimization Algorithm(AOA)is used to identify the optimal gene subset to reduce the number of selected genes.Which can allow the classifiers to yield the best performance for lung cancer classification.In addition,we proposed a modified version of AOA which can work effectively on the high dimensional dataset.In the modified AOA,the features are ranked by their weights and are used to initialize the AOA population.The exploitation process of AOA is then enhanced by developing a local search algorithm based on two neighborhood strategies.Finally,the efficiency of the proposed methods was evaluated on gene expression datasets related to Lung cancer using stratified 4-fold cross-validation.The method’s efficacy in selecting the optimal gene subset is underscored by its ability to maintain feature proportions between 10%to 25%.Moreover,the approach significantly enhances lung cancer prediction accuracy.For instance,Lung_Harvard1 achieved an accuracy of 97.5%,Lung_Harvard2 and Lung_Michigan datasets both achieved 100%,Lung_Adenocarcinoma obtained an accuracy of 88.2%,and Lung_Ontario achieved an accuracy of 87.5%.In conclusion,the results indicate the potential promise of the proposed modified AOA approach in classifying microarray cancer data.
基金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.
文摘Flexible job shop scheduling problem(FJSP)is the core decision-making problem of intelligent manufacturing production management.The Harris hawk optimization(HHO)algorithm,as a typical metaheuristic algorithm,has been widely employed to solve scheduling problems.However,HHO suffers from premature convergence when solving NP-hard problems.Therefore,this paper proposes an improved HHO algorithm(GNHHO)to solve the FJSP.GNHHO introduces an elitism strategy,a chaotic mechanism,a nonlinear escaping energy update strategy,and a Gaussian random walk strategy to prevent premature convergence.A flexible job shop scheduling model is constructed,and the static and dynamic FJSP is investigated to minimize the makespan.This paper chooses a two-segment encoding mode based on the job and the machine of the FJSP.To verify the effectiveness of GNHHO,this study tests it in 23 benchmark functions,10 standard job shop scheduling problems(JSPs),and 5 standard FJSPs.Besides,this study collects data from an agricultural company and uses the GNHHO algorithm to optimize the company’s FJSP.The optimized scheduling scheme demonstrates significant improvements in makespan,with an advancement of 28.16%for static scheduling and 35.63%for dynamic scheduling.Moreover,it achieves an average increase of 21.50%in the on-time order delivery rate.The results demonstrate that the performance of the GNHHO algorithm in solving FJSP is superior to some existing algorithms.
文摘A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax deposition in crude oil pipelines.Aiming at the shortcomings of the ENN prediction model,which easily falls into the local minimum value and weak generalization ability in the implementation process,an optimized ENN prediction model based on the IRSA is proposed.The validity of the new model was confirmed by the accurate prediction of two sets of experimental data on wax deposition in crude oil pipelines.The two groups of crude oil wax deposition rate case prediction results showed that the average absolute percentage errors of IRSA-ENN prediction models is 0.5476% and 0.7831%,respectively.Additionally,it shows a higher prediction accuracy compared to the ENN prediction model.In fact,the new model established by using the IRSA to optimize ENN can optimize the initial weights and thresholds in the prediction process,which can overcome the shortcomings of the ENN prediction model,such as weak generalization ability and tendency to fall into the local minimum value,so that it has the advantages of strong implementation and high prediction accuracy.
基金The National Natural Science Foundation of China(No50674086)Specialized Research Fund for the Doctoral Program of Higher Education (No20060290508)the Youth Scientific Research Foundation of China University of Mining and Technology (No2006A047)
文摘In allusion to the disadvantage of having to obtain the number of clusters of data sets in advance and the sensitivity to selecting initial clustering centers in the k-means algorithm, an improved k-means clustering algorithm is proposed. First, the concept of a silhouette coefficient is introduced, and the optimal clustering number Kopt of a data set with unknown class information is confirmed by calculating the silhouette coefficient of objects in clusters under different K values. Then the distribution of the data set is obtained through hierarchical clustering and the initial clustering-centers are confirmed. Finally, the clustering is completed by the traditional k-means clustering. By the theoretical analysis, it is proved that the improved k-means clustering algorithm has proper computational complexity. The experimental results of IRIS testing data set show that the algorithm can distinguish different clusters reasonably and recognize the outliers efficiently, and the entropy generated by the algorithm is lower.
文摘针对电池储能系统(battery energy storage system,BESS)进行光伏波动平抑时寿命损耗高及荷电状态(state of charge,SOC)一致性差的问题,提出了光伏波动平抑下改进K-means的BESS动态分组控制策略。首先,采用最小最大调度方法获取光伏并网指令。其次,设计了改进侏儒猫鼬优化算法(improved dwarf mongoose optimizer,IDMO),并利用它对传统K-means聚类算法进行改进,加快了聚类速度。接着,制定了电池单元动态分组原则,并根据电池单元SOC利用改进K-means将其分为3个电池组。然后,设计了基于充放电函数的电池单元SOC一致性功率分配方法,并据此提出BESS双层功率分配策略,上层确定电池组充放电顺序及指令,下层计算电池单元充放电指令。对所提策略进行仿真验证,结果表明,所设计的IDMO具有更高的寻优精度及更快的寻优速度。所提BESS平抑光伏波动策略在有效平抑波动的同时,降低了BESS运行寿命损耗并提高了电池单元SOC的均衡性。
文摘With the increasing variety of application software of meteorological satellite ground system, how to provide reasonable hardware resources and improve the efficiency of software is paid more and more attention. In this paper, a set of software classification method based on software operating characteristics is proposed. The method uses software run-time resource consumption to describe the software running characteristics. Firstly, principal component analysis (PCA) is used to reduce the dimension of software running feature data and to interpret software characteristic information. Then the modified K-means algorithm was used to classify the meteorological data processing software. Finally, it combined with the results of principal component analysis to explain the significance of various types of integrated software operating characteristics. And it is used as the basis for optimizing the allocation of software hardware resources and improving the efficiency of software operation.
文摘受限于自然条件,光伏出力具有很强的随机性。为准确评估轨道交通基础设施分布式光伏发电的光伏出力特性,提出一种基于改进K-means聚类算法的轨道交通基础设施分布式光伏发电典型场景生成方法,并基于此进行光伏出力特性分析。首先,基于分布式光伏发电设施以及气象数据,利用PVsyst软件模拟光伏发电出力数据。然后,针对基本K-means聚类算法聚类参数和初始聚类中心盲目性高的问题,结合聚类有效性指标(Density based index,DBI)和层次聚类对其进行改进并利用改进K-means聚类算法生成光伏典型日出力场景。最后,基于华中地区某地轨道交通基础设施分布式光伏系统对所提方法的有效性和优越性进行验证,并通过定性和定量分析各典型场景的出力特性揭示轨道交通基础设施分布式光伏出力的规律和特点。
基金supported by the National Natural Science Foundation of China(Nos.61174180,U1433125)the Jiangsu Province Science Foundation (No.BK20141413)the Chinese Postdoctoral Science Foundation (No.2014M550291)
文摘A high-precision nominal flight profile,involving controllers′intentions is critical for 4Dtrajectory estimation in modern automatic air traffic control systems.We proposed a novel method to effectively improve the accuracy of the nominal flight profile,including the nominal altitude profile and the speed profile.First,considering the characteristics of trajectory data,we developed an improved K-means algorithm.The approach was to measure the similarity between different altitude profiles by integrating the space warp edit distance algorithm,thereby to acquire several fitted nominal flight altitude profiles.This approach breaks the constraints of traditional K-means algorithms.Second,to eliminate the influence of meteorological factors,we introduced historical gridded binary data to determine the en-route wind speed and temperature via inverse distance weighted interpolation.Finally,we facilitated the true airspeed determined by speed triangle relationships and the calibrated airspeed determined by aircraft data model to extract a more accurate nominal speed profile from each cluster,therefore we could describe the airspeed profiles above and below the airspeed transition altitude,respectively.Our experimental results showed that the proposed method could obtain a highly accurate nominal flight profile,which reflects the actual aircraft flight status.
文摘The K-means algorithm is widely known for its simplicity and fastness in text clustering.However,the selection of the initial clus?tering center with the traditional K-means algorithm is some random,and therefore,the fluctuations and instability of the clustering results are strongly affected by the initial clustering center.This paper proposed an algorithm to select the initial clustering center to eliminate the uncertainty of central point selection.The experiment results show that the improved K-means clustering algorithm is superior to the traditional algorithm.