Hyperspectral(HS)image classification plays a crucial role in numerous areas including remote sensing(RS),agriculture,and the monitoring of the environment.Optimal band selection in HS images is crucial for improving ...Hyperspectral(HS)image classification plays a crucial role in numerous areas including remote sensing(RS),agriculture,and the monitoring of the environment.Optimal band selection in HS images is crucial for improving the efficiency and accuracy of image classification.This process involves selecting the most informative spectral bands,which leads to a reduction in data volume.Focusing on these key bands also enhances the accuracy of classification algorithms,as redundant or irrelevant bands,which can introduce noise and lower model performance,are excluded.In this paper,we propose an approach for HS image classification using deep Q learning(DQL)and a novel multi-objective binary grey wolf optimizer(MOBGWO).We investigate the MOBGWO for optimal band selection to further enhance the accuracy of HS image classification.In the suggested MOBGWO,a new sigmoid function is introduced as a transfer function to modify the wolves’position.The primary objective of this classification is to reduce the number of bands while maximizing classification accuracy.To evaluate the effectiveness of our approach,we conducted experiments on publicly available HS image datasets,including Pavia University,Washington Mall,and Indian Pines datasets.We compared the performance of our proposed method with several state-of-the-art deep learning(DL)and machine learning(ML)algorithms,including long short-term memory(LSTM),deep neural network(DNN),recurrent neural network(RNN),support vector machine(SVM),and random forest(RF).Our experimental results demonstrate that the Hybrid MOBGWO-DQL significantly improves classification accuracy compared to traditional optimization and DL techniques.MOBGWO-DQL shows greater accuracy in classifying most categories in both datasets used.For the Indian Pine dataset,the MOBGWO-DQL architecture achieved a kappa coefficient(KC)of 97.68%and an overall accuracy(OA)of 94.32%.This was accompanied by the lowest root mean square error(RMSE)of 0.94,indicating very precise predictions with minimal error.In the case of the Pavia University dataset,the MOBGWO-DQL model demonstrated outstanding performance with the highest KC of 98.72%and an impressive OA of 96.01%.It also recorded the lowest RMSE at 0.63,reinforcing its accuracy in predictions.The results clearly demonstrate that the proposed MOBGWO-DQL architecture not only reaches a highly accurate model more quickly but also maintains superior performance throughout the training process.展开更多
In machine learning and data mining,feature selection(FS)is a traditional and complicated optimization problem.Since the run time increases exponentially,FS is treated as an NP-hard problem.The researcher’s effort to...In machine learning and data mining,feature selection(FS)is a traditional and complicated optimization problem.Since the run time increases exponentially,FS is treated as an NP-hard problem.The researcher’s effort to build a new FS solution was inspired by the ongoing need for an efficient FS framework and the success rates of swarming outcomes in different optimization scenarios.This paper presents two binary variants of a Hunger Games Search Optimization(HGSO)algorithm based on V-and S-shaped transfer functions within a wrapper FS model for choosing the best features from a large dataset.The proposed technique transforms the continuous HGSO into a binary variant using V-and S-shaped transfer functions(BHGSO-V and BHGSO-S).To validate the accuracy,16 famous UCI datasets are considered and compared with different state-of-the-art metaheuristic binary algorithms.The findings demonstrate that BHGSO-V achieves better performance in terms of the selected number of features,classification accuracy,run time,and fitness values than other state-of-the-art algorithms.The results demonstrate that the BHGSO-V algorithm can reduce dimensionality and choose the most helpful features for classification problems.The proposed BHGSO-V achieves 95%average classification accuracy for most of the datasets,and run time is less than 5 sec.for low and medium dimensional datasets and less than 10 sec for high dimensional datasets.展开更多
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.展开更多
In this paper,we consider the NP-hard problem of finding the minimum dominant 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 dista...In this paper,we consider the NP-hard problem of finding the minimum dominant 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 vertices in B.A resolving set is dominating if every vertex of G that does not belong to B is a neighbor to some vertices in B.The dominant metric dimension of G is the cardinality number of the minimum dominant resolving set.The dominant metric dimension is computed by a binary version of the Archimedes optimization algorithm(BAOA).The objects of BAOA are binary encoded and used to represent which one of the vertices of the graph belongs to the dominant resolving set.The feasibility is enforced by repairing objects such that an additional vertex generated from vertices of G is added to B and this repairing process is iterated until B becomes the dominant resolving set.This is the first attempt to determine the dominant metric dimension problem heuristically.The proposed BAOA is compared to binary whale optimization(BWOA)and binary particle optimization(BPSO)algorithms.Computational results confirm the superiority of the BAOA for computing the dominant metric dimension.展开更多
Artificial rabbits optimization(ARO)is a recently proposed biology-based optimization algorithm inspired by the detour foraging and random hiding behavior of rabbits in nature.However,for solving optimization problems...Artificial rabbits optimization(ARO)is a recently proposed biology-based optimization algorithm inspired by the detour foraging and random hiding behavior of rabbits in nature.However,for solving optimization problems,the ARO algorithm shows slow convergence speed and can fall into local minima.To overcome these drawbacks,this paper proposes chaotic opposition-based learning ARO(COARO),an improved version of the ARO algorithm that incorporates opposition-based learning(OBL)and chaotic local search(CLS)techniques.By adding OBL to ARO,the convergence speed of the algorithm increases and it explores the search space better.Chaotic maps in CLS provide rapid convergence by scanning the search space efficiently,since their ergodicity and non-repetitive properties.The proposed COARO algorithm has been tested using thirty-three distinct benchmark functions.The outcomes have been compared with the most recent optimization algorithms.Additionally,the COARO algorithm’s problem-solving capabilities have been evaluated using six different engineering design problems and compared with various other algorithms.This study also introduces a binary variant of the continuous COARO algorithm,named BCOARO.The performance of BCOARO was evaluated on the breast cancer dataset.The effectiveness of BCOARO has been compared with different feature selection algorithms.The proposed BCOARO outperforms alternative algorithms,according to the findings obtained for real applications in terms of accuracy performance,and fitness value.Extensive experiments show that the COARO and BCOARO algorithms achieve promising results compared to other metaheuristic algorithms.展开更多
The objective of steganography is to hide message securely in cover objects for secret communication.How to design a secure steganographic algorithm is still major challenge in this re-search field.In this letter,deve...The objective of steganography is to hide message securely in cover objects for secret communication.How to design a secure steganographic algorithm is still major challenge in this re-search field.In this letter,developing secure steganography is formulated as solving a constrained IP(Integer Programming) problem,which takes the relative entropy of cover and stego distributions as the objective function.Furthermore,a novel method is introduced based on BPSO(Binary Particle Swarm Optimization) for achieving the optimal solution of this programming problem.Experimental results show that the proposed method can achieve excellent performance on preserving neighboring co-occurrence features for JPEG steganography.展开更多
Binary particle swarm optimization algorithm(BPSOA) has the excellent characters such as easy to implement and few set parameters.But it is tendentious to stick in the local optimal solutions and has slow convergence ...Binary particle swarm optimization algorithm(BPSOA) has the excellent characters such as easy to implement and few set parameters.But it is tendentious to stick in the local optimal solutions and has slow convergence rate when the problem is complex.Cultural algorithm(CA) can exploit knowledge extracted during the search to improve the performance of an evolutionary algorithm and show higher intelligence in treating complicated problems.So it is proposed that integrating binary particle swarm algorithm into cultural algorithm frame to develop a more efficient cultural binary particle swarm algorithm (CBPSOA) for fault feature selection.In CBPSOA,BPSOA is used as the population space of CA;the evolution of belief space adopts crossover,mutation and selection operations;the designs of acceptance function and influence function are improved according to the evolution character of BPSOA.The tests of optimizing functions show the proposed algorithm is valid and effective.Finally,CBPSOA is applied for fault feature selection.The simulations on Tennessee Eastman process (TEP) show the CBPSOA can perform better and more quickly converge than initial BPSOA.And with fault feature selection,more satisfied performance of fault diagnosis is obtained.展开更多
Coordinated controller tuning of the boiler turbine unit is a challenging task due to the nonlinear and coupling characteristics of the system.In this paper,a new variant of binary particle swarm optimization (PSO) ...Coordinated controller tuning of the boiler turbine unit is a challenging task due to the nonlinear and coupling characteristics of the system.In this paper,a new variant of binary particle swarm optimization (PSO) algorithm,called probability based binary PSO (PBPSO),is presented to tune the parameters of a coordinated controller.The simulation results show that PBPSO can effectively optimize the control parameters and achieves better control performance than those based on standard discrete binary PSO,modified binary PSO,and standard continuous PSO.展开更多
Fraud Transactions are haunting the economy of many individuals with several factors across the globe.This research focuses on developing a mechanism by integrating various optimized machine-learning algorithms to ens...Fraud Transactions are haunting the economy of many individuals with several factors across the globe.This research focuses on developing a mechanism by integrating various optimized machine-learning algorithms to ensure the security and integrity of digital transactions.This research proposes a novel methodology through three stages.Firstly,Synthetic Minority Oversampling Technique(SMOTE)is applied to get balanced data.Secondly,SMOTE is fed to the nature-inspired Meta Heuristic(MH)algorithm,namely Binary Harris Hawks Optimization(BinHHO),Binary Aquila Optimization(BAO),and Binary Grey Wolf Optimization(BGWO),for feature selection.BinHHO has performed well when compared with the other two.Thirdly,features from BinHHO are fed to the supervised learning algorithms to classify the transactions such as fraud and non-fraud.The efficiency of BinHHO is analyzed with other popular MH algorithms.The BinHHO has achieved the highest accuracy of 99.95%and demonstrates amore significant positive effect on the performance of the proposed model.展开更多
Selecting the most relevant subset of features from a dataset is a vital step in data mining and machine learning.Each feature in a dataset has 2n possible subsets,making it challenging to select the optimum collectio...Selecting the most relevant subset of features from a dataset is a vital step in data mining and machine learning.Each feature in a dataset has 2n possible subsets,making it challenging to select the optimum collection of features using typical methods.As a result,a new metaheuristicsbased feature selection method based on the dipper-throated and grey-wolf optimization(DTO-GW)algorithms has been developed in this research.Instability can result when the selection of features is subject to metaheuristics,which can lead to a wide range of results.Thus,we adopted hybrid optimization in our method of optimizing,which allowed us to better balance exploration and harvesting chores more equitably.We propose utilizing the binary DTO-GW search approach we previously devised for selecting the optimal subset of attributes.In the proposed method,the number of features selected is minimized,while classification accuracy is increased.To test the proposed method’s performance against eleven other state-of-theart approaches,eight datasets from the UCI repository were used,such as binary grey wolf search(bGWO),binary hybrid grey wolf,and particle swarm optimization(bGWO-PSO),bPSO,binary stochastic fractal search(bSFS),binary whale optimization algorithm(bWOA),binary modified grey wolf optimization(bMGWO),binary multiverse optimization(bMVO),binary bowerbird optimization(bSBO),binary hysteresis optimization(bHy),and binary hysteresis optimization(bHWO).The suggested method is superior 4532 CMC,2023,vol.74,no.2 and successful in handling the problem of feature selection,according to the results of the experiments.展开更多
Binary signed digit representation (BSD-R) of an integer is widely used in computer arithmetic, cryptography and digital signal processing. This paper studies what the exact number of optimal BSD-R of an integer is ...Binary signed digit representation (BSD-R) of an integer is widely used in computer arithmetic, cryptography and digital signal processing. This paper studies what the exact number of optimal BSD-R of an integer is and how to generate them entirely. We also show which kinds of integers have the maximum number of optimal BSD-Rs.展开更多
This paper presents an optimal proposed allocating procedure for hybrid wind energy combined with proton exchange membrane fuel cell (WE/PEMFC) system to improve the operation performance of the electrical distributio...This paper presents an optimal proposed allocating procedure for hybrid wind energy combined with proton exchange membrane fuel cell (WE/PEMFC) system to improve the operation performance of the electrical distribution system (EDS). Egypt has an excellent wind regime with wind speeds of about 10 m/s at many areas. The disadvantage of wind energy is its seasonal variations. So, if wind power is to supply a significant portion of the demand, either backup power or electrical energy storage (EES) system is needed to ensure that loads will be supplied in reliable way. So, the hybrid WE/PEMFC system is designed to completely supply a part of the Egyptian distribution system, in attempt to isolate it from the grid. However, the optimal allocation of the hybrid units is obtained, in order to enhance their benefits in the distribution networks. The critical buses that are necessary to install the hybrid WE/ PEMFC system, are chosen using sensitivity analysis. Then, the binary Crow search algorithm (BCSA), discrete Jaya algorithm (DJA) and binary particle swarm optimization (BPSO) techniques are proposed to determine the optimal operation of power systems using single and multi-objective functions (SOF/MOF). Then, the results of the three optimization techniques are compared with each other. Three sensitivity factors are employed in this paper, which are voltage sensitivity factor (VSF), active losses sensitivity factor (ALSF) and reactive losses sensitivity factor (RLSF). The effects of the sensitivity factors (SFs) on the SOF/MOF are studied. The improvement of voltage profile and minimizing active and reactive power losses of the EDS are considered as objective functions. Backward/forward sweep (BFS) method is used for the load flow calculations. The system load demand is predicted up to year 2022 for Mersi-Matrouh City as a part of Egyptian distribution network, and the design of the hybrid WE/PEMFC system is applied. The PEMFC system is designed considering simplified mathematical expressions. The economics of operation of both WE and PEMFC system are also presented. The results prove the capability of the proposed procedure to find the optimal allocation for the hybrid WE/PEMFC system to improve the system voltage profile and to minimize both active and reactive power losses for the EDS of Mersi-Matrough City.展开更多
This paper proposes a new algorithm—binary glowworm swarm optimization(BGSO)to solve the unit commitment(UC)problem.After a certain quantity of initial feasible solutions is obtained by using the priority list and th...This paper proposes a new algorithm—binary glowworm swarm optimization(BGSO)to solve the unit commitment(UC)problem.After a certain quantity of initial feasible solutions is obtained by using the priority list and the decommitment of redundant unit,BGSO is applied to optimize the on/off state of the unit,and the Lambda-iteration method is adopted to solve the economic dispatch problem.In the iterative process,the solutions that do not satisfy all the constraints are adjusted by the correction method.Furthermore,different adjustment techniques such as conversion from cold start to hot start,decommitment of redundant unit,are adopted to avoid falling into local optimal solution and to keep the diversity of the feasible solutions.The proposed BGSO is tested on the power system in the range of 10–140 generating units for a 24-h scheduling period and compared to quantuminspired evolutionary algorithm(QEA),improved binary particle swarm optimization(IBPSO)and mixed integer programming(MIP).Simulated results distinctly show that BGSO is very competent in solving the UC problem in comparison to the previously reported algorithms.展开更多
In data mining and machine learning,feature selection is a critical part of the process of selecting the optimal subset of features based on the target data.There are 2n potential feature subsets for every n features ...In data mining and machine learning,feature selection is a critical part of the process of selecting the optimal subset of features based on the target data.There are 2n potential feature subsets for every n features in a dataset,making it difficult to pick the best set of features using standard approaches.Consequently,in this research,a new metaheuristics-based feature selection technique based on an adaptive squirrel search optimization algorithm(ASSOA)has been proposed.When using metaheuristics to pick features,it is common for the selection of features to vary across runs,which can lead to instability.Because of this,we used the adaptive squirrel search to balance exploration and exploitation duties more evenly in the optimization process.For the selection of the best subset of features,we recommend using the binary ASSOA search strategy we developed before.According to the suggested approach,the number of features picked is reduced while maximizing classification accuracy.A ten-feature dataset from the University of California,Irvine(UCI)repository was used to test the proposed method’s performance vs.eleven other state-of-the-art approaches,including binary grey wolf optimization(bGWO),binary hybrid grey wolf and particle swarm optimization(bGWO-PSO),bPSO,binary stochastic fractal search(bSFS),binary whale optimization algorithm(bWOA),binary modified grey wolf optimization(bMGWO),binary multiverse optimization(bMVO),binary bowerbird optimization(bSBO),binary hybrid GWO and genetic algorithm 4028 CMC,2023,vol.74,no.2(bGWO-GA),binary firefly algorithm(bFA),and bGAmethods.Experimental results confirm the superiority and effectiveness of the proposed algorithm for solving the problem of feature selection.展开更多
In order to promote the development of the Internet of Things(IoT),there has been an increase in the coverage of the customer electric information acquisition system(CEIAS).The traditional fault location method for th...In order to promote the development of the Internet of Things(IoT),there has been an increase in the coverage of the customer electric information acquisition system(CEIAS).The traditional fault location method for the distribution network only considers the information reported by the Feeder Terminal Unit(FTU)and the fault tolerance rate is low when the information is omitted or misreported.Therefore,this study considers the influence of the distributed generations(DGs)for the distribution network.This takes the CEIAS as a redundant information source and solves the model by applying a binary particle swarm optimization algorithm(BPSO).The improved Dempster/S-hafer evidence theory(D-S evidence theory)is used for evidence fusion to achieve the fault section location for the distribution network.An example is provided to verify that the proposed method can achieve single or multiple fault locations with a higher fault tolerance.展开更多
Recently,as recognizing emotion has been one of the hallmarks of affective computing,more attention has been paid to physiological signals for emotion recognition.This paper presented an approach to emotion recognitio...Recently,as recognizing emotion has been one of the hallmarks of affective computing,more attention has been paid to physiological signals for emotion recognition.This paper presented an approach to emotion recognition using ElectroCardioGraphy(ECG) signals from multiple subjects.To collect reliable affective ECG data,we applied an arousal method by movie clips to make subjects experience specific emotions without external interference.Through precise location of P-QRS-T wave by continuous wavelet transform,an amount of ECG features was extracted sufficiently.Since feature selection is a combination optimization problem,Improved Binary Particle Swarm Optimization(IBPSO) based on neighborhood search was applied to search out effective features to improve classification results of emotion states with the help of fisher or K-Nearest Neighbor(KNN) classifier.In the experiment,it is shown that the approach is successful and the effective features got from ECG signals can express emotion states excellently.展开更多
Recent years have seen an explosion in graph data from a variety of scientific,social and technological fields.From these fields,emotion recognition is an interesting research area because it finds many applications i...Recent years have seen an explosion in graph data from a variety of scientific,social and technological fields.From these fields,emotion recognition is an interesting research area because it finds many applications in real life such as in effective social robotics to increase the interactivity of the robot with human,driver safety during driving,pain monitoring during surgery etc.A novel facial emotion recognition based on graph mining has been proposed in this paper to make a paradigm shift in the way of representing the face region,where the face region is represented as a graph of nodes and edges and the gSpan frequent sub-graphs mining algorithm is used to find the frequent sub-structures in the graph database of each emotion.To reduce the number of generated sub-graphs,overlap ratio metric is utilized for this purpose.After encoding the final selected sub-graphs,binary classification is then applied to classify the emotion of the queried input facial image using six levels of classification.Binary cat swarm intelligence is applied within each level of classification to select proper sub-graphs that give the highest accuracy in that level.Different experiments have been conducted using Surrey Audio-Visual Expressed Emotion(SAVEE)database and the final system accuracy was 90.00%.The results show significant accuracy improvements(about 2%)by the proposed system in comparison to current published works in SAVEE database.展开更多
The minimum weight dominating set problem (MWDSP) is an NP-hard problem with a lot of real-world applications. Several heuristic algorithms have been presented to produce good quality solutions. However, the solutio...The minimum weight dominating set problem (MWDSP) is an NP-hard problem with a lot of real-world applications. Several heuristic algorithms have been presented to produce good quality solutions. However, the solution time of them grows very quickly as the size of the instance increases. In this paper, we propose a binary particle swarm optimization (FBPSO) for solving the MWDSP approximately. Based on the characteristic of MWDSP, this approach designs a new position updating rule to guide the search to a promising area. An iterated greedy tabu search is used to enhance the solution quality quickly. In addition, several stochastic strategies are employed to diversify the search and prevent premature convergence. These methods maintain a good balance between the exploration and the exploitation. Experimental studies on 106 groups of 1 060 instances show that FBPSO is able to identify near optimal solutions in a short running time. The average deviation between the solutions obtained by FBPSO and the best known solutions is 0.441%. Moreover, the average solution time of FBPSO is much less than that of other existing algorithms. In particular, with the increasing of instance size, the solution time of FBPSO grows much more slowly than that of other existing algorithms.展开更多
Due to the size and complexity of power network and the cost of monitoring and telecommunication equipment, it is unfeasible to monitor the whole system variables. All system analyzers use voltages and currents of the...Due to the size and complexity of power network and the cost of monitoring and telecommunication equipment, it is unfeasible to monitor the whole system variables. All system analyzers use voltages and currents of the network. Thus, monitoring scheme plays a main role in system analysis, control, and protection. To monitor the whole system using distributed measurements, strategic placement of them is needed. This paper improves a topological circuit observation method to minimize essential monitors. Besides the observability under normal condition of power networks, the observability of abnormal network is considered. Consequently, a high level of system reliability is carried out. In terms of reliability constraint, identification of bad measurement data in a given measurement system by making theme sure to be detectable is well done. Furthermore, it is maintained by a certain level of reliability against the single-line outages. Thus, observability is satisfied if all possible single line outages are plausible. Consideration of these limitations clears the role of utilizing an optimization algorithm. Hence, particle swarm optimization (PSO) is used to minimize monitoring cost and removing unobser-vable states under abnormal condition, simultaneously. The algorithm is tested in IEEE 14 and 30-bus test systems and Iranian (Mazandaran) Regional Electric Company.展开更多
The basic principle of optimal method called “moving overlapping resolution mapping Method” to select the optimal binary mobile phase composition of multi-step linear gradient liquid chromatography is discussed with...The basic principle of optimal method called “moving overlapping resolution mapping Method” to select the optimal binary mobile phase composition of multi-step linear gradient liquid chromatography is discussed with simultaneously considering effects of position of solute inside the column and mobile phase composition on peak resolution and retention value, then a BASIC program based on this principle is developed in IBM-PC computer. The validities of both principle of optimization and BASIC program are confirmed by separation of samples Containing bile acids and PAHs in RP-HPLC.展开更多
文摘Hyperspectral(HS)image classification plays a crucial role in numerous areas including remote sensing(RS),agriculture,and the monitoring of the environment.Optimal band selection in HS images is crucial for improving the efficiency and accuracy of image classification.This process involves selecting the most informative spectral bands,which leads to a reduction in data volume.Focusing on these key bands also enhances the accuracy of classification algorithms,as redundant or irrelevant bands,which can introduce noise and lower model performance,are excluded.In this paper,we propose an approach for HS image classification using deep Q learning(DQL)and a novel multi-objective binary grey wolf optimizer(MOBGWO).We investigate the MOBGWO for optimal band selection to further enhance the accuracy of HS image classification.In the suggested MOBGWO,a new sigmoid function is introduced as a transfer function to modify the wolves’position.The primary objective of this classification is to reduce the number of bands while maximizing classification accuracy.To evaluate the effectiveness of our approach,we conducted experiments on publicly available HS image datasets,including Pavia University,Washington Mall,and Indian Pines datasets.We compared the performance of our proposed method with several state-of-the-art deep learning(DL)and machine learning(ML)algorithms,including long short-term memory(LSTM),deep neural network(DNN),recurrent neural network(RNN),support vector machine(SVM),and random forest(RF).Our experimental results demonstrate that the Hybrid MOBGWO-DQL significantly improves classification accuracy compared to traditional optimization and DL techniques.MOBGWO-DQL shows greater accuracy in classifying most categories in both datasets used.For the Indian Pine dataset,the MOBGWO-DQL architecture achieved a kappa coefficient(KC)of 97.68%and an overall accuracy(OA)of 94.32%.This was accompanied by the lowest root mean square error(RMSE)of 0.94,indicating very precise predictions with minimal error.In the case of the Pavia University dataset,the MOBGWO-DQL model demonstrated outstanding performance with the highest KC of 98.72%and an impressive OA of 96.01%.It also recorded the lowest RMSE at 0.63,reinforcing its accuracy in predictions.The results clearly demonstrate that the proposed MOBGWO-DQL architecture not only reaches a highly accurate model more quickly but also maintains superior performance throughout the training process.
文摘In machine learning and data mining,feature selection(FS)is a traditional and complicated optimization problem.Since the run time increases exponentially,FS is treated as an NP-hard problem.The researcher’s effort to build a new FS solution was inspired by the ongoing need for an efficient FS framework and the success rates of swarming outcomes in different optimization scenarios.This paper presents two binary variants of a Hunger Games Search Optimization(HGSO)algorithm based on V-and S-shaped transfer functions within a wrapper FS model for choosing the best features from a large dataset.The proposed technique transforms the continuous HGSO into a binary variant using V-and S-shaped transfer functions(BHGSO-V and BHGSO-S).To validate the accuracy,16 famous UCI datasets are considered and compared with different state-of-the-art metaheuristic binary algorithms.The findings demonstrate that BHGSO-V achieves better performance in terms of the selected number of features,classification accuracy,run time,and fitness values than other state-of-the-art algorithms.The results demonstrate that the BHGSO-V algorithm can reduce dimensionality and choose the most helpful features for classification problems.The proposed BHGSO-V achieves 95%average classification accuracy for most of the datasets,and run time is less than 5 sec.for low and medium dimensional datasets and less than 10 sec for high dimensional datasets.
文摘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.
文摘In this paper,we consider the NP-hard problem of finding the minimum dominant 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 vertices in B.A resolving set is dominating if every vertex of G that does not belong to B is a neighbor to some vertices in B.The dominant metric dimension of G is the cardinality number of the minimum dominant resolving set.The dominant metric dimension is computed by a binary version of the Archimedes optimization algorithm(BAOA).The objects of BAOA are binary encoded and used to represent which one of the vertices of the graph belongs to the dominant resolving set.The feasibility is enforced by repairing objects such that an additional vertex generated from vertices of G is added to B and this repairing process is iterated until B becomes the dominant resolving set.This is the first attempt to determine the dominant metric dimension problem heuristically.The proposed BAOA is compared to binary whale optimization(BWOA)and binary particle optimization(BPSO)algorithms.Computational results confirm the superiority of the BAOA for computing the dominant metric dimension.
基金funded by Firat University Scientific Research Projects Management Unit for the scientific research project of Feyza AltunbeyÖzbay,numbered MF.23.49.
文摘Artificial rabbits optimization(ARO)is a recently proposed biology-based optimization algorithm inspired by the detour foraging and random hiding behavior of rabbits in nature.However,for solving optimization problems,the ARO algorithm shows slow convergence speed and can fall into local minima.To overcome these drawbacks,this paper proposes chaotic opposition-based learning ARO(COARO),an improved version of the ARO algorithm that incorporates opposition-based learning(OBL)and chaotic local search(CLS)techniques.By adding OBL to ARO,the convergence speed of the algorithm increases and it explores the search space better.Chaotic maps in CLS provide rapid convergence by scanning the search space efficiently,since their ergodicity and non-repetitive properties.The proposed COARO algorithm has been tested using thirty-three distinct benchmark functions.The outcomes have been compared with the most recent optimization algorithms.Additionally,the COARO algorithm’s problem-solving capabilities have been evaluated using six different engineering design problems and compared with various other algorithms.This study also introduces a binary variant of the continuous COARO algorithm,named BCOARO.The performance of BCOARO was evaluated on the breast cancer dataset.The effectiveness of BCOARO has been compared with different feature selection algorithms.The proposed BCOARO outperforms alternative algorithms,according to the findings obtained for real applications in terms of accuracy performance,and fitness value.Extensive experiments show that the COARO and BCOARO algorithms achieve promising results compared to other metaheuristic algorithms.
基金Supported by the National Natural Science Foundation of China (No.60572111)
文摘The objective of steganography is to hide message securely in cover objects for secret communication.How to design a secure steganographic algorithm is still major challenge in this re-search field.In this letter,developing secure steganography is formulated as solving a constrained IP(Integer Programming) problem,which takes the relative entropy of cover and stego distributions as the objective function.Furthermore,a novel method is introduced based on BPSO(Binary Particle Swarm Optimization) for achieving the optimal solution of this programming problem.Experimental results show that the proposed method can achieve excellent performance on preserving neighboring co-occurrence features for JPEG steganography.
基金National High Technology Research and Development Program of China(No.2007AA04Z171)
文摘Binary particle swarm optimization algorithm(BPSOA) has the excellent characters such as easy to implement and few set parameters.But it is tendentious to stick in the local optimal solutions and has slow convergence rate when the problem is complex.Cultural algorithm(CA) can exploit knowledge extracted during the search to improve the performance of an evolutionary algorithm and show higher intelligence in treating complicated problems.So it is proposed that integrating binary particle swarm algorithm into cultural algorithm frame to develop a more efficient cultural binary particle swarm algorithm (CBPSOA) for fault feature selection.In CBPSOA,BPSOA is used as the population space of CA;the evolution of belief space adopts crossover,mutation and selection operations;the designs of acceptance function and influence function are improved according to the evolution character of BPSOA.The tests of optimizing functions show the proposed algorithm is valid and effective.Finally,CBPSOA is applied for fault feature selection.The simulations on Tennessee Eastman process (TEP) show the CBPSOA can perform better and more quickly converge than initial BPSOA.And with fault feature selection,more satisfied performance of fault diagnosis is obtained.
基金supported by Projects of Shanghai Science and Technology Community (No. 10ZR1411800,No. 08160705900,No. 08160512100)Shanghai University "the 11th Five-Year Plan"+1 种基金211 Construction ProjectMechatronics Engineering Innovation Group Project from Shanghai Education Commission
文摘Coordinated controller tuning of the boiler turbine unit is a challenging task due to the nonlinear and coupling characteristics of the system.In this paper,a new variant of binary particle swarm optimization (PSO) algorithm,called probability based binary PSO (PBPSO),is presented to tune the parameters of a coordinated controller.The simulation results show that PBPSO can effectively optimize the control parameters and achieves better control performance than those based on standard discrete binary PSO,modified binary PSO,and standard continuous PSO.
文摘Fraud Transactions are haunting the economy of many individuals with several factors across the globe.This research focuses on developing a mechanism by integrating various optimized machine-learning algorithms to ensure the security and integrity of digital transactions.This research proposes a novel methodology through three stages.Firstly,Synthetic Minority Oversampling Technique(SMOTE)is applied to get balanced data.Secondly,SMOTE is fed to the nature-inspired Meta Heuristic(MH)algorithm,namely Binary Harris Hawks Optimization(BinHHO),Binary Aquila Optimization(BAO),and Binary Grey Wolf Optimization(BGWO),for feature selection.BinHHO has performed well when compared with the other two.Thirdly,features from BinHHO are fed to the supervised learning algorithms to classify the transactions such as fraud and non-fraud.The efficiency of BinHHO is analyzed with other popular MH algorithms.The BinHHO has achieved the highest accuracy of 99.95%and demonstrates amore significant positive effect on the performance of the proposed model.
文摘Selecting the most relevant subset of features from a dataset is a vital step in data mining and machine learning.Each feature in a dataset has 2n possible subsets,making it challenging to select the optimum collection of features using typical methods.As a result,a new metaheuristicsbased feature selection method based on the dipper-throated and grey-wolf optimization(DTO-GW)algorithms has been developed in this research.Instability can result when the selection of features is subject to metaheuristics,which can lead to a wide range of results.Thus,we adopted hybrid optimization in our method of optimizing,which allowed us to better balance exploration and harvesting chores more equitably.We propose utilizing the binary DTO-GW search approach we previously devised for selecting the optimal subset of attributes.In the proposed method,the number of features selected is minimized,while classification accuracy is increased.To test the proposed method’s performance against eleven other state-of-theart approaches,eight datasets from the UCI repository were used,such as binary grey wolf search(bGWO),binary hybrid grey wolf,and particle swarm optimization(bGWO-PSO),bPSO,binary stochastic fractal search(bSFS),binary whale optimization algorithm(bWOA),binary modified grey wolf optimization(bMGWO),binary multiverse optimization(bMVO),binary bowerbird optimization(bSBO),binary hysteresis optimization(bHy),and binary hysteresis optimization(bHWO).The suggested method is superior 4532 CMC,2023,vol.74,no.2 and successful in handling the problem of feature selection,according to the results of the experiments.
基金Supported by Chinese National Basic Research Program(2007CB807902)
文摘Binary signed digit representation (BSD-R) of an integer is widely used in computer arithmetic, cryptography and digital signal processing. This paper studies what the exact number of optimal BSD-R of an integer is and how to generate them entirely. We also show which kinds of integers have the maximum number of optimal BSD-Rs.
文摘This paper presents an optimal proposed allocating procedure for hybrid wind energy combined with proton exchange membrane fuel cell (WE/PEMFC) system to improve the operation performance of the electrical distribution system (EDS). Egypt has an excellent wind regime with wind speeds of about 10 m/s at many areas. The disadvantage of wind energy is its seasonal variations. So, if wind power is to supply a significant portion of the demand, either backup power or electrical energy storage (EES) system is needed to ensure that loads will be supplied in reliable way. So, the hybrid WE/PEMFC system is designed to completely supply a part of the Egyptian distribution system, in attempt to isolate it from the grid. However, the optimal allocation of the hybrid units is obtained, in order to enhance their benefits in the distribution networks. The critical buses that are necessary to install the hybrid WE/ PEMFC system, are chosen using sensitivity analysis. Then, the binary Crow search algorithm (BCSA), discrete Jaya algorithm (DJA) and binary particle swarm optimization (BPSO) techniques are proposed to determine the optimal operation of power systems using single and multi-objective functions (SOF/MOF). Then, the results of the three optimization techniques are compared with each other. Three sensitivity factors are employed in this paper, which are voltage sensitivity factor (VSF), active losses sensitivity factor (ALSF) and reactive losses sensitivity factor (RLSF). The effects of the sensitivity factors (SFs) on the SOF/MOF are studied. The improvement of voltage profile and minimizing active and reactive power losses of the EDS are considered as objective functions. Backward/forward sweep (BFS) method is used for the load flow calculations. The system load demand is predicted up to year 2022 for Mersi-Matrouh City as a part of Egyptian distribution network, and the design of the hybrid WE/PEMFC system is applied. The PEMFC system is designed considering simplified mathematical expressions. The economics of operation of both WE and PEMFC system are also presented. The results prove the capability of the proposed procedure to find the optimal allocation for the hybrid WE/PEMFC system to improve the system voltage profile and to minimize both active and reactive power losses for the EDS of Mersi-Matrough City.
文摘This paper proposes a new algorithm—binary glowworm swarm optimization(BGSO)to solve the unit commitment(UC)problem.After a certain quantity of initial feasible solutions is obtained by using the priority list and the decommitment of redundant unit,BGSO is applied to optimize the on/off state of the unit,and the Lambda-iteration method is adopted to solve the economic dispatch problem.In the iterative process,the solutions that do not satisfy all the constraints are adjusted by the correction method.Furthermore,different adjustment techniques such as conversion from cold start to hot start,decommitment of redundant unit,are adopted to avoid falling into local optimal solution and to keep the diversity of the feasible solutions.The proposed BGSO is tested on the power system in the range of 10–140 generating units for a 24-h scheduling period and compared to quantuminspired evolutionary algorithm(QEA),improved binary particle swarm optimization(IBPSO)and mixed integer programming(MIP).Simulated results distinctly show that BGSO is very competent in solving the UC problem in comparison to the previously reported algorithms.
文摘In data mining and machine learning,feature selection is a critical part of the process of selecting the optimal subset of features based on the target data.There are 2n potential feature subsets for every n features in a dataset,making it difficult to pick the best set of features using standard approaches.Consequently,in this research,a new metaheuristics-based feature selection technique based on an adaptive squirrel search optimization algorithm(ASSOA)has been proposed.When using metaheuristics to pick features,it is common for the selection of features to vary across runs,which can lead to instability.Because of this,we used the adaptive squirrel search to balance exploration and exploitation duties more evenly in the optimization process.For the selection of the best subset of features,we recommend using the binary ASSOA search strategy we developed before.According to the suggested approach,the number of features picked is reduced while maximizing classification accuracy.A ten-feature dataset from the University of California,Irvine(UCI)repository was used to test the proposed method’s performance vs.eleven other state-of-the-art approaches,including binary grey wolf optimization(bGWO),binary hybrid grey wolf and particle swarm optimization(bGWO-PSO),bPSO,binary stochastic fractal search(bSFS),binary whale optimization algorithm(bWOA),binary modified grey wolf optimization(bMGWO),binary multiverse optimization(bMVO),binary bowerbird optimization(bSBO),binary hybrid GWO and genetic algorithm 4028 CMC,2023,vol.74,no.2(bGWO-GA),binary firefly algorithm(bFA),and bGAmethods.Experimental results confirm the superiority and effectiveness of the proposed algorithm for solving the problem of feature selection.
基金supported by the Science and Technology Project of State Grid Shandong Electric Power Company?“Research on the Data-Driven Method for Energy Internet”?(Project No.2018A-100)。
文摘In order to promote the development of the Internet of Things(IoT),there has been an increase in the coverage of the customer electric information acquisition system(CEIAS).The traditional fault location method for the distribution network only considers the information reported by the Feeder Terminal Unit(FTU)and the fault tolerance rate is low when the information is omitted or misreported.Therefore,this study considers the influence of the distributed generations(DGs)for the distribution network.This takes the CEIAS as a redundant information source and solves the model by applying a binary particle swarm optimization algorithm(BPSO).The improved Dempster/S-hafer evidence theory(D-S evidence theory)is used for evidence fusion to achieve the fault section location for the distribution network.An example is provided to verify that the proposed method can achieve single or multiple fault locations with a higher fault tolerance.
基金Supported by the National Natural Science Foundation of China (No.60873143)the National Key Subject Foundation for Basic Psychology (No.NKSF07003)
文摘Recently,as recognizing emotion has been one of the hallmarks of affective computing,more attention has been paid to physiological signals for emotion recognition.This paper presented an approach to emotion recognition using ElectroCardioGraphy(ECG) signals from multiple subjects.To collect reliable affective ECG data,we applied an arousal method by movie clips to make subjects experience specific emotions without external interference.Through precise location of P-QRS-T wave by continuous wavelet transform,an amount of ECG features was extracted sufficiently.Since feature selection is a combination optimization problem,Improved Binary Particle Swarm Optimization(IBPSO) based on neighborhood search was applied to search out effective features to improve classification results of emotion states with the help of fisher or K-Nearest Neighbor(KNN) classifier.In the experiment,it is shown that the approach is successful and the effective features got from ECG signals can express emotion states excellently.
文摘Recent years have seen an explosion in graph data from a variety of scientific,social and technological fields.From these fields,emotion recognition is an interesting research area because it finds many applications in real life such as in effective social robotics to increase the interactivity of the robot with human,driver safety during driving,pain monitoring during surgery etc.A novel facial emotion recognition based on graph mining has been proposed in this paper to make a paradigm shift in the way of representing the face region,where the face region is represented as a graph of nodes and edges and the gSpan frequent sub-graphs mining algorithm is used to find the frequent sub-structures in the graph database of each emotion.To reduce the number of generated sub-graphs,overlap ratio metric is utilized for this purpose.After encoding the final selected sub-graphs,binary classification is then applied to classify the emotion of the queried input facial image using six levels of classification.Binary cat swarm intelligence is applied within each level of classification to select proper sub-graphs that give the highest accuracy in that level.Different experiments have been conducted using Surrey Audio-Visual Expressed Emotion(SAVEE)database and the final system accuracy was 90.00%.The results show significant accuracy improvements(about 2%)by the proposed system in comparison to current published works in SAVEE database.
基金This work is supported partially by the National Natural Science Foundation of China under Grant No. 11301255, the Natural Science Foundation of Fujian Province of China under Grant No. 2016J01025, and the Program for New Century Excellent Talents in Fujian Province University.
文摘The minimum weight dominating set problem (MWDSP) is an NP-hard problem with a lot of real-world applications. Several heuristic algorithms have been presented to produce good quality solutions. However, the solution time of them grows very quickly as the size of the instance increases. In this paper, we propose a binary particle swarm optimization (FBPSO) for solving the MWDSP approximately. Based on the characteristic of MWDSP, this approach designs a new position updating rule to guide the search to a promising area. An iterated greedy tabu search is used to enhance the solution quality quickly. In addition, several stochastic strategies are employed to diversify the search and prevent premature convergence. These methods maintain a good balance between the exploration and the exploitation. Experimental studies on 106 groups of 1 060 instances show that FBPSO is able to identify near optimal solutions in a short running time. The average deviation between the solutions obtained by FBPSO and the best known solutions is 0.441%. Moreover, the average solution time of FBPSO is much less than that of other existing algorithms. In particular, with the increasing of instance size, the solution time of FBPSO grows much more slowly than that of other existing algorithms.
文摘Due to the size and complexity of power network and the cost of monitoring and telecommunication equipment, it is unfeasible to monitor the whole system variables. All system analyzers use voltages and currents of the network. Thus, monitoring scheme plays a main role in system analysis, control, and protection. To monitor the whole system using distributed measurements, strategic placement of them is needed. This paper improves a topological circuit observation method to minimize essential monitors. Besides the observability under normal condition of power networks, the observability of abnormal network is considered. Consequently, a high level of system reliability is carried out. In terms of reliability constraint, identification of bad measurement data in a given measurement system by making theme sure to be detectable is well done. Furthermore, it is maintained by a certain level of reliability against the single-line outages. Thus, observability is satisfied if all possible single line outages are plausible. Consideration of these limitations clears the role of utilizing an optimization algorithm. Hence, particle swarm optimization (PSO) is used to minimize monitoring cost and removing unobser-vable states under abnormal condition, simultaneously. The algorithm is tested in IEEE 14 and 30-bus test systems and Iranian (Mazandaran) Regional Electric Company.
文摘The basic principle of optimal method called “moving overlapping resolution mapping Method” to select the optimal binary mobile phase composition of multi-step linear gradient liquid chromatography is discussed with simultaneously considering effects of position of solute inside the column and mobile phase composition on peak resolution and retention value, then a BASIC program based on this principle is developed in IBM-PC computer. The validities of both principle of optimization and BASIC program are confirmed by separation of samples Containing bile acids and PAHs in RP-HPLC.