期刊文献+
共找到5,737篇文章
< 1 2 250 >
每页显示 20 50 100
Multi-Strategy Assisted Multi-Objective Whale Optimization Algorithm for Feature Selection
1
作者 Deng Yang Chong Zhou +2 位作者 Xuemeng Wei Zhikun Chen Zheng Zhang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第8期1563-1593,共31页
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. 展开更多
关键词 Multi-objective optimization whale optimization algorithm multi-strategy feature selection
下载PDF
Enhancing Cancer Classification through a Hybrid Bio-Inspired Evolutionary Algorithm for Biomarker Gene Selection
2
作者 Hala AlShamlan Halah AlMazrua 《Computers, Materials & Continua》 SCIE EI 2024年第4期675-694,共20页
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. 展开更多
关键词 Bio-inspired algorithms BIOINFORMATICS cancer classification evolutionary algorithm feature selection gene expression grey wolf optimizer harris hawks optimization k-nearest neighbor support vector machine
下载PDF
Hybrid Gene Selection Methods for High-Dimensional Lung Cancer Data Using Improved Arithmetic Optimization Algorithm
3
作者 Mutasem K.Alsmadi 《Computers, Materials & Continua》 SCIE EI 2024年第6期5175-5200,共26页
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. 展开更多
关键词 Lung cancer gene selection improved arithmetic optimization algorithm and machine learning
下载PDF
A Self-Adapting and Efficient Dandelion Algorithm and Its Application to Feature Selection for Credit Card Fraud Detection
4
作者 Honghao Zhu MengChu Zhou +1 位作者 Yu Xie Aiiad Albeshri 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第2期377-390,共14页
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. 展开更多
关键词 Credit card fraud detection(CCFD) dandelion algorithm(DA) feature selection normal sowing operator
下载PDF
Enhanced Arithmetic Optimization Algorithm Guided by a Local Search for the Feature Selection Problem
5
作者 Sana Jawarneh 《Intelligent Automation & Soft Computing》 2024年第3期511-525,共15页
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. 展开更多
关键词 Arithmetic optimization algorithm CLASSIFICATION feature selection problem optimization
下载PDF
Hybrid Global Optimization Algorithm for Feature Selection 被引量:1
6
作者 Ahmad Taher Azar Zafar Iqbal Khan +1 位作者 Syed Umar Amin Khaled M.Fouad 《Computers, Materials & Continua》 SCIE EI 2023年第1期2021-2037,共17页
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. 展开更多
关键词 Particle swarm optimization(PSO) time-variant acceleration coefficients(TVAC) genetic algorithms differential evolution feature selection medical data
下载PDF
SCChOA:Hybrid Sine-Cosine Chimp Optimization Algorithm for Feature Selection
7
作者 Shanshan Wang Quan Yuan +2 位作者 Weiwei Tan Tengfei Yang Liang Zeng 《Computers, Materials & Continua》 SCIE EI 2023年第12期3057-3075,共19页
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. 展开更多
关键词 Metaheuristics chimp optimization algorithm sine-cosine algorithm feature selection and classification
下载PDF
Rider Optimization Algorithm Based Optimal Cloud Server Selection in E-Learning
8
作者 R.Soundhara Raja Pandian C.Christopher Columbus 《Computer Systems Science & Engineering》 SCIE EI 2023年第2期1749-1762,共14页
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. 展开更多
关键词 Optimization QUEUING slot selection server selection rider optimization algorithm
下载PDF
A Length-Adaptive Non-Dominated Sorting Genetic Algorithm for Bi-Objective High-Dimensional Feature Selection
9
作者 Yanlu Gong Junhai Zhou +2 位作者 Quanwang Wu MengChu Zhou Junhao Wen 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2023年第9期1834-1844,共11页
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. 展开更多
关键词 Bi-objective optimization feature selection(FS) genetic algorithm high-dimensional data length-adaptive
下载PDF
Dipper Throated Algorithm for Feature Selection and Classification in Electrocardiogram
10
作者 Doaa Sami Khafaga Amel Ali Alhussan +3 位作者 Abdelaziz A.Abdelhamid Abdelhameed Ibrahim Mohamed Saber El-Sayed M.El-kenawy 《Computer Systems Science & Engineering》 SCIE EI 2023年第5期1469-1482,共14页
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%. 展开更多
关键词 Feature selection ELECTROCARDIOGRAM metaheuristics dipper throated algorithm
下载PDF
Automated Pavement Crack Detection Using Deep Feature Selection and Whale Optimization Algorithm
11
作者 Shorouq Alshawabkeh Li Wu +3 位作者 Daojun Dong Yao Cheng Liping Li Mohammad Alanaqreh 《Computers, Materials & Continua》 SCIE EI 2023年第10期63-77,共15页
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. 展开更多
关键词 Pavement crack detection deep learning feature selection whale optimization algorithm civil engineering
下载PDF
Genetic Algorithm Combined with the K-Means Algorithm:A Hybrid Technique for Unsupervised Feature Selection
12
作者 Hachemi Bennaceur Meznah Almutairy Norah Alhussain 《Intelligent Automation & Soft Computing》 SCIE 2023年第9期2687-2706,共20页
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. 展开更多
关键词 Genetic algorithm unsupervised feature selection k-Means clustering
下载PDF
Feature Selection for Detecting ICMPv6-Based DDoS Attacks Using Binary Flower Pollination Algorithm
13
作者 Adnan Hasan Bdair Aighuraibawi Selvakumar Manickam +6 位作者 Rosni Abdullah Zaid Abdi Alkareem Alyasseri Ayman Khallel Dilovan Asaad Zebari Hussam Mohammed Jasim Mazin Mohammed Abed Zainb Hussein Arif 《Computer Systems Science & Engineering》 SCIE EI 2023年第10期553-574,共22页
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. 展开更多
关键词 IPv6 ICMPV6 DDoS feature selection flower pollination algorithm anomaly detection
下载PDF
Adaptive Kernel Firefly Algorithm Based Feature Selection and Q-Learner Machine Learning Models in Cloud
14
作者 I.Mettildha Mary K.Karuppasamy 《Computer Systems Science & Engineering》 SCIE EI 2023年第9期2667-2685,共19页
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. 展开更多
关键词 Cloud analytics machine learning ensemble learning distributed learning clustering classification auto selection auto tuning decision feedback cloud DevOps feature selection wrapper feature selection Adaptive Kernel Firefly algorithm(AKFA) Q learning
下载PDF
Adaptive Window Based 3-D Feature Selection for Multispectral Image Classification Using Firefly Algorithm
15
作者 M.Rajakani R.J.Kavitha A.Ramachandran 《Computer Systems Science & Engineering》 SCIE EI 2023年第1期265-280,共16页
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. 展开更多
关键词 Multispectral image modifiedfirefly algorithm 3-D feature extraction feature selection multiclass support vector machine CLASSIFICATION
下载PDF
Chimp Optimization Algorithm Based Feature Selection with Machine Learning for Medical Data Classification
16
作者 Firas Abedi Hayder M.A.Ghanimi +6 位作者 Abeer D.Algarni Naglaa F.Soliman Walid El-Shafai Ali Hashim Abbas Zahraa H.Kareem Hussein Muhi Hariz Ahmed Alkhayyat 《Computer Systems Science & Engineering》 SCIE EI 2023年第12期2791-2814,共24页
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. 展开更多
关键词 Association rule mining data classification healthcare data machine learning parameter tuning data mining feature selection MLARMC-HDMS COA stochastic gradient descent Apriori algorithm
下载PDF
A Proposed Feature Selection Particle Swarm Optimization Adaptation for Intelligent Logistics--A Supply Chain Backlog Elimination Framework
17
作者 Yasser Hachaichi Ayman E.Khedr Amira M.Idrees 《Computers, Materials & Continua》 SCIE EI 2024年第6期4081-4105,共25页
The diversity of data sources resulted in seeking effective manipulation and dissemination.The challenge that arises from the increasing dimensionality has a negative effect on the computation performance,efficiency,a... The diversity of data sources resulted in seeking effective manipulation and dissemination.The challenge that arises from the increasing dimensionality has a negative effect on the computation performance,efficiency,and stability of computing.One of the most successful optimization algorithms is Particle Swarm Optimization(PSO)which has proved its effectiveness in exploring the highest influencing features in the search space based on its fast convergence and the ability to utilize a small set of parameters in the search task.This research proposes an effective enhancement of PSO that tackles the challenge of randomness search which directly enhances PSO performance.On the other hand,this research proposes a generic intelligent framework for early prediction of orders delay and eliminate orders backlogs which could be considered as an efficient potential solution for raising the supply chain performance.The proposed adapted algorithm has been applied to a supply chain dataset which minimized the features set from twenty-one features to ten significant features.To confirm the proposed algorithm results,the updated data has been examined by eight of the well-known classification algorithms which reached a minimum accuracy percentage equal to 94.3%for random forest and a maximum of 99.0 for Naïve Bayes.Moreover,the proposed algorithm adaptation has been compared with other proposed adaptations of PSO from the literature over different datasets.The proposed PSO adaptation reached a higher accuracy compared with the literature ranging from 97.8 to 99.36 which also proved the advancement of the current research. 展开更多
关键词 Optimization particle swarm optimization algorithm feature selection LOGISTICS supply chain management backlogs
下载PDF
Constrained Multi-Objective Optimization With Deep Reinforcement Learning Assisted Operator Selection
18
作者 Fei Ming Wenyin Gong +1 位作者 Ling Wang Yaochu Jin 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第4期919-931,共13页
Solving constrained multi-objective optimization problems with evolutionary algorithms has attracted considerable attention.Various constrained multi-objective optimization evolutionary algorithms(CMOEAs)have been dev... Solving constrained multi-objective optimization problems with evolutionary algorithms has attracted considerable attention.Various constrained multi-objective optimization evolutionary algorithms(CMOEAs)have been developed with the use of different algorithmic strategies,evolutionary operators,and constraint-handling techniques.The performance of CMOEAs may be heavily dependent on the operators used,however,it is usually difficult to select suitable operators for the problem at hand.Hence,improving operator selection is promising and necessary for CMOEAs.This work proposes an online operator selection framework assisted by Deep Reinforcement Learning.The dynamics of the population,including convergence,diversity,and feasibility,are regarded as the state;the candidate operators are considered as actions;and the improvement of the population state is treated as the reward.By using a Q-network to learn a policy to estimate the Q-values of all actions,the proposed approach can adaptively select an operator that maximizes the improvement of the population according to the current state and thereby improve the algorithmic performance.The framework is embedded into four popular CMOEAs and assessed on 42 benchmark problems.The experimental results reveal that the proposed Deep Reinforcement Learning-assisted operator selection significantly improves the performance of these CMOEAs and the resulting algorithm obtains better versatility compared to nine state-of-the-art CMOEAs. 展开更多
关键词 Constrained multi-objective optimization deep Qlearning deep reinforcement learning(DRL) evolutionary algorithms evolutionary operator selection
下载PDF
Parameters selection in gene selection using Gaussian kernel support vector machines by genetic algorithm 被引量:11
19
作者 毛勇 周晓波 +2 位作者 皮道映 孙优贤 WONG Stephen T.C. 《Journal of Zhejiang University-Science B(Biomedicine & Biotechnology)》 SCIE EI CAS CSCD 2005年第10期961-973,共13页
In microarray-based cancer classification, gene selection is an important issue owing to the large number of variables and small number of samples as well as its non-linearity. It is difficult to get satisfying result... In microarray-based cancer classification, gene selection is an important issue owing to the large number of variables and small number of samples as well as its non-linearity. It is difficult to get satisfying results by using conventional linear sta- tistical methods. Recursive feature elimination based on support vector machine (SVM RFE) is an effective algorithm for gene selection and cancer classification, which are integrated into a consistent framework. In this paper, we propose a new method to select parameters of the aforementioned algorithm implemented with Gaussian kernel SVMs as better alternatives to the common practice of selecting the apparently best parameters by using a genetic algorithm to search for a couple of optimal parameter. Fast implementation issues for this method are also discussed for pragmatic reasons. The proposed method was tested on two repre- sentative hereditary breast cancer and acute leukaemia datasets. The experimental results indicate that the proposed method per- forms well in selecting genes and achieves high classification accuracies with these genes. 展开更多
关键词 Gene selection Support VECTOR machine (SVM) RECURSIVE feature ELIMINATION (RFE) GENETIC algorithm (GA) Parameter selectION
下载PDF
A Method for Crude Oil Selection and Blending Optimization Based on Improved Cuckoo Search Algorithm 被引量:5
20
作者 Yang Huihua Ma Wei +2 位作者 Zhang Xiaofeng Li Hu Tian Songbai 《China Petroleum Processing & Petrochemical Technology》 SCIE CAS 2014年第4期70-78,共9页
Refineries often need to find similar crude oil to replace the scarce crude oil for stabilizing the feedstock property. We introduced the method for calculation of crude blended properties firstly, and then created a ... Refineries often need to find similar crude oil to replace the scarce crude oil for stabilizing the feedstock property. We introduced the method for calculation of crude blended properties firstly, and then created a crude oil selection and blending optimization model based on the data of crude oil property. The model is a mixed-integer nonlinear programming(MINLP) with constraints, and the target is to maximize the similarity between the blended crude oil and the objective crude oil. Furthermore, the model takes into account the selection of crude oils and their blending ratios simultaneously, and transforms the problem of looking for similar crude oil into the crude oil selection and blending optimization problem. We applied the Improved Cuckoo Search(ICS) algorithm to solving the model. Through the simulations, ICS was compared with the genetic algorithm, the particle swarm optimization algorithm and the CPLEX solver. The results show that ICS has very good optimization efficiency. The blending solution can provide a reference for refineries to find the similar crude oil. And the method proposed can also give some references to selection and blending optimization of other materials. 展开更多
关键词 CRUDE OIL similarity CRUDE OIL selectION BLENDING OPTIMIZATION MIXED-INTEGER nonlinear programming CuckooSearch algorithm
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部