Your browser doesn't support javascript.
loading
Mostrar: 20 | 50 | 100
Resultados 1 - 20 de 951
Filtrar
1.
PeerJ Comput Sci ; 10: e2048, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38855216

RESUMO

In the quest for sustainable urban development, precise quantification of urban green space is paramount. This research delineates the implementation of a Cosine Adaptive Particle Swarm Optimization Long Short-Term Memory (CAPSO-LSTM) model, utilizing a comprehensive dataset from Beijing (1998-2021) to train and test the model. The CAPSO-LSTM model, which integrates a cosine adaptive mechanism into particle swarm optimization, advances the optimization of long short-term memory (LSTM) network hyperparameters. Comparative analyses are conducted against conventional LSTM and Partical Swarm Optimization (PSO)-LSTM frameworks, employing mean absolute error (MAE), root mean square error (RMSE), and mean absolute percentage error (MAPE) as evaluative benchmarks. The findings indicate that the CAPSO-LSTM model exhibits a substantial improvement in prediction accuracy over the LSTM model, manifesting as a 66.33% decrease in MAE, a 73.78% decrease in RMSE, and a 57.14% decrease in MAPE. Similarly, when compared to the PSO-LSTM model, the CAPSO-LSTM model demonstrates a 58.36% decrease in MAE, a 65.39% decrease in RMSE, and a 50% decrease in MAPE. These results underscore the efficacy of the CAPSO-LSTM model in enhancing urban green space area prediction, suggesting its significant potential for aiding urban planning and environmental policy formulation.

2.
Sci Rep ; 14(1): 13129, 2024 Jun 07.
Artigo em Inglês | MEDLINE | ID: mdl-38849414

RESUMO

Over the past decades, the software industry has expanded to include all industries. Since stakeholders tend to use it to get their work done, software houses seek to estimate the cost of the software, which includes calculating the effort, time, and resources required. Although many researchers have worked to estimate it, the prediction accuracy results are still inaccurate and unstable. Estimating it requires a lot of effort. Therefore, there is an urgent need for modern techniques that contribute to cost estimation. This paper seeks to present a model based on deep learning and machine learning techniques by combining convolutional neural networks (CNN) and the particle swarm algorithm (PSO) in the context of time series forecasting, which enables feature extraction and automatic tuning of hyperparameters, which reduces the manual effort of selecting parameters and contributes to fine-tuning. The use of PSO also enhances the robustness and generalization ability of the CNN model and its iterative nature allows for efficient discovery of hyperparameter similarity. The model was trained and tested on 13 different benchmark datasets and evaluated through six metrics: mean absolute error (MAE), mean square error (MSE), mean magnitude relative error (MMRE), root mean square error (RMSE), median magnitude relative error (MdMRE), and prediction accuracy (PRED). Comparative results reveal that the performance of the proposed model is better than other methods for all datasets and evaluation criteria. The results were very promising for predicting software cost estimation.

3.
BMC Bioinformatics ; 25(1): 208, 2024 Jun 08.
Artigo em Inglês | MEDLINE | ID: mdl-38849719

RESUMO

BACKGROUND: Drug design is a challenging and important task that requires the generation of novel and effective molecules that can bind to specific protein targets. Artificial intelligence algorithms have recently showed promising potential to expedite the drug design process. However, existing methods adopt multi-objective approaches which limits the number of objectives. RESULTS: In this paper, we expand this thread of research from the many-objective perspective, by proposing a novel framework that integrates a latent Transformer-based model for molecular generation, with a drug design system that incorporates absorption, distribution, metabolism, excretion, and toxicity prediction, molecular docking, and many-objective metaheuristics. We compared the performance of two latent Transformer models (ReLSO and FragNet) on a molecular generation task and show that ReLSO outperforms FragNet in terms of reconstruction and latent space organization. We then explored six different many-objective metaheuristics based on evolutionary algorithms and particle swarm optimization on a drug design task involving potential drug candidates to human lysophosphatidic acid receptor 1, a cancer-related protein target. CONCLUSION: We show that multi-objective evolutionary algorithm based on dominance and decomposition performs the best in terms of finding molecules that satisfy many objectives, such as high binding affinity and low toxicity, and high drug-likeness. Our framework demonstrates the potential of combining Transformers and many-objective computational intelligence for drug design.


Assuntos
Algoritmos , Desenho de Fármacos , Humanos , Simulação de Acoplamento Molecular , Receptores de Ácidos Lisofosfatídicos/metabolismo , Receptores de Ácidos Lisofosfatídicos/química , Inteligência Artificial
4.
Sci Rep ; 14(1): 12690, 2024 Jun 03.
Artigo em Inglês | MEDLINE | ID: mdl-38830916

RESUMO

A random initialization of the search particles is a strong argument in favor of the deployment of nature-inspired metaheuristic algorithms when the knowledge of a good initial guess is lacked. This article analyses the impact of the type of randomization on the working of algorithms and the acquired solutions. In this study, five different types of randomizations are applied to the Accelerated Particle Swarm Optimization (APSO) and Squirrel Search Algorithm (SSA) during the initializations and proceedings of the search particles for selective harmonics elimination (SHE). The types of randomizations include exponential, normal, Rayleigh, uniform, and Weibull characteristics. The statistical analysis shows that the type of randomization does impact the working of optimization algorithms and the fittest value of the objective function.

5.
Cogn Neurodyn ; 18(3): 907-918, 2024 Jun.
Artigo em Inglês | MEDLINE | ID: mdl-38826653

RESUMO

EEG is the most common test for diagnosing a seizure, where it presents information about the electrical activity of the brain. Automatic Seizure detection is one of the challenging tasks due to limitations of conventional methods with regard to inefficient feature selection, increased computational complexity and time and less accuracy. The situation calls for a practical framework to achieve better performance for detecting the seizure effectively. Hence, this study proposes modified Blackman bandpass filter-greedy particle swarm optimization (MBBF-GPSO) with convolutional neural network (CNN) for effective seizure detection. In this case, unwanted signals (noise) is eliminated by MBBF as it possess better ability in stopband attenuation, and, only the optimized features are selected using GPSO. For enhancing the efficacy of obtaining optimal solutions in GPSO, the time and frequency domain is extracted to complement it. Through this process, an optimized features are attained by MBBF-GPSO. Then, the CNN layer is employed for obtaining the productive classification output using the objective function. Here, CNN is employed due to its ability in automatically learning distinct features for individual class. Such advantages of the proposed system have made it explore better performance in seizure detection that is confirmed through performance and comparative analysis.

6.
Heliyon ; 10(11): e31622, 2024 Jun 15.
Artigo em Inglês | MEDLINE | ID: mdl-38868010

RESUMO

In today's increasingly popular Internet of Things (IoT) technology, its energy consumption issue is also becoming increasingly prominent. Currently, the application of Mobile Edge Computing (MEC) in IoT is becoming increasingly important, and scheduling its tasks to save energy is imperative. To address the aforementioned issues, we propose a Multi-User Multi-Server (MUMS) scheduling framework aimed at reducing the energy consumption in MEC. The framework starts with a model definition phase, detailing multi-user multi-server systems through four fundamental models: communication, offloading, energy, and delay. Then, these models are integrated to construct an energy consumption optimization model for MUMS. The final step involves utilizing the proposed L1_PSO (an enhanced version of the standard particle swarm optimization algorithm) to solve the optimization problem. Experimental results demonstrate that, compared to typical scheduling algorithms, the MUMS framework is both reasonable and feasible. Notably, the L1_PSO algorithm reduces energy consumption by 4.6 % compared to Random Assignment and by 2.3 % compared to the conventional Particle Swarm Optimization algorithm.

7.
Front Artif Intell ; 7: 1381430, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38765633

RESUMO

Coronary artery disease poses a significant challenge in decision-making when predicting the length of stay for a hospitalized patient. This study presents a predictive model-a Particle Swarm Optimized-Enhanced NeuroBoost-that combines the deep autoencoder with an eXtreme gradient boosting model optimized using particle swarm optimization. The model uses a fuzzy set of rules to categorize the length of stay into four distinct classes, followed by data preparation and preprocessing. In this study, the dimensionality of the data is reduced using deep neural autoencoders. The reconstructed data obtained from autoencoders is given as input to an eXtreme gradient boosting model. Finally, the model is tuned with particle swarm optimization to obtain optimal hyperparameters. With the proposed technique, the model achieved superior performance with an overall accuracy of 98.8% compared to traditional ensemble models and past research works. The model also scored highest in other metrics such as precision, recall, and particularly F1 scores for all categories of hospital stay. These scores validate the suitability of our proposed model in medical healthcare applications.

8.
Materials (Basel) ; 17(10)2024 May 08.
Artigo em Inglês | MEDLINE | ID: mdl-38793264

RESUMO

As a key guarantee and cornerstone of building quality, the importance of deformation prediction for deep foundation pits cannot be ignored. However, the deformation data of deep foundation pits have the characteristics of nonlinearity and instability, which will increase the difficulty of deformation prediction. In response to this characteristic and the difficulty of traditional deformation prediction methods to excavate the correlation between data of different time spans, the advantages of variational mode decomposition (VMD) in processing non-stationary series and a gated cycle unit (GRU) in processing complex time series data are considered. A predictive model combining particle swarm optimization (PSO), variational mode decomposition, and a gated cyclic unit is proposed. Firstly, the VMD optimized by the PSO algorithm was used to decompose the original data and obtain the Internet Message Format (IMF). Secondly, the GRU model optimized by PSO was used to predict each IMF. Finally, the predicted value of each component was summed with equal weight to obtain the final predicted value. The case study results show that the average absolute errors of the PSO-GRU prediction model on the original sequence, EMD decomposition, and VMD decomposition data are 0.502 mm, 0.462 mm, and 0.127 mm, respectively. Compared with the prediction mean square errors of the LSTM, GRU, and PSO-LSTM prediction models, the PSO-GRU on the PTB0 data of VMD decomposition decreased by 62.76%, 75.99%, and 53.14%, respectively. The PTB04 data decreased by 70%, 85.17%, and 69.36%, respectively. In addition, compared to the PSO-LSTM model, it decreased by 8.57% in terms of the model time. When the prediction step size increased from three stages to five stages, the mean errors of the four prediction models on the original data, EMD decomposed data, and VMD decomposed data increased by 28.17%, 3.44%, and 14.24%, respectively. The data decomposed by VMD are more conducive to model prediction and can effectively improve the accuracy of model prediction. An increase in the prediction step size will reduce the accuracy of the deformation prediction. The PSO-VMD-GRU model constructed has the advantages of reliable accuracy and a wide application range, and can effectively guide the construction of foundation pit engineering.

9.
Sensors (Basel) ; 24(10)2024 May 07.
Artigo em Inglês | MEDLINE | ID: mdl-38793813

RESUMO

The finite element numerical simulation results of deep pit deformation are greatly influenced by soil layer parameters, which are crucial in determining the accuracy of deformation prediction results. This study employs the orthogonal experimental design to determine the combinations of various soil layer parameters in deep pits. Displacement values at specific measurement points were calculated using PLAXIS 3D under these varying parameter combinations to generate training samples. The nonlinear mapping ability of the Back Propagation (BP) neural network and Particle Swarm Optimization (PSO) were used for sample global optimization. Combining these with actual onsite measurements, we inversely calculate soil layer parameter values to update the input parameters for PLAXIS 3D. This allows us to conduct dynamic deformation prediction studies throughout the entire excavation process of deep pits. The results indicate that the use of the PSO-BP neural network for inverting soil layer parameters effectively enhances the convergence speed of the BP neural network model and avoids the issue of easily falling into local optimal solutions. The use of PLAXIS 3D to simulate the excavation process of the pit accurately reflects the dynamic changes in the displacement of the retaining structure, and the numerical simulation results show good agreement with the measured values. By updating the model parameters in real-time and calculating the pile displacement under different working conditions, the absolute errors between the measured and simulated values of pile top vertical displacement and pile body maximum horizontal displacement can be effectively reduced. This suggests that inverting soil layer parameters using measured values from working conditions is a feasible method for dynamically predicting the excavation process of the pit. The research results have some reference value for the selection of soil layer parameters in similar areas.

10.
Sensors (Basel) ; 24(10)2024 May 09.
Artigo em Inglês | MEDLINE | ID: mdl-38793862

RESUMO

Photovoltaic (PV) panels are one of the popular green energy resources and PV panel parameter estimations are one of the popular research topics in PV panel technology. The PV panel parameters could be used for PV panel health monitoring and fault diagnosis. Recently, a PV panel parameters estimation method based in neural network and numerical current predictor methods has been developed. However, in order to further improve the estimation accuracies, a new approach of PV panel parameter estimation is proposed in this paper. The output current and voltage dynamic responses of a PV panel are measured, and the time series of the I-V vectors will be used as input to an artificial neural network (ANN)-based PV model parameter range classifier (MPRC). The MPRC is trained using an I-V dataset with large variations in PV model parameters. The results of MPRC are used to preset the initial particles' population for a particle swarm optimization (PSO) algorithm. The PSO algorithm is used to estimate the PV panel parameters and the results could be used for PV panel health monitoring and the derivation of maximum power point tracking (MMPT). Simulations results based on an experimental I-V dataset and an I-V dataset generated by simulation show that the proposed algorithms can achieve up to 3.5% accuracy and the speed of convergence was significantly improved as compared to a purely PSO approach.

11.
Network ; : 1-31, 2024 May 28.
Artigo em Inglês | MEDLINE | ID: mdl-38804502

RESUMO

The recent wireless communication systems require high gain, lightweight, low profile, and simple antenna structures to ensure high efficiency and reliability. The existing microstrip patch antenna (MPA) design approaches attain low gain and high return loss. To solve this issue, the geometric dimensions of the antenna should be optimized. The improved Particle Swarm Optimization (PSO) algorithm which is the combination of PSO and simulated annealing (SA) approach (PSO-SA) is employed in this paper to optimize the width and length of the inset-fed rectangular microstrip patch antennas for Ku-band and C-band applications. The inputs to the proposed algorithm such as substrate height, dielectric constant, and resonant frequency and outputs are optimized for width and height. The return loss and gain of the antenna are considered for the fitness function. To calculate the fitness value, the Feedforward Neural Network (FNN) is employed in the PSO-SA approach. The design and optimization of the proposed MPA are implemented in MATLAB software. The performance of the optimally designed antenna with the proposed approach is evaluated in terms of the radiation pattern, return loss, Voltage Standing Wave Ratio (VSWR), gain, computation time, directivity, and convergence speed.

12.
Antimicrob Agents Chemother ; : e0026524, 2024 May 29.
Artigo em Inglês | MEDLINE | ID: mdl-38808999

RESUMO

In order to predict the anti-trypanosome effect of carbazole-derived compounds by quantitative structure-activity relationship, five models were established by the linear method, random forest, radial basis kernel function support vector machine, linear combination mix-kernel function support vector machine, and nonlinear combination mix-kernel function support vector machine (NLMIX-SVM). The heuristic method and optimized CatBoost were used to select two different key descriptor sets for building linear and nonlinear models, respectively. Hyperparameters in all nonlinear models were optimized by comprehensive learning particle swarm optimization with low complexity and fast convergence. Furthermore, the models' robustness and reliability underwent rigorous assessment using fivefold and leave-one-out cross-validation, y-randomization, and statistics including concordance correlation coefficient (CCC), [Formula: see text] , [Formula: see text] , and [Formula: see text] . Among all the models, the NLMIX-SVM model, which was established by support vector regression using a nonlinear combination of radial basis kernel function, sigmoid kernel function, and linear kernel function as a new kernel function, demonstrated excellent learning and generalization abilities as well as robustness: [Formula: see text] = 0.9581, mean square error (MSE) = 0.0199 for the training set and [Formula: see text] = 0.9528, MSE = 0.0174 for the test set. [Formula: see text] , [Formula: see text] , CCC, [Formula: see text] , [Formula: see text], and [Formula: see text] are 0.9539, 0.8908, 0.9752, 0.9529, 0.9528, and 0.9633, respectively. The NLMIX-SVM method proved to be a promising way in quantitative structure-activity relationship research. In addition, molecular docking experiments were conducted to analyze the properties of new derivatives, and a new potential candidate drug molecule was ultimately found. In summary, this study will provide help for the design and screening of novel anti-trypanosome drugs.

13.
Comput Biol Med ; 176: 108498, 2024 Jun.
Artigo em Inglês | MEDLINE | ID: mdl-38744011

RESUMO

With advancements in science and technology, the depth of human research on COVID-19 is increasing, making the investigation of medical images a focal point. Image segmentation, a crucial step preceding image processing, holds significance in the realm of medical image analysis. Traditional threshold image segmentation proves to be less efficient, posing challenges in selecting an appropriate threshold value. In response to these issues, this paper introduces Inner-based multi-strategy particle swarm optimization (IPSOsono) for conducting numerical experiments and enhancing threshold image segmentation in COVID-19 medical images. A novel dynamic oscillatory weight, derived from the PSO variant for single-objective numerical optimization (PSOsono) is incorporated. Simultaneously, the historical optimal positions of individuals in the particle swarm undergo random updates, diminishing the likelihood of algorithm stagnation and local optima. Moreover, an inner selection learning mechanism is proposed in the update of optimal positions, dynamically refining the global optimal solution. In the CEC 2013 benchmark test, PSOsono demonstrates a certain advantage in optimization capability compared to algorithms proposed in recent years, proving the effectiveness and feasibility of PSOsono. In the Minimum Cross Entropy threshold segmentation experiments for COVID-19, PSOsono exhibits a more prominent segmentation capability compared to other algorithms, showing good generalization across 6 CT images and further validating the practicality of the algorithm.


Assuntos
Algoritmos , COVID-19 , SARS-CoV-2 , COVID-19/diagnóstico por imagem , Humanos , Processamento de Imagem Assistida por Computador/métodos , Aprendizado de Máquina
14.
Heliyon ; 10(9): e30241, 2024 May 15.
Artigo em Inglês | MEDLINE | ID: mdl-38720763

RESUMO

Parkinson's disease (PD) is an age-related neurodegenerative disorder characterized by motor deficits, including tremor, rigidity, bradykinesia, and postural instability. According to the World Health Organization, about 1 % of the global population has been diagnosed with PD, and this figure is expected to double by 2040. Early and accurate diagnosis of PD is critical to slowing down the progression of the disease and reducing long-term disability. Due to the complexity of the disease, it is difficult to accurately diagnose it using traditional clinical tests. Therefore, it has become necessary to develop intelligent diagnostic models that can accurately detect PD. This article introduces a novel hybrid approach for accurate prediction of PD using an ANFIS with two optimizers, namely Adam and PSO. ANFIS is a type of fuzzy logic system used for nonlinear function approximation and classification, while Adam optimizer has the ability to adaptively adjust the learning rate of each individual parameter in an ANFIS at each training step, which helps the model find a better solution more quickly. PSO is a metaheuristic approach inspired by the behavior of social animals such as birds. Combining these two methods has potential to provide improved accuracy and robustness in PD diagnosis compared to existing methods. The proposed method utilized the advantages of both optimization techniques and applied them on the developed ANFIS model to maximize its prediction accuracy. This system was developed by using an open access clinical and demographic data. The chosen parameters for the ANFIS were selected through a comparative experimental analysis to optimize the model considering the number of fuzzy membership functions, number of epochs of ANFIS, and number of particles of PSO. The performance of the two ANFIS models: ANFIS (Adam) and ANFIS (PSO) focusing at ANFIS parameters and various evaluation metrics are further analyzed in detail and presented, The experimental results showed that the proposed ANFIS (PSO) shows better results in terms of loss and precision, whereas, the ANFIS (Adam) showed the better results in terms of accuracy, f1-score and recall. Thus, this adaptive neural-fuzzy algorithm provides a promising strategy for the diagnosis of PD, and show that the proposed models show their suitability for many other practical applications.

15.
Evol Comput ; : 1-31, 2024 May 21.
Artigo em Inglês | MEDLINE | ID: mdl-38776458

RESUMO

Premature convergence is a thorny problem for particle swarm optimization (PSO) algorithms, especially on multimodal problems, where maintaining swarm diversity is crucial. However, most enhancement strategies for PSO, including the existing diversity-guided strategies, have not fully addressed this issue. This paper proposes the virtual position guided (VPG) strategy for PSO algorithms. The VPG strategy calculates diversity values for two different populations and establishes a diversity baseline. It then dynamically guides the algorithm to conduct different search behaviors, through three phases - divergence, normal, and acceleration - in each iteration, based on the relationships among these diversity values and the baseline. Collectively, these phases orchestrate different schemes to balance exploration and exploitation, collaboratively steering the algorithm away from local optima and towards enhanced solution quality. The introduction of 'virtual position' caters to the strategy's adaptability across various PSO algorithms, ensuring the generality and effectiveness of the proposed VPG strategy. With a single hyperparameter and a recommended usual setup, VPG is easy to implement. The experimental results demonstrate that the VPG strategy is superior to several canonical and the state-of-the-art strategies for diversity guidance, and is effective in improving the search performance of most PSO algorithms on multimodal problems of various dimensionalities.

16.
Sci Rep ; 14(1): 10853, 2024 May 13.
Artigo em Inglês | MEDLINE | ID: mdl-38740973

RESUMO

The traditional decomposed ensemble prediction model decomposes the entire rainfall sequence into several sub-sequences, dividing them into training and testing periods for modeling. During sample construction, future information is erroneously mixed into the training data, making it challenging to apply in practical rainfall forecasting. This paper proposes a novel stepwise decomposed ensemble coupling model, realized through variational mode decomposition (VMD) and bidirectional long short-term memory neural network (BiLSTM) models. Model parameters are optimized using an improved particle swarm optimization (IPSO). The performance of the model was evaluated using rainfall data from the Southern Four Lakes basin. The results indicate that: (1) Compared to the PSO algorithm, the IPSO algorithm-coupled model shows a minimum decrease of 2.70% in MAE and at least 2.62% in RMSE across the four cities in the Southern Four Lakes basin; the IPSO algorithm results in a minimum decrease of 25.58% in MAE and at least 28.19% in RMSE for the VMD-BiLSTM model. (2) When compared to IPSO-BiLSTM, the VMD-IPSO-BiLSTM based on the stepwise decomposition technique exhibits a minimum decrease of 26.54% in MAE and at least 34.16% in RMSE. (3) The NSE for the testing period of the VMD-IPSO-BiLSTM model in each city surpasses 0.88, indicating higher prediction accuracy and providing new insights for optimizing rainfall forecasting.

17.
Biomimetics (Basel) ; 9(5)2024 Apr 24.
Artigo em Inglês | MEDLINE | ID: mdl-38786469

RESUMO

Aiming at effectively generating safe and reliable motion paths for quadruped robots, a hierarchical path planning approach driven by dynamic 3D point clouds is proposed in this article. The developed path planning model is essentially constituted of two layers: a global path planning layer, and a local path planning layer. At the global path planning layer, a new method is proposed for calculating the terrain potential field based on point cloud height segmentation. Variable step size is employed to improve the path smoothness. At the local path planning layer, a real-time prediction method for potential collision areas and a strategy for temporary target point selection are developed. Quadruped robot experiments were carried out in an outdoor complex environment. The experimental results verified that, for global path planning, the smoothness of the path is improved and the complexity of the passing ground is reduced. The effective step size is increased by a maximum of 13.4 times, and the number of iterations is decreased by up to 1/6, compared with the traditional fixed step size planning algorithm. For local path planning, the path length is shortened by 20%, and more efficient dynamic obstacle avoidance and more stable velocity planning are achieved by using the improved dynamic window approach (DWA).

18.
Biomimetics (Basel) ; 9(5)2024 May 17.
Artigo em Inglês | MEDLINE | ID: mdl-38786508

RESUMO

In recent years, swarm intelligence optimization methods have been increasingly applied in many fields such as mechanical design, microgrid scheduling, drone technology, neural network training, and multi-objective optimization. In this paper, a multi-strategy particle swarm optimization hybrid dandelion optimization algorithm (PSODO) is proposed, which is based on the problems of slow optimization speed and being easily susceptible to falling into local extremum in the optimization ability of the dandelion optimization algorithm. This hybrid algorithm makes the whole algorithm more diverse by introducing the strong global search ability of particle swarm optimization and the unique individual update rules of the dandelion algorithm (i.e., rising, falling and landing). The ascending and descending stages of dandelion also help to introduce more changes and explorations into the search space, thus better balancing the global and local search. The experimental results show that compared with other algorithms, the proposed PSODO algorithm greatly improves the global optimal value search ability, convergence speed and optimization speed. The effectiveness and feasibility of the PSODO algorithm are verified by solving 22 benchmark functions and three engineering design problems with different complexities in CEC 2005 and comparing it with other optimization algorithms.

19.
Biomimetics (Basel) ; 9(5)2024 May 19.
Artigo em Inglês | MEDLINE | ID: mdl-38786514

RESUMO

The prediction of patient survival is crucial for guiding the treatment process in healthcare. Healthcare professionals rely on analyzing patients' clinical characteristics and findings to determine treatment plans, making accurate predictions essential for efficient resource utilization and optimal patient support during recovery. In this study, a hybrid architecture combining Stacked AutoEncoders, Particle Swarm Optimization, and the Softmax Classifier was developed for predicting patient survival. The architecture was evaluated using the Haberman's Survival dataset and the Echocardiogram dataset from UCI. The results were compared with several Machine Learning methods, including Decision Trees, K-Nearest Neighbors, Support Vector Machines, Neural Networks, Gradient Boosting, and Gradient Bagging applied to the same datasets. The findings indicate that the proposed architecture outperforms other Machine Learning methods in predicting patient survival for both datasets and surpasses the results reported in the literature for the Haberman's Survival dataset. In the light of the findings obtained, the models obtained with the proposed architecture can be used as a decision support system in determining patient care and applied methods.

20.
Heliyon ; 10(9): e30162, 2024 May 15.
Artigo em Inglês | MEDLINE | ID: mdl-38694060

RESUMO

The integration of cutting-edge technologies, such as wearables, in complex systems is crucial for enhancing collaboration between humans and machines in the era of Industry 5.0. However, this increased interaction also introduces new challenges and risks, including the potential for human errors. A thorough analysis of the literature reveals an absence of studies that have quantified these risks, underscoring the utmost importance of this research. To address the above gap, the present study introduces the STPA-PSO methodology, which aims to quantify the risks associated with the use of smart glasses in complex systems, with a specific focus on human error risks. The proposed methodology leverages the Systems-Theoretic Process Analysis (STPA) approach to proactively identify hazards, while harnessing the power of the Particle Swarm Optimization (PSO) algorithm to accurately calculate and optimize risks, including those related to human errors. To validate the effectiveness of the methodology, a case study involving the assembly of a refrigerator was conducted, encompassing various critical aspects, such as the Industrial, Financial, and Occupational Health and Safety (OHS) aspects. The results provide evidence of the efficacy of the STPA-PSO approach in assessing, quantifying, and managing risks during the design stage. By proposing a robust and comprehensive risk quantification framework, this study makes a significant contribution to the advancement of system safety analysis in complex environments, providing invaluable insights for the seamless integration of wearables and ensuring safer interactions between humans and machines.

SELEÇÃO DE REFERÊNCIAS
DETALHE DA PESQUISA
...