Your browser doesn't support javascript.
loading
Mostrar: 20 | 50 | 100
Resultados 1 - 20 de 59
Filtrar
1.
Sci Rep ; 14(1): 5032, 2024 Feb 29.
Artigo em Inglês | MEDLINE | ID: mdl-38424229

RESUMO

The novelty of this article lies in introducing a novel stochastic technique named the Hippopotamus Optimization (HO) algorithm. The HO is conceived by drawing inspiration from the inherent behaviors observed in hippopotamuses, showcasing an innovative approach in metaheuristic methodology. The HO is conceptually defined using a trinary-phase model that incorporates their position updating in rivers or ponds, defensive strategies against predators, and evasion methods, which are mathematically formulated. It attained the top rank in 115 out of 161 benchmark functions in finding optimal value, encompassing unimodal and high-dimensional multimodal functions, fixed-dimensional multimodal functions, as well as the CEC 2019 test suite and CEC 2014 test suite dimensions of 10, 30, 50, and 100 and Zigzag Pattern benchmark functions, this suggests that the HO demonstrates a noteworthy proficiency in both exploitation and exploration. Moreover, it effectively balances exploration and exploitation, supporting the search process. In light of the results from addressing four distinct engineering design challenges, the HO has effectively achieved the most efficient resolution while concurrently upholding adherence to the designated constraints. The performance evaluation of the HO algorithm encompasses various aspects, including a comparison with WOA, GWO, SSA, PSO, SCA, FA, GOA, TLBO, MFO, and IWO recognized as the most extensively researched metaheuristics, AOA as recently developed algorithms, and CMA-ES as high-performance optimizers acknowledged for their success in the IEEE CEC competition. According to the statistical post hoc analysis, the HO algorithm is determined to be significantly superior to the investigated algorithms. The source codes of the HO algorithm are publicly available at https://www.mathworks.com/matlabcentral/fileexchange/160088-hippopotamus-optimization-algorithm-ho .

2.
PeerJ Comput Sci ; 9: e1557, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-38077609

RESUMO

The whale optimization algorithm (WOA) is a widely used metaheuristic optimization approach with applications in various scientific and industrial domains. However, WOA has a limitation of relying solely on the best solution to guide the population in subsequent iterations, overlooking the valuable information embedded in other candidate solutions. To address this limitation, we propose a novel and improved variant called Pbest-guided differential WOA (PDWOA). PDWOA combines the strengths of WOA, particle swarm optimizer (PSO), and differential evolution (DE) algorithms to overcome these shortcomings. In this study, we conduct a comprehensive evaluation of the proposed PDWOA algorithm on both benchmark and real-world optimization problems. The benchmark tests comprise 30-dimensional functions from CEC 2014 Test Functions, while the real-world problems include pressure vessel optimal design, tension/compression spring optimal design, and welded beam optimal design. We present the simulation results, including the outcomes of non-parametric statistical tests including the Wilcoxon signed-rank test and the Friedman test, which validate the performance improvements achieved by PDWOA over other algorithms. The results of our evaluation demonstrate the superiority of PDWOA compared to recent methods, including the original WOA. These findings provide valuable insights into the effectiveness of the proposed hybrid WOA algorithm. Furthermore, we offer recommendations for future research to further enhance its performance and open new avenues for exploration in the field of optimization algorithms. The MATLAB Codes of FISA are publicly available at https://github.com/ebrahimakbary/PDWOA.

3.
Patterns (N Y) ; 4(8): 100777, 2023 Aug 11.
Artigo em Inglês | MEDLINE | ID: mdl-37602223

RESUMO

Survival models exist to study relationships between biomarkers and treatment effects. Deep learning-powered survival models supersede the classical Cox proportional hazards (CoxPH) model, but substantial performance drops were observed on high-dimensional features because of irrelevant/redundant information. To fill this gap, we proposed SwarmDeepSurv by integrating swarm intelligence algorithms with the deep survival model. Furthermore, four objective functions were designed to optimize prognostic prediction while regularizing selected feature numbers. When testing on multicenter sets (n = 1,058) of four different cancer types, SwarmDeepSurv was less prone to overfitting and achieved optimal patient risk stratification compared with popular survival modeling algorithms. Strikingly, SwarmDeepSurv selected different features compared with classical feature selection algorithms, including the least absolute shrinkage and selection operator (LASSO), with nearly no feature overlapping across these models. Taken together, SwarmDeepSurv offers an alternative approach to model relationships between radiomics features and survival endpoints, which can further extend to study other input data types including genomics.

4.
Arch Comput Methods Eng ; 30(5): 3405-3435, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-37260911

RESUMO

Marine Predators Algorithm (MPA) is a recent nature-inspired optimizer stemmed from widespread foraging mechanisms based on Lévy and Brownian movements in ocean predators. Due to its superb features, such as derivative-free, parameter-less, easy-to-use, flexible, and simplicity, MPA is quickly evolved for a wide range of optimization problems in a short period. Therefore, its impressive characteristics inspire this review to analyze and discuss the primary MPA research studies established. In this review paper, the growth of the MPA is analyzed based on 102 research papers to show its powerful performance. The MPA inspirations and its theoretical concepts are also illustrated, focusing on its convergence behaviour. Thereafter, the MPA versions suggested improving the MPA behaviour on connecting the search space shape of real-world optimization problems are analyzed. A plethora and diverse optimization applications have been addressed, relying on MPA as the main solver, which is also described and organized. In addition, a critical discussion about the convergence behaviour and the main limitation of MPA is given. The review is end-up highlighting the main findings of this survey and suggests some possible MPA-related improvements and extensions that can be carried out in the future.

5.
Comput Biol Med ; 163: 107135, 2023 09.
Artigo em Inglês | MEDLINE | ID: mdl-37329623

RESUMO

Brain-computer interfaces are used for direct two-way communication between the human brain and the computer. Brain signals contain valuable information about the mental state and brain activity of the examined subject. However, due to their non-stationarity and susceptibility to various types of interference, their processing, analysis and interpretation are challenging. For these reasons, the research in the field of brain-computer interfaces is focused on the implementation of artificial intelligence, especially in five main areas: calibration, noise suppression, communication, mental condition estimation, and motor imagery. The use of algorithms based on artificial intelligence and machine learning has proven to be very promising in these application domains, especially due to their ability to predict and learn from previous experience. Therefore, their implementation within medical technologies can contribute to more accurate information about the mental state of subjects, alleviate the consequences of serious diseases or improve the quality of life of disabled patients.


Assuntos
Inteligência Artificial , Interfaces Cérebro-Computador , Humanos , Qualidade de Vida , Algoritmos , Aprendizado de Máquina , Computadores , Encéfalo
6.
Neural Comput Appl ; : 1-29, 2023 May 02.
Artigo em Inglês | MEDLINE | ID: mdl-37362577

RESUMO

A novel multi-objective Coronavirus disease optimization algorithm (MOCOVIDOA) is presented to solve global optimization problems with up to three objective functions. This algorithm used an archive to store non-dominated POSs during the optimization process. Then, a roulette wheel selection mechanism selects the effective archived solutions by simulating the frameshifting technique Coronavirus particles use for replication. We evaluated the efficiency by solving twenty-seven multi-objective (21 benchmarks & 6 real-world engineering design) problems, where the results are compared against five common multi-objective metaheuristics. The comparison uses six evaluation metrics, including IGD, GD, MS, SP, HV, and delta p (ΔP). The obtained results and the Wilcoxon rank-sum test show the superiority of this novel algorithm over the existing algorithms and reveal its applicability in solving multi-objective problems.

7.
Arch Comput Methods Eng ; : 1-47, 2023 May 27.
Artigo em Inglês | MEDLINE | ID: mdl-37359740

RESUMO

Despite the simplicity of the whale optimization algorithm (WOA) and its success in solving some optimization problems, it faces many issues. Thus, WOA has attracted scholars' attention, and researchers frequently prefer to employ and improve it to address real-world application optimization problems. As a result, many WOA variations have been developed, usually using two main approaches improvement and hybridization. However, no comprehensive study critically reviews and analyzes WOA and its variants to find effective techniques and algorithms and develop more successful variants. Therefore, in this paper, first, the WOA is critically analyzed, then the last 5 years' developments of WOA are systematically reviewed. To do this, a new adapted PRISMA methodology is introduced to select eligible papers, including three main stages: identification, evaluation, and reporting. The evaluation stage was improved using three screening steps and strict inclusion criteria to select a reasonable number of eligible papers. Ultimately, 59 improved WOA and 57 hybrid WOA variants published by reputable publishers, including Springer, Elsevier, and IEEE, were selected as eligible papers. Effective techniques for improving and successful algorithms for hybridizing eligible WOA variants are described. The eligible WOA are reviewed in continuous, binary, single-objective, and multi/many-objective categories. The distribution of eligible WOA variants regarding their publisher, journal, application, and authors' country was visualized. It is also concluded that most papers in this area lack a comprehensive comparison with previous WOA variants and are usually compared only with other algorithms. Finally, some future directions are suggested.

8.
Int J Mol Sci ; 24(9)2023 Apr 24.
Artigo em Inglês | MEDLINE | ID: mdl-37175487

RESUMO

The identification of biomarkers plays a crucial role in personalized medicine, both in the clinical and research settings. However, the contrast between predictive and prognostic biomarkers can be challenging due to the overlap between the two. A prognostic biomarker predicts the future outcome of cancer, regardless of treatment, and a predictive biomarker predicts the effectiveness of a therapeutic intervention. Misclassifying a prognostic biomarker as predictive (or vice versa) can have serious financial and personal consequences for patients. To address this issue, various statistical and machine learning approaches have been developed. The aim of this study is to present an in-depth analysis of recent advancements, trends, challenges, and future prospects in biomarker identification. A systematic search was conducted using PubMed to identify relevant studies published between 2017 and 2023. The selected studies were analyzed to better understand the concept of biomarker identification, evaluate machine learning methods, assess the level of research activity, and highlight the application of these methods in cancer research and treatment. Furthermore, existing obstacles and concerns are discussed to identify prospective research areas. We believe that this review will serve as a valuable resource for researchers, providing insights into the methods and approaches used in biomarker discovery and identifying future research opportunities.


Assuntos
Biomarcadores Tumorais , Neoplasias , Humanos , Prognóstico , Estudos Prospectivos , Biomarcadores/análise , Medicina de Precisão , Aprendizado de Máquina , Neoplasias/diagnóstico
9.
PLoS One ; 18(4): e0282002, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-37058503

RESUMO

Stock market prediction is the process of determining the value of a company's shares and other financial assets in the future. This paper proposes a new model where Altruistic Dragonfly Algorithm (ADA) is combined with Least Squares Support Vector Machine (LS-SVM) for stock market prediction. ADA is a meta-heuristic algorithm which optimizes the parameters of LS-SVM to avoid local minima and overfitting, resulting in better prediction performance. Experiments have been performed on 12 datasets and the obtained results are compared with other popular meta-heuristic algorithms. The results show that the proposed model provides a better predictive ability and demonstrate the effectiveness of ADA in optimizing the parameters of LS-SVM.


Assuntos
Algoritmos , Máquina de Vetores de Suporte , Análise dos Mínimos Quadrados
10.
Sensors (Basel) ; 23(4)2023 Feb 14.
Artigo em Inglês | MEDLINE | ID: mdl-36850750

RESUMO

Multi-robot exploration means constructing a finite map using a group of robots in an obstacle chaotic space. Uncertainties are reduced by distributing search tasks to robots and computing the best action in real time. Many previous methods are based on deterministic or meta-heuristic algorithms, but limited work has combined both techniques to consolidate both classes' benefits and alleviate their drawbacks. This paper proposes a new hybrid method based on deterministic coordinated multi-robot exploration (CME) and the meta-heuristic salp swarm algorithm (SSA) to perform the search of a space. The precedence of adjacent cells around a robot is determined by deterministic CME using cost and utility. Then, the optimization process of the search space, improving the overall solution, is achieved utilizing the SSA. Three performance measures are considered to evaluate the performance of the proposed method: run time, percentage of the explored area, and the number of times when a method failed to continue a complete run. Experimental results compared four different methods, CME-GWO, CME-GWOSSA, CME-SCA, and CME, over seven maps with extra complexity varying from simple to complex. The results demonstrate how the proposed CME-SSA can outperform the four other methods. Moreover, the simulation results demonstrate that the proposed CME-SSA effectively distributes the robots over the search space to run successfully and obtain the highest exploration rate in less time.

11.
PLoS One ; 18(2): e0278491, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-36749744

RESUMO

Technology for anticipating wind speed can improve the safety and stability of power networks with heavy wind penetration. Due to the unpredictability and instability of the wind, it is challenging to accurately forecast wind power and speed. Several approaches have been developed to improve this accuracy based on processing time series data. This work proposes a method for predicting wind speed with high accuracy based on a novel weighted ensemble model. The weight values in the proposed model are optimized using an adaptive dynamic grey wolf-dipper throated optimization (ADGWDTO) algorithm. The original GWO algorithm is redesigned to emulate the dynamic group-based cooperative to address the difficulty of establishing the balance between exploration and exploitation. Quick bowing movements and a white breast, which distinguish the dipper throated birds hunting method, are employed to improve the proposed algorithm exploration capability. The proposed ADGWDTO algorithm optimizes the hyperparameters of the multi-layer perceptron (MLP), K-nearest regressor (KNR), and Long Short-Term Memory (LSTM) regression models. A dataset from Kaggle entitled Global Energy Forecasting Competition 2012 is employed to assess the proposed algorithm. The findings confirm that the proposed ADGWDTO algorithm outperforms the literature's state-of-the-art wind speed forecasting algorithms. The proposed binary ADGWDTO algorithm achieved average fitness of 0.9209 with a standard deviation fitness of 0.7432 for feature selection, and the proposed weighted optimized ensemble model (Ensemble using ADGWDTO) achieved a root mean square error of 0.0035 compared to state-of-the-art algorithms. The proposed algorithm's stability and robustness are confirmed by statistical analysis of several tests, such as one-way analysis of variance (ANOVA) and Wilcoxon's rank-sum.


Assuntos
Heurística , Vento , Algoritmos , Redes Neurais de Computação , Previsões
12.
PLoS One ; 18(1): e0280006, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-36595557

RESUMO

Monkey king evolution (MKE) is a population-based differential evolutionary algorithm in which the single evolution strategy and the control parameter affect the convergence and the balance between exploration and exploitation. Since evolution strategies have a considerable impact on the performance of algorithms, collaborating multiple strategies can significantly enhance the abilities of algorithms. This is our motivation to propose a multi-trial vector-based monkey king evolution algorithm named MMKE. It introduces novel best-history trial vector producer (BTVP) and random trial vector producer (RTVP) that can effectively collaborate with canonical MKE (MKE-TVP) using a multi-trial vector approach to tackle various real-world optimization problems with diverse challenges. It is expected that the proposed MMKE can improve the global search capability, strike a balance between exploration and exploitation, and prevent the original MKE algorithm from converging prematurely during the optimization process. The performance of the MMKE was assessed using CEC 2018 test functions, and the results were compared with eight metaheuristic algorithms. As a result of the experiments, it is demonstrated that the MMKE algorithm is capable of producing competitive and superior results in terms of accuracy and convergence rate in comparison to comparative algorithms. Additionally, the Friedman test was used to examine the gained experimental results statistically, proving that MMKE is significantly superior to comparative algorithms. Furthermore, four real-world engineering design problems and the optimal power flow (OPF) problem for the IEEE 30-bus system are optimized to demonstrate MMKE's real applicability. The results showed that MMKE can effectively handle the difficulties associated with engineering problems and is able to solve single and multi-objective OPF problems with better solutions than comparative algorithms.


Assuntos
Algoritmos , Engenharia , Simulação por Computador
13.
Comput Biol Chem ; 103: 107809, 2023 Apr.
Artigo em Inglês | MEDLINE | ID: mdl-36696844

RESUMO

Classifying microarray datasets, which usually contains many noise genes that degrade the performance of classifiers and decrease classification accuracy rate, is a competitive research topic. Feature selection (FS) is one of the most practical ways for finding the most optimal subset of genes that increases classification's accuracy for diagnostic and prognostic prediction of tumor cancer from the microarray datasets. This means that we always need to develop more efficient FS methods, that select only optimal or close-to-optimal subset of features to improve classification performance. In this paper, we propose a hybrid FS method for microarray data processing, that combines an ensemble filter with an Improved Intelligent Water Drop (IIWD) algorithm as a wrapper by adding one of three local search (LS) algorithms: Tabu search (TS), Novel LS algorithm (NLSA), or Hill Climbing (HC) in each iteration from IWD, and using a correlation coefficient filter as a heuristic undesirability (HUD) for next node selection in the original IWD algorithm. The effects of adding three different LS algorithms to the proposed IIWD algorithm have been evaluated through comparing the performance of the proposed ensemble filter-IIWD-based wrapper without adding any LS algorithms named (PHFS-IWD) FS method versus its performance when adding a specific LS algorithm from (TS, NLSA or HC) in FS methods named, (PHFS-IWDTS, PHFS-IWDNLSA, and PHFS-IWDHC), respectively. Naïve Bayes(NB) classifier with five microarray datasets have been deployed for evaluating and comparing the proposed hybrid FS methods. Results show that using LS algorithms in each iteration from the IWD algorithm improves F-score value with an average equal to 5% compared with PHFS-IWD. Also, PHFS-IWDNLSA improves the F-score value with an average of 4.15% over PHFS-IWDTS, and 5.67% over PHFS-IWDHC while PHFS-IWDTS outperformed PHFS-IWDHC with an average of increment equal to 1.6%. On the other hand, the proposed hybrid-based FS methods improve accuracy with an average equal to 8.92% in three out of five datasets and decrease the number of genes with a percentage of 58.5% in all five datasets compared with six of the most recent state-of-the-art FS methods.


Assuntos
Algoritmos , Neoplasias , Humanos , Teorema de Bayes , Análise em Microsséries , Neoplasias/diagnóstico , Neoplasias/genética
14.
MethodsX ; 10: 101936, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-36578294

RESUMO

Human detection is an important task in computer vision. It is one of the most important tasks in global security and safety monitoring. In recent days, Deep Learning has improved human detection technology. Despite modern techniques, there are very few optimal techniques to construct networks with a small size, deep architecture, and fast training time while maintaining accuracy. ReSTiNet is a novel small convolutional neural network that overcomes the problems of network size, detection speed, and accuracy. The developed ReSTiNet contains fire modules by evaluating their number and position in the network to minimize the model parameters and network size. To improve the detection speed and accuracy of ReSTiNet, the residual block within the fire modules is carefully designed to increase the feature propagation and maximize the information flow in the network. The developed approach compresses the well-known Tiny-YOLO architecture while improving the following features: (i) small model size, (ii) faster detection speed, (iii) resolution of overfitting, and (iv) better performance than other compact networks such as SqueezeNet and MobileNet in terms of mAP on the Pascal VOC and MS COCO datasets. ReSTiNet is 10.7 MB, five times smaller than Tiny-YOLO. On Tesla k80, mAP is 27.3% for MS COCO and 63.74% for PASCAL VOC. The validation of the proposed ReSTiNet model has been done on INRIA person dataset using the Tesla K80.•All the necessary steps, algorithms, and mathematical formulas for building the net- work are provided.•The network is small in size but has a faster detection speed with high accuracy.

15.
Neural Comput Appl ; 35(7): 5479-5499, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-36373132

RESUMO

Breast cancer has become a common malignancy in women. However, early detection and identification of this disease can save many lives. As computer-aided detection helps radiologists in detecting abnormalities efficiently, researchers across the world are striving to develop reliable models to deal with. One of the common approaches to identifying breast cancer is through breast mammograms. However, the identification of malignant breasts from mass lesions is a challenging research problem. In the current work, we propose a method for the classification of breast mass using mammograms which consists of two main stages. At first, we extract deep features from the input mammograms using the well-known VGG16 model while incorporating an attention mechanism into this model. Next, we apply a meta-heuristic called Social Ski-Driver (SSD) algorithm embedded with Adaptive Beta Hill Climbing based local search to obtain an optimal features subset. The optimal features subset is fed to the K-nearest neighbors (KNN) classifier for the classification. The proposed model is demonstrated to be very useful for identifying and differentiating malignant and healthy breasts successfully. For experimentation, we evaluate our model on the digital database for screening mammography (DDSM) database and achieve 96.07% accuracy using only 25% of features extracted by the attention-aided VGG16 model. The Python code of our research work is publicly available at: https://github.com/Ppayel/BreastLocalSearchSSD.

16.
Expert Syst Appl ; 213: 119206, 2023 Mar 01.
Artigo em Inglês | MEDLINE | ID: mdl-36348736

RESUMO

Applying Deep Learning (DL) in radiological images (i.e., chest X-rays) is emerging because of the necessity of having accurate and fast COVID-19 detectors. Deep Convolutional Neural Networks (DCNN) have been typically used as robust COVID-19 positive case detectors in these approaches. Such DCCNs tend to utilize Gradient Descent-Based (GDB) algorithms as the last fully-connected layers' trainers. Although GDB training algorithms have simple structures and fast convergence rates for cases with large training samples, they suffer from the manual tuning of numerous parameters, getting stuck in local minima, large training samples set requirements, and inherently sequential procedures. It is exceedingly challenging to parallelize them with Graphics Processing Units (GPU). Consequently, the Chimp Optimization Algorithm (ChOA) is presented for training the DCNN's fully connected layers in light of the scarcity of a big COVID-19 training dataset and for the purpose of developing a fast COVID-19 detector with the capability of parallel implementation. In addition, two publicly accessible datasets termed COVID-Xray-5 k and COVIDetectioNet are used to benchmark the proposed detector known as DCCN-Chimp. In order to make a fair comparison, two structures are proposed: i-6c-2 s-12c-2 s and i-8c-2 s-16c-2 s, all of which have had their hyperparameters fine-tuned. The outcomes are evaluated in comparison to standard DCNN, Hybrid DCNN plus Genetic Algorithm (DCNN-GA), and Matched Subspace classifier with Adaptive Dictionaries (MSAD). Due to the large variation in results, we employ a weighted average of the ensemble of ten trained DCNN-ChOA, with the validation accuracy of the weights being used to determine the final weights. The validation accuracy for the mixed ensemble DCNN-ChOA is 99.11%. LeNet-5 DCNN's ensemble detection accuracy on COVID-19 is 84.58%. Comparatively, the suggested DCNN-ChOA yields over 99.11% accurate detection with a false alarm rate of less than 0.89%. The outcomes show that the DCCN-Chimp can deliver noticeably superior results than the comparable detectors. The Class Activation Map (CAM) is another tool used in this study to identify probable COVID-19-infected areas. Results show that highlighted regions are completely connected with clinical outcomes, which has been verified by experts.

17.
Neural Comput Appl ; 35(9): 6855-6873, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-36471798

RESUMO

Digital image processing techniques and algorithms have become a great tool to support medical experts in identifying, studying, diagnosing certain diseases. Image segmentation methods are of the most widely used techniques in this area simplifying image representation and analysis. During the last few decades, many approaches have been proposed for image segmentation, among which multilevel thresholding methods have shown better results than most other methods. Traditional statistical approaches such as the Otsu and the Kapur methods are the standard benchmark algorithms for automatic image thresholding. Such algorithms provide optimal results, yet they suffer from high computational costs when multilevel thresholding is required, which is considered as an optimization matter. In this work, the Harris hawks optimization technique is combined with Otsu's method to effectively reduce the required computational cost while maintaining optimal outcomes. The proposed approach is tested on a publicly available imaging datasets, including chest images with clinical and genomic correlates, and represents a rural COVID-19-positive (COVID-19-AR) population. According to various performance measures, the proposed approach can achieve a substantial decrease in the computational cost and the time to converge while maintaining a level of quality highly competitive with the Otsu method for the same threshold values.

18.
Neural Comput Appl ; 35(1): 855-886, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-36187233

RESUMO

Image segmentation is a critical step in digital image processing applications. One of the most preferred methods for image segmentation is multilevel thresholding, in which a set of threshold values is determined to divide an image into different classes. However, the computational complexity increases when the required thresholds are high. Therefore, this paper introduces a modified Coronavirus Optimization algorithm for image segmentation. In the proposed algorithm, the chaotic map concept is added to the initialization step of the naive algorithm to increase the diversity of solutions. A hybrid of the two commonly used methods, Otsu's and Kapur's entropy, is applied to form a new fitness function to determine the optimum threshold values. The proposed algorithm is evaluated using two different datasets, including six benchmarks and six satellite images. Various evaluation metrics are used to measure the quality of the segmented images using the proposed algorithm, such as mean square error, peak signal-to-noise ratio, Structural Similarity Index, Feature Similarity Index, and Normalized Correlation Coefficient. Additionally, the best fitness values are calculated to demonstrate the proposed method's ability to find the optimum solution. The obtained results are compared to eleven powerful and recent metaheuristics and prove the superiority of the proposed algorithm in the image segmentation problem.

19.
Diagnostics (Basel) ; 12(11)2022 Nov 21.
Artigo em Inglês | MEDLINE | ID: mdl-36428952

RESUMO

Human skin diseases have become increasingly prevalent in recent decades, with millions of individuals in developed countries experiencing monkeypox. Such conditions often carry less obvious but no less devastating risks, including increased vulnerability to monkeypox, cancer, and low self-esteem. Due to the low visual resolution of monkeypox disease images, medical specialists with high-level tools are typically required for a proper diagnosis. The manual diagnosis of monkeypox disease is subjective, time-consuming, and labor-intensive. Therefore, it is necessary to create a computer-aided approach for the automated diagnosis of monkeypox disease. Most research articles on monkeypox disease relied on convolutional neural networks (CNNs) and using classical loss functions, allowing them to pick up discriminative elements in monkeypox images. To enhance this, a novel framework using Al-Biruni Earth radius (BER) optimization-based stochastic fractal search (BERSFS) is proposed to fine-tune the deep CNN layers for classifying monkeypox disease from images. As a first step in the proposed approach, we use deep CNN-based models to learn the embedding of input images in Euclidean space. In the second step, we use an optimized classification model based on the triplet loss function to calculate the distance between pairs of images in Euclidean space and learn features that may be used to distinguish between different cases, including monkeypox cases. The proposed approach uses images of human skin diseases obtained from an African hospital. The experimental results of the study demonstrate the proposed framework's efficacy, as it outperforms numerous examples of prior research on skin disease problems. On the other hand, statistical experiments with Wilcoxon and analysis of variance (ANOVA) tests are conducted to evaluate the proposed approach in terms of effectiveness and stability. The recorded results confirm the superiority of the proposed method when compared with other optimization algorithms and machine learning models.

20.
Sci Rep ; 12(1): 20159, 2022 11 23.
Artigo em Inglês | MEDLINE | ID: mdl-36418487

RESUMO

This paper introduces a novel algorithm for effective and accurate extraction of non-invasive fetal electrocardiogram (NI-fECG). In NI-fECG based monitoring, the useful signal is measured along with other signals generated by the pregnant women's body, especially maternal electrocardiogram (mECG). These signals are more distinct in magnitude and overlap in time and frequency domains, making the fECG extraction extremely challenging. The proposed extraction method combines the Grey wolf algorithm (GWO) with sequential analysis (SA). This innovative combination, forming the GWO-SA method, optimises the parameters required to create a template that matches the mECG, which leads to an accurate elimination of the said signal from the input composite signal. The extraction system was tested on two databases consisting of real signals, namely, Labour and Pregnancy. The databases used to test the algorithms are available on a server at the generalist repositories (figshare) integrated with Matonia et al. (Sci Data 7(1):1-14, 2020). The results show that the proposed method extracts the fetal ECG signal with an outstanding efficacy. The efficacy of the results was evaluated based on accurate detection of the fQRS complexes. The parameters used to evaluate are as follows: accuracy (ACC), sensitivity (SE), positive predictive value (PPV), and F1 score. Due to the stochastic nature of the GWO algorithm, ten individual runs were performed for each record in the two databases to assure stability as well as repeatability. Using these parameters, for the Labour dataset, we achieved an average ACC of 94.60%, F1 of 96.82%, SE of 97.49%, and PPV of 98.96%. For the Pregnancy database, we achieved an average ACC of 95.66%, F1 of 97.44%, SE of 98.07%, and PPV of 97.44%. The obtained results show that the fHR related parameters were determined accurately for most of the records, outperforming the other state-of-the-art approaches. The poorer quality of certain signals have caused deviation from the estimated fHR for certain records in the databases. The proposed algorithm is compared with certain well established algorithms, and has proven to be accurate in its fECG extractions.


Assuntos
Monitorização Fetal , Processamento de Sinais Assistido por Computador , Feminino , Gravidez , Humanos , Monitorização Fetal/métodos , Eletrocardiografia/métodos , Algoritmos , Bases de Dados Factuais
SELEÇÃO DE REFERÊNCIAS
DETALHE DA PESQUISA
...