In real-world applications, datasets frequently contain outliers, which can hinder the generalization ability of machine learning models. Bayesian classifiers, a popular supervised learning method, rely on accurate pr...In real-world applications, datasets frequently contain outliers, which can hinder the generalization ability of machine learning models. Bayesian classifiers, a popular supervised learning method, rely on accurate probability density estimation for classifying continuous datasets. However, achieving precise density estimation with datasets containing outliers poses a significant challenge. This paper introduces a Bayesian classifier that utilizes optimized robust kernel density estimation to address this issue. Our proposed method enhances the accuracy of probability density distribution estimation by mitigating the impact of outliers on the training sample’s estimated distribution. Unlike the conventional kernel density estimator, our robust estimator can be seen as a weighted kernel mapping summary for each sample. This kernel mapping performs the inner product in the Hilbert space, allowing the kernel density estimation to be considered the average of the samples’ mapping in the Hilbert space using a reproducing kernel. M-estimation techniques are used to obtain accurate mean values and solve the weights. Meanwhile, complete cross-validation is used as the objective function to search for the optimal bandwidth, which impacts the estimator. The Harris Hawks Optimisation optimizes the objective function to improve the estimation accuracy. The experimental results show that it outperforms other optimization algorithms regarding convergence speed and objective function value during the bandwidth search. The optimal robust kernel density estimator achieves better fitness performance than the traditional kernel density estimator when the training data contains outliers. The Naïve Bayesian with optimal robust kernel density estimation improves the generalization in the classification with outliers.展开更多
In mining or construction projects,for exploitation of hard rock with high strength properties,blasting is frequently applied to breaking or moving them using high explosive energy.However,use of explosives may lead t...In mining or construction projects,for exploitation of hard rock with high strength properties,blasting is frequently applied to breaking or moving them using high explosive energy.However,use of explosives may lead to the flyrock phenomenon.Flyrock can damage structures or nearby equipment in the surrounding areas and inflict harm to humans,especially workers in the working sites.Thus,prediction of flyrock is of high importance.In this investigation,examination and estimation/forecast of flyrock distance induced by blasting through the application of five artificial intelligent algorithms were carried out.One hundred and fifty-two blasting events in three open-pit granite mines in Johor,Malaysia,were monitored to collect field data.The collected data include blasting parameters and rock mass properties.Site-specific weathering index(WI),geological strength index(GSI) and rock quality designation(RQD)are rock mass properties.Multi-layer perceptron(MLP),random forest(RF),support vector machine(SVM),and hybrid models including Harris Hawks optimization-based MLP(known as HHO-MLP) and whale optimization algorithm-based MLP(known as WOA-MLP) were developed.The performance of various models was assessed through various performance indices,including a10-index,coefficient of determination(R^(2)),root mean squared error(RMSE),mean absolute percentage error(MAPE),variance accounted for(VAF),and root squared error(RSE).The a10-index values for MLP,RF,SVM,HHO-MLP and WOA-MLP are 0.953,0.933,0.937,0.991 and 0.972,respectively.R^(2) of HHO-MLP is 0.998,which achieved the best performance among all five machine learning(ML) models.展开更多
Generally,software testing is considered as a proficient technique to achieve improvement in quality and reliability of the software.But,the quality of test cases has a considerable influence on fault revealing capabi...Generally,software testing is considered as a proficient technique to achieve improvement in quality and reliability of the software.But,the quality of test cases has a considerable influence on fault revealing capability of software testing activity.Test Case Prioritization(TCP)remains a challenging issue since prioritizing test cases is unsatisfactory in terms of Average Percentage of Faults Detected(APFD)and time spent upon execution results.TCP ismainly intended to design a collection of test cases that can accomplish early optimization using preferred characteristics.The studies conducted earlier focused on prioritizing the available test cases in accelerating fault detection rate during software testing.In this aspect,the current study designs aModified Harris Hawks Optimization based TCP(MHHO-TCP)technique for software testing.The aim of the proposed MHHO-TCP technique is to maximize APFD and minimize the overall execution time.In addition,MHHO algorithm is designed to boost the exploration and exploitation abilities of conventional HHO algorithm.In order to validate the enhanced efficiency of MHHO-TCP technique,a wide range of simulations was conducted on different benchmark programs and the results were examined under several aspects.The experimental outcomes highlight the improved efficiency of MHHO-TCP technique over recent approaches under different measures.展开更多
In this paper,we consider the NP-hard problem offinding the minimum connected resolving set of graphs.A vertex set B of a connected graph G resolves G if every vertex of G is uniquely identified by its vector of distanc...In this paper,we consider the NP-hard problem offinding the minimum connected resolving set of graphs.A vertex set B of a connected graph G resolves G if every vertex of G is uniquely identified by its vector of distances to the ver-tices in B.A resolving set B of G is connected if the subgraph B induced by B is a nontrivial connected subgraph of G.The cardinality of the minimal resolving set is the metric dimension of G and the cardinality of minimum connected resolving set is the connected metric dimension of G.The problem is solved heuristically by a binary version of an enhanced Harris Hawk Optimization(BEHHO)algorithm.This is thefirst attempt to determine the connected resolving set heuristically.BEHHO combines classical HHO with opposition-based learning,chaotic local search and is equipped with an S-shaped transfer function to convert the contin-uous variable into a binary one.The hawks of BEHHO are binary encoded and are used to represent which one of the vertices of a graph belongs to the connected resolving set.The feasibility is enforced by repairing hawks such that an addi-tional node selected from V\B is added to B up to obtain the connected resolving set.The proposed BEHHO algorithm is compared to binary Harris Hawk Optimi-zation(BHHO),binary opposition-based learning Harris Hawk Optimization(BOHHO),binary chaotic local search Harris Hawk Optimization(BCHHO)algorithms.Computational results confirm the superiority of the BEHHO for determining connected metric dimension.展开更多
Harris Hawks Optimization(HHO)is a novel meta-heuristic algorithm that imitates the predation characteristics of Harris Hawk and combines Lévy flight to solve complex multidimensional problems.Nevertheless,the ba...Harris Hawks Optimization(HHO)is a novel meta-heuristic algorithm that imitates the predation characteristics of Harris Hawk and combines Lévy flight to solve complex multidimensional problems.Nevertheless,the basic HHO algorithm still has certain limitations,including the tendency to fall into the local optima and poor convergence accuracy.Coot Bird Optimization(CBO)is another new swarm-based optimization algorithm.CBO originates from the regular and irregular motion of a bird called Coot on the water’s surface.Although the framework of CBO is slightly complicated,it has outstanding exploration potential and excellent capability to avoid falling into local optimal solutions.This paper proposes a novel enhanced hybrid algorithm based on the basic HHO and CBO named Enhanced Harris Hawks Optimization Integrated with Coot Bird Optimization(EHHOCBO).EHHOCBO can provide higher-quality solutions for numerical optimization problems.It first embeds the leadership mechanism of CBO into the population initialization process of HHO.This way can take full advantage of the valuable solution information to provide a good foundation for the global search of the hybrid algorithm.Secondly,the Ensemble Mutation Strategy(EMS)is introduced to generate the mutant candidate positions for consideration,further improving the hybrid algorithm’s exploration trend and population diversity.To further reduce the likelihood of falling into the local optima and speed up the convergence,Refracted Opposition-Based Learning(ROBL)is adopted to update the current optimal solution in the swarm.Using 23 classical benchmark functions and the IEEE CEC2017 test suite,the performance of the proposed EHHOCBO is comprehensively evaluated and compared with eight other basic meta-heuristic algorithms and six improved variants.Experimental results show that EHHOCBO can achieve better solution accuracy,faster convergence speed,and a more robust ability to jump out of local optima than other advanced optimizers in most test cases.Finally,EHHOCBOis applied to address four engineering design problems.Our findings indicate that the proposed method also provides satisfactory performance regarding the convergence accuracy of the optimal global solution.展开更多
At present,the immense development of social networks allows generating a significant amount of textual data,which has facilitated researchers to explore the field of opinion mining.In addition,the processing of textu...At present,the immense development of social networks allows generating a significant amount of textual data,which has facilitated researchers to explore the field of opinion mining.In addition,the processing of textual opinions based on the term frequency-inverse document frequency method gives rise to a dimensionality problem.This study aims to detect the nature of opinions in the Arabic language employing a swarm intelligence(SI)-based algorithm,Harris hawks algorithm,to select the most relevant terms.The experimental study has been tested on two datasets:Arabic Jordanian General Tweets and Opinion Corpus for Arabic.In terms of accuracy and number of features,the results are better than those of other SI based algorithms,such as grey wolf optimizer and grasshopper optimization algorithm,and other algorithms in the literature,such as differential evolution,genetic algorithm,particle swarm optimization,basic and enhanced whale optimizer algorithm,slap swarm algorithm,and ant–lion optimizer.展开更多
Precision agriculture includes the optimum and adequate use of resources depending on several variables that govern crop yield.Precision agriculture offers a novel solution utilizing a systematic technique for current...Precision agriculture includes the optimum and adequate use of resources depending on several variables that govern crop yield.Precision agriculture offers a novel solution utilizing a systematic technique for current agricultural problems like balancing production and environmental concerns.Weed control has become one of the significant problems in the agricultural sector.In traditional weed control,the entire field is treated uniformly by spraying the soil,a single herbicide dose,weed,and crops in the same way.For more precise farming,robots could accomplish targeted weed treatment if they could specifically find the location of the dispensable plant and identify the weed type.This may lessen by large margin utilization of agrochemicals on agricultural fields and favour sustainable agriculture.This study presents a Harris Hawks Optimizer with Graph Convolutional Network based Weed Detection(HHOGCN-WD)technique for Precision Agriculture.The HHOGCN-WD technique mainly focuses on identifying and classifying weeds for precision agriculture.For image pre-processing,the HHOGCN-WD model utilizes a bilateral normal filter(BNF)for noise removal.In addition,coupled convolutional neural network(CCNet)model is utilized to derive a set of feature vectors.To detect and classify weed,the GCN model is utilized with the HHO algorithm as a hyperparameter optimizer to improve the detection performance.The experimental results of the HHOGCN-WD technique are investigated under the benchmark dataset.The results indicate the promising performance of the presented HHOGCN-WD model over other recent approaches,with increased accuracy of 99.13%.展开更多
The eminence of Economic Dispatch(ED)in power systems is signifi-cantly high as it involves in scheduling the available power from various power plants with less cost by compensating equality and inequality constrictio...The eminence of Economic Dispatch(ED)in power systems is signifi-cantly high as it involves in scheduling the available power from various power plants with less cost by compensating equality and inequality constrictions.The emission of toxic gases from power plants leads to environmental imbalance and so it is highly mandatory to rectify this issues for obtaining optimal perfor-mance in the power systems.In this present study,the Economic and Emission Dispatch(EED)problems are resolved as multi objective Economic Dispatch pro-blems by using Harris Hawk’s Optimization(HHO),which is capable enough to resolve the concerned issue in a wider range.In addition,the clustering approach is employed to maintain the size of the Pareto Optimal(PO)set during each itera-tion and fuzzy based approach is employed to extricate compromise solution from the Pareto front.To meet the equality constraint effectively,a new demand-based constraint handling mechanism is adopted.This paper also includes Wind energy conversion system(WECS)in EED problem.The conventional thermal generator cost is taken into account while considering the overall cost functions of wind energy like overestimated,underestimated and proportional costs.The quality of the non-dominated solution set is measured using quality metrics such as Set Spacing(SP)and Hyper-Volume(HV)and the solutions are compared with other conventional algorithms to prove its efficiency.The present study is validated with the outcomes of various literature papers.展开更多
Since the Biden administration came to power, the liberal hawks who uphold the liberal internationalist strategy have regained a significant influence on foreign affairs and national security, prioritized the repair o...Since the Biden administration came to power, the liberal hawks who uphold the liberal internationalist strategy have regained a significant influence on foreign affairs and national security, prioritized the repair of U.S. hegemony, and maintained strategic competition with China initiated by the Trump administration. When compared with the paradigm of competition of the Trump administration, the liberal hawks of the Biden administration have improved the strategic logic of competition with China and refined the relevant policy layout to render it compatible with the overall agenda of the Democratic Party. Enhancing strategic competition with China under the leadership of the liberal hawks has not been in the interests of China, the United States(U.S.), or the entire world. The healthy and stable development of China–U.S. relations requires additional rational and pragmatic policies from the side of the U.S.展开更多
Harris Hawks Optimizer (HHO) is a recent well-established optimizer based on the hunting characteristics of Harris hawks, which shows excellent efficiency in solving a variety of optimization issues. However, it under...Harris Hawks Optimizer (HHO) is a recent well-established optimizer based on the hunting characteristics of Harris hawks, which shows excellent efficiency in solving a variety of optimization issues. However, it undergoes weak global search capability because of the levy distribution in its optimization process. In this paper, a variant of HHO is proposed using Crisscross Optimization Algorithm (CSO) to compensate for the shortcomings of original HHO. The novel developed optimizer called Crisscross Harris Hawks Optimizer (CCHHO), which can effectively achieve high-quality solutions with accelerated convergence on a variety of optimization tasks. In the proposed algorithm, the vertical crossover strategy of CSO is used for adjusting the exploitative ability adaptively to alleviate the local optimum;the horizontal crossover strategy of CSO is considered as an operator for boosting explorative trend;and the competitive operator is adopted to accelerate the convergence rate. The effectiveness of the proposed optimizer is evaluated using 4 kinds of benchmark functions, 3 constrained engineering optimization issues and feature selection problems on 13 datasets from the UCI repository. Comparing with nine conventional intelligence algorithms and 9 state-of-the-art algorithms, the statistical results reveal that the proposed CCHHO is significantly more effective than HHO, CSO, CCNMHHO and other competitors, and its advantage is not influenced by the increase of problems’ dimensions. Additionally, experimental results also illustrate that the proposed CCHHO outperforms some existing optimizers in working out engineering design optimization;for feature selection problems, it is superior to other feature selection methods including CCNMHHO in terms of fitness, error rate and length of selected features.展开更多
Because of the low convergence accuracy of the basic Harris Hawks algorithm,which quickly falls into the local optimal,a Harris Hawks algorithm combining tuna swarm algorithm and differential mutation strategy(TDHHO)i...Because of the low convergence accuracy of the basic Harris Hawks algorithm,which quickly falls into the local optimal,a Harris Hawks algorithm combining tuna swarm algorithm and differential mutation strategy(TDHHO)is proposed.The escape energy factor of nonlinear periodic energy decline balances the ability of global exploration and regional development.The parabolic foraging approach of the tuna swarm algorithm is introduced to enhance the global exploration ability of the algorithm and accelerate the convergence speed.The difference variation strategy is used to mutate the individual position and calculate the fitness,and the fitness of the original individual position is compared.The greedy technique is used to select the one with better fitness of the objective function,which increases the diversity of the population and improves the possibility of the algorithm jumping out of the local extreme value.The test function tests the TDHHO algorithm,and compared with other optimization algorithms,the experimental results show that the convergence speed and optimization accuracy of the improved Harris Hawks are improved.Finally,the enhanced Harris Hawks algorithm is applied to engineering optimization and wireless sensor networks(WSN)coverage optimization problems,and the feasibility of the TDHHO algorithm in practical application is further verified.展开更多
The purpose of community detection in complex networks is to identify the structural location of nodes. Complex network methods are usually graphical, with graph nodes representing objects and edges representing conne...The purpose of community detection in complex networks is to identify the structural location of nodes. Complex network methods are usually graphical, with graph nodes representing objects and edges representing connections between things. Communities are node clusters with many internal links but minimal intergroup connections. Although community detection has attracted much attention in social media research, most face functional weaknesses because the structure of society is unclear or the characteristics of nodes in society are not the same. Also, many existing algorithms have complex and costly calculations. This paper proposes different Harris Hawk Optimization (HHO) algorithm methods (such as Improved HHO Opposition-Based Learning(OBL) (IHHOOBL), Improved HHO Lévy Flight (IHHOLF), and Improved HHO Chaotic Map (IHHOCM)) were designed to balance exploitation and exploration in this algorithm for community detection in the social network. The proposed methods are evaluated on 12 different datasets based on NMI and modularity criteria. The findings reveal that the IHHOOBL method has better detection accuracy than IHHOLF and IHHOCM. Also, to offer the efficiency of the , state-of-the-art algorithms have been used as comparisons. The improvement percentage of IHHOOBL compared to the state-of-the-art algorithm is about 7.18%.展开更多
In this study,our aim is to address the problem of gene selection by proposing a hybrid bio-inspired evolutionary algorithm that combines Grey Wolf Optimization(GWO)with Harris Hawks Optimization(HHO)for feature selec...In this study,our aim is to address the problem of gene selection by proposing a hybrid bio-inspired evolutionary algorithm that combines Grey Wolf Optimization(GWO)with Harris Hawks Optimization(HHO)for feature selection.Themotivation for utilizingGWOandHHOstems fromtheir bio-inspired nature and their demonstrated success in optimization problems.We aimto leverage the strengths of these algorithms to enhance the effectiveness of feature selection in microarray-based cancer classification.We selected leave-one-out cross-validation(LOOCV)to evaluate the performance of both two widely used classifiers,k-nearest neighbors(KNN)and support vector machine(SVM),on high-dimensional cancer microarray data.The proposed method is extensively tested on six publicly available cancer microarray datasets,and a comprehensive comparison with recently published methods is conducted.Our hybrid algorithm demonstrates its effectiveness in improving classification performance,Surpassing alternative approaches in terms of precision.The outcomes confirm the capability of our method to substantially improve both the precision and efficiency of cancer classification,thereby advancing the development ofmore efficient treatment strategies.The proposed hybridmethod offers a promising solution to the gene selection problem in microarray-based cancer classification.It improves the accuracy and efficiency of cancer diagnosis and treatment,and its superior performance compared to other methods highlights its potential applicability in realworld cancer classification tasks.By harnessing the complementary search mechanisms of GWO and HHO,we leverage their bio-inspired behavior to identify informative genes relevant to cancer diagnosis and treatment.展开更多
AIM:To develop a classifier for traditional Chinese medicine(TCM)syndrome differentiation of diabetic retinopathy(DR),using optimized machine learning algorithms,which can provide the basis for TCM objective and intel...AIM:To develop a classifier for traditional Chinese medicine(TCM)syndrome differentiation of diabetic retinopathy(DR),using optimized machine learning algorithms,which can provide the basis for TCM objective and intelligent syndrome differentiation.METHODS:Collated data on real-world DR cases were collected.A variety of machine learning methods were used to construct TCM syndrome classification model,and the best performance was selected as the basic model.Genetic Algorithm(GA)was used for feature selection to obtain the optimal feature combination.Harris Hawk Optimization(HHO)was used for parameter optimization,and a classification model based on feature selection and parameter optimization was constructed.The performance of the model was compared with other optimization algorithms.The models were evaluated with accuracy,precision,recall,and F1 score as indicators.RESULTS:Data on 970 cases that met screening requirements were collected.Support Vector Machine(SVM)was the best basic classification model.The accuracy rate of the model was 82.05%,the precision rate was 82.34%,the recall rate was 81.81%,and the F1 value was 81.76%.After GA screening,the optimal feature combination contained 37 feature values,which was consistent with TCM clinical practice.The model based on optimal combination and SVM(GA_SVM)had an accuracy improvement of 1.92%compared to the basic classifier.SVM model based on HHO and GA optimization(HHO_GA_SVM)had the best performance and convergence speed compared with other optimization algorithms.Compared with the basic classification model,the accuracy was improved by 3.51%.CONCLUSION:HHO and GA optimization can improve the model performance of SVM in TCM syndrome differentiation of DR.It provides a new method and research idea for TCM intelligent assisted syndrome differentiation.展开更多
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.展开更多
In the study of Terrestrial Gamma-ray Flashes (TGFs) and Sonoluminescence, we observe parallels with larger cosmic events. Specifically, sonoluminescence involves the rapid collapse of bubbles, which closely resembles...In the study of Terrestrial Gamma-ray Flashes (TGFs) and Sonoluminescence, we observe parallels with larger cosmic events. Specifically, sonoluminescence involves the rapid collapse of bubbles, which closely resembles gravitational collapse in space. This observation suggests the potential formation of low-density quantum black holes. These entities, which might be related to dark matter, are thought to experience a kind of transient evaporation similar to Hawking radiation seen in cosmic black holes. Consequently, sonoluminescence could be a valuable tool for investigating phenomena typically linked to cosmic scale events. Furthermore, the role of the Higgs boson is considered in this context, possibly connecting it to both TGFs and sonoluminescence. This research could enhance our understanding of the quantum mechanics of black holes and their relation to dark matter on Earth.展开更多
Using a rigorous mathematical approach, we demonstrate how the Cosmic Microwave Background (CMB) temperature could simply be a form of geometric mean temperature between the minimum time-dependent Hawking Hubble tempe...Using a rigorous mathematical approach, we demonstrate how the Cosmic Microwave Background (CMB) temperature could simply be a form of geometric mean temperature between the minimum time-dependent Hawking Hubble temperature and the maximum Planck temperature of the expanding universe over the course of cosmic time. This mathematical discovery suggests a re-consideration of Rh=ctcosmological models, including black hole cosmological models, even if it possibly could also be consistent with the Λ-CDM model. Most importantly, this paper contributes to the growing literature in the past year asserting a tightly constrained mathematical relationship between the CMB temperature, the Hubble constant, and other global parameters of the Hubble sphere. Our approach suggests a solid theoretical framework for predicting and understanding the CMB temperature rather than solely observing it.1.展开更多
文摘In real-world applications, datasets frequently contain outliers, which can hinder the generalization ability of machine learning models. Bayesian classifiers, a popular supervised learning method, rely on accurate probability density estimation for classifying continuous datasets. However, achieving precise density estimation with datasets containing outliers poses a significant challenge. This paper introduces a Bayesian classifier that utilizes optimized robust kernel density estimation to address this issue. Our proposed method enhances the accuracy of probability density distribution estimation by mitigating the impact of outliers on the training sample’s estimated distribution. Unlike the conventional kernel density estimator, our robust estimator can be seen as a weighted kernel mapping summary for each sample. This kernel mapping performs the inner product in the Hilbert space, allowing the kernel density estimation to be considered the average of the samples’ mapping in the Hilbert space using a reproducing kernel. M-estimation techniques are used to obtain accurate mean values and solve the weights. Meanwhile, complete cross-validation is used as the objective function to search for the optimal bandwidth, which impacts the estimator. The Harris Hawks Optimisation optimizes the objective function to improve the estimation accuracy. The experimental results show that it outperforms other optimization algorithms regarding convergence speed and objective function value during the bandwidth search. The optimal robust kernel density estimator achieves better fitness performance than the traditional kernel density estimator when the training data contains outliers. The Naïve Bayesian with optimal robust kernel density estimation improves the generalization in the classification with outliers.
基金supported by the Center for Mining,Electro-Mechanical Research of Hanoi University of Mining and Geology(HUMG),Hanoi,Vietnam。
文摘In mining or construction projects,for exploitation of hard rock with high strength properties,blasting is frequently applied to breaking or moving them using high explosive energy.However,use of explosives may lead to the flyrock phenomenon.Flyrock can damage structures or nearby equipment in the surrounding areas and inflict harm to humans,especially workers in the working sites.Thus,prediction of flyrock is of high importance.In this investigation,examination and estimation/forecast of flyrock distance induced by blasting through the application of five artificial intelligent algorithms were carried out.One hundred and fifty-two blasting events in three open-pit granite mines in Johor,Malaysia,were monitored to collect field data.The collected data include blasting parameters and rock mass properties.Site-specific weathering index(WI),geological strength index(GSI) and rock quality designation(RQD)are rock mass properties.Multi-layer perceptron(MLP),random forest(RF),support vector machine(SVM),and hybrid models including Harris Hawks optimization-based MLP(known as HHO-MLP) and whale optimization algorithm-based MLP(known as WOA-MLP) were developed.The performance of various models was assessed through various performance indices,including a10-index,coefficient of determination(R^(2)),root mean squared error(RMSE),mean absolute percentage error(MAPE),variance accounted for(VAF),and root squared error(RSE).The a10-index values for MLP,RF,SVM,HHO-MLP and WOA-MLP are 0.953,0.933,0.937,0.991 and 0.972,respectively.R^(2) of HHO-MLP is 0.998,which achieved the best performance among all five machine learning(ML) models.
基金The authors extend their appreciation to the Deanship of Scientific Research at King Khalid University for funding this work under Grant Number(RGP.1/127/42)Princess Nourah bint Abdulrahman University Researchers Supporting Project Number(PNURSP2022R237),Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.
文摘Generally,software testing is considered as a proficient technique to achieve improvement in quality and reliability of the software.But,the quality of test cases has a considerable influence on fault revealing capability of software testing activity.Test Case Prioritization(TCP)remains a challenging issue since prioritizing test cases is unsatisfactory in terms of Average Percentage of Faults Detected(APFD)and time spent upon execution results.TCP ismainly intended to design a collection of test cases that can accomplish early optimization using preferred characteristics.The studies conducted earlier focused on prioritizing the available test cases in accelerating fault detection rate during software testing.In this aspect,the current study designs aModified Harris Hawks Optimization based TCP(MHHO-TCP)technique for software testing.The aim of the proposed MHHO-TCP technique is to maximize APFD and minimize the overall execution time.In addition,MHHO algorithm is designed to boost the exploration and exploitation abilities of conventional HHO algorithm.In order to validate the enhanced efficiency of MHHO-TCP technique,a wide range of simulations was conducted on different benchmark programs and the results were examined under several aspects.The experimental outcomes highlight the improved efficiency of MHHO-TCP technique over recent approaches under different measures.
文摘In this paper,we consider the NP-hard problem offinding the minimum connected resolving set of graphs.A vertex set B of a connected graph G resolves G if every vertex of G is uniquely identified by its vector of distances to the ver-tices in B.A resolving set B of G is connected if the subgraph B induced by B is a nontrivial connected subgraph of G.The cardinality of the minimal resolving set is the metric dimension of G and the cardinality of minimum connected resolving set is the connected metric dimension of G.The problem is solved heuristically by a binary version of an enhanced Harris Hawk Optimization(BEHHO)algorithm.This is thefirst attempt to determine the connected resolving set heuristically.BEHHO combines classical HHO with opposition-based learning,chaotic local search and is equipped with an S-shaped transfer function to convert the contin-uous variable into a binary one.The hawks of BEHHO are binary encoded and are used to represent which one of the vertices of a graph belongs to the connected resolving set.The feasibility is enforced by repairing hawks such that an addi-tional node selected from V\B is added to B up to obtain the connected resolving set.The proposed BEHHO algorithm is compared to binary Harris Hawk Optimi-zation(BHHO),binary opposition-based learning Harris Hawk Optimization(BOHHO),binary chaotic local search Harris Hawk Optimization(BCHHO)algorithms.Computational results confirm the superiority of the BEHHO for determining connected metric dimension.
基金supported by the National Natural Science Foundation of China under Grant 52075090Key Research and Development Program Projects of Heilongjiang Province under Grant GA21A403+1 种基金the Fundamental Research Funds for the Central Universities under Grant 2572021BF01Natural Science Foundation of Heilongjiang Province under Grant YQ2021E002.
文摘Harris Hawks Optimization(HHO)is a novel meta-heuristic algorithm that imitates the predation characteristics of Harris Hawk and combines Lévy flight to solve complex multidimensional problems.Nevertheless,the basic HHO algorithm still has certain limitations,including the tendency to fall into the local optima and poor convergence accuracy.Coot Bird Optimization(CBO)is another new swarm-based optimization algorithm.CBO originates from the regular and irregular motion of a bird called Coot on the water’s surface.Although the framework of CBO is slightly complicated,it has outstanding exploration potential and excellent capability to avoid falling into local optimal solutions.This paper proposes a novel enhanced hybrid algorithm based on the basic HHO and CBO named Enhanced Harris Hawks Optimization Integrated with Coot Bird Optimization(EHHOCBO).EHHOCBO can provide higher-quality solutions for numerical optimization problems.It first embeds the leadership mechanism of CBO into the population initialization process of HHO.This way can take full advantage of the valuable solution information to provide a good foundation for the global search of the hybrid algorithm.Secondly,the Ensemble Mutation Strategy(EMS)is introduced to generate the mutant candidate positions for consideration,further improving the hybrid algorithm’s exploration trend and population diversity.To further reduce the likelihood of falling into the local optima and speed up the convergence,Refracted Opposition-Based Learning(ROBL)is adopted to update the current optimal solution in the swarm.Using 23 classical benchmark functions and the IEEE CEC2017 test suite,the performance of the proposed EHHOCBO is comprehensively evaluated and compared with eight other basic meta-heuristic algorithms and six improved variants.Experimental results show that EHHOCBO can achieve better solution accuracy,faster convergence speed,and a more robust ability to jump out of local optima than other advanced optimizers in most test cases.Finally,EHHOCBOis applied to address four engineering design problems.Our findings indicate that the proposed method also provides satisfactory performance regarding the convergence accuracy of the optimal global solution.
基金This research was supported by Misr International University(MIU),(Grant Number.DSA28211231302952)to Diaa Salama,https://www.miuegypt.edu.eg/.
文摘At present,the immense development of social networks allows generating a significant amount of textual data,which has facilitated researchers to explore the field of opinion mining.In addition,the processing of textual opinions based on the term frequency-inverse document frequency method gives rise to a dimensionality problem.This study aims to detect the nature of opinions in the Arabic language employing a swarm intelligence(SI)-based algorithm,Harris hawks algorithm,to select the most relevant terms.The experimental study has been tested on two datasets:Arabic Jordanian General Tweets and Opinion Corpus for Arabic.In terms of accuracy and number of features,the results are better than those of other SI based algorithms,such as grey wolf optimizer and grasshopper optimization algorithm,and other algorithms in the literature,such as differential evolution,genetic algorithm,particle swarm optimization,basic and enhanced whale optimizer algorithm,slap swarm algorithm,and ant–lion optimizer.
基金This research was partly supported by the Technology Development Program of MSS[No.S3033853]by Basic Science Research Program through the National Research Foundation of Korea(NRF)funded by the Ministry of Education(No.2020R1I1A3069700).
文摘Precision agriculture includes the optimum and adequate use of resources depending on several variables that govern crop yield.Precision agriculture offers a novel solution utilizing a systematic technique for current agricultural problems like balancing production and environmental concerns.Weed control has become one of the significant problems in the agricultural sector.In traditional weed control,the entire field is treated uniformly by spraying the soil,a single herbicide dose,weed,and crops in the same way.For more precise farming,robots could accomplish targeted weed treatment if they could specifically find the location of the dispensable plant and identify the weed type.This may lessen by large margin utilization of agrochemicals on agricultural fields and favour sustainable agriculture.This study presents a Harris Hawks Optimizer with Graph Convolutional Network based Weed Detection(HHOGCN-WD)technique for Precision Agriculture.The HHOGCN-WD technique mainly focuses on identifying and classifying weeds for precision agriculture.For image pre-processing,the HHOGCN-WD model utilizes a bilateral normal filter(BNF)for noise removal.In addition,coupled convolutional neural network(CCNet)model is utilized to derive a set of feature vectors.To detect and classify weed,the GCN model is utilized with the HHO algorithm as a hyperparameter optimizer to improve the detection performance.The experimental results of the HHOGCN-WD technique are investigated under the benchmark dataset.The results indicate the promising performance of the presented HHOGCN-WD model over other recent approaches,with increased accuracy of 99.13%.
文摘The eminence of Economic Dispatch(ED)in power systems is signifi-cantly high as it involves in scheduling the available power from various power plants with less cost by compensating equality and inequality constrictions.The emission of toxic gases from power plants leads to environmental imbalance and so it is highly mandatory to rectify this issues for obtaining optimal perfor-mance in the power systems.In this present study,the Economic and Emission Dispatch(EED)problems are resolved as multi objective Economic Dispatch pro-blems by using Harris Hawk’s Optimization(HHO),which is capable enough to resolve the concerned issue in a wider range.In addition,the clustering approach is employed to maintain the size of the Pareto Optimal(PO)set during each itera-tion and fuzzy based approach is employed to extricate compromise solution from the Pareto front.To meet the equality constraint effectively,a new demand-based constraint handling mechanism is adopted.This paper also includes Wind energy conversion system(WECS)in EED problem.The conventional thermal generator cost is taken into account while considering the overall cost functions of wind energy like overestimated,underestimated and proportional costs.The quality of the non-dominated solution set is measured using quality metrics such as Set Spacing(SP)and Hyper-Volume(HV)and the solutions are compared with other conventional algorithms to prove its efficiency.The present study is validated with the outcomes of various literature papers.
文摘Since the Biden administration came to power, the liberal hawks who uphold the liberal internationalist strategy have regained a significant influence on foreign affairs and national security, prioritized the repair of U.S. hegemony, and maintained strategic competition with China initiated by the Trump administration. When compared with the paradigm of competition of the Trump administration, the liberal hawks of the Biden administration have improved the strategic logic of competition with China and refined the relevant policy layout to render it compatible with the overall agenda of the Democratic Party. Enhancing strategic competition with China under the leadership of the liberal hawks has not been in the interests of China, the United States(U.S.), or the entire world. The healthy and stable development of China–U.S. relations requires additional rational and pragmatic policies from the side of the U.S.
文摘Harris Hawks Optimizer (HHO) is a recent well-established optimizer based on the hunting characteristics of Harris hawks, which shows excellent efficiency in solving a variety of optimization issues. However, it undergoes weak global search capability because of the levy distribution in its optimization process. In this paper, a variant of HHO is proposed using Crisscross Optimization Algorithm (CSO) to compensate for the shortcomings of original HHO. The novel developed optimizer called Crisscross Harris Hawks Optimizer (CCHHO), which can effectively achieve high-quality solutions with accelerated convergence on a variety of optimization tasks. In the proposed algorithm, the vertical crossover strategy of CSO is used for adjusting the exploitative ability adaptively to alleviate the local optimum;the horizontal crossover strategy of CSO is considered as an operator for boosting explorative trend;and the competitive operator is adopted to accelerate the convergence rate. The effectiveness of the proposed optimizer is evaluated using 4 kinds of benchmark functions, 3 constrained engineering optimization issues and feature selection problems on 13 datasets from the UCI repository. Comparing with nine conventional intelligence algorithms and 9 state-of-the-art algorithms, the statistical results reveal that the proposed CCHHO is significantly more effective than HHO, CSO, CCNMHHO and other competitors, and its advantage is not influenced by the increase of problems’ dimensions. Additionally, experimental results also illustrate that the proposed CCHHO outperforms some existing optimizers in working out engineering design optimization;for feature selection problems, it is superior to other feature selection methods including CCNMHHO in terms of fitness, error rate and length of selected features.
基金Supported by Key Laboratory of Space Active Opto-Electronics Technology of Chinese Academy of Sciences(2021ZDKF4)Shanghai Science and Technology Innovation Action Plan(21S31904200,22S31903700)。
文摘Because of the low convergence accuracy of the basic Harris Hawks algorithm,which quickly falls into the local optimal,a Harris Hawks algorithm combining tuna swarm algorithm and differential mutation strategy(TDHHO)is proposed.The escape energy factor of nonlinear periodic energy decline balances the ability of global exploration and regional development.The parabolic foraging approach of the tuna swarm algorithm is introduced to enhance the global exploration ability of the algorithm and accelerate the convergence speed.The difference variation strategy is used to mutate the individual position and calculate the fitness,and the fitness of the original individual position is compared.The greedy technique is used to select the one with better fitness of the objective function,which increases the diversity of the population and improves the possibility of the algorithm jumping out of the local extreme value.The test function tests the TDHHO algorithm,and compared with other optimization algorithms,the experimental results show that the convergence speed and optimization accuracy of the improved Harris Hawks are improved.Finally,the enhanced Harris Hawks algorithm is applied to engineering optimization and wireless sensor networks(WSN)coverage optimization problems,and the feasibility of the TDHHO algorithm in practical application is further verified.
文摘The purpose of community detection in complex networks is to identify the structural location of nodes. Complex network methods are usually graphical, with graph nodes representing objects and edges representing connections between things. Communities are node clusters with many internal links but minimal intergroup connections. Although community detection has attracted much attention in social media research, most face functional weaknesses because the structure of society is unclear or the characteristics of nodes in society are not the same. Also, many existing algorithms have complex and costly calculations. This paper proposes different Harris Hawk Optimization (HHO) algorithm methods (such as Improved HHO Opposition-Based Learning(OBL) (IHHOOBL), Improved HHO Lévy Flight (IHHOLF), and Improved HHO Chaotic Map (IHHOCM)) were designed to balance exploitation and exploration in this algorithm for community detection in the social network. The proposed methods are evaluated on 12 different datasets based on NMI and modularity criteria. The findings reveal that the IHHOOBL method has better detection accuracy than IHHOLF and IHHOCM. Also, to offer the efficiency of the , state-of-the-art algorithms have been used as comparisons. The improvement percentage of IHHOOBL compared to the state-of-the-art algorithm is about 7.18%.
基金the Deputyship for Research and Innovation,“Ministry of Education”in Saudi Arabia for funding this research(IFKSUOR3-014-3).
文摘In this study,our aim is to address the problem of gene selection by proposing a hybrid bio-inspired evolutionary algorithm that combines Grey Wolf Optimization(GWO)with Harris Hawks Optimization(HHO)for feature selection.Themotivation for utilizingGWOandHHOstems fromtheir bio-inspired nature and their demonstrated success in optimization problems.We aimto leverage the strengths of these algorithms to enhance the effectiveness of feature selection in microarray-based cancer classification.We selected leave-one-out cross-validation(LOOCV)to evaluate the performance of both two widely used classifiers,k-nearest neighbors(KNN)and support vector machine(SVM),on high-dimensional cancer microarray data.The proposed method is extensively tested on six publicly available cancer microarray datasets,and a comprehensive comparison with recently published methods is conducted.Our hybrid algorithm demonstrates its effectiveness in improving classification performance,Surpassing alternative approaches in terms of precision.The outcomes confirm the capability of our method to substantially improve both the precision and efficiency of cancer classification,thereby advancing the development ofmore efficient treatment strategies.The proposed hybridmethod offers a promising solution to the gene selection problem in microarray-based cancer classification.It improves the accuracy and efficiency of cancer diagnosis and treatment,and its superior performance compared to other methods highlights its potential applicability in realworld cancer classification tasks.By harnessing the complementary search mechanisms of GWO and HHO,we leverage their bio-inspired behavior to identify informative genes relevant to cancer diagnosis and treatment.
基金Supported by Hunan Province Traditional Chinese Medicine Research Project(No.B2023043)Hunan Provincial Department of Education Scientific Research Project(No.22B0386)Hunan University of Traditional Chinese Medicine Campus level Research Fund Project(No.2022XJZKC004).
文摘AIM:To develop a classifier for traditional Chinese medicine(TCM)syndrome differentiation of diabetic retinopathy(DR),using optimized machine learning algorithms,which can provide the basis for TCM objective and intelligent syndrome differentiation.METHODS:Collated data on real-world DR cases were collected.A variety of machine learning methods were used to construct TCM syndrome classification model,and the best performance was selected as the basic model.Genetic Algorithm(GA)was used for feature selection to obtain the optimal feature combination.Harris Hawk Optimization(HHO)was used for parameter optimization,and a classification model based on feature selection and parameter optimization was constructed.The performance of the model was compared with other optimization algorithms.The models were evaluated with accuracy,precision,recall,and F1 score as indicators.RESULTS:Data on 970 cases that met screening requirements were collected.Support Vector Machine(SVM)was the best basic classification model.The accuracy rate of the model was 82.05%,the precision rate was 82.34%,the recall rate was 81.81%,and the F1 value was 81.76%.After GA screening,the optimal feature combination contained 37 feature values,which was consistent with TCM clinical practice.The model based on optimal combination and SVM(GA_SVM)had an accuracy improvement of 1.92%compared to the basic classifier.SVM model based on HHO and GA optimization(HHO_GA_SVM)had the best performance and convergence speed compared with other optimization algorithms.Compared with the basic classification model,the accuracy was improved by 3.51%.CONCLUSION:HHO and GA optimization can improve the model performance of SVM in TCM syndrome differentiation of DR.It provides a new method and research idea for TCM intelligent assisted syndrome differentiation.
文摘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.
文摘In the study of Terrestrial Gamma-ray Flashes (TGFs) and Sonoluminescence, we observe parallels with larger cosmic events. Specifically, sonoluminescence involves the rapid collapse of bubbles, which closely resembles gravitational collapse in space. This observation suggests the potential formation of low-density quantum black holes. These entities, which might be related to dark matter, are thought to experience a kind of transient evaporation similar to Hawking radiation seen in cosmic black holes. Consequently, sonoluminescence could be a valuable tool for investigating phenomena typically linked to cosmic scale events. Furthermore, the role of the Higgs boson is considered in this context, possibly connecting it to both TGFs and sonoluminescence. This research could enhance our understanding of the quantum mechanics of black holes and their relation to dark matter on Earth.
文摘Using a rigorous mathematical approach, we demonstrate how the Cosmic Microwave Background (CMB) temperature could simply be a form of geometric mean temperature between the minimum time-dependent Hawking Hubble temperature and the maximum Planck temperature of the expanding universe over the course of cosmic time. This mathematical discovery suggests a re-consideration of Rh=ctcosmological models, including black hole cosmological models, even if it possibly could also be consistent with the Λ-CDM model. Most importantly, this paper contributes to the growing literature in the past year asserting a tightly constrained mathematical relationship between the CMB temperature, the Hubble constant, and other global parameters of the Hubble sphere. Our approach suggests a solid theoretical framework for predicting and understanding the CMB temperature rather than solely observing it.1.