期刊文献+
共找到1,371篇文章
< 1 2 69 >
每页显示 20 50 100
A credibility-aware swarm-federated deep learning framework in internet of vehicles
1
作者 Zhe Wang Xinhang Li +2 位作者 Tianhao Wu Chen Xu Lin Zhang 《Digital Communications and Networks》 SCIE CSCD 2024年第1期150-157,共8页
Although Federated Deep Learning(FDL)enables distributed machine learning in the Internet of Vehicles(IoV),it requires multiple clients to upload model parameters,thus still existing unavoidable communication overhead... Although Federated Deep Learning(FDL)enables distributed machine learning in the Internet of Vehicles(IoV),it requires multiple clients to upload model parameters,thus still existing unavoidable communication overhead and data privacy risks.The recently proposed Swarm Learning(SL)provides a decentralized machine learning approach for unit edge computing and blockchain-based coordination.A Swarm-Federated Deep Learning framework in the IoV system(IoV-SFDL)that integrates SL into the FDL framework is proposed in this paper.The IoV-SFDL organizes vehicles to generate local SL models with adjacent vehicles based on the blockchain empowered SL,then aggregates the global FDL model among different SL groups with a credibility weights prediction algorithm.Extensive experimental results show that compared with the baseline frameworks,the proposed IoV-SFDL framework reduces the overhead of client-to-server communication by 16.72%,while the model performance improves by about 5.02%for the same training iterations. 展开更多
关键词 swarm learning Federated deep learning Internet of vehicles PRIVACY EFFICIENCY
下载PDF
A Two-Layer Encoding Learning Swarm Optimizer Based on Frequent Itemsets for Sparse Large-Scale Multi-Objective Optimization
2
作者 Sheng Qi Rui Wang +3 位作者 Tao Zhang Xu Yang Ruiqing Sun Ling Wang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第6期1342-1357,共16页
Traditional large-scale multi-objective optimization algorithms(LSMOEAs)encounter difficulties when dealing with sparse large-scale multi-objective optimization problems(SLM-OPs)where most decision variables are zero.... Traditional large-scale multi-objective optimization algorithms(LSMOEAs)encounter difficulties when dealing with sparse large-scale multi-objective optimization problems(SLM-OPs)where most decision variables are zero.As a result,many algorithms use a two-layer encoding approach to optimize binary variable Mask and real variable Dec separately.Nevertheless,existing optimizers often focus on locating non-zero variable posi-tions to optimize the binary variables Mask.However,approxi-mating the sparse distribution of real Pareto optimal solutions does not necessarily mean that the objective function is optimized.In data mining,it is common to mine frequent itemsets appear-ing together in a dataset to reveal the correlation between data.Inspired by this,we propose a novel two-layer encoding learning swarm optimizer based on frequent itemsets(TELSO)to address these SLMOPs.TELSO mined the frequent terms of multiple particles with better target values to find mask combinations that can obtain better objective values for fast convergence.Experi-mental results on five real-world problems and eight benchmark sets demonstrate that TELSO outperforms existing state-of-the-art sparse large-scale multi-objective evolutionary algorithms(SLMOEAs)in terms of performance and convergence speed. 展开更多
关键词 Evolutionary algorithms learning swarm optimiza-tion sparse large-scale optimization sparse large-scale multi-objec-tive problems two-layer encoding.
下载PDF
Particle Swarm Optimization-Based Hyperparameters Tuning of Machine Learning Models for Big COVID-19 Data Analysis
3
作者 Hend S. Salem Mohamed A. Mead Ghada S. El-Taweel 《Journal of Computer and Communications》 2024年第3期160-183,共24页
Analyzing big data, especially medical data, helps to provide good health care to patients and face the risks of death. The COVID-19 pandemic has had a significant impact on public health worldwide, emphasizing the ne... Analyzing big data, especially medical data, helps to provide good health care to patients and face the risks of death. The COVID-19 pandemic has had a significant impact on public health worldwide, emphasizing the need for effective risk prediction models. Machine learning (ML) techniques have shown promise in analyzing complex data patterns and predicting disease outcomes. The accuracy of these techniques is greatly affected by changing their parameters. Hyperparameter optimization plays a crucial role in improving model performance. In this work, the Particle Swarm Optimization (PSO) algorithm was used to effectively search the hyperparameter space and improve the predictive power of the machine learning models by identifying the optimal hyperparameters that can provide the highest accuracy. A dataset with a variety of clinical and epidemiological characteristics linked to COVID-19 cases was used in this study. Various machine learning models, including Random Forests, Decision Trees, Support Vector Machines, and Neural Networks, were utilized to capture the complex relationships present in the data. To evaluate the predictive performance of the models, the accuracy metric was employed. The experimental findings showed that the suggested method of estimating COVID-19 risk is effective. When compared to baseline models, the optimized machine learning models performed better and produced better results. 展开更多
关键词 Big COVID-19 Data Machine learning Hyperparameter Optimization Particle swarm Optimization Computational Intelligence
下载PDF
基于相关性的Swarm联邦降维方法
4
作者 李文平 杜选 《自动化学报》 EI CAS CSCD 北大核心 2024年第9期1866-1876,共11页
联邦学习(Federated learning,FL)在解决人工智能(Artificial intelligence,AI)面临的隐私泄露和数据孤岛问题方面具有显著优势.针对联邦学习的已有研究未考虑联邦数据之间的关联性和高维性问题,提出一种基于联邦数据相关性的去中心化... 联邦学习(Federated learning,FL)在解决人工智能(Artificial intelligence,AI)面临的隐私泄露和数据孤岛问题方面具有显著优势.针对联邦学习的已有研究未考虑联邦数据之间的关联性和高维性问题,提出一种基于联邦数据相关性的去中心化联邦降维方法.该方法基于Swarm学习(Swarm learning,SL)思想,通过分离耦合特征,构建典型相关分析(Canonical correlation analysis,CCA)的Swarm联邦框架,以提取Swarm节点的低维关联特征.为保护协作参数的隐私安全,还构建一种随机扰乱策略来隐藏Swarm特征隐私.在真实数据集上的实验验证了所提方法的有效性. 展开更多
关键词 隐私保护 swarm学习 联邦学习 典型相关分析
下载PDF
Artificial Fish Swarm Optimization with Deep Learning Enabled Opinion Mining Approach 被引量:1
5
作者 Saud S.Alotaibi Eatedal Alabdulkreem +5 位作者 Sami Althahabi Manar Ahmed Hamza Mohammed Rizwanullah Abu Sarwar Zamani Abdelwahed Motwakel Radwa Marzouk 《Computer Systems Science & Engineering》 SCIE EI 2023年第4期737-751,共15页
Sentiment analysis or opinion mining(OM)concepts become familiar due to advances in networking technologies and social media.Recently,massive amount of text has been generated over Internet daily which makes the patte... Sentiment analysis or opinion mining(OM)concepts become familiar due to advances in networking technologies and social media.Recently,massive amount of text has been generated over Internet daily which makes the pattern recognition and decision making process difficult.Since OM find useful in business sectors to improve the quality of the product as well as services,machine learning(ML)and deep learning(DL)models can be considered into account.Besides,the hyperparameters involved in the DL models necessitate proper adjustment process to boost the classification process.Therefore,in this paper,a new Artificial Fish Swarm Optimization with Bidirectional Long Short Term Memory(AFSO-BLSTM)model has been developed for OM process.The major intention of the AFSO-BLSTM model is to effectively mine the opinions present in the textual data.In addition,the AFSO-BLSTM model undergoes pre-processing and TF-IFD based feature extraction process.Besides,BLSTM model is employed for the effectual detection and classification of opinions.Finally,the AFSO algorithm is utilized for effective hyperparameter adjustment process of the BLSTM model,shows the novelty of the work.A complete simulation study of the AFSO-BLSTM model is validated using benchmark dataset and the obtained experimental values revealed the high potential of the AFSO-BLSTM model on mining opinions. 展开更多
关键词 Sentiment analysis opinion mining natural language processing artificial fish swarm algorithm deep learning
下载PDF
Reconstruction and stability of Fe_(3)O_(4)(001)surface:An investigation based on particle swarm optimization and machine learning
6
作者 柳洪盛 赵圆圆 +2 位作者 邱实 赵纪军 高峻峰 《Chinese Physics B》 SCIE EI CAS CSCD 2023年第5期27-31,共5页
Magnetite nanoparticles show promising applications in drug delivery,catalysis,and spintronics.The surface of magnetite plays an important role in these applications.Therefore,it is critical to understand the surface ... Magnetite nanoparticles show promising applications in drug delivery,catalysis,and spintronics.The surface of magnetite plays an important role in these applications.Therefore,it is critical to understand the surface structure of Fe_(3)O_(4)at atomic scale.Here,using a combination of first-principles calculations,particle swarm optimization(PSO)method and machine learning,we investigate the possible reconstruction and stability of Fe_(3)O_(4)(001)surface.The results show that besides the subsurface cation vacancy(SCV)reconstruction,an A layer with Fe vacancy(A-layer-V_(Fe))reconstruction of the(001)surface also shows very low surface energy especially at oxygen poor condition.Molecular dynamics simulation based on the iron–oxygen interaction potential function fitted by machine learning further confirms the thermodynamic stability of the A-layer-V_(Fe)reconstruction.Our results are also instructive for the study of surface reconstruction of other metal oxides. 展开更多
关键词 surface reconstruction magnetite surface particle swarm optimization machine learning
下载PDF
Data-driven production optimization using particle swarm algorithm based on the ensemble-learning proxy model
7
作者 Shu-Yi Du Xiang-Guo Zhao +4 位作者 Chi-Yu Xie Jing-Wei Zhu Jiu-Long Wang Jiao-Sheng Yang Hong-Qing Song 《Petroleum Science》 SCIE EI CSCD 2023年第5期2951-2966,共16页
Production optimization is of significance for carbonate reservoirs,directly affecting the sustainability and profitability of reservoir development.Traditional physics-based numerical simulations suffer from insuffic... Production optimization is of significance for carbonate reservoirs,directly affecting the sustainability and profitability of reservoir development.Traditional physics-based numerical simulations suffer from insufficient calculation accuracy and excessive time consumption when performing production optimization.We establish an ensemble proxy-model-assisted optimization framework combining the Bayesian random forest(BRF)with the particle swarm optimization algorithm(PSO).The BRF method is implemented to construct a proxy model of the injectioneproduction system that can accurately predict the dynamic parameters of producers based on injection data and production measures.With the help of proxy model,PSO is applied to search the optimal injection pattern integrating Pareto front analysis.After experimental testing,the proxy model not only boasts higher prediction accuracy compared to deep learning,but it also requires 8 times less time for training.In addition,the injection mode adjusted by the PSO algorithm can effectively reduce the gaseoil ratio and increase the oil production by more than 10% for carbonate reservoirs.The proposed proxy-model-assisted optimization protocol brings new perspectives on the multi-objective optimization problems in the petroleum industry,which can provide more options for the project decision-makers to balance the oil production and the gaseoil ratio considering physical and operational constraints. 展开更多
关键词 Production optimization Random forest The Bayesian algorithm Ensemble learning Particle swarm optimization
下载PDF
BN-GEPSO:Learning Bayesian Network Structure Using Generalized Particle Swarm Optimization
8
作者 Muhammad Saad Salman Ibrahim M.Almanjahie +1 位作者 AmanUllah Yasin Ammara Nawaz Cheema 《Computers, Materials & Continua》 SCIE EI 2023年第5期4217-4229,共13页
At present Bayesian Networks(BN)are being used widely for demonstrating uncertain knowledge in many disciplines,including biology,computer science,risk analysis,service quality analysis,and business.But they suffer fr... At present Bayesian Networks(BN)are being used widely for demonstrating uncertain knowledge in many disciplines,including biology,computer science,risk analysis,service quality analysis,and business.But they suffer from the problem that when the nodes and edges increase,the structure learning difficulty increases and algorithms become inefficient.To solve this problem,heuristic optimization algorithms are used,which tend to find a near-optimal answer rather than an exact one,with particle swarm optimization(PSO)being one of them.PSO is a swarm intelligence-based algorithm having basic inspiration from flocks of birds(how they search for food).PSO is employed widely because it is easier to code,converges quickly,and can be parallelized easily.We use a recently proposed version of PSO called generalized particle swarm optimization(GEPSO)to learn bayesian network structure.We construct an initial directed acyclic graph(DAG)by using the max-min parent’s children(MMPC)algorithm and cross relative average entropy.ThisDAGis used to create a population for theGEPSO optimization procedure.Moreover,we propose a velocity update procedure to increase the efficiency of the algorithmic search process.Results of the experiments show that as the complexity of the dataset increases,our algorithm Bayesian network generalized particle swarm optimization(BN-GEPSO)outperforms the PSO algorithm in terms of the Bayesian information criterion(BIC)score. 展开更多
关键词 Bayesian network structure learning particle swarm optimization
下载PDF
Self-Awakened Particle Swarm Optimization BN Structure Learning Algorithm Based on Search Space Constraint
9
作者 Kun Liu Peiran Li +3 位作者 Yu Zhang Jia Ren Xianyu Wang Uzair Aslam Bhatti 《Computers, Materials & Continua》 SCIE EI 2023年第9期3257-3274,共18页
To obtain the optimal Bayesian network(BN)structure,researchers often use the hybrid learning algorithm that combines the constraint-based(CB)method and the score-and-search(SS)method.This hybrid method has the proble... To obtain the optimal Bayesian network(BN)structure,researchers often use the hybrid learning algorithm that combines the constraint-based(CB)method and the score-and-search(SS)method.This hybrid method has the problemthat the search efficiency could be improved due to the ample search space.The search process quickly falls into the local optimal solution,unable to obtain the global optimal.Based on this,the Particle SwarmOptimization(PSO)algorithm based on the search space constraint process is proposed.In the first stage,the method uses dynamic adjustment factors to constrain the structure search space and enrich the diversity of the initial particles.In the second stage,the update mechanism is redefined,so that each step of the update process is consistent with the current structure which forms a one-to-one correspondence.At the same time,the“self-awakened”mechanism is added to prevent precocious particles frombeing part of the best.After the fitness value of the particle converges prematurely,the activation operation makes the particles jump out of the local optimal values to prevent the algorithmfromconverging too quickly into the local optimum.Finally,the standard network dataset was compared with other algorithms.The experimental results showed that the algorithmcould find the optimal solution at a small number of iterations and a more accurate network structure to verify the algorithm’s effectiveness. 展开更多
关键词 Bayesian network structure learning particle swarm optimization
下载PDF
Sand Cat Swarm Optimization with Deep Transfer Learning for Skin Cancer Classification
10
作者 C.S.S.Anupama Saud Yonbawi +3 位作者 G.Jose Moses E.Laxmi Lydia Seifedine Kadry Jungeun Kim 《Computer Systems Science & Engineering》 SCIE EI 2023年第11期2079-2095,共17页
Skin cancer is one of the most dangerous cancer.Because of the high melanoma death rate,skin cancer is divided into non-melanoma and melanoma.The dermatologist finds it difficult to identify skin cancer from dermoscop... Skin cancer is one of the most dangerous cancer.Because of the high melanoma death rate,skin cancer is divided into non-melanoma and melanoma.The dermatologist finds it difficult to identify skin cancer from dermoscopy images of skin lesions.Sometimes,pathology and biopsy examinations are required for cancer diagnosis.Earlier studies have formulated computer-based systems for detecting skin cancer from skin lesion images.With recent advancements in hardware and software technologies,deep learning(DL)has developed as a potential technique for feature learning.Therefore,this study develops a new sand cat swarm optimization with a deep transfer learning method for skin cancer detection and classification(SCSODTL-SCC)technique.The major intention of the SCSODTL-SCC model lies in the recognition and classification of different types of skin cancer on dermoscopic images.Primarily,Dull razor approach-related hair removal and median filtering-based noise elimination are performed.Moreover,the U2Net segmentation approach is employed for detecting infected lesion regions in dermoscopic images.Furthermore,the NASNetLarge-based feature extractor with a hybrid deep belief network(DBN)model is used for classification.Finally,the classification performance can be improved by the SCSO algorithm for the hyperparameter tuning process,showing the novelty of the work.The simulation values of the SCSODTL-SCC model are scrutinized on the benchmark skin lesion dataset.The comparative results assured that the SCSODTL-SCC model had shown maximum skin cancer classification performance in different measures. 展开更多
关键词 Deep learning skin cancer dermoscopic images sand cat swarm optimization machine learning
下载PDF
Quantum Particle Swarm Optimization with Deep Learning-Based Arabic Tweets Sentiment Analysis
11
作者 Badriyya BAl-onazi Abdulkhaleq Q.A.Hassan +5 位作者 Mohamed K.Nour Mesfer Al Duhayyim Abdullah Mohamed Amgad Atta Abdelmageed Ishfaq Yaseen Gouse Pasha Mohammed 《Computers, Materials & Continua》 SCIE EI 2023年第5期2575-2591,共17页
Sentiment Analysis(SA),a Machine Learning(ML)technique,is often applied in the literature.The SA technique is specifically applied to the data collected from social media sites.The research studies conducted earlier u... Sentiment Analysis(SA),a Machine Learning(ML)technique,is often applied in the literature.The SA technique is specifically applied to the data collected from social media sites.The research studies conducted earlier upon the SA of the tweets were mostly aimed at automating the feature extraction process.In this background,the current study introduces a novel method called Quantum Particle Swarm Optimization with Deep Learning-Based Sentiment Analysis on Arabic Tweets(QPSODL-SAAT).The presented QPSODL-SAAT model determines and classifies the sentiments of the tweets written in Arabic.Initially,the data pre-processing is performed to convert the raw tweets into a useful format.Then,the word2vec model is applied to generate the feature vectors.The Bidirectional Gated Recurrent Unit(BiGRU)classifier is utilized to identify and classify the sentiments.Finally,the QPSO algorithm is exploited for the optimal finetuning of the hyperparameters involved in the BiGRU model.The proposed QPSODL-SAAT model was experimentally validated using the standard datasets.An extensive comparative analysis was conducted,and the proposed model achieved a maximum accuracy of 98.35%.The outcomes confirmed the supremacy of the proposed QPSODL-SAAT model over the rest of the approaches,such as the Surface Features(SF),Generic Embeddings(GE),Arabic Sentiment Embeddings constructed using the Hybrid(ASEH)model and the Bidirectional Encoder Representations from Transformers(BERT)model. 展开更多
关键词 Sentiment analysis Arabic tweets quantum particle swarm optimization deep learning word embedding
下载PDF
Chicken Swarm Optimization with Deep Learning Based Packaged Rooftop Units Fault Diagnosis Model
12
作者 G.Anitha N.Supriya +3 位作者 Fayadh Alenezi E.Laxmi Lydia Gyanendra Prasad Joshi Jinsang You 《Computer Systems Science & Engineering》 SCIE EI 2023年第10期221-238,共18页
Rooftop units(RTUs)were commonly employed in small commercial buildings that represent that can frequently do not take the higher level maintenance that chillers receive.Fault detection and diagnosis(FDD)tools can be ... Rooftop units(RTUs)were commonly employed in small commercial buildings that represent that can frequently do not take the higher level maintenance that chillers receive.Fault detection and diagnosis(FDD)tools can be employed for RTU methods to ensure essential faults are addressed promptly.In this aspect,this article presents an Optimal Deep Belief Network based Fault Detection and Classification on Packaged Rooftop Units(ODBNFDC-PRTU)model.The ODBNFDC-PRTU technique considers fault diagnosis as amulti-class classification problem and is handled usingDL models.For fault diagnosis in RTUs,the ODBNFDC-PRTU model exploits the deep belief network(DBN)classification model,which identifies seven distinct types of faults.At the same time,the chicken swarm optimization(CSO)algorithm-based hyperparameter tuning technique is utilized for resolving the trial and error hyperparameter selection process,showing the novelty of the work.To illustrate the enhanced performance of the ODBNFDC-PRTU algorithm,a comprehensive set of simulations are applied.The comparison study described the improvement of the ODBNFDC-PRTU method over other recent FDD algorithms with maximum accuracy of 99.30%and TPR of 93.09%. 展开更多
关键词 Rooftop units chicken swarm optimization hyperparameter metaheuristics deep learning fault diagnosis
下载PDF
Wind Speed Prediction Using Chicken Swarm Optimization with Deep Learning Model
13
作者 R.Surendran Youseef Alotaibi Ahmad F.Subahi 《Computer Systems Science & Engineering》 SCIE EI 2023年第9期3371-3386,共16页
High precision and reliable wind speed forecasting have become a challenge for meteorologists.Convective events,namely,strong winds,thunderstorms,and tornadoes,along with large hail,are natural calamities that disturb... High precision and reliable wind speed forecasting have become a challenge for meteorologists.Convective events,namely,strong winds,thunderstorms,and tornadoes,along with large hail,are natural calamities that disturb daily life.For accurate prediction of wind speed and overcoming its uncertainty of change,several prediction approaches have been presented over the last few decades.As wind speed series have higher volatility and nonlinearity,it is urgent to present cutting-edge artificial intelligence(AI)technology.In this aspect,this paper presents an intelligent wind speed prediction using chicken swarm optimization with the hybrid deep learning(IWSP-CSODL)method.The presented IWSP-CSODL model estimates the wind speed using a hybrid deep learning and hyperparameter optimizer.In the presented IWSP-CSODL model,the prediction process is performed via a convolutional neural network(CNN)based long short-term memory with autoencoder(CBLSTMAE)model.To optimally modify the hyperparameters related to the CBLSTMAE model,the chicken swarm optimization(CSO)algorithm is utilized and thereby reduces the mean square error(MSE).The experimental validation of the IWSP-CSODL model is tested using wind series data under three distinct scenarios.The comparative study pointed out the better outcomes of the IWSP-CSODL model over other recent wind speed prediction models. 展开更多
关键词 WEATHER wind speed predictive model chicken swarm optimization hybrid deep learning
下载PDF
Enhanced Tunicate Swarm Optimization with Transfer Learning Enabled Medical Image Analysis System
14
作者 Nojood O Aljehane 《Computer Systems Science & Engineering》 SCIE EI 2023年第12期3109-3126,共18页
Medical image analysis is an active research topic,with thousands of studies published in the past few years.Transfer learning(TL)including convolutional neural networks(CNNs)focused to enhance efficiency on an innova... Medical image analysis is an active research topic,with thousands of studies published in the past few years.Transfer learning(TL)including convolutional neural networks(CNNs)focused to enhance efficiency on an innovative task using the knowledge of the same tasks learnt in advance.It has played a major role in medical image analysis since it solves the data scarcity issue along with that it saves hardware resources and time.This study develops an EnhancedTunicate SwarmOptimization withTransfer Learning EnabledMedical Image Analysis System(ETSOTL-MIAS).The goal of the ETSOTL-MIAS technique lies in the identification and classification of diseases through medical imaging.The ETSOTL-MIAS technique involves the Chan Vese segmentation technique to identify the affected regions in the medical image.For feature extraction purposes,the ETSOTL-MIAS technique designs a modified DarkNet-53 model.To avoid the manual hyperparameter adjustment process,the ETSOTLMIAS technique exploits the ETSO algorithm,showing the novelty of the work.Finally,the classification of medical images takes place by random forest(RF)classifier.The performance validation of the ETSOTL-MIAS technique is tested on a benchmark medical image database.The extensive experimental analysis showed the promising performance of the ETSOTL-MIAS technique under different measures. 展开更多
关键词 Medical image analysis transfer learning tunicate swarm optimization disease diagnosis healthcare
下载PDF
Weed Classification Using Particle Swarm Optimization and Deep Learning Models
15
作者 M.Manikandakumar P.Karthikeyan 《Computer Systems Science & Engineering》 SCIE EI 2023年第1期913-927,共15页
Weed is a plant that grows along with nearly allfield crops,including rice,wheat,cotton,millets and sugar cane,affecting crop yield and quality.Classification and accurate identification of all types of weeds is a cha... Weed is a plant that grows along with nearly allfield crops,including rice,wheat,cotton,millets and sugar cane,affecting crop yield and quality.Classification and accurate identification of all types of weeds is a challenging task for farmers in earlier stage of crop growth because of similarity.To address this issue,an efficient weed classification model is proposed with the Deep Convolutional Neural Network(CNN)that implements automatic feature extraction and performs complex feature learning for image classification.Throughout this work,weed images were trained using the proposed CNN model with evolutionary computing approach to classify the weeds based on the two publicly available weed datasets.The Tamil Nadu Agricultural University(TNAU)dataset used as afirst dataset that consists of 40 classes of weed images and the other dataset is from Indian Council of Agriculture Research–Directorate of Weed Research(ICAR-DWR)which contains 50 classes of weed images.An effective Particle Swarm Optimization(PSO)technique is applied in the proposed CNN to automa-tically evolve and improve its classification accuracy.The proposed model was evaluated and compared with pre-trained transfer learning models such as GoogLeNet,AlexNet,Residual neural Network(ResNet)and Visual Geometry Group Network(VGGNet)for weed classification.This work shows that the performance of the PSO assisted proposed CNN model is significantly improved the success rate by 98.58%for TNAU and 97.79%for ICAR-DWR weed datasets. 展开更多
关键词 Deep learning convolutional neural network weed classification transfer learning particle swarm optimization evolutionary computing Algorithm 1:Metrics Evaluation
下载PDF
Scale adaptive fitness evaluation‐based particle swarm optimisation for hyperparameter and architecture optimisation in neural networks and deep learning
16
作者 Ye‐Qun Wang Jian‐Yu Li +2 位作者 Chun‐Hua Chen Jun Zhang Zhi‐Hui Zhan 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第3期849-862,共14页
Research into automatically searching for an optimal neural network(NN)by optimi-sation algorithms is a significant research topic in deep learning and artificial intelligence.However,this is still challenging due to ... Research into automatically searching for an optimal neural network(NN)by optimi-sation algorithms is a significant research topic in deep learning and artificial intelligence.However,this is still challenging due to two issues:Both the hyperparameter and ar-chitecture should be optimised and the optimisation process is computationally expen-sive.To tackle these two issues,this paper focusses on solving the hyperparameter and architecture optimization problem for the NN and proposes a novel light‐weight scale‐adaptive fitness evaluation‐based particle swarm optimisation(SAFE‐PSO)approach.Firstly,the SAFE‐PSO algorithm considers the hyperparameters and architectures together in the optimisation problem and therefore can find their optimal combination for the globally best NN.Secondly,the computational cost can be reduced by using multi‐scale accuracy evaluation methods to evaluate candidates.Thirdly,a stagnation‐based switch strategy is proposed to adaptively switch different evaluation methods to better balance the search performance and computational cost.The SAFE‐PSO algorithm is tested on two widely used datasets:The 10‐category(i.e.,CIFAR10)and the 100−cate-gory(i.e.,CIFAR100).The experimental results show that SAFE‐PSO is very effective and efficient,which can not only find a promising NN automatically but also find a better NN than compared algorithms at the same computational cost. 展开更多
关键词 deep learning evolutionary computation hyperparameter and architecture optimisation neural networks particle swarm optimisation scale‐adaptive fitness evaluation
下载PDF
Deep reinforcement learning for UAV swarm rendezvous behavior
17
作者 ZHANG Yaozhong LI Yike +1 位作者 WU Zhuoran XU Jialin 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2023年第2期360-373,共14页
The unmanned aerial vehicle(UAV)swarm technology is one of the research hotspots in recent years.With the continuous improvement of autonomous intelligence of UAV,the swarm technology of UAV will become one of the mai... The unmanned aerial vehicle(UAV)swarm technology is one of the research hotspots in recent years.With the continuous improvement of autonomous intelligence of UAV,the swarm technology of UAV will become one of the main trends of UAV development in the future.This paper studies the behavior decision-making process of UAV swarm rendezvous task based on the double deep Q network(DDQN)algorithm.We design a guided reward function to effectively solve the problem of algorithm convergence caused by the sparse return problem in deep reinforcement learning(DRL)for the long period task.We also propose the concept of temporary storage area,optimizing the memory playback unit of the traditional DDQN algorithm,improving the convergence speed of the algorithm,and speeding up the training process of the algorithm.Different from traditional task environment,this paper establishes a continuous state-space task environment model to improve the authentication process of UAV task environment.Based on the DDQN algorithm,the collaborative tasks of UAV swarm in different task scenarios are trained.The experimental results validate that the DDQN algorithm is efficient in terms of training UAV swarm to complete the given collaborative tasks while meeting the requirements of UAV swarm for centralization and autonomy,and improving the intelligence of UAV swarm collaborative task execution.The simulation results show that after training,the proposed UAV swarm can carry out the rendezvous task well,and the success rate of the mission reaches 90%. 展开更多
关键词 double deep Q network(DDQN)algorithms unmanned aerial vehicle(UAV)swarm task decision deep reinforcement learning(DRL) sparse returns
下载PDF
Improved PSO-Extreme Learning Machine Algorithm for Indoor Localization
18
作者 Qiu Wanqing Zhang Qingmiao +1 位作者 Zhao Junhui Yang Lihua 《China Communications》 SCIE CSCD 2024年第5期113-122,共10页
Wi Fi and fingerprinting localization method have been a hot topic in indoor positioning because of their universality and location-related features.The basic assumption of fingerprinting localization is that the rece... Wi Fi and fingerprinting localization method have been a hot topic in indoor positioning because of their universality and location-related features.The basic assumption of fingerprinting localization is that the received signal strength indication(RSSI)distance is accord with the location distance.Therefore,how to efficiently match the current RSSI of the user with the RSSI in the fingerprint database is the key to achieve high-accuracy localization.In this paper,a particle swarm optimization-extreme learning machine(PSO-ELM)algorithm is proposed on the basis of the original fingerprinting localization.Firstly,we collect the RSSI of the experimental area to construct the fingerprint database,and the ELM algorithm is applied to the online stages to determine the corresponding relation between the location of the terminal and the RSSI it receives.Secondly,PSO algorithm is used to improve the bias and weight of ELM neural network,and the global optimal results are obtained.Finally,extensive simulation results are presented.It is shown that the proposed algorithm can effectively reduce mean error of localization and improve positioning accuracy when compared with K-Nearest Neighbor(KNN),Kmeans and Back-propagation(BP)algorithms. 展开更多
关键词 extreme learning machine fingerprinting localization indoor localization machine learning particle swarm optimization
下载PDF
Prediction of corrosion rate for friction stir processed WE43 alloy by combining PSO-based virtual sample generation and machine learning
19
作者 Annayath Maqbool Abdul Khalad Noor Zaman Khan 《Journal of Magnesium and Alloys》 SCIE EI CAS CSCD 2024年第4期1518-1528,共11页
The corrosion rate is a crucial factor that impacts the longevity of materials in different applications.After undergoing friction stir processing(FSP),the refined grain structure leads to a notable decrease in corros... The corrosion rate is a crucial factor that impacts the longevity of materials in different applications.After undergoing friction stir processing(FSP),the refined grain structure leads to a notable decrease in corrosion rate.However,a better understanding of the correlation between the FSP process parameters and the corrosion rate is still lacking.The current study used machine learning to establish the relationship between the corrosion rate and FSP process parameters(rotational speed,traverse speed,and shoulder diameter)for WE43 alloy.The Taguchi L27 design of experiments was used for the experimental analysis.In addition,synthetic data was generated using particle swarm optimization for virtual sample generation(VSG).The application of VSG has led to an increase in the prediction accuracy of machine learning models.A sensitivity analysis was performed using Shapley Additive Explanations to determine the key factors affecting the corrosion rate.The shoulder diameter had a significant impact in comparison to the traverse speed.A graphical user interface(GUI)has been created to predict the corrosion rate using the identified factors.This study focuses on the WE43 alloy,but its findings can also be used to predict the corrosion rate of other magnesium alloys. 展开更多
关键词 Corrosion rate Friction stir processing Virtual sample generation Particle swarm optimization Machine learning Graphical user interface
下载PDF
An Opposition-Based Learning-Based Search Mechanism for Flying Foxes Optimization Algorithm
20
作者 Chen Zhang Liming Liu +5 位作者 Yufei Yang Yu Sun Jiaxu Ning Yu Zhang Changsheng Zhang Ying Guo 《Computers, Materials & Continua》 SCIE EI 2024年第6期5201-5223,共23页
The flying foxes optimization(FFO)algorithm,as a newly introduced metaheuristic algorithm,is inspired by the survival tactics of flying foxes in heat wave environments.FFO preferentially selects the best-performing in... The flying foxes optimization(FFO)algorithm,as a newly introduced metaheuristic algorithm,is inspired by the survival tactics of flying foxes in heat wave environments.FFO preferentially selects the best-performing individuals.This tendency will cause the newly generated solution to remain closely tied to the candidate optimal in the search area.To address this issue,the paper introduces an opposition-based learning-based search mechanism for FFO algorithm(IFFO).Firstly,this paper introduces niching techniques to improve the survival list method,which not only focuses on the adaptability of individuals but also considers the population’s crowding degree to enhance the global search capability.Secondly,an initialization strategy of opposition-based learning is used to perturb the initial population and elevate its quality.Finally,to verify the superiority of the improved search mechanism,IFFO,FFO and the cutting-edge metaheuristic algorithms are compared and analyzed using a set of test functions.The results prove that compared with other algorithms,IFFO is characterized by its rapid convergence,precise results and robust stability. 展开更多
关键词 Flying foxes optimization(FFO)algorithm opposition-based learning niching techniques swarm intelligence metaheuristics evolutionary algorithms
下载PDF
上一页 1 2 69 下一页 到第
使用帮助 返回顶部