In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature sel...In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature selection aims to alleviate this issue by minimizing the number of features in the subset while simultaneously minimizing the classification error rate.Single-objective optimization approaches employ an evaluation function designed as an aggregate function with a parameter,but the results obtained depend on the value of the parameter.To eliminate this parameter’s influence,the problem can be reformulated as a multi-objective optimization problem.The Whale Optimization Algorithm(WOA)is widely used in optimization problems because of its simplicity and easy implementation.In this paper,we propose a multi-strategy assisted multi-objective WOA(MSMOWOA)to address feature selection.To enhance the algorithm’s search ability,we integrate multiple strategies such as Levy flight,Grey Wolf Optimizer,and adaptive mutation into it.Additionally,we utilize an external repository to store non-dominant solution sets and grid technology is used to maintain diversity.Results on fourteen University of California Irvine(UCI)datasets demonstrate that our proposed method effectively removes redundant features and improves classification performance.The source code can be accessed from the website:https://github.com/zc0315/MSMOWOA.展开更多
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.展开更多
Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression ...Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression microarrays have made it possible to find genetic biomarkers for cancer diagnosis and prediction in a high-throughput manner.Machine Learning(ML)has been widely used to diagnose and classify lung cancer where the performance of ML methods is evaluated to identify the appropriate technique.Identifying and selecting the gene expression patterns can help in lung cancer diagnoses and classification.Normally,microarrays include several genes and may cause confusion or false prediction.Therefore,the Arithmetic Optimization Algorithm(AOA)is used to identify the optimal gene subset to reduce the number of selected genes.Which can allow the classifiers to yield the best performance for lung cancer classification.In addition,we proposed a modified version of AOA which can work effectively on the high dimensional dataset.In the modified AOA,the features are ranked by their weights and are used to initialize the AOA population.The exploitation process of AOA is then enhanced by developing a local search algorithm based on two neighborhood strategies.Finally,the efficiency of the proposed methods was evaluated on gene expression datasets related to Lung cancer using stratified 4-fold cross-validation.The method’s efficacy in selecting the optimal gene subset is underscored by its ability to maintain feature proportions between 10%to 25%.Moreover,the approach significantly enhances lung cancer prediction accuracy.For instance,Lung_Harvard1 achieved an accuracy of 97.5%,Lung_Harvard2 and Lung_Michigan datasets both achieved 100%,Lung_Adenocarcinoma obtained an accuracy of 88.2%,and Lung_Ontario achieved an accuracy of 87.5%.In conclusion,the results indicate the potential promise of the proposed modified AOA approach in classifying microarray cancer data.展开更多
A dandelion algorithm(DA) is a recently developed intelligent optimization algorithm for function optimization problems. Many of its parameters need to be set by experience in DA,which might not be appropriate for all...A dandelion algorithm(DA) is a recently developed intelligent optimization algorithm for function optimization problems. Many of its parameters need to be set by experience in DA,which might not be appropriate for all optimization problems. A self-adapting and efficient dandelion algorithm is proposed in this work to lower the number of DA's parameters and simplify DA's structure. Only the normal sowing operator is retained;while the other operators are discarded. An adaptive seeding radius strategy is designed for the core dandelion. The results show that the proposed algorithm achieves better performance on the standard test functions with less time consumption than its competitive peers. In addition, the proposed algorithm is applied to feature selection for credit card fraud detection(CCFD), and the results indicate that it can obtain higher classification and detection performance than the-state-of-the-art methods.展开更多
High-dimensional datasets present significant challenges for classification tasks.Dimensionality reduction,a crucial aspect of data preprocessing,has gained substantial attention due to its ability to improve classifi...High-dimensional datasets present significant challenges for classification tasks.Dimensionality reduction,a crucial aspect of data preprocessing,has gained substantial attention due to its ability to improve classification per-formance.However,identifying the optimal features within high-dimensional datasets remains a computationally demanding task,necessitating the use of efficient algorithms.This paper introduces the Arithmetic Optimization Algorithm(AOA),a novel approach for finding the optimal feature subset.AOA is specifically modified to address feature selection problems based on a transfer function.Additionally,two enhancements are incorporated into the AOA algorithm to overcome limitations such as limited precision,slow convergence,and susceptibility to local optima.The first enhancement proposes a new method for selecting solutions to be improved during the search process.This method effectively improves the original algorithm’s accuracy and convergence speed.The second enhancement introduces a local search with neighborhood strategies(AOA_NBH)during the AOA exploitation phase.AOA_NBH explores the vast search space,aiding the algorithm in escaping local optima.Our results demonstrate that incorporating neighborhood methods enhances the output and achieves significant improvement over state-of-the-art methods.展开更多
Feature Selection(FS)is an important problem that involves selecting the most informative subset of features from a dataset to improve classification accuracy.However,due to the high dimensionality and complexity of t...Feature Selection(FS)is an important problem that involves selecting the most informative subset of features from a dataset to improve classification accuracy.However,due to the high dimensionality and complexity of the dataset,most optimization algorithms for feature selection suffer from a balance issue during the search process.Therefore,the present paper proposes a hybrid Sine-Cosine Chimp Optimization Algorithm(SCChOA)to address the feature selection problem.In this approach,firstly,a multi-cycle iterative strategy is designed to better combine the Sine-Cosine Algorithm(SCA)and the Chimp Optimization Algorithm(ChOA),enabling a more effective search in the objective space.Secondly,an S-shaped transfer function is introduced to perform binary transformation on SCChOA.Finally,the binary SCChOA is combined with the K-Nearest Neighbor(KNN)classifier to form a novel binary hybrid wrapper feature selection method.To evaluate the performance of the proposed method,16 datasets from different dimensions of the UCI repository along with four evaluation metrics of average fitness value,average classification accuracy,average feature selection number,and average running time are considered.Meanwhile,seven state-of-the-art metaheuristic algorithms for solving the feature selection problem are chosen for comparison.Experimental results demonstrate that the proposed method outperforms other compared algorithms in solving the feature selection problem.It is capable of maximizing the reduction in the number of selected features while maintaining a high classification accuracy.Furthermore,the results of statistical tests also confirm the significant effectiveness of this method.展开更多
This paper proposes Parallelized Linear Time-Variant Acceleration Coefficients and Inertial Weight of Particle Swarm Optimization algorithm(PLTVACIW-PSO).Its designed has introduced the benefits of Parallel computing ...This paper proposes Parallelized Linear Time-Variant Acceleration Coefficients and Inertial Weight of Particle Swarm Optimization algorithm(PLTVACIW-PSO).Its designed has introduced the benefits of Parallel computing into the combined power of TVAC(Time-Variant Acceleration Coefficients)and IW(Inertial Weight).Proposed algorithm has been tested against linear,non-linear,traditional,andmultiswarmbased optimization algorithms.An experimental study is performed in two stages to assess the proposed PLTVACIW-PSO.Phase I uses 12 recognized Standard Benchmarks methods to evaluate the comparative performance of the proposed PLTVACIWPSO vs.IW based Particle Swarm Optimization(PSO)algorithms,TVAC based PSO algorithms,traditional PSO,Genetic algorithms(GA),Differential evolution(DE),and,finally,Flower Pollination(FP)algorithms.In phase II,the proposed PLTVACIW-PSO uses the same 12 known Benchmark functions to test its performance against the BAT(BA)and Multi-Swarm BAT algorithms.In phase III,the proposed PLTVACIW-PSO is employed to augment the feature selection problem formedical datasets.This experimental study shows that the planned PLTVACIW-PSO outpaces the performances of other comparable algorithms.Outcomes from the experiments shows that the PLTVACIW-PSO is capable of outlining a feature subset that is capable of enhancing the classification efficiency and gives the minimal subset of the core features.展开更多
Currently,e-learning is one of the most prevalent educational methods because of its need in today’s world.Virtual classrooms and web-based learning are becoming the new method of teaching remotely.The students exper...Currently,e-learning is one of the most prevalent educational methods because of its need in today’s world.Virtual classrooms and web-based learning are becoming the new method of teaching remotely.The students experience a lack of access to resources commonly the educational material.In remote loca-tions,educational institutions face significant challenges in accessing various web-based materials due to bandwidth and network infrastructure limitations.The objective of this study is to demonstrate an optimization and queueing tech-nique for allocating optimal servers and slots for users to access cloud-based e-learning applications.The proposed method provides the optimization and queue-ing algorithm for multi-server and multi-city constraints and considers where to locate the best servers.For optimal server selection,the Rider Optimization Algo-rithm(ROA)is utilized.A performance analysis based on time,memory and delay was carried out for the proposed methodology in comparison with the exist-ing techniques.The proposed Rider Optimization Algorithm is compared to Par-ticle Swarm Optimization(PSO),Genetic Algorithm(GA)and Firefly Algorithm(FFA),the proposed method is more suitable and effective because the other three algorithms drop in local optima and are only suitable for small numbers of user requests.Thus the proposed method outweighs the conventional techniques by its enhanced performance over them.展开更多
As a crucial data preprocessing method in data mining,feature selection(FS)can be regarded as a bi-objective optimization problem that aims to maximize classification accuracy and minimize the number of selected featu...As a crucial data preprocessing method in data mining,feature selection(FS)can be regarded as a bi-objective optimization problem that aims to maximize classification accuracy and minimize the number of selected features.Evolutionary computing(EC)is promising for FS owing to its powerful search capability.However,in traditional EC-based methods,feature subsets are represented via a length-fixed individual encoding.It is ineffective for high-dimensional data,because it results in a huge search space and prohibitive training time.This work proposes a length-adaptive non-dominated sorting genetic algorithm(LA-NSGA)with a length-variable individual encoding and a length-adaptive evolution mechanism for bi-objective highdimensional FS.In LA-NSGA,an initialization method based on correlation and redundancy is devised to initialize individuals of diverse lengths,and a Pareto dominance-based length change operator is introduced to guide individuals to explore in promising search space adaptively.Moreover,a dominance-based local search method is employed for further improvement.The experimental results based on 12 high-dimensional gene datasets show that the Pareto front of feature subsets produced by LA-NSGA is superior to those of existing algorithms.展开更多
Arrhythmia has been classified using a variety of methods.Because of the dynamic nature of electrocardiogram(ECG)data,traditional handcrafted approaches are difficult to execute,making the machine learning(ML)solution...Arrhythmia has been classified using a variety of methods.Because of the dynamic nature of electrocardiogram(ECG)data,traditional handcrafted approaches are difficult to execute,making the machine learning(ML)solutions more appealing.Patients with cardiac arrhythmias can benefit from competent monitoring to save their lives.Cardiac arrhythmia classification and prediction have greatly improved in recent years.Arrhythmias are a category of conditions in which the heart's electrical activity is abnormally rapid or sluggish.Every year,it is one of the main reasons of mortality for both men and women,worldwide.For the classification of arrhythmias,this work proposes a novel technique based on optimized feature selection and optimized K-nearest neighbors(KNN)classifier.The proposed method makes advantage of the UCI repository,which has a 279-attribute high-dimensional cardiac arrhythmia dataset.The proposed approach is based on dividing cardiac arrhythmia patients into 16 groups based on the electrocardiography dataset’s features.The purpose is to design an efficient intelligent system employing the dipper throated optimization method to categorize cardiac arrhythmia patients.This method of comprehensive arrhythmia classification outperforms earlier methods presented in the literature.The achieved classification accuracy using the proposed approach is 99.8%.展开更多
Pavement crack detection plays a crucial role in ensuring road safety and reducing maintenance expenses.Recent advancements in deep learning(DL)techniques have shown promising results in detecting pavement cracks;howe...Pavement crack detection plays a crucial role in ensuring road safety and reducing maintenance expenses.Recent advancements in deep learning(DL)techniques have shown promising results in detecting pavement cracks;however,the selection of relevant features for classification remains challenging.In this study,we propose a new approach for pavement crack detection that integrates deep learning for feature extraction,the whale optimization algorithm(WOA)for feature selection,and random forest(RF)for classification.The performance of the models was evaluated using accuracy,recall,precision,F1 score,and area under the receiver operating characteristic curve(AUC).Our findings reveal that Model 2,which incorporates RF into the ResNet-18 architecture,outperforms baseline Model 1 across all evaluation metrics.Nevertheless,our proposed model,which combines ResNet-18 with both WOA and RF,achieves significantly higher accuracy,recall,precision,and F1 score compared to the other two models.These results underscore the effectiveness of integrating RF and WOA into ResNet-18 for pavement crack detection applications.We applied the proposed approach to a dataset of pavement images,achieving an accuracy of 97.16%and an AUC of 0.984.Our results demonstrate that the proposed approach surpasses existing methods for pavement crack detection,offering a promising solution for the automatic identification of pavement cracks.By leveraging this approach,potential safety hazards can be identified more effectively,enabling timely repairs and maintenance measures.Lastly,the findings of this study also emphasize the potential of integrating RF and WOA with deep learning for pavement crack detection,providing road authorities with the necessary tools to make informed decisions regarding road infrastructure maintenance.展开更多
The reliability-based selective maintenance(RSM)decision problem of systems with components that have multiple dependent performance characteristics(PCs)reflecting degradation states is addressed in this paper.A vine-...The reliability-based selective maintenance(RSM)decision problem of systems with components that have multiple dependent performance characteristics(PCs)reflecting degradation states is addressed in this paper.A vine-Copulabased reliability evaluation method is proposed to estimate the reliability of system components with multiple PCs.Specifically,the marginal degradation reliability of each PC is built by using the Wiener stochastic process based on the PC’s degradation mechanism.The joint degradation reliability of the component with multiple PCs is established by connecting the marginal reliability of PCs using D-vine.In addition,two RSM decision models are developed to ensure the system accomplishes the next mission.The genetic algorithm(GA)is used to solve the constraint optimization problem of the models.A numerical example illustrates the application of the proposed RSM method.展开更多
The dimensionality of data is increasing very rapidly,which creates challenges for most of the current mining and learning algorithms,such as large memory requirements and high computational costs.The literature inclu...The dimensionality of data is increasing very rapidly,which creates challenges for most of the current mining and learning algorithms,such as large memory requirements and high computational costs.The literature includes much research on feature selection for supervised learning.However,feature selection for unsupervised learning has only recently been studied.Finding the subset of features in unsupervised learning that enhances the performance is challenging since the clusters are indeterminate.This work proposes a hybrid technique for unsupervised feature selection called GAk-MEANS,which combines the genetic algorithm(GA)approach with the classical k-Means algorithm.In the proposed algorithm,a new fitness func-tion is designed in addition to new smart crossover and mutation operators.The effectiveness of this algorithm is demonstrated on various datasets.Fur-thermore,the performance of GAk-MEANS has been compared with other genetic algorithms,such as the genetic algorithm using the Sammon Error Function and the genetic algorithm using the Sum of Squared Error Function.Additionally,the performance of GAk-MEANS is compared with the state-of-the-art statistical unsupervised feature selection techniques.Experimental results show that GAk-MEANS consistently selects subsets of features that result in better classification accuracy compared to others.In particular,GAk-MEANS is able to significantly reduce the size of the subset of selected features by an average of 86.35%(72%–96.14%),which leads to an increase of the accuracy by an average of 3.78%(1.05%–6.32%)compared to using all features.When compared with the genetic algorithm using the Sammon Error Function,GAk-MEANS is able to reduce the size of the subset of selected features by 41.29%on average,improve the accuracy by 5.37%,and reduce the time by 70.71%.When compared with the genetic algorithm using the Sum of Squared Error Function,GAk-MEANS on average is able to reduce the size of the subset of selected features by 15.91%,and improve the accuracy by 9.81%,but the time is increased by a factor of 3.When compared with the machine-learning based methods,we observed that GAk-MEANS is able to increase the accuracy by 13.67%on average with an 88.76%average increase in time.展开更多
Internet Protocol version 6(IPv6)is the latest version of IP that goal to host 3.4×10^(38)unique IP addresses of devices in the network.IPv6 has introduced new features like Neighbour Discovery Protocol(NDP)and A...Internet Protocol version 6(IPv6)is the latest version of IP that goal to host 3.4×10^(38)unique IP addresses of devices in the network.IPv6 has introduced new features like Neighbour Discovery Protocol(NDP)and Address Auto-configuration Scheme.IPv6 needed several protocols like the Address Auto-configuration Scheme and Internet Control Message Protocol(ICMPv6).IPv6 is vulnerable to numerous attacks like Denial of Service(DoS)and Distributed Denial of Service(DDoS)which is one of the most dangerous attacks executed through ICMPv6 messages that impose security and financial implications.Therefore,an Intrusion Detection System(IDS)is a monitoring system of the security of a network that detects suspicious activities and deals with amassive amount of data comprised of repetitive and inappropriate features which affect the detection rate.A feature selection(FS)technique helps to reduce the computation time and complexity by selecting the optimum subset of features.This paper proposes a method for detecting DDoS flooding attacks(FA)based on ICMPv6 messages using a Binary Flower PollinationAlgorithm(BFPA-FA).The proposed method(BFPA-FA)employs FS technology with a support vector machine(SVM)to identify the most relevant,influential features.Moreover,The ICMPv6-DDoS dataset was used to demonstrate the effectiveness of the proposed method through different attack scenarios.The results show that the proposed method BFPAFA achieved the best accuracy rate(97.96%)for the ICMPv6 DDoS detection with a reduced number of features(9)to half the total(19)features.The proven proposed method BFPA-FAis effective in the ICMPv6 DDoS attacks via IDS.展开更多
CC’s(Cloud Computing)networks are distributed and dynamic as signals appear/disappear or lose significance.MLTs(Machine learning Techniques)train datasets which sometime are inadequate in terms of sample for inferrin...CC’s(Cloud Computing)networks are distributed and dynamic as signals appear/disappear or lose significance.MLTs(Machine learning Techniques)train datasets which sometime are inadequate in terms of sample for inferring information.A dynamic strategy,DevMLOps(Development Machine Learning Operations)used in automatic selections and tunings of MLTs result in significant performance differences.But,the scheme has many disadvantages including continuity in training,more samples and training time in feature selections and increased classification execution times.RFEs(Recursive Feature Eliminations)are computationally very expensive in its operations as it traverses through each feature without considering correlations between them.This problem can be overcome by the use of Wrappers as they select better features by accounting for test and train datasets.The aim of this paper is to use DevQLMLOps for automated tuning and selections based on orchestrations and messaging between containers.The proposed AKFA(Adaptive Kernel Firefly Algorithm)is for selecting features for CNM(Cloud Network Monitoring)operations.AKFA methodology is demonstrated using CNSD(Cloud Network Security Dataset)with satisfactory results in the performance metrics like precision,recall,F-measure and accuracy used.展开更多
Frequency selective surface (FSS) is a two-dimensional periodic structure which has promiaent characteristics of bandpass or bandbloek when interacting with electromagnetic waves. In this paper, the thickness, the d...Frequency selective surface (FSS) is a two-dimensional periodic structure which has promiaent characteristics of bandpass or bandbloek when interacting with electromagnetic waves. In this paper, the thickness, the dielectric constant, the element graph and the arrangement periodicity of an FSS medium are investigated by Genetic Algorithm (GA) when an electromagnetic wave is incident on the FSS at a wide angle, and an optimized FSS structure and transmission characteristics are obtained. The results show that the optimized structure has better stability in relation to incident angle of electromagnetic wave and preserves the stability of centre frequency even at an incident angle as large as 80°, thereby laying the foundation for the application of FSS to curved surfaces at wide angles.展开更多
Multi-objective Evolutionary Algorithm (MOEA) is becoming a hot research area and quite a few aspects of MOEAs have been studied and discussed. However there are still few literatures discussing the roles of search an...Multi-objective Evolutionary Algorithm (MOEA) is becoming a hot research area and quite a few aspects of MOEAs have been studied and discussed. However there are still few literatures discussing the roles of search and selection operators in MOEAs. This paper studied their roles by solving a case of discrete Multi-objective Optimization Problem (MOP): Multi-objective TSP with a new MOEA. In the new MOEA, We adopt an efficient search operator, which has the properties of both crossover and mutation, to generate the new individuals and chose two selection operators: Family Competition and Population Competition with probabilities to realize selection. The simulation experiments showed that this new MOEA could get good uniform solutions representing the Pareto Front and outperformed SPEA in almost every simulation run on this problem. Furthermore, we analyzed its convergence property using finite Markov chain and proved that it could converge to Pareto Front with probability 1. We also find that the convergence property of MOEAs has much relationship with search and selection operators.展开更多
Feature extraction is the most critical step in classification of multispectral image.The classification accuracy is mainly influenced by the feature sets that are selected to classify the image.In the past,handcrafte...Feature extraction is the most critical step in classification of multispectral image.The classification accuracy is mainly influenced by the feature sets that are selected to classify the image.In the past,handcrafted feature sets are used which are not adaptive for different image domains.To overcome this,an evolu-tionary learning method is developed to automatically learn the spatial-spectral features for classification.A modified Firefly Algorithm(FA)which achieves maximum classification accuracy with reduced size of feature set is proposed to gain the interest of feature selection for this purpose.For extracting the most effi-cient features from the data set,we have used 3-D discrete wavelet transform which decompose the multispectral image in all three dimensions.For selecting spatial and spectral features we have studied three different approaches namely overlapping window(OW-3DFS),non-overlapping window(NW-3DFS)adaptive window cube(AW-3DFS)and Pixel based technique.Fivefold Multiclass Support Vector Machine(MSVM)is used for classification purpose.Experiments con-ducted on Madurai LISS IV multispectral image exploited that the adaptive win-dow approach is used to increase the classification accuracy.展开更多
Datamining plays a crucial role in extractingmeaningful knowledge fromlarge-scale data repositories,such as data warehouses and databases.Association rule mining,a fundamental process in data mining,involves discoveri...Datamining plays a crucial role in extractingmeaningful knowledge fromlarge-scale data repositories,such as data warehouses and databases.Association rule mining,a fundamental process in data mining,involves discovering correlations,patterns,and causal structures within datasets.In the healthcare domain,association rules offer valuable opportunities for building knowledge bases,enabling intelligent diagnoses,and extracting invaluable information rapidly.This paper presents a novel approach called the Machine Learning based Association Rule Mining and Classification for Healthcare Data Management System(MLARMC-HDMS).The MLARMC-HDMS technique integrates classification and association rule mining(ARM)processes.Initially,the chimp optimization algorithm-based feature selection(COAFS)technique is employed within MLARMC-HDMS to select relevant attributes.Inspired by the foraging behavior of chimpanzees,the COA algorithm mimics their search strategy for food.Subsequently,the classification process utilizes stochastic gradient descent with a multilayer perceptron(SGD-MLP)model,while the Apriori algorithm determines attribute relationships.We propose a COA-based feature selection approach for medical data classification using machine learning techniques.This approach involves selecting pertinent features from medical datasets through COA and training machine learning models using the reduced feature set.We evaluate the performance of our approach on various medical datasets employing diverse machine learning classifiers.Experimental results demonstrate that our proposed approach surpasses alternative feature selection methods,achieving higher accuracy and precision rates in medical data classification tasks.The study showcases the effectiveness and efficiency of the COA-based feature selection approach in identifying relevant features,thereby enhancing the diagnosis and treatment of various diseases.To provide further validation,we conduct detailed experiments on a benchmark medical dataset,revealing the superiority of the MLARMCHDMS model over other methods,with a maximum accuracy of 99.75%.Therefore,this research contributes to the advancement of feature selection techniques in medical data classification and highlights the potential for improving healthcare outcomes through accurate and efficient data analysis.The presented MLARMC-HDMS framework and COA-based feature selection approach offer valuable insights for researchers and practitioners working in the field of healthcare data mining and machine learning.展开更多
The next step in mobile communication technology,known as 5G,is set to go live in a number of countries in the near future.New wireless applica-tions have high data rates and mobility requirements,which have posed a c...The next step in mobile communication technology,known as 5G,is set to go live in a number of countries in the near future.New wireless applica-tions have high data rates and mobility requirements,which have posed a chal-lenge to mobile communication technology researchers and designers.5G systems could benefit from the Universal Filtered Multicarrier(UFMC).UFMC is an alternate waveform to orthogonal frequency-division multiplexing(OFDM),infiltering process is performed for a sub-band of subcarriers rather than the entire band of subcarriers Inter Carrier Interference(ICI)between neighbouring users is reduced via the sub-bandfiltering process,which reduces out-of-band emissions.However,the UFMC system has a high Peak-to-Average Power Ratio(PAPR),which limits its capabilities.Metaheuristic optimization based Selective mapping(SLM)is used in this paper to optimise the UFMC-PAPR.Based on the cognitive behaviour of crows,the research study suggests an innovative metaheuristic opti-mization known as Crow Search Algorithm(CSA)for SLM optimization.Com-pared to the standard UFMC,SLM-UFMC system,and SLM-UFMC with conventional metaheuristic optimization techniques,the suggested technique sig-nificantly reduces PAPR.For the UFMC system,the suggested approach has a very low Bit Error Rate(BER).展开更多
基金supported in part by the Natural Science Youth Foundation of Hebei Province under Grant F2019403207in part by the PhD Research Startup Foundation of Hebei GEO University under Grant BQ2019055+3 种基金in part by the Open Research Project of the Hubei Key Laboratory of Intelligent Geo-Information Processing under Grant KLIGIP-2021A06in part by the Fundamental Research Funds for the Universities in Hebei Province under Grant QN202220in part by the Science and Technology Research Project for Universities of Hebei under Grant ZD2020344in part by the Guangxi Natural Science Fund General Project under Grant 2021GXNSFAA075029.
文摘In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature selection aims to alleviate this issue by minimizing the number of features in the subset while simultaneously minimizing the classification error rate.Single-objective optimization approaches employ an evaluation function designed as an aggregate function with a parameter,but the results obtained depend on the value of the parameter.To eliminate this parameter’s influence,the problem can be reformulated as a multi-objective optimization problem.The Whale Optimization Algorithm(WOA)is widely used in optimization problems because of its simplicity and easy implementation.In this paper,we propose a multi-strategy assisted multi-objective WOA(MSMOWOA)to address feature selection.To enhance the algorithm’s search ability,we integrate multiple strategies such as Levy flight,Grey Wolf Optimizer,and adaptive mutation into it.Additionally,we utilize an external repository to store non-dominant solution sets and grid technology is used to maintain diversity.Results on fourteen University of California Irvine(UCI)datasets demonstrate that our proposed method effectively removes redundant features and improves classification performance.The source code can be accessed from the website:https://github.com/zc0315/MSMOWOA.
基金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 the Deanship of Scientific Research,at Imam Abdulrahman Bin Faisal University.Grant Number:2019-416-ASCS.
文摘Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression microarrays have made it possible to find genetic biomarkers for cancer diagnosis and prediction in a high-throughput manner.Machine Learning(ML)has been widely used to diagnose and classify lung cancer where the performance of ML methods is evaluated to identify the appropriate technique.Identifying and selecting the gene expression patterns can help in lung cancer diagnoses and classification.Normally,microarrays include several genes and may cause confusion or false prediction.Therefore,the Arithmetic Optimization Algorithm(AOA)is used to identify the optimal gene subset to reduce the number of selected genes.Which can allow the classifiers to yield the best performance for lung cancer classification.In addition,we proposed a modified version of AOA which can work effectively on the high dimensional dataset.In the modified AOA,the features are ranked by their weights and are used to initialize the AOA population.The exploitation process of AOA is then enhanced by developing a local search algorithm based on two neighborhood strategies.Finally,the efficiency of the proposed methods was evaluated on gene expression datasets related to Lung cancer using stratified 4-fold cross-validation.The method’s efficacy in selecting the optimal gene subset is underscored by its ability to maintain feature proportions between 10%to 25%.Moreover,the approach significantly enhances lung cancer prediction accuracy.For instance,Lung_Harvard1 achieved an accuracy of 97.5%,Lung_Harvard2 and Lung_Michigan datasets both achieved 100%,Lung_Adenocarcinoma obtained an accuracy of 88.2%,and Lung_Ontario achieved an accuracy of 87.5%.In conclusion,the results indicate the potential promise of the proposed modified AOA approach in classifying microarray cancer data.
基金supported by the Institutional Fund Projects(IFPIP-1481-611-1443)the Key Projects of Natural Science Research in Anhui Higher Education Institutions(2022AH051909)+1 种基金the Provincial Quality Project of Colleges and Universities in Anhui Province(2022sdxx020,2022xqhz044)Bengbu University 2021 High-Level Scientific Research and Cultivation Project(2021pyxm04)。
文摘A dandelion algorithm(DA) is a recently developed intelligent optimization algorithm for function optimization problems. Many of its parameters need to be set by experience in DA,which might not be appropriate for all optimization problems. A self-adapting and efficient dandelion algorithm is proposed in this work to lower the number of DA's parameters and simplify DA's structure. Only the normal sowing operator is retained;while the other operators are discarded. An adaptive seeding radius strategy is designed for the core dandelion. The results show that the proposed algorithm achieves better performance on the standard test functions with less time consumption than its competitive peers. In addition, the proposed algorithm is applied to feature selection for credit card fraud detection(CCFD), and the results indicate that it can obtain higher classification and detection performance than the-state-of-the-art methods.
文摘High-dimensional datasets present significant challenges for classification tasks.Dimensionality reduction,a crucial aspect of data preprocessing,has gained substantial attention due to its ability to improve classification per-formance.However,identifying the optimal features within high-dimensional datasets remains a computationally demanding task,necessitating the use of efficient algorithms.This paper introduces the Arithmetic Optimization Algorithm(AOA),a novel approach for finding the optimal feature subset.AOA is specifically modified to address feature selection problems based on a transfer function.Additionally,two enhancements are incorporated into the AOA algorithm to overcome limitations such as limited precision,slow convergence,and susceptibility to local optima.The first enhancement proposes a new method for selecting solutions to be improved during the search process.This method effectively improves the original algorithm’s accuracy and convergence speed.The second enhancement introduces a local search with neighborhood strategies(AOA_NBH)during the AOA exploitation phase.AOA_NBH explores the vast search space,aiding the algorithm in escaping local optima.Our results demonstrate that incorporating neighborhood methods enhances the output and achieves significant improvement over state-of-the-art methods.
基金supported by the Key Research and Development Project of Hubei Province(No.2023BAB094)the Key Project of Science and Technology Research Program of Hubei Educational Committee(No.D20211402)the Teaching Research Project of Hubei University of Technology(No.2020099).
文摘Feature Selection(FS)is an important problem that involves selecting the most informative subset of features from a dataset to improve classification accuracy.However,due to the high dimensionality and complexity of the dataset,most optimization algorithms for feature selection suffer from a balance issue during the search process.Therefore,the present paper proposes a hybrid Sine-Cosine Chimp Optimization Algorithm(SCChOA)to address the feature selection problem.In this approach,firstly,a multi-cycle iterative strategy is designed to better combine the Sine-Cosine Algorithm(SCA)and the Chimp Optimization Algorithm(ChOA),enabling a more effective search in the objective space.Secondly,an S-shaped transfer function is introduced to perform binary transformation on SCChOA.Finally,the binary SCChOA is combined with the K-Nearest Neighbor(KNN)classifier to form a novel binary hybrid wrapper feature selection method.To evaluate the performance of the proposed method,16 datasets from different dimensions of the UCI repository along with four evaluation metrics of average fitness value,average classification accuracy,average feature selection number,and average running time are considered.Meanwhile,seven state-of-the-art metaheuristic algorithms for solving the feature selection problem are chosen for comparison.Experimental results demonstrate that the proposed method outperforms other compared algorithms in solving the feature selection problem.It is capable of maximizing the reduction in the number of selected features while maintaining a high classification accuracy.Furthermore,the results of statistical tests also confirm the significant effectiveness of this method.
基金funded by the Prince Sultan University,Riyadh,Saudi Arabia.
文摘This paper proposes Parallelized Linear Time-Variant Acceleration Coefficients and Inertial Weight of Particle Swarm Optimization algorithm(PLTVACIW-PSO).Its designed has introduced the benefits of Parallel computing into the combined power of TVAC(Time-Variant Acceleration Coefficients)and IW(Inertial Weight).Proposed algorithm has been tested against linear,non-linear,traditional,andmultiswarmbased optimization algorithms.An experimental study is performed in two stages to assess the proposed PLTVACIW-PSO.Phase I uses 12 recognized Standard Benchmarks methods to evaluate the comparative performance of the proposed PLTVACIWPSO vs.IW based Particle Swarm Optimization(PSO)algorithms,TVAC based PSO algorithms,traditional PSO,Genetic algorithms(GA),Differential evolution(DE),and,finally,Flower Pollination(FP)algorithms.In phase II,the proposed PLTVACIW-PSO uses the same 12 known Benchmark functions to test its performance against the BAT(BA)and Multi-Swarm BAT algorithms.In phase III,the proposed PLTVACIW-PSO is employed to augment the feature selection problem formedical datasets.This experimental study shows that the planned PLTVACIW-PSO outpaces the performances of other comparable algorithms.Outcomes from the experiments shows that the PLTVACIW-PSO is capable of outlining a feature subset that is capable of enhancing the classification efficiency and gives the minimal subset of the core features.
文摘Currently,e-learning is one of the most prevalent educational methods because of its need in today’s world.Virtual classrooms and web-based learning are becoming the new method of teaching remotely.The students experience a lack of access to resources commonly the educational material.In remote loca-tions,educational institutions face significant challenges in accessing various web-based materials due to bandwidth and network infrastructure limitations.The objective of this study is to demonstrate an optimization and queueing tech-nique for allocating optimal servers and slots for users to access cloud-based e-learning applications.The proposed method provides the optimization and queue-ing algorithm for multi-server and multi-city constraints and considers where to locate the best servers.For optimal server selection,the Rider Optimization Algo-rithm(ROA)is utilized.A performance analysis based on time,memory and delay was carried out for the proposed methodology in comparison with the exist-ing techniques.The proposed Rider Optimization Algorithm is compared to Par-ticle Swarm Optimization(PSO),Genetic Algorithm(GA)and Firefly Algorithm(FFA),the proposed method is more suitable and effective because the other three algorithms drop in local optima and are only suitable for small numbers of user requests.Thus the proposed method outweighs the conventional techniques by its enhanced performance over them.
基金supported in part by the National Natural Science Foundation of China(62172065,62072060)。
文摘As a crucial data preprocessing method in data mining,feature selection(FS)can be regarded as a bi-objective optimization problem that aims to maximize classification accuracy and minimize the number of selected features.Evolutionary computing(EC)is promising for FS owing to its powerful search capability.However,in traditional EC-based methods,feature subsets are represented via a length-fixed individual encoding.It is ineffective for high-dimensional data,because it results in a huge search space and prohibitive training time.This work proposes a length-adaptive non-dominated sorting genetic algorithm(LA-NSGA)with a length-variable individual encoding and a length-adaptive evolution mechanism for bi-objective highdimensional FS.In LA-NSGA,an initialization method based on correlation and redundancy is devised to initialize individuals of diverse lengths,and a Pareto dominance-based length change operator is introduced to guide individuals to explore in promising search space adaptively.Moreover,a dominance-based local search method is employed for further improvement.The experimental results based on 12 high-dimensional gene datasets show that the Pareto front of feature subsets produced by LA-NSGA is superior to those of existing algorithms.
文摘Arrhythmia has been classified using a variety of methods.Because of the dynamic nature of electrocardiogram(ECG)data,traditional handcrafted approaches are difficult to execute,making the machine learning(ML)solutions more appealing.Patients with cardiac arrhythmias can benefit from competent monitoring to save their lives.Cardiac arrhythmia classification and prediction have greatly improved in recent years.Arrhythmias are a category of conditions in which the heart's electrical activity is abnormally rapid or sluggish.Every year,it is one of the main reasons of mortality for both men and women,worldwide.For the classification of arrhythmias,this work proposes a novel technique based on optimized feature selection and optimized K-nearest neighbors(KNN)classifier.The proposed method makes advantage of the UCI repository,which has a 279-attribute high-dimensional cardiac arrhythmia dataset.The proposed approach is based on dividing cardiac arrhythmia patients into 16 groups based on the electrocardiography dataset’s features.The purpose is to design an efficient intelligent system employing the dipper throated optimization method to categorize cardiac arrhythmia patients.This method of comprehensive arrhythmia classification outperforms earlier methods presented in the literature.The achieved classification accuracy using the proposed approach is 99.8%.
文摘Pavement crack detection plays a crucial role in ensuring road safety and reducing maintenance expenses.Recent advancements in deep learning(DL)techniques have shown promising results in detecting pavement cracks;however,the selection of relevant features for classification remains challenging.In this study,we propose a new approach for pavement crack detection that integrates deep learning for feature extraction,the whale optimization algorithm(WOA)for feature selection,and random forest(RF)for classification.The performance of the models was evaluated using accuracy,recall,precision,F1 score,and area under the receiver operating characteristic curve(AUC).Our findings reveal that Model 2,which incorporates RF into the ResNet-18 architecture,outperforms baseline Model 1 across all evaluation metrics.Nevertheless,our proposed model,which combines ResNet-18 with both WOA and RF,achieves significantly higher accuracy,recall,precision,and F1 score compared to the other two models.These results underscore the effectiveness of integrating RF and WOA into ResNet-18 for pavement crack detection applications.We applied the proposed approach to a dataset of pavement images,achieving an accuracy of 97.16%and an AUC of 0.984.Our results demonstrate that the proposed approach surpasses existing methods for pavement crack detection,offering a promising solution for the automatic identification of pavement cracks.By leveraging this approach,potential safety hazards can be identified more effectively,enabling timely repairs and maintenance measures.Lastly,the findings of this study also emphasize the potential of integrating RF and WOA with deep learning for pavement crack detection,providing road authorities with the necessary tools to make informed decisions regarding road infrastructure maintenance.
基金supported by the Aeronautical Science Foundation of China(20150863003).
文摘The reliability-based selective maintenance(RSM)decision problem of systems with components that have multiple dependent performance characteristics(PCs)reflecting degradation states is addressed in this paper.A vine-Copulabased reliability evaluation method is proposed to estimate the reliability of system components with multiple PCs.Specifically,the marginal degradation reliability of each PC is built by using the Wiener stochastic process based on the PC’s degradation mechanism.The joint degradation reliability of the component with multiple PCs is established by connecting the marginal reliability of PCs using D-vine.In addition,two RSM decision models are developed to ensure the system accomplishes the next mission.The genetic algorithm(GA)is used to solve the constraint optimization problem of the models.A numerical example illustrates the application of the proposed RSM method.
文摘The dimensionality of data is increasing very rapidly,which creates challenges for most of the current mining and learning algorithms,such as large memory requirements and high computational costs.The literature includes much research on feature selection for supervised learning.However,feature selection for unsupervised learning has only recently been studied.Finding the subset of features in unsupervised learning that enhances the performance is challenging since the clusters are indeterminate.This work proposes a hybrid technique for unsupervised feature selection called GAk-MEANS,which combines the genetic algorithm(GA)approach with the classical k-Means algorithm.In the proposed algorithm,a new fitness func-tion is designed in addition to new smart crossover and mutation operators.The effectiveness of this algorithm is demonstrated on various datasets.Fur-thermore,the performance of GAk-MEANS has been compared with other genetic algorithms,such as the genetic algorithm using the Sammon Error Function and the genetic algorithm using the Sum of Squared Error Function.Additionally,the performance of GAk-MEANS is compared with the state-of-the-art statistical unsupervised feature selection techniques.Experimental results show that GAk-MEANS consistently selects subsets of features that result in better classification accuracy compared to others.In particular,GAk-MEANS is able to significantly reduce the size of the subset of selected features by an average of 86.35%(72%–96.14%),which leads to an increase of the accuracy by an average of 3.78%(1.05%–6.32%)compared to using all features.When compared with the genetic algorithm using the Sammon Error Function,GAk-MEANS is able to reduce the size of the subset of selected features by 41.29%on average,improve the accuracy by 5.37%,and reduce the time by 70.71%.When compared with the genetic algorithm using the Sum of Squared Error Function,GAk-MEANS on average is able to reduce the size of the subset of selected features by 15.91%,and improve the accuracy by 9.81%,but the time is increased by a factor of 3.When compared with the machine-learning based methods,we observed that GAk-MEANS is able to increase the accuracy by 13.67%on average with an 88.76%average increase in time.
文摘Internet Protocol version 6(IPv6)is the latest version of IP that goal to host 3.4×10^(38)unique IP addresses of devices in the network.IPv6 has introduced new features like Neighbour Discovery Protocol(NDP)and Address Auto-configuration Scheme.IPv6 needed several protocols like the Address Auto-configuration Scheme and Internet Control Message Protocol(ICMPv6).IPv6 is vulnerable to numerous attacks like Denial of Service(DoS)and Distributed Denial of Service(DDoS)which is one of the most dangerous attacks executed through ICMPv6 messages that impose security and financial implications.Therefore,an Intrusion Detection System(IDS)is a monitoring system of the security of a network that detects suspicious activities and deals with amassive amount of data comprised of repetitive and inappropriate features which affect the detection rate.A feature selection(FS)technique helps to reduce the computation time and complexity by selecting the optimum subset of features.This paper proposes a method for detecting DDoS flooding attacks(FA)based on ICMPv6 messages using a Binary Flower PollinationAlgorithm(BFPA-FA).The proposed method(BFPA-FA)employs FS technology with a support vector machine(SVM)to identify the most relevant,influential features.Moreover,The ICMPv6-DDoS dataset was used to demonstrate the effectiveness of the proposed method through different attack scenarios.The results show that the proposed method BFPAFA achieved the best accuracy rate(97.96%)for the ICMPv6 DDoS detection with a reduced number of features(9)to half the total(19)features.The proven proposed method BFPA-FAis effective in the ICMPv6 DDoS attacks via IDS.
文摘CC’s(Cloud Computing)networks are distributed and dynamic as signals appear/disappear or lose significance.MLTs(Machine learning Techniques)train datasets which sometime are inadequate in terms of sample for inferring information.A dynamic strategy,DevMLOps(Development Machine Learning Operations)used in automatic selections and tunings of MLTs result in significant performance differences.But,the scheme has many disadvantages including continuity in training,more samples and training time in feature selections and increased classification execution times.RFEs(Recursive Feature Eliminations)are computationally very expensive in its operations as it traverses through each feature without considering correlations between them.This problem can be overcome by the use of Wrappers as they select better features by accounting for test and train datasets.The aim of this paper is to use DevQLMLOps for automated tuning and selections based on orchestrations and messaging between containers.The proposed AKFA(Adaptive Kernel Firefly Algorithm)is for selecting features for CNM(Cloud Network Monitoring)operations.AKFA methodology is demonstrated using CNSD(Cloud Network Security Dataset)with satisfactory results in the performance metrics like precision,recall,F-measure and accuracy used.
基金Project supported by the National Natural Science Foundation of China (Grant No 10647105)
文摘Frequency selective surface (FSS) is a two-dimensional periodic structure which has promiaent characteristics of bandpass or bandbloek when interacting with electromagnetic waves. In this paper, the thickness, the dielectric constant, the element graph and the arrangement periodicity of an FSS medium are investigated by Genetic Algorithm (GA) when an electromagnetic wave is incident on the FSS at a wide angle, and an optimized FSS structure and transmission characteristics are obtained. The results show that the optimized structure has better stability in relation to incident angle of electromagnetic wave and preserves the stability of centre frequency even at an incident angle as large as 80°, thereby laying the foundation for the application of FSS to curved surfaces at wide angles.
基金Supported by the National Natural Science Foundation of China(60133010,70071042,60073043)
文摘Multi-objective Evolutionary Algorithm (MOEA) is becoming a hot research area and quite a few aspects of MOEAs have been studied and discussed. However there are still few literatures discussing the roles of search and selection operators in MOEAs. This paper studied their roles by solving a case of discrete Multi-objective Optimization Problem (MOP): Multi-objective TSP with a new MOEA. In the new MOEA, We adopt an efficient search operator, which has the properties of both crossover and mutation, to generate the new individuals and chose two selection operators: Family Competition and Population Competition with probabilities to realize selection. The simulation experiments showed that this new MOEA could get good uniform solutions representing the Pareto Front and outperformed SPEA in almost every simulation run on this problem. Furthermore, we analyzed its convergence property using finite Markov chain and proved that it could converge to Pareto Front with probability 1. We also find that the convergence property of MOEAs has much relationship with search and selection operators.
文摘Feature extraction is the most critical step in classification of multispectral image.The classification accuracy is mainly influenced by the feature sets that are selected to classify the image.In the past,handcrafted feature sets are used which are not adaptive for different image domains.To overcome this,an evolu-tionary learning method is developed to automatically learn the spatial-spectral features for classification.A modified Firefly Algorithm(FA)which achieves maximum classification accuracy with reduced size of feature set is proposed to gain the interest of feature selection for this purpose.For extracting the most effi-cient features from the data set,we have used 3-D discrete wavelet transform which decompose the multispectral image in all three dimensions.For selecting spatial and spectral features we have studied three different approaches namely overlapping window(OW-3DFS),non-overlapping window(NW-3DFS)adaptive window cube(AW-3DFS)and Pixel based technique.Fivefold Multiclass Support Vector Machine(MSVM)is used for classification purpose.Experiments con-ducted on Madurai LISS IV multispectral image exploited that the adaptive win-dow approach is used to increase the classification accuracy.
基金Deputyship for Research&Innovation,Ministry of Education in Saudi Arabia for funding this research work through the Project Number RI-44-0444.
文摘Datamining plays a crucial role in extractingmeaningful knowledge fromlarge-scale data repositories,such as data warehouses and databases.Association rule mining,a fundamental process in data mining,involves discovering correlations,patterns,and causal structures within datasets.In the healthcare domain,association rules offer valuable opportunities for building knowledge bases,enabling intelligent diagnoses,and extracting invaluable information rapidly.This paper presents a novel approach called the Machine Learning based Association Rule Mining and Classification for Healthcare Data Management System(MLARMC-HDMS).The MLARMC-HDMS technique integrates classification and association rule mining(ARM)processes.Initially,the chimp optimization algorithm-based feature selection(COAFS)technique is employed within MLARMC-HDMS to select relevant attributes.Inspired by the foraging behavior of chimpanzees,the COA algorithm mimics their search strategy for food.Subsequently,the classification process utilizes stochastic gradient descent with a multilayer perceptron(SGD-MLP)model,while the Apriori algorithm determines attribute relationships.We propose a COA-based feature selection approach for medical data classification using machine learning techniques.This approach involves selecting pertinent features from medical datasets through COA and training machine learning models using the reduced feature set.We evaluate the performance of our approach on various medical datasets employing diverse machine learning classifiers.Experimental results demonstrate that our proposed approach surpasses alternative feature selection methods,achieving higher accuracy and precision rates in medical data classification tasks.The study showcases the effectiveness and efficiency of the COA-based feature selection approach in identifying relevant features,thereby enhancing the diagnosis and treatment of various diseases.To provide further validation,we conduct detailed experiments on a benchmark medical dataset,revealing the superiority of the MLARMCHDMS model over other methods,with a maximum accuracy of 99.75%.Therefore,this research contributes to the advancement of feature selection techniques in medical data classification and highlights the potential for improving healthcare outcomes through accurate and efficient data analysis.The presented MLARMC-HDMS framework and COA-based feature selection approach offer valuable insights for researchers and practitioners working in the field of healthcare data mining and machine learning.
文摘The next step in mobile communication technology,known as 5G,is set to go live in a number of countries in the near future.New wireless applica-tions have high data rates and mobility requirements,which have posed a chal-lenge to mobile communication technology researchers and designers.5G systems could benefit from the Universal Filtered Multicarrier(UFMC).UFMC is an alternate waveform to orthogonal frequency-division multiplexing(OFDM),infiltering process is performed for a sub-band of subcarriers rather than the entire band of subcarriers Inter Carrier Interference(ICI)between neighbouring users is reduced via the sub-bandfiltering process,which reduces out-of-band emissions.However,the UFMC system has a high Peak-to-Average Power Ratio(PAPR),which limits its capabilities.Metaheuristic optimization based Selective mapping(SLM)is used in this paper to optimise the UFMC-PAPR.Based on the cognitive behaviour of crows,the research study suggests an innovative metaheuristic opti-mization known as Crow Search Algorithm(CSA)for SLM optimization.Com-pared to the standard UFMC,SLM-UFMC system,and SLM-UFMC with conventional metaheuristic optimization techniques,the suggested technique sig-nificantly reduces PAPR.For the UFMC system,the suggested approach has a very low Bit Error Rate(BER).