630 results on '"particle swarm optimizer"'
Search Results
2. Fitness-guided particle swarm optimization with adaptive Newton-Raphson for photovoltaic model parameter estimation
- Author
-
Premkumar, Manoharan, Ravichandran, Sowmya, Hashim, Tengku Juhana Tengku, Sin, Tan Ching, and Abbassi, Rabeh
- Published
- 2024
- Full Text
- View/download PDF
3. Multi-objective optimization of a Wind/Photovoltaic/Battery hybrid system using a novel hybrid meta-heuristic algorithm
- Author
-
Tiam Kapen, Pascalin
- Published
- 2025
- Full Text
- View/download PDF
4. Elevating intelligent voice assistant chatbots with natural language processing, and OpenAI technologies.
- Author
-
Korade, Nilesh B., Salunke, Mahendra B., Bhosle, Amol A., Asalkar, Gayatri G., Lal, Bechoo, and Kumbharkar, Prashant B.
- Subjects
NATURAL language processing ,DATABASES ,CUSTOMER satisfaction ,SPEECH ,UNITS of time ,CHATBOTS - Abstract
Businesses can offer support to customers outside of usual business hours and across time zones by employing chatbots, which can provide round-theclock support. Chatbots can react to user inquiries quickly, reducing wait times and improving customer satisfaction. It becomes challenging for the chatbot to differentiate between two queries that users pose that carry the same meaning, making it harder for it to understand and react appropriately. The aim of this research is to develop a chatbot capable of understanding the semantic meaning of questions as well as recognizing various speech patterns, accents, and dialects to provide accurate responses. In this research, we have implemented a voice-enabled chatbot system where users can verbally pose questions, and the chatbot provides responses through voice assistance. The architecture incorporates several key components: a question-answer database, OpenAI embedding for semantic representation, and OpenAI text-to-speech (TTS) and speech-to-text (STT) for audio-to-text and text-to-audio conversion, respectively. Specifically, OpenAI embedding is utilized to encode questions and responses into vector representations, enabling efficient similarity calculations. Additionally, extreme gradient boosting (XGBoost) is trained on OpenAI embeddings to identify similarities between user queries and questions within the dataset. This framework allows for seamless interaction between users and the chatbot, leveraging state-of-the-art technologies in natural language processing (NLP) and speech recognition. The outcome demonstrates that the XGBoost model delivers excellent outcomes when it is trained on OpenAI embedding and tuned with the particle swarm optimizer (PSO). The OpenAI-generated embedding has good potential for capturing sentence similarity and provides excellent information for models trained on it. [ABSTRACT FROM AUTHOR]
- Published
- 2025
- Full Text
- View/download PDF
5. Optimization of Composite Structures with Thin Rigid Fibers Using Bioinspired Algorithms.
- Author
-
Poteralski, Arkadiusz, Szczepanik, Mirosław, and Fedeliński, Piotr
- Subjects
POISSON'S ratio ,BOUNDARY element methods ,YOUNG'S modulus ,FIBER orientation ,BOUNDARY value problems - Abstract
The paper deals with an application of the artificial immune system (AIS) and the particle swarm optimizer (PSO) to the optimization of composites with thin rigid fibers. The boundary value problem is solved using the boundary element method (BEM). The numerical examples demonstrate the optimization of the distribution and orientation of fibers in a composite. The objective functions depend on effective elastic properties. Two separate independent optimization methods are used to confirm the correctness of the obtained results (AIS and PSO). The bioinspired approach shows that the method based on the artificial immune system or particle swarm optimizer is an efficient technique for solving computer-aided optimal design problems (maximalization of the Young's modulus or Poisson's ratio) and allows for the development of new materials. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
6. Light curve attitude estimation using particle swarm optimizers.
- Author
-
Burton, Alexander, Robinson, Liam, and Frueh, Carolin
- Subjects
- *
LIGHT curves , *ANGULAR velocity , *SITUATIONAL awareness , *CURVE fitting , *PHOTOMETRY - Abstract
• The attitude of space objects is estimated using only light curves with no initial state guess. Knowledge of the attitude of a space object is useful in space situational awareness for independently evaluating a satellite's health and characterizing unknown objects. In cases where only non-resolved optical observations are available, the object's attitude may be estimated using a time sequence of brightness observations, also known as the light curve. This attitude estimation problem is plagued with multiple difficulties: even in the absence of noise and when all other relevant factors are perfectly known, the non-uniqueness of the problem means that multiple attitude time histories may fit the light curve equally well. In addition, there is often insufficient information about the object to generate an initial state guess for an estimator. This paper presents a method that estimates an observed object's attitude and angular velocity while accounting for ambiguities and without needing any initial state guess. The only inputs are the light curve, the object's albedo shape, and the object's position relative to the Sun and the observer. The ability of the estimator to resolve attitude time histories is demonstrated using simulated light curves by comparing state estimates against known true states. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
7. A Particle Swarm Optimizer with Biased Exploration and Exploitation for High-Dimensional Optimization and Feature Selection.
- Author
-
Chen, Minchong, Li, Hong, Tu, Jiwei, He, Bin, Yin, Zhen, Hou, Xuejing, and Yu, Qi
- Subjects
- *
ARTIFICIAL intelligence , *FEATURE selection , *GLOBAL optimization , *ERROR rates , *CLASSIFICATION - Abstract
Autonomous intelligent systems have been widely implemented in a broad range of applications. These applications often involve data-dense tasks where an efficient feature selection process is required to eliminate redundant features and improve model performance. However, the feature selection tasks with high dimensionality still remain challenging to deal with. In order to address high-dimensional feature selection problems with greater effectiveness and efficiency, this paper proposes a particle swarm optimizer variant named PSO-BEE that allows the swarm to take full advantage of exploration and exploitation at due evolutionary stages. At the early stage, a large size of candidate exemplar group is formed for diversity enhancement, attempting to find as many new combinations of features as possible. At the later stage, a tiny size of candidate exemplar group is constructed, allowing updated particles to learn from the few best elite exemplars to continuously refine feature selection solutions with a lower classification error rate. Three PSO-BEE variants with distinct preferences for exploration and exploitation are proposed based on different parameter adjustment strategies. Experiments are executed on 500, 1000, and 2000-dimensional benchmark suites presented by
CEC and real-world feature selection datasets from theMachine Learning Repository . Experimental results demonstrate the competitive performance of PSO-BEE in high-dimensional global optimization and feature selection when compared with several state-of-the-art approaches. [ABSTRACT FROM AUTHOR]- Published
- 2024
- Full Text
- View/download PDF
8. Prediction of Diabetic Neuropathy Severity in Diabetes Patients Based on Electromyography (EMG) Signals Using Hybrid Stacking Learning Model - Particle Swarm Optimization.
- Author
-
Purnawan, I. Ketut Adi, Wibawa, Adhi Dharma, Anggraeni, Wiwik, and Purnomo, Mauridhi Hery
- Subjects
MACHINE learning ,PARTICLE swarm optimization ,MEDICAL personnel ,DIABETES complications ,DIABETIC neuropathies ,PRINCIPAL components analysis - Abstract
Individuals with diabetes often experience nerve damage complications due to diabetic neuropathy, with up to 50% of cases being asymptomatic, increasing injury risk. Reducing the risk of long-term complications related to diabetes requires the ability to predict and track the severity of diabetic neuropathy in patients. Diabetes care strategies and management by predicting the severity of diabetic neuropathy can offer insight into disease progression and assist healthcare professionals in managing high-risk patients. The study introduces a novel approach by predicting diabetic neuropathy severity using electromyography signals, moving beyond traditional medical data. It also innovates by employing a hybrid method of Ensemble models with Particle Swarm Optimization for parameter optimization. The study predicts diabetic neuropathy severity by selecting the top 10, 20, and 30 features from 90 extracted electromyography signal features using a correlation matrix, principal component analysis, and recursive feature elimination. Various machine learning models, as well as two ensemble models, boosting and stacking, were employed for prediction. Optimal parameters for each learner were determined using Particle Swarm Optimizer to enhance prediction performance. Among 144 experiment scenarios, the hybrid stacking-particle swarm optimizer model outperformed others, showing 14.29% higher accuracy, 13.93% higher F-1 score, 4.17% higher recall, and 14.58% higher precision compared to other stacking models. The prediction results can be used for early identification of complications in diabetic patients. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
9. Phishing detection using grey wolf and particle swarm optimizer.
- Author
-
Hamdan, Adel, Tahboush, Muhannad, Adawy, Mohammad, Alwada'n, Tariq, Ghwanmeh, Sameh, and Husni, Moath
- Subjects
GREY Wolf Optimizer algorithm ,PARTICLE swarm optimization ,METAHEURISTIC algorithms ,FEATURE selection ,PHISHING - Abstract
Phishing could be considered a worldwide problem; undoubtedly, the number of illegal websites has increased quickly. Besides that, phishing is a security attack that has several purposes, such as personal information, credit card numbers, and other information. Phishing websites look like legitimate ones, which makes it difficult to differentiate between them. There are several techniques and methods for phishing detection. The authors present two machine-learning algorithms for phishing detection. Besides that, the algorithms employed are XGBoost and random forest. Also, this study uses particle swarm optimization (PSO) and grey wolf optimizer (GWO), which are considered metaheuristic algorithms. This research used the Mendeley dataset. Precision, recall, and accuracy are used as the evaluation criteria. Experiments are done with all features (111) and with features selected by PSO and GWO. Finally, experiments are done with the most common features selected by both PSO and GWO (PSO n GWO). The result demonstrates that system performance is highly acceptable, with an F-measure of 91.4%. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
10. Research on Lower Limb Exoskeleton Trajectory Tracking Control Based on the Dung Beetle Optimizer and Feedforward Proportional–Integral–Derivative Controller.
- Author
-
Li, Changming, Di, Haiting, Liu, Yongwang, and Liu, Ke
- Subjects
ROBOTIC exoskeletons ,DUNG beetles ,STANDARD deviations ,PID controllers ,SWARMING (Zoology) - Abstract
The lower limb exoskeleton (LLE) plays an important role in production activities requiring assistance and load bearing. One of the challenges is to propose a control strategy that can meet the requirements of LLE trajectory tracking in different scenes. Therefore, this study proposes a control strategy (DBO–FPID) that combines the dung beetle optimizer (DBO) with feedforward proportional–integral–derivative controller (FPID) to improve the performance of LLE trajectory tracking in different scenes. The Lagrange method is used to establish the dynamic model of the LLE rod, and it is combined with the dynamic equations of the motor to obtain the LLE transfer function model. Based on the LLE model and target trajectory compensation, the feedforward controller is designed to achieve trajectory tracking in different scenes. To obtain the best performance of the controller, the DBO is utilized to perform offline parameter tuning of the feedforward controller and PID controller. The proposed control strategy is compared with the DBO tuning PID (DBO–PID), particle swarm optimizer (PSO) tuning FPID (PSO–FPID), and PSO tuning PID (PSO–PID) in simulation and joint module experiments. The results show that DBO–FPID has the best accuracy and robustness in trajectory tracking in different scenes, which has the smallest sum of absolute error (IAE), mean absolute error (MEAE), maximum absolute error (MAE), and root mean square error (RMSE). In addition, the MEAE of DBO–FPID is lower than 1.5 degrees in unloaded tests and lower than 3.6 degrees in the hip load tests, with only a few iterations, showing great practical potential. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
11. Assessment of Uniaxial Strength of Rocks: A Critical Comparison Between Evolutionary and Swarm Optimized Relevance Vector Machine Models
- Author
-
Khatti, Jitendra and Grover, Kamaldeep Singh
- Published
- 2024
- Full Text
- View/download PDF
12. Different Meta-Heuristic Optimized Radial Basis Function Neural Network Models for Short-Term Power Consumption Forecasting.
- Author
-
Shanmugam, Dhivagar and Ramana, V. Venkata
- Subjects
GREY Wolf Optimizer algorithm ,METAHEURISTIC algorithms ,OPTIMIZATION algorithms ,RADIAL basis functions ,PARTICLE swarm optimization - Abstract
Accurate forecasting of electricity consumption is crucial for refined planning and improved transmission and distribution efficiency. Power consumption data, being nonstationary and nonlinear, is significantly affected by factors such as seasons and holidays, making traditional computational methods time-consuming and less accurate. This paper proposes a forecasting approach using a hybrid model of the Radial Basis Function (RBF) algorithm, where the hyperparameters are tuned by six meta-heuristic optimizers to enhance precision and speed. These optimizers include Gray Wolf Optimizer (GWO), Advanced Gray Wolf Optimization (AGWO), Moth-Flame Optimization Algorithm (MFO), Particle Swarm Optimization (PSO), Multi-Verse Optimizer (MVO), and Artificial Bee Colony (ABC). The results indicate that the RBF combined with AGWO performs optimally and shows lower error values compared to other optimizers. Specifically, the coefficient of determination (R²) values for the training, testing, and total datasets are 0.9994, 0.9920, and 0.9985, respectively, demonstrating that AGWO is the most precise optimizer among the studied meta-heuristic algorithms. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
13. Proposal of a Memory-Based Ensemble Particle Swarm Optimizer
- Author
-
Nunes da Silva, Lizandro, Carvalho da Cunha, Daniel, Barreto, Raul Vitor Silva, Timoteo, Robson Dias Alves, Goos, Gerhard, Series Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Tan, Ying, editor, and Shi, Yuhui, editor
- Published
- 2024
- Full Text
- View/download PDF
14. A Novel Three-Phase Smart Inverter Based on Long Short-Term Memory Network for VAR Compensation
- Author
-
Hong, Ying-Yi, Bai, Jyun-Hao, Angrisani, Leopoldo, Series Editor, Arteaga, Marco, Series Editor, Chakraborty, Samarjit, Series Editor, Chen, Shanben, Series Editor, Chen, Tan Kay, Series Editor, Dillmann, Rüdiger, Series Editor, Duan, Haibin, Series Editor, Ferrari, Gianluigi, Series Editor, Ferre, Manuel, Series Editor, Hirche, Sandra, Series Editor, Jabbari, Faryar, Series Editor, Jia, Limin, Series Editor, Kacprzyk, Janusz, Series Editor, Khamis, Alaa, Series Editor, Kroeger, Torsten, Series Editor, Li, Yong, Series Editor, Liang, Qilian, Series Editor, Martín, Ferran, Series Editor, Ming, Tan Cher, Series Editor, Minker, Wolfgang, Series Editor, Misra, Pradeep, Series Editor, Mukhopadhyay, Subhas, Series Editor, Ning, Cun-Zheng, Series Editor, Nishida, Toyoaki, Series Editor, Oneto, Luca, Series Editor, Panigrahi, Bijaya Ketan, Series Editor, Pascucci, Federica, Series Editor, Qin, Yong, Series Editor, Seng, Gan Woon, Series Editor, Speidel, Joachim, Series Editor, Veiga, Germano, Series Editor, Wu, Haitao, Series Editor, Zamboni, Walter, Series Editor, Tan, Kay Chen, Series Editor, and Gaber, Hossam, editor
- Published
- 2024
- Full Text
- View/download PDF
15. Microgrid Frequency Stabilization Study with Approaching SCA Tuned Fuzzy Controller
- Author
-
Bhuyan, Kiran, Sahu, Prakash Chandra, Prusty, Ramesh Chandra, Panda, Sidhartha, Angrisani, Leopoldo, Series Editor, Arteaga, Marco, Series Editor, Chakraborty, Samarjit, Series Editor, Chen, Jiming, Series Editor, Chen, Shanben, Series Editor, Chen, Tan Kay, Series Editor, Dillmann, Rüdiger, Series Editor, Duan, Haibin, Series Editor, Ferrari, Gianluigi, Series Editor, Ferre, Manuel, Series Editor, Jabbari, Faryar, Series Editor, Jia, Limin, Series Editor, Kacprzyk, Janusz, Series Editor, Khamis, Alaa, Series Editor, Kroeger, Torsten, Series Editor, Li, Yong, Series Editor, Liang, Qilian, Series Editor, Martín, Ferran, Series Editor, Ming, Tan Cher, Series Editor, Minker, Wolfgang, Series Editor, Misra, Pradeep, Series Editor, Mukhopadhyay, Subhas, Series Editor, Ning, Cun-Zheng, Series Editor, Nishida, Toyoaki, Series Editor, Oneto, Luca, Series Editor, Panigrahi, Bijaya Ketan, Series Editor, Pascucci, Federica, Series Editor, Qin, Yong, Series Editor, Seng, Gan Woon, Series Editor, Speidel, Joachim, Series Editor, Veiga, Germano, Series Editor, Wu, Haitao, Series Editor, Zamboni, Walter, Series Editor, Tan, Kay Chen, Series Editor, Kumar, Jitendra, editor, Singh, S. N., editor, and Malik, Om P., editor
- Published
- 2024
- Full Text
- View/download PDF
16. Unveiling the IoT's dark corners: anomaly detection enhanced by ensemble modelling
- Author
-
Jisha Jose and J. E. Judith
- Subjects
Harris-Hawks optimizer ,particle swarm optimizer ,logistic regression ,Whale-Pearson optimization algorithm ,Naïve Bayes classifier ,Control engineering systems. Automatic machinery (General) ,TJ212-225 ,Automation ,T59.5 - Abstract
The growing Internet of Things (IoT) landscape requires robust security; traditional rule-based systems are insufficient, driving the integration of machine learning (ML) for effective intrusion detection. This paper provides an inclusive overview of research efforts focused on harnessing ML methodologies to fortify intrusion detection within IoT. Tailored feature extraction techniques are pivotal for achieving high detection accuracy while minimizing false positives. The study employs the IoT23 dataset from Kaggle and incorporates four optimization algorithms – Particle Swarm Optimizer, Whale-Pearson optimization algorithm, Harris-Hawks Optimizer, and Support Vector Machine with Particle Swarm optimization algorithm (SVM-PSO) – for feature extraction and selection. A comparison with ML algorithms such as logistic regression, decision tree and naïve Bayes classifier highlights Harris-Hawks Optimizer as the most effective. Furthermore, ensemble methods, particularly the fusion of random forest with HHO optimization, yield an impressive accuracy of 99.97%, surpassing AdaBoost and XGBoost approaches. This paper underscores the application of diverse ensemble learning techniques to enhance intrusion detection precision and efficiency within the intricate IoT landscape, effectively tackling the challenges posed by its complex and ever-changing nature.
- Published
- 2024
- Full Text
- View/download PDF
17. Optimization of Composite Structures with Thin Rigid Fibers Using Bioinspired Algorithms
- Author
-
Arkadiusz Poteralski, Mirosław Szczepanik, and Piotr Fedeliński
- Subjects
artificial immune system ,particle swarm optimizer ,boundary element method ,optimization ,composite ,rigid fibers ,Technology ,Engineering (General). Civil engineering (General) ,TA1-2040 ,Biology (General) ,QH301-705.5 ,Physics ,QC1-999 ,Chemistry ,QD1-999 - Abstract
The paper deals with an application of the artificial immune system (AIS) and the particle swarm optimizer (PSO) to the optimization of composites with thin rigid fibers. The boundary value problem is solved using the boundary element method (BEM). The numerical examples demonstrate the optimization of the distribution and orientation of fibers in a composite. The objective functions depend on effective elastic properties. Two separate independent optimization methods are used to confirm the correctness of the obtained results (AIS and PSO). The bioinspired approach shows that the method based on the artificial immune system or particle swarm optimizer is an efficient technique for solving computer-aided optimal design problems (maximalization of the Young’s modulus or Poisson’s ratio) and allows for the development of new materials.
- Published
- 2024
- Full Text
- View/download PDF
18. Unveiling the IoT's dark corners: anomaly detection enhanced by ensemble modelling.
- Author
-
Jose, Jisha and Judith, J. E.
- Subjects
PARTICLE swarm optimization ,INTRUSION detection systems (Computer security) ,MACHINE learning ,OPTIMIZATION algorithms ,INTERNET of things ,FEATURE extraction - Abstract
The growing Internet of Things (IoT) landscape requires robust security; traditional rule-based systems are insufficient, driving the integration of machine learning (ML) for effective intrusion detection. This paper provides an inclusive overview of research efforts focused on harnessing ML methodologies to fortify intrusion detection within IoT. Tailored feature extraction techniques are pivotal for achieving high detection accuracy while minimizing false positives. The study employs the IoT23 dataset from Kaggle and incorporates four optimization algorithms – Particle Swarm Optimizer, Whale-Pearson optimization algorithm, Harris-Hawks Optimizer, and Support Vector Machine with Particle Swarm optimization algorithm (SVM-PSO) – for feature extraction and selection. A comparison with ML algorithms such as logistic regression, decision tree and naïve Bayes classifier highlights Harris-Hawks Optimizer as the most effective. Furthermore, ensemble methods, particularly the fusion of random forest with HHO optimization, yield an impressive accuracy of 99.97%, surpassing AdaBoost and XGBoost approaches. This paper underscores the application of diverse ensemble learning techniques to enhance intrusion detection precision and efficiency within the intricate IoT landscape, effectively tackling the challenges posed by its complex and ever-changing nature. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
19. Text Document Clustering Using Modified Particle Swarm Optimization with k-means Model.
- Author
-
Dodda, Ratnam and Babu, A. Suresh
- Subjects
- *
PARTICLE swarm optimization , *DOCUMENT clustering , *K-means clustering , *DIGITAL technology , *MATHEMATICAL optimization - Abstract
In the present digital era, vast amounts of data are generated by millions of Internet users in the form of unstructured text documents. The clustering and organizing of text documents play a crucial role in the applications of data analysis and market research. In this research manuscript, a new modified version of metaheuristic-based optimization technique is proposed with k-means for clustering the text documents. In the initial phase, the input data are acquired from the three-benchmark databases such as Reuters-21578, 20-Newsgroup and British Broadcasting Corporation (BBC)-sport. Further, the data denoising is accomplished by using the common techniques: stemming, lemmatization, tokenization, and stop word removal. In addition to this, the denoised data are transformed into feature vectors by utilizing Term Frequency (TF)-Inverse Document Frequency (IDF) technique. The computed feature vectors are given to the Modified Particle Swarm Optimization (MPSO) with k-means to group the closely related text documents by minimizing the similarity in different clusters. The experimental examination showed that the proposed MPSO with k-means model achieved accuracy of 0.85, 0.85 and 0.86 on the Reuters-21578, 20-Newsgroup and BBC-sport databases, which are superior to the comparative models. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
20. Optimized Ensemble Machine Learning Approach for Emotion Detection from Thermal Images.
- Author
-
Katual, Jayaprakash and Kaul, Amit
- Subjects
- *
MACHINE learning , *THERMOGRAPHY , *PARTICLE swarm optimization , *PSYCHOLOGICAL well-being , *EMOTIONS , *DEEP learning , *K-nearest neighbor classification - Abstract
Emotions indicate the feelings of the individual which are linked with personal experiences, moods, and affective states. Detection of emotion can be helpful in many fields like maintaining a patient's psychological well-being, surveillance, driver monitoring, etc. In this paper, an effective machine learning approach has been put forth for emotion detection where an ensemble of three out of five best-performing classifiers has been formed to enhance the classification accuracy. Two deep learning models (AlexNet and ResNet) have been optimally combined with k -nearest neighbor (KNN). The optimal weights for ensemble weighted averaging of classifiers have been computed with aid of particle swarm optimization (PSO) and genetic algorithm (GA) optimization. The developed framework has been tested on two publicly available datasets. An overall accuracy of above 95% has been achieved on the testing set for both datasets. The best performance was obtained by training the classifiers with segmented images and combining them by using the weights obtained through PSO. The results depicted the efficiency of the optimized ensemble machine learning approach for all performance measures used in this study in comparison to the performance of individual classifiers and majority voting fusion. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
21. An efficient and reliable scheduling algorithm for unit commitment scheme in microgrid systems using enhanced mixed integer particle swarm optimizer considering uncertainties
- Author
-
M. Premkumar, R. Sowmya, C. Ramakrishnan, Pradeep Jangir, Essam H. Houssein, Sanchari Deb, and Nallapaneni Manoj Kumar
- Subjects
Battery energy storage ,Microgrids ,Mixed integer algorithm ,Particle swarm optimizer ,Uncertainties ,Unit commitment ,Electrical engineering. Electronics. Nuclear engineering ,TK1-9971 - Abstract
The use of an electrical energy storage system (EESS) in a microgrid (MG) is widely recognized as a feasible method for mitigating the unpredictability and stochastic nature of sustainable distributed generators and other intermittent energy sources. The battery energy storage (BES) system is the most effective of the several power storage methods available today. The unit commitment (UC) determines the number of dedicated dispatchable distributed generators, respective power, the amount of energy transferred to and absorbed from the microgrid, as well as the power and influence of EESSs, among other factors. The BES deterioration is considered in the UC conceptualization, and an enhanced mixed particle swarm optimizer (EMPSO) is suggested to solve UC in MGs with EESS. Compared to the traditional PSO, the acceleration constants in EMPSO are exponentially adapted, and the inertial weight in EMPSO decreases linearly during each iteration. The proposed EMPSO is a mixed integer optimization algorithm that can handle continuous, binary, and integer variables. A part of the decision variables in EMPSO is transformed into a binary variable by introducing the quadratic transfer function (TF). This paper also considers the uncertainties in renewable power generation, load demand, and electricity market prices. In addition, a case study with a multiobjective optimization function with MG operating cost and BES deterioration defines the additional UC problem discussed in this paper. The transformation of a single-objective model into a multiobjective optimization model is carried out using the weighted sum approach, and the impacts of different weights on the operating cost and lifespan of the BES are also analyzed. The performance of the EMPSO with quadratic TF (EMPSO-Q) is compared with EMPSO with V-shaped TF (EMPSO-V), EMPSO with S-shaped TF (EMPSO-S), and PSO with S-shaped TF (PSO-S). The performance of EMPSO-Q is 15%, 35%, and 45% better than EMPSO-V, EMPSO-S, and PSO-S, respectively. In addition, when uncertainties are considered, the operating cost falls from $8729.87 to $8986.98. Considering BES deterioration, the BES lifespan improves from 350 to 590, and the operating cost increases from $8729.87 to $8917.7. Therefore, the obtained results prove that the EMPSO-Q algorithm could effectively and efficiently handle the UC problem.
- Published
- 2023
- Full Text
- View/download PDF
22. Research on Lower Limb Exoskeleton Trajectory Tracking Control Based on the Dung Beetle Optimizer and Feedforward Proportional–Integral–Derivative Controller
- Author
-
Changming Li, Haiting Di, Yongwang Liu, and Ke Liu
- Subjects
lower limb exoskeleton ,trajectory tracking ,dung beetle optimizer ,particle swarm optimizer ,feedforward controller ,PID controller ,Materials of engineering and construction. Mechanics of materials ,TA401-492 ,Production of electric energy or power. Powerplants. Central stations ,TK1001-1841 - Abstract
The lower limb exoskeleton (LLE) plays an important role in production activities requiring assistance and load bearing. One of the challenges is to propose a control strategy that can meet the requirements of LLE trajectory tracking in different scenes. Therefore, this study proposes a control strategy (DBO–FPID) that combines the dung beetle optimizer (DBO) with feedforward proportional–integral–derivative controller (FPID) to improve the performance of LLE trajectory tracking in different scenes. The Lagrange method is used to establish the dynamic model of the LLE rod, and it is combined with the dynamic equations of the motor to obtain the LLE transfer function model. Based on the LLE model and target trajectory compensation, the feedforward controller is designed to achieve trajectory tracking in different scenes. To obtain the best performance of the controller, the DBO is utilized to perform offline parameter tuning of the feedforward controller and PID controller. The proposed control strategy is compared with the DBO tuning PID (DBO–PID), particle swarm optimizer (PSO) tuning FPID (PSO–FPID), and PSO tuning PID (PSO–PID) in simulation and joint module experiments. The results show that DBO–FPID has the best accuracy and robustness in trajectory tracking in different scenes, which has the smallest sum of absolute error (IAE), mean absolute error (MEAE), maximum absolute error (MAE), and root mean square error (RMSE). In addition, the MEAE of DBO–FPID is lower than 1.5 degrees in unloaded tests and lower than 3.6 degrees in the hip load tests, with only a few iterations, showing great practical potential.
- Published
- 2024
- Full Text
- View/download PDF
23. An Efficient Hybrid Particle Swarm and Teaching-Learning-Based Optimization for Arch-Dam Shape Design.
- Author
-
Shahrouzi, Mohsen and Naserifar, Yaser
- Subjects
PARTICLE swarm optimization ,ARCH dams ,METAHEURISTIC algorithms ,STRUCTURAL optimization ,CONCRETE dams ,PRESSURE vessels ,BENCHMARK problems (Computer science) - Abstract
Particle swarm optimization is a popular meta-heuristic with highly explorative features; however, in its standard form it suffers from a poor convergence rate and weak search refinement on multi-dimensional problems. The present work improves the conventional particle swarm optimizer in three ways: adding a greedy selection for better intensification; embedding an extra movement borrowed from teacher–learner-based optimization; and utilizing a neighborhood strategy by averaging over a random half of the swarm. The performance of the proposed method is subsequently evaluated on three sets of problems. The first set includes uni-modal, multi-model, separable and non-separable test functions. The proposed method is compared with a standard particle swarm optimizer and its variants as well as other meta-heuristic algorithms. Engineering benchmark problems including the optimal design of a tubular column, a coiled spring, a pressure vessel and a cantilever beam constitute the second set. The third set includes constrained sizing design of a 120-bar dome truss and the optimal shape design of the Morrow Point double-arch concrete dam as a practical case study. Numerical results reveal considerable enhancement of the standard particle swarm via the proposed method to exhibit competitive performance with the other studied meta-heuristics. In the optimal design of Morrow Point Dam, the proposed method resulted in a material consumption 21 times smaller than the best of the initial population and 26% better than a recommended practical design. [ABSTRACT FROM AUTHOR]
- Published
- 2023
- Full Text
- View/download PDF
24. An Investigation on the Effects of Exemplars Selection on Convergence and Diversity in Large-Scale Particle Swarm Optimizer
- Author
-
Chen, Minchong, Hou, Xuejing, Yu, Qi, Li, Dongyang, Guo, Weian, Filipe, Joaquim, Editorial Board Member, Ghosh, Ashish, Editorial Board Member, Prates, Raquel Oliveira, Editorial Board Member, Zhou, Lizhu, Editorial Board Member, Zhang, Haijun, editor, Ke, Yinggen, editor, Wu, Zhou, editor, Hao, Tianyong, editor, Zhang, Zhao, editor, Meng, Weizhi, editor, and Mu, Yuanyuan, editor
- Published
- 2023
- Full Text
- View/download PDF
25. Particle Swarm Optimizer Without Communications Among Particles
- Author
-
Zhang, JunQi, Huang, XuRui, Liu, Huan, Zhou, MengChu, Goos, Gerhard, Founding Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Tan, Ying, editor, Shi, Yuhui, editor, and Luo, Wenjian, editor
- Published
- 2023
- Full Text
- View/download PDF
26. Adaptive mean center of mass particle swarm optimizer for auto-localization in 3D wireless sensor networks
- Author
-
Waseem Alhasan, Rami Ahmad, Raniyah Wazirali, Noura Aleisa, and Weaam Abo Shdeed
- Subjects
Wireless Sensor Networks ,WSNs-6LoWPAN ,Localization ,Range based ,Optimization algorithm ,Particle Swarm Optimizer ,Electronic computers. Computer science ,QA75.5-76.95 - Abstract
Wireless Sensor Networks (WSNs) have become instrumental in environmental monitoring, healthcare, agriculture, and industrial automation. In WSNs, the precise localization of sensor nodes is crucial for informed decision-making and network efficiency. This study explores localization in the context of WSNs, focusing on the 6LoWPAN and Zigbee protocols. These protocols are vital for integrating WSNs into the Internet of Things (IoT). We highlight the significance of spatial node distribution and WSNs' challenges, such as resource limitations and signal interference. We emphasize range-based methods due to their accuracy. We propose the Adaptive Mean Center of Mass Particle Swarm Optimizer (AMCMPSO) to address these. Inspired by the center of mass principle, this algorithm adapts parameters for enhanced localization on regular and irregular surfaces. AMCMPSO leverages the principle of the center of mass and mean values to enhance the efficiency of sensor node localization. The algorithm incorporates adaptive parameters, including inertia weight and acceleration coefficients, to improve search efficiency and convergence speed. Our simulations demonstrate the superior performance of AMCMPSO, with an average improvement rate of 99.86%. Moreover, the localization error is consistently below 1.34 cm, ensuring precise spatial awareness. In 3D environments, AMCMPSO consistently delivers coverage rates exceeding 87%, even in challenging scenarios.
- Published
- 2023
- Full Text
- View/download PDF
27. Optimal maximum power point tracking of wind turbine doubly fed induction generator based on driving training algorithm.
- Author
-
Mostafa, Mohamed Abdelateef, El-Hay, Enas A., and ELkholy, Mahmoud M.
- Subjects
INDUCTION generators ,WIND turbines ,OPTIMIZATION algorithms ,WIND energy conversion systems ,WIND power ,METAHEURISTIC algorithms - Abstract
The operation of wind power system at optimum power point is a big challenge particularly under uncertainty of wind speed. As a result, it is necessary to install an effective maximum power point tracking (MPPT) controller for extracting the available maximal power from wind energy conversion system (WECS). Therefore, this paper aims to obtain the optimal values of injected rotor phase voltage for doubly fed induction generator (DFIG) to ensure the extraction of peak power from wind turbine under different wind speeds as well as to get the optimal performance of DFIG. A new metaheuristic optimization approach; Driving Training Algorithm (DTA) is used to crop the optimal DFIG rotor voltages. Three different scenarios are presented to have MPPT, the first one is the MPPT with unity stator power factor, the second one is the MPPT with minimum DFIG losses, and the third scenario is MPPT with minimum rotor current to reduce the rating of rotor inverter. The MATLAB environment is used to simulate and study the proposed controller with 2.4 MW wind turbine. The optimum power curve of wind turbine has been estimated to get the reference values of DFIG mechanical power. The results ensured the significance and robust of the proposed controller to have MPPT under different wind speeds. The DTA results are compared with other two well-known optimization algorithms; water cycle algorithm (WCA) and particle swarm optimizer (PSO) to verify the accuracy of results. [ABSTRACT FROM AUTHOR]
- Published
- 2023
- Full Text
- View/download PDF
28. Hybridization of Sine-Cosine Algorithm with K-Means for Pathology Image Clustering
- Author
-
Dhal, Krishna Gopal, Rai, Rebika, Das, Arunita, Ghosh, Tarun Kumar, Filipe, Joaquim, Editorial Board Member, Ghosh, Ashish, Editorial Board Member, Prates, Raquel Oliveira, Editorial Board Member, Zhou, Lizhu, Editorial Board Member, Sk, Arif Ahmed, editor, Turki, Turki, editor, Ghosh, Tarun Kumar, editor, Joardar, Subhankar, editor, and Barman, Subhabrata, editor
- Published
- 2022
- Full Text
- View/download PDF
29. Hybrid Topology-Based Particle Swarm Optimizer for Multi-source Location Problem in Swarm Robots
- Author
-
Zhang, JunQi, Lu, Yehao, Zhou, Mengchu, Goos, Gerhard, Founding Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Tan, Ying, editor, Shi, Yuhui, editor, and Niu, Ben, editor
- Published
- 2022
- Full Text
- View/download PDF
30. Prostate Cancer Prediction Using Feedforward Neural Network Trained with Particle Swarm Optimizer
- Author
-
Jui, Julakha Jahan, Molla, M. M. Imran, Alam, Mohammad Khurshed, Ferdowsi, Asma, Angrisani, Leopoldo, Series Editor, Arteaga, Marco, Series Editor, Panigrahi, Bijaya Ketan, Series Editor, Chakraborty, Samarjit, Series Editor, Chen, Jiming, Series Editor, Chen, Shanben, Series Editor, Chen, Tan Kay, Series Editor, Dillmann, Rüdiger, Series Editor, Duan, Haibin, Series Editor, Ferrari, Gianluigi, Series Editor, Ferre, Manuel, Series Editor, Hirche, Sandra, Series Editor, Jabbari, Faryar, Series Editor, Jia, Limin, Series Editor, Kacprzyk, Janusz, Series Editor, Khamis, Alaa, Series Editor, Kroeger, Torsten, Series Editor, Li, Yong, Series Editor, Liang, Qilian, Series Editor, Martín, Ferran, Series Editor, Ming, Tan Cher, Series Editor, Minker, Wolfgang, Series Editor, Misra, Pradeep, Series Editor, Möller, Sebastian, Series Editor, Mukhopadhyay, Subhas, Series Editor, Ning, Cun-Zheng, Series Editor, Nishida, Toyoaki, Series Editor, Pascucci, Federica, Series Editor, Qin, Yong, Series Editor, Seng, Gan Woon, Series Editor, Speidel, Joachim, Series Editor, Veiga, Germano, Series Editor, Wu, Haitao, Series Editor, Zamboni, Walter, Series Editor, Zhang, Junjie James, Series Editor, Md. Zain, Zainah, editor, Sulaiman, Mohd. Herwan, editor, Mohamed, Amir Izzani, editor, Bakar, Mohd. Shafie, editor, and Ramli, Mohd. Syakirin, editor
- Published
- 2022
- Full Text
- View/download PDF
31. Parameter identification of electrochemical model of vanadium redox battery by metaheuristic algorithms.
- Author
-
Khaki, Bahman, Kulkarni, Chinmay, and Das, Pritam
- Subjects
- *
VANADIUM redox battery , *PARAMETER identification , *GENETIC algorithms , *ELECTRIC batteries , *METAHEURISTIC algorithms , *ENERGY storage , *IDENTIFICATION - Abstract
An accurate pre‐setting of the constant coefficients and parameters of the electrochemical model of the battery is essential for the accuracy of the model. The experimental methods are not precisely determined these parameters. In vanadium redox flow batteries (VRFB), like other types of batteries, the electrochemical model's coefficients vary by each battery cell design, different kinds of membranes, etc. Moreover, a VRFB cell's electrochemical model is highly nonlinear; thus, excellent optimization approach is needed to figure out these coefficients' optimal value. Some metaheuristic optimizers, such as particle swarm optimizer (PSO), grey wolf optimizer (GWO), genetic algorithm (GA), and the hybrid PSOGWO algorithms, are used in this study to identify these coefficients. An optimization framework is characterized to recognize the coefficients of the model by minimizing the mean square error between the measured values and the model‐based terminal voltage. The low RMS error of the modeled terminal voltage by the metaheuristic‐based electrochemical model demonstrates the accuracy of the proposed parameter identification approach for VRFBs. Further, the improved electrochemical model using the optimal coefficients is employed to estimate VRFB internal parameters, for example, the available battery capacity, the state of health, and the state of charge more accurately. [ABSTRACT FROM AUTHOR]
- Published
- 2023
- Full Text
- View/download PDF
32. Heuristic based physics informed neural network (H-PINN) approach to analyze nanotribology for viscous flow of ethylene glycol and water under magnetic effects among parallel sheets.
- Author
-
Aslam, Muhammad Naeem, Shaukat, Nadeem, and Riaz, Arshad
- Subjects
- *
ARTIFICIAL neural networks , *IRON oxides , *ETHYLENE glycol , *VISCOUS flow , *HEURISTIC algorithms , *NANOFLUIDICS - Abstract
In this article, we have conducted the study for the flow and thermal transfer of magneto-hydrodynamic squeezing nanofluid in the middle of two collateral plates extending to infinity using artificial neural network (ANN). The fluid employed in this research is a combination of Ethylene Glycol and water, and we delve into the utilization of a hybrid nanoparticle consisting of Fe 3 O 4 and MoS 2 particles. To solve the governing differential equations, we used unsupervised heuristic based physics informed neural network (H-PINN) based fitness function. In this research, the weights and biases of neural network were optimized using a hybridization of heuristic algorithms to achieve high accuracy. The fitness values obtained from proposed approach ranging from 10 − 05 to 10 − 08. The optimal results were then compared with numerical solutions obtained by using Runge-Kutta order-4 method through BVP4c tool as a reference solution, demonstrating the effectiveness of the unsupervised ANN method. The absolute error between the reference solution and proposed heuristic based physics informed neural networks approaches are ranging from 2.36 × 10 − 04 to 3.46 × 10 − 06 , 2.77 × 10 − 05 to 1.20 × 10 − 05 and 1.10 × 10 − 06 to 6.53 × 10 − 07. Our findings demonstrate a strong agreement with the numerical approach, with the maximum discrepancy in the profiles of flow speed and energy profiles. Notably, we observed that an increase in the squeeze number and the Hartman number resulted in a reduction in the velocity profile. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
33. Hierarchical optimization of district heating plants by integrating evolutionary and non-linear programming algorithms.
- Author
-
Hassan, Muhammed A. and Araji, Mohamad T.
- Subjects
- *
HEAT storage devices , *HEAT storage , *LIFE cycle costing , *CAPITAL costs , *OPERATING costs , *HEATING from central stations , *TRIGENERATION (Energy) , *SOLAR heating - Abstract
In district heating systems, the capacity and types of energy sources, along with their control mechanisms to meet heating demands, are intricately linked. Effective planning must consider financial constraints and system operations, especially with thermal storage. Control methods can significantly influence sizing decisions by adjusting heat production and storage rates across different equipment. Addressing these issues concurrently is essential to maximize cost savings throughout the system's lifespan. This study addresses critical research gaps, such as the lack of integrated bi-level schemes that combine evolutionary and mathematical optimizers while maintaining original non-linear problem formulations. Specifically, it puts forward a novel tri-level optimization framework aimed at minimizing the lifecycle cost (LCC) of district heating plants, powered by a mix of green (solar thermal and biomass) and conventional (gas) heat sources, along with daily thermal storage. The three levels of this scheme are: i) a particle swarm optimizer (PSO) to explore capacities of heat production and storage devices to minimize LCC; ii) an interior-point optimizer (Ipopt) to minimize annual operating costs with explicit operational constraints; and iii) a simulation layer to enhance computational efficiency. Technical suggestions regarding the initialization and early termination of Ipopt to achieve the global optimal solution with reasonable computation time are described in detail. When applied to the multi-source plant, this methodology showed successful and rapid convergence of PSO towards feasible system designs. The study achieved a minimum LCC of 36.34 million USD, corresponding to a levelized cost of heat of 0.0256 USD/kWh, by maximizing green heat sources and using moderate-volume storage. Biomass fuel (74.8%) and capital costs of biomass (8.1%) and solar (7.9%) systems were the primary LCC contributors. Thermal storage enhanced operational flexibility; without it, the gas boiler capacity increased by 112.1 times, and LCC and carbon emissions rose by 3.4% and 106.97%, respectively. In conclusion, the proposed methodology successfully demonstrated substantial cost savings and environmental benefits through strategic renewable energy use and thermal storage, laying the groundwork for its reapplication to more complex system configurations. [Display omitted] • A novel tri-tier genetic-mathematical optimization is proposed for energy systems. • Intertwined PSO and Ipopt algorithms tune the operation and sizing simultaneously. • This approach is applied to a solar-assisted district heating plant with storage. • Life cycle costs are minimized to 36.34 × 106 USD by reducing the use of gas fuel. • Without storage, costs and emissions increase by 3.4 and 106.97%, respectively. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
34. Improved particle swarm optimizer for problems with variable evaluation time: Application to asymptotic homogenization.
- Author
-
Argilaga, Albert and Guo, Ning
- Subjects
ASYMPTOTIC homogenization ,METAHEURISTIC algorithms ,POROELASTICITY ,MATHEMATICAL optimization ,SWARM intelligence ,ALGORITHMS ,REINFORCEMENT learning - Abstract
This work presents a new particle swarm optimizer (PSO)‐based metaheuristic algorithm designed to reduce overall computational cost without compromising optimization's precision in functions with variable evaluation time. The algorithm exploits the evaluation time gradient in addition to the convergence gradient attempting to reach the same convergence precision following a more economical path. The particle's newly incorporated time information is usually in contradiction to the past memories of best function evaluations thus degrading convergence. A technique is proposed in order to modulate the new cognitive input that consists of progressive reducing of its weight in order to confer the algorithm the appropriate time‐convergence balance. Results show that the proposed algorithm not only provides computational economy, but also unexpectedly improves convergence per se due to a better exploration in the initial stages of optimization. Its application in asymptotic homogenization of a cracked poroelastic medium confirms its superior performance compared to a series of alternative optimization algorithms. The proposed algorithm improvement allows to extend the applicability of PSO and PSO‐based algorithms to problems that were previously thought to be too computationally expensive for population‐based approaches. [ABSTRACT FROM AUTHOR]
- Published
- 2022
- Full Text
- View/download PDF
35. Nonlinear Regression Analysis Using Multi-verse Optimizer
- Author
-
Bagchi, Jayri, Si, Tapas, Bansal, Jagdish Chand, Series Editor, Deep, Kusum, Series Editor, Nagar, Atulya K., Series Editor, Gao, Xiao-Zhi, editor, Kumar, Rajesh, editor, Srivastava, Sumit, editor, and Soni, Bhanu Pratap, editor
- Published
- 2021
- Full Text
- View/download PDF
36. Swarm Intelligence Based Optimum Design of Deep Excavation Systems
- Author
-
Uray, E., Çarbaş, S., Yang, Xin-She, Series Editor, Dey, Nilanjan, Series Editor, Fong, Simon, Series Editor, and Osaba, Eneko, editor
- Published
- 2021
- Full Text
- View/download PDF
37. A Survey on Social Networking Using Concept of Evolutionary Algorithms and Big Data Analysis
- Author
-
Nawghare, Rutuja, Tripathi, Sarsij, Vardhan, Manu, Kacprzyk, Janusz, Series Editor, Pal, Nikhil R., Advisory Editor, Bello Perez, Rafael, Advisory Editor, Corchado, Emilio S., Advisory Editor, Hagras, Hani, Advisory Editor, Kóczy, László T., Advisory Editor, Kreinovich, Vladik, Advisory Editor, Lin, Chin-Teng, Advisory Editor, Lu, Jie, Advisory Editor, Melin, Patricia, Advisory Editor, Nedjah, Nadia, Advisory Editor, Nguyen, Ngoc Thanh, Advisory Editor, Wang, Jun, Advisory Editor, Gao, Xiao-Zhi, editor, Tiwari, Shailesh, editor, Trivedi, Munesh C., editor, and Mishra, Krishn K., editor
- Published
- 2021
- Full Text
- View/download PDF
38. Relative Global Optimum-Based Measure for Fusion Technique in Shearlet Transform Domain for Prognosis of Alzheimer’s Disease
- Author
-
Mukherjee, Suranjana, Das, Arpita, Deshpande, Anand, editor, Estrela, Vania V., editor, and Razmjooy, Navid, editor
- Published
- 2021
- Full Text
- View/download PDF
39. Bio-Inspired Ant Lion Optimizer for a Constrained Petroleum Product Scheduling
- Author
-
Chinwe Peace Igiri, Deepshikha Bhargava, Theodora Ekwomadu, Funmilayo Kasali, and Bassey Isong
- Subjects
Optimization ,bio-inspired algorithms ,ant lion optimizer ,particle swarm optimizer ,petroleum product scheduling ,chaotic functions ,Electrical engineering. Electronics. Nuclear engineering ,TK1-9971 - Abstract
Real-world optimization problems demand sophisticated algorithms. Over the years bio-inspired approach, a subset of computational intelligence has demonstrated remarkable success in real-world use cases, especially where exact or deterministic algorithms are ineffective. Petroleum product scheduling is a complex optimization task belonging to the combinatorial problem category. The problem size and the constraints compound the complexity of the petroleum product scheduling problem. However, conventional optimization methods such as the exact or deterministic algorithm produced a poor solution quality to the petroleum products scheduling problem. Therefore, this study leverages the potency of a bio-inspired approach, Ant Lion Optimizer (ALO) in its basic state to enhance the solution quality. This is in line with She-Shin Yang’s proposition, father of bio-inspired algorithms who advocated for the application of existing bio-inspired algorithms to tackle real-world problems rather than developing new algorithms. Bio-inspired is a computational paradigm that models the characteristics of natural biological entities to solve complex problems. We also used the Chaotic Particle Swarm Optimization (CPSO) algorithm for the same problem to unveil the efficacy of the roulette wheel function in ALO. The results show a 24.8% and 23.9% reduction in the original cost of distribution on ALO and CPSO respectively. Also, 99.5% of the constraints are met. Thus, problems of scarcity, minimum allocation and product availability are solved using the penalty constraint handling method. The exact algorithm showed a 14% reduction in the original cost. However, despite the effectiveness, further work on constraint handling methods and other bio-inspired computation approaches such as Genetic algorithms and their variants could be possible in the future scope. Moreover, other real-world problem domains such as power distribution in the power, sector could be a possible application of the ALO.
- Published
- 2022
- Full Text
- View/download PDF
40. Disassembly sequence planning validated thru augmented reality for a speed reducer
- Author
-
Leonardo Frizziero, Giampiero Donnici, Gian Maria Santi, Christian Leon-Cardenas, Patrich Ferretti, Gaia Pascucci, and Alfredo Liverani
- Subjects
Disassembly ,optimization ,closed loop ,genetic algorithms ,metaheuristic method ,particle swarm optimizer ,Engineering (General). Civil engineering (General) ,TA1-2040 - Abstract
The lifecycle of a product is getting shorter in today’s market realities. Latest developments in the industry are heading towards achieving products that are easy to recycle, by developing further technological advances in raw materials ought to include input from End of Life (EOL) products so a reduction of natural harm could be achieved, hence reducing the overall production environmental footprint. Therefore, the approach taken as a design for environment, a key request nowadays in order to develop products that would ease the reverse manufacturing process leading to a more efficient element recycling for later use as spare parts or remanufacturing. The methodology proposed compares three probable disassembly sequences following a comparison of literature-found procedures between genetic algorithms and as a “state space search” problem, followed by a hybrid approach developed by the authors. Time and evaluation of these procedures reached to the best performing sequence. A subsequent augmented reality disassembly simulation was performed with the top-scored operation sequence with which the user is better able to familiarize himself with the assembly than a traditional paper manual, therefore enlightening the feasibility of the top performing sequence in the real world.
- Published
- 2022
- Full Text
- View/download PDF
41. Rough Sets Hybridization with Mayfly Optimization for Dimensionality Reduction.
- Author
-
Azar, Ahmad Taher, Elgendy, Mustafa Samy, Salam, Mustafa Abdul, and Fouad, Khaled M.
- Subjects
ROUGH sets ,DATA reduction ,MATHEMATICAL optimization ,MACHINE learning ,BIG data - Abstract
Big data is a vast amount of structured and unstructured data that must be dealt with on a regular basis. Dimensionality reduction is the process of converting a huge set of data into data with tiny dimensions so that equal information may be expressed easily. These tactics are frequently utilized to improve classification or regression challenges while dealing with machine learning issues. To achieve dimensionality reduction for huge data sets, this paper offers a hybrid particle swarm optimization-rough set PSO-RS and Mayfly algorithm-rough set MA-RS. A novel hybrid strategy based on the Mayfly algorithm (MA) and the rough set (RS) is proposed in particular. The performance of the novel hybrid algorithm MA-RS is evaluated by solving six different data sets from the literature. The simulation results and comparison with common reduction methods demonstrate the proposed MARS algorithm's capacity to handle a wide range of data sets. Finally, the rough set approach, as well as the hybrid optimization techniques PSO-RS and MARS, were applied to deal with the massive data problem. MA-hybrid RS's method beats other classic dimensionality reduction techniques, according to the experimental results and statistical testing studies. [ABSTRACT FROM AUTHOR]
- Published
- 2022
- Full Text
- View/download PDF
42. On the optimization of offshore wind farm layouts
- Author
-
Pillai, Ajit Chitharanjan and Chick, John
- Subjects
621.31 ,wind farm design ,layout optimization ,wake modelling ,cost assessment ,cable optimization ,genetic algorithm ,particle swarm optimizer - Abstract
Layout optimization of offshore wind farms seeks to automate the design of the wind farm and the placement of wind turbines such that the proposed wind farm maximizes its potential. The optimization of an offshore wind farm layout therefore seeks to minimize the costs of the wind farm while maximizing the energy extraction while considering the effects of wakes on the resource; the electrical infrastructure required to collect the energy generated; the cost variation across the site; and all technical and consenting constraints that the wind farm developer must adhere to. As wakes, electrical losses, and costs are non-linear, this produces a complex optimization problem. This thesis describes the design, development, validation, and initial application of a new framework for the optimization of offshore wind farm layouts using either a genetic algorithm or a particle swarm optimizer. The developed methodology and analysis tool have been developed such that individual components can either be used to analyze a particular wind farm layout or used in conjunction with the optimization algorithms to design and optimize wind farm layouts. To accomplish this, separate modules have been developed and validated for the design and optimization of the necessary electrical infrastructure, the assessment of the energy production considering energy losses, and the estimation of the project costs. By including site-dependent parameters and project specific constraints, the framework is capable of exploring the influence the wind farm layout has on the levelized cost of energy of the project. Deploying the integrated framework using two common engineering metaheuristic algorithms to hypothetical, existing, and future wind farms highlights the advantages of this holistic layout optimization framework over the industry standard approaches commonly deployed in offshore wind farm design leading to a reduction in LCOE. Application of the tool to a UK Round 3 site recently under development has also highlighted how the use of this tool can aid in the development of future regulations by considering various constraints on the placement of wind turbines within the site and exploring how these impact the levelized cost of energy.
- Published
- 2017
43. Multiobjective band selection approach via an adaptive particle swarm optimizer for remote sensing hyperspectral images.
- Author
-
Zhang, Yuze, Lin, Qiuzhen, Li, Lingjie, Xiao, Zhijiao, Ming, Zhong, and Leung, Victor C.M.
- Subjects
ENTROPY (Information theory) ,EVOLUTIONARY algorithms ,INFORMATION measurement - Abstract
Band selection (BS) is an important technique in remote sensing hyperspectral image (HSI) classification that captures informative bands and removes redundant bands, thereby reducing the computational overhead of the model and improving classification performance. Recently, evolutionary algorithm (EA) with good search capability has been successfully extended as an efficient BS method for processing HSIs. However, most of the existing EA-based BS methods still face following challenges: 1) Most of them are designed based on a single search strategy, which may not be sufficient to find the promising subset of bands and tend to fall into the local optimum; 2) Most of them ignore the problem of potential duplicate bands existing in the solution vectors, which leads to some performance degradation. To address these issues, this paper proposes an effective unsupervised multiobjective BS approach through an adaptive particle swarm optimizer (PSO), called APSO-BS. First, a new robust unsupervised multiobjective BS model is designed, which applies information entropy to measure the amount of information contained in bands and uses the structural similarity measure to evaluate the correlation among bands. Second, to effectively solve the multiobjective BS model constructed above, an adaptive particle swarm optimizer is proposed, which first applies a pre-scoring mechanism to estimate the evolutionary states (i.e., diversity and convergence degree) of particles, and then adaptively selects different PSO search strategies for different particles according to their corresponding evolutionary states. In addition, a self-repair mechanism is designed to correct the violating individuals with duplicate bands. Therefore, our proposed method can reasonably address the two major challenges mentioned above. Finally, to evaluate the performance of APSO-BS, four common HSI datasets are adopted in our experiments, and extensive results under three different classifiers show that our proposed APSO-BS outperforms several state-of-the-art BS methods. • A novel BS method via an adaptive PSO is proposed in this paper. • A pre-scoring mechanism is designed to estimate the evolutionary states of particles. • An adaptive PSO is proposed to adaptively select different search strategies. • A self-repair mechanism is used to fix violation individuals with duplicate bands. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
44. Estimating CO2 emissions using a fractional grey Bernoulli model with time power term.
- Author
-
Wang, Huiping and Wang, Yi
- Subjects
GLOBAL warming ,PREDICTION models ,ENVIRONMENTAL protection ,MATHEMATICAL optimization ,CARBON emissions - Abstract
Global warming caused by CO
2 emissions will directly harm the health and quality of life of people. Accurate prediction of CO2 emissions is highly important for policy-makers to formulate scientific and reasonable low-carbon environmental protection policies. To accurately predict the CO2 emissions of the world's major economies, this paper proposes a new fractional grey Bernoulli model (FGBM(1,1, t α )). First, this paper introduces the modeling mechanism and characteristics of the FGBM(1,1, t α ) model. The new model can be transformed into other grey prediction models through parameter adjustment, so the new model exhibits high adaptability. Second, this paper employs four carbon emission datasets to establish a grey prediction model, calculates model parameters with three optimization algorithms, adopts two evaluation criteria to evaluate the accuracy of the model results, and selects the optimization algorithm and model results that yield the highest model accuracy, which verifies that the FGBM(1,1, t α ) model is more feasible and effective than the other six grey models. Finally, this paper applies the FGBM(1,1, t α ) model to predict the CO2 emissions of the USA, India, Asia Pacific, and the world over the next 5 years. The forecast results reveal that from 2020 to 2024, the CO2 emissions of India, the Asia Pacific region, and the world will gradually rise, but that in USA will slowly decline over the next 5 years. [ABSTRACT FROM AUTHOR]- Published
- 2022
- Full Text
- View/download PDF
45. Development of registration methods for cardiovascular anatomy and function using advanced 3T MRI, 320-slice CT and PET imaging
- Author
-
Wang, Chengjia, Semple, Scott, and Newby, David
- Subjects
616.07 ,computed tomography ,magnetic resonance imaging ,image registration ,registration software packages ,multi-modality data ,particle swarm optimizer - Abstract
Different medical imaging modalities provide complementary anatomical and functional information. One increasingly important use of such information is in the clinical management of cardiovascular disease. Multi-modality data is helping improve diagnosis accuracy, and individualize treatment. The Clinical Research Imaging Centre at the University of Edinburgh, has been involved in a number of cardiovascular clinical trials using longitudinal computed tomography (CT) and multi-parametric magnetic resonance (MR) imaging. The critical image processing technique that combines the information from all these different datasets is known as image registration, which is the topic of this thesis. Image registration, especially multi-modality and multi-parametric registration, remains a challenging field in medical image analysis. The new registration methods described in this work were all developed in response to genuine challenges in on-going clinical studies. These methods have been evaluated using data from these studies. In order to gain an insight into the building blocks of image registration methods, the thesis begins with a comprehensive literature review of state-of-the-art algorithms. This is followed by a description of the first registration method I developed to help track inflammation in aortic abdominal aneurysms. It registers multi-modality and multi-parametric images, with new contrast agents. The registration framework uses a semi-automatically generated region of interest around the aorta. The aorta is aligned based on a combination of the centres of the regions of interest and intensity matching. The method achieved sub-voxel accuracy. The second clinical study involved cardiac data. The first framework failed to register many of these datasets, because the cardiac data suffers from a common artefact of magnetic resonance images, namely intensity inhomogeneity. Thus I developed a new preprocessing technique that is able to correct the artefacts in the functional data using data from the anatomical scans. The registration framework, with this preprocessing step and new particle swarm optimizer, achieved significantly improved registration results on the cardiac data, and was validated quantitatively using neuro images from a clinical study of neonates. Although on average the new framework achieved accurate results, when processing data corrupted by severe artefacts and noise, premature convergence of the optimizer is still a common problem. To overcome this, I invented a new optimization method, that achieves more robust convergence by encoding prior knowledge of registration. The registration results from this new registration-oriented optimizer are more accurate than other general-purpose particle swarm optimization methods commonly applied to registration problems. In summary, this thesis describes a series of novel developments to an image registration framework, aimed to improve accuracy, robustness and speed. The resulting registration framework was applied to, and validated by, different types of images taken from several ongoing clinical trials. In the future, this framework could be extended to include more diverse transformation models, aided by new machine learning techniques. It may also be applied to the registration of other types and modalities of imaging data.
- Published
- 2016
46. Optimal Tuning of a New Multi-input Multi-output Fuzzy Controller for Doubly Fed Induction Generator-Based Wind Energy Conversion System.
- Author
-
Nasef, Sahar A., Hassan, Amal A., Elsayed, Hanaa T., Zahran, Mohamed B., El-Shaer, Mohamed K., and Abdelaziz, Almoataz Y.
- Subjects
- *
INDUCTION generators , *WIND energy conversion systems , *RENEWABLE energy sources , *POWER resources , *REACTIVE power control , *WIND speed - Abstract
Wind energy is one of the world's leading promising renewable energy sources, due to that there is a prediction that wind generation systems will provide maximum power supply and have good integration with the electric grid. To fulfill the increasing power demand, wind power generation systems need more advanced, novel, and robust control approaches to achieve a more stable operation of the controller and to improve the overall efficiency of the system. This paper presents an optimal design and tuning of fuzzy logic controllers (FLC) for a 1.5-MW doubly fed induction generator (DFIG), grid-connected, wind energy conversion system (WECS) using intelligent methodologies such as particle swarm optimizer (PSO), the gray wolf optimization (GWO), moth-flame optimizer (MFO), and multi-verse optimizer (MVO). FLC scaling factors are optimized for both dc-link voltage controller and current regulators of the grid-side converter and rotor-side converter of the back to back of DFIG wind turbine. A multi-objective optimization methodology is proposed which aims to minimize the steady-state errors of these controllers to improve the dynamic operation of the DFIG wind energy system subjected to variable wind speed conditions. Finally, a comparison is carried out between the different optimization techniques for FLC using PSO, GWO, MFO, and MVO, also between the proposed optimized controller and PI controller. The main contribution of this study is that it proposes a new control methodology for a DFIG-based WECS. This strategy is to optimize multi-input multi-output MIMO-FLC scaling factors by applying PSO, GWO, MFO, and MVO algorithms to control the d-q component of rotor and stator currents to control the active and reactive power of the DFIG. The operation of the proposed controller is tested under variable wind speed to investigate the DFIG behavior in case of transition from low to high gust and it is found by comparing the different techniques that the best-optimized controller is MFO-FLC which gives a very good behavior under variable wind speed conditions. [ABSTRACT FROM AUTHOR]
- Published
- 2022
- Full Text
- View/download PDF
47. Big Data Sentimental Analysis Using Document to Vector and Optimized Support Vector Machine
- Author
-
Sozan Abdulla Mahmood and Qani Qabil Qasim
- Subjects
document to vector ,grey wolf optimizer ,particle swarm optimizer ,hybrid particle swarm optimizer_grey wolf optimizer ,opinion mining ,radial bias function kernel-based support vector machine ,sentiment analysis ,support vector machine optimization ,twitter application programming interface ,Science - Abstract
With the rapid evolution of the internet, using social media networks such as Twitter, Facebook, and Tumblr, is becoming so common that they have made a great impact on every aspect of human life. Twitter is one of the most popular micro-blogging social media that allow people to share their emotions in short text about variety of topics such as company’s products, people, politics, and services. Analyzing sentiment could be possible as emotions and reviews on different topics are shared every second, which makes social media to become a useful source of information in different fields such as business, politics, applications, and services. Twitter Application Programming Interface (Twitter-API), which is an interface between developers and Twitter, allows them to search for tweets based on the desired keyword using some secret keys and tokens. In this work, Twitter-API used to download the most recent tweets about four keywords, namely, (Trump, Bitcoin, IoT, and Toyota) with a different number of tweets. “Vader” that is a lexicon rule-based method used to categorize downloaded tweets into “Positive” and “Negative” based on their polarity, then the tweets were protected in Mongo database for the next processes. After pre-processing, the hold-out technique was used to split each dataset to 80% as “training-set” and rest 20% “testing-set.” After that, a deep learning-based Document to Vector model was used for feature extraction. To perform the classification task, Radial Bias Function kernel-based support vector machine (SVM) has been used. The accuracy of (RBF-SVM) mainly depends on the value of hyperplane “Soft Margin” penalty “C” and γ “gamma” parameters. The main goal of this work is to select best values for those parameters in order to improve the accuracy of RBF-SVM classifier. The objective of this study is to show the impacts of using four meta-heuristic optimizer algorithms, namely, particle swarm optimizer (PSO), modified PSO (MPSO), grey wolf optimizer (GWO), and hybrid of PSO-GWO in improving SVM classification accuracy by selecting the best values for those parameters. To the best of our knowledge, hybrid PSO-GWO has never been used in SVM optimization. The results show that these optimizers have a significant impact on increasing SVM accuracy. The best accuracy of the model with traditional SVM was 87.885%. After optimization, the highest accuracy obtained with GWO is 91.053% while PSO, hybrid PSO-GWO, and MPSO best accuracies are 90.736%, 90.657%, and 90.557%, respectively.
- Published
- 2020
- Full Text
- View/download PDF
48. Data-driven drug treatment: enhancing clinical decision-making with SalpPSO-optimized GraphSAGE.
- Author
-
G L SM, B S, and Hemalatha S
- Abstract
Safe drug recommendation systems play a crucial role in minimizing adverse drug reactions and enhancing patient safety. In this research, we propose an innovative approach to develop a safety drug recommendation system by integrating the Salp Swarm Optimization-based Particle Swarm Optimization (SalpPSO) with the GraphSAGE algorithm. The goal is to optimize the hyper parameters of GraphSAGE, enabling more accurate drug-drug interaction prediction and personalized drug recommendations. The research begins with data collection from real-world datasets, including MIMIC-III, Drug Bank, and ICD-9 ontology. The databases provide comprehensive and diverse clinical data related to patients, diseases, and drugs, forming the foundation of a knowledge graph. It represents drug-related entities and their relationships, such as drugs, indications, adverse effects, and drug-drug interactions. The knowledge graph's integration of patient data, disease ontology, and drug information enhances the system's accuracy to predict drug-drug interactions as well as identifying potential detrimental drug reactions. The GraphSAGE algorithm is employed as the base model for learning node embeddings in the knowledge graph. To enhance its performance, we propose the SalpPSO algorithm for hyper parameter optimization. SalpPSO combines features from Salp Swarm Optimization and Particle Swarm Optimization, offering a robust and effective optimization process. The optimized hyper parameters lead to more reliable and accurate drug recommendation system. For evaluation, the dataset is split into training and validation sets and compared the performance of the modified GraphSAGE model with SalpPSO-optimized hyper parameters to the standard models. The experimental analysis conducted in terms of various measures proves the efficiency of the proposed safe recommendation system, offering valuable for healthcare experts in making more informed and personalized drug treatment decisions for patients.
- Published
- 2024
- Full Text
- View/download PDF
49. Niching Particle Swarm Optimizer with Entropy-Based Exploration Strategy for Global Optimization
- Author
-
Li, Dongyang, Guo, Weian, Wang, Lei, Goos, Gerhard, Founding Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Woeginger, Gerhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Tan, Ying, editor, Shi, Yuhui, editor, and Niu, Ben, editor
- Published
- 2019
- Full Text
- View/download PDF
50. Disassembly sequence planning validated thru augmented reality for a speed reducer.
- Author
-
Frizziero, Leonardo, Donnici, Giampiero, Santi, Gian Maria, Leon-Cardenas, Christian, Ferretti, Patrich, Pascucci, Gaia, and Liverani, Alfredo
- Subjects
SPEED reducers ,GENETIC algorithms ,SPARE parts ,HARM reduction ,MANUFACTURING processes ,FOOTPRINTS - Abstract
The lifecycle of a product is getting shorter in today’s market realities. Latest developments in the industry are heading towards achieving products that are easy to recycle, by developing further technological advances in raw materials ought to include input from End of Life (EOL) products so a reduction of natural harm could be achieved, hence reducing the overall production environmental footprint. Therefore, the approach taken as a design for environment, a key request nowadays in order to develop products that would ease the reverse manufacturing process leading to a more efficient element recycling for later use as spare parts or remanufacturing. The methodology proposed compares three probable disassembly sequences following a comparison of literature-found procedures between genetic algorithms and as a “state space search” problem, followed by a hybrid approach developed by the authors. Time and evaluation of these procedures reached to the best performing sequence. A subsequent augmented reality disassembly simulation was performed with the top-scored operation sequence with which the user is better able to familiarize himself with the assembly than a traditional paper manual, therefore enlightening the feasibility of the top performing sequence in the real world. [ABSTRACT FROM AUTHOR]
- Published
- 2022
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.