Your browser doesn't support javascript.
loading
Show: 20 | 50 | 100
Results 1 - 4 de 4
Filter
Add more filters










Database
Language
Publication year range
1.
Sci Rep ; 14(1): 13813, 2024 06 15.
Article in English | MEDLINE | ID: mdl-38877028

ABSTRACT

Parkinson's Disease (PD) is a prevalent neurological condition characterized by motor and cognitive impairments, typically manifesting around the age of 50 and presenting symptoms such as gait difficulties and speech impairments. Although a cure remains elusive, symptom management through medication is possible. Timely detection is pivotal for effective disease management. In this study, we leverage Machine Learning (ML) and Deep Learning (DL) techniques, specifically K-Nearest Neighbor (KNN) and Feed-forward Neural Network (FNN) models, to differentiate between individuals with PD and healthy individuals based on voice signal characteristics. Our dataset, sourced from the University of California at Irvine (UCI), comprises 195 voice recordings collected from 31 patients. To optimize model performance, we employ various strategies including Synthetic Minority Over-sampling Technique (SMOTE) for addressing class imbalance, Feature Selection to identify the most relevant features, and hyperparameter tuning using RandomizedSearchCV. Our experimentation reveals that the FNN and KSVM models, trained on an 80-20 split of the dataset for training and testing respectively, yield the most promising results. The FNN model achieves an impressive overall accuracy of 99.11%, with 98.78% recall, 99.96% precision, and a 99.23% f1-score. Similarly, the KSVM model demonstrates strong performance with an overall accuracy of 95.89%, recall of 96.88%, precision of 98.71%, and an f1-score of 97.62%. Overall, our study showcases the efficacy of ML and DL techniques in accurately identifying PD from voice signals, underscoring the potential for these approaches to contribute significantly to early diagnosis and intervention strategies for Parkinson's Disease.


Subject(s)
Machine Learning , Parkinson Disease , Parkinson Disease/diagnosis , Humans , Male , Female , Middle Aged , Aged , Neural Networks, Computer , Voice , Deep Learning
2.
Sci Rep ; 14(1): 7232, 2024 03 27.
Article in English | MEDLINE | ID: mdl-38538708

ABSTRACT

Artificial intelligence-powered deep learning methods are being used to diagnose brain tumors with high accuracy, owing to their ability to process large amounts of data. Magnetic resonance imaging stands as the gold standard for brain tumor diagnosis using machine vision, surpassing computed tomography, ultrasound, and X-ray imaging in its effectiveness. Despite this, brain tumor diagnosis remains a challenging endeavour due to the intricate structure of the brain. This study delves into the potential of deep transfer learning architectures to elevate the accuracy of brain tumor diagnosis. Transfer learning is a machine learning technique that allows us to repurpose pre-trained models on new tasks. This can be particularly useful for medical imaging tasks, where labelled data is often scarce. Four distinct transfer learning architectures were assessed in this study: ResNet152, VGG19, DenseNet169, and MobileNetv3. The models were trained and validated on a dataset from benchmark database: Kaggle. Five-fold cross validation was adopted for training and testing. To enhance the balance of the dataset and improve the performance of the models, image enhancement techniques were applied to the data for the four categories: pituitary, normal, meningioma, and glioma. MobileNetv3 achieved the highest accuracy of 99.75%, significantly outperforming other existing methods. This demonstrates the potential of deep transfer learning architectures to revolutionize the field of brain tumor diagnosis.


Subject(s)
Brain Neoplasms , Deep Learning , Meningeal Neoplasms , Humans , Artificial Intelligence , Brain Neoplasms/diagnostic imaging , Brain/diagnostic imaging , Machine Learning
3.
BMC Med Imaging ; 24(1): 21, 2024 Jan 19.
Article in English | MEDLINE | ID: mdl-38243215

ABSTRACT

The current approach to diagnosing and classifying brain tumors relies on the histological evaluation of biopsy samples, which is invasive, time-consuming, and susceptible to manual errors. These limitations underscore the pressing need for a fully automated, deep-learning-based multi-classification system for brain malignancies. This article aims to leverage a deep convolutional neural network (CNN) to enhance early detection and presents three distinct CNN models designed for different types of classification tasks. The first CNN model achieves an impressive detection accuracy of 99.53% for brain tumors. The second CNN model, with an accuracy of 93.81%, proficiently categorizes brain tumors into five distinct types: normal, glioma, meningioma, pituitary, and metastatic. Furthermore, the third CNN model demonstrates an accuracy of 98.56% in accurately classifying brain tumors into their different grades. To ensure optimal performance, a grid search optimization approach is employed to automatically fine-tune all the relevant hyperparameters of the CNN models. The utilization of large, publicly accessible clinical datasets results in robust and reliable classification outcomes. This article conducts a comprehensive comparison of the proposed models against classical models, such as AlexNet, DenseNet121, ResNet-101, VGG-19, and GoogleNet, reaffirming the superiority of the deep CNN-based approach in advancing the field of brain tumor classification and early detection.


Subject(s)
Brain Neoplasms , Glioma , Meningeal Neoplasms , Humans , Brain , Brain Neoplasms/diagnostic imaging , Neural Networks, Computer
4.
J Healthc Eng ; 2022: 9009406, 2022.
Article in English | MEDLINE | ID: mdl-35368938

ABSTRACT

This article addresses automated segmentation and classification of COVID-19 and normal chest CT scan images. Segmentation is the preprocessing step for classification, and 12 DWT-PCA-based texture features extracted from the segmented image are utilized as input for the random forest machine-learning algorithm to classify COVID-19/non-COVID-19 disease. Diagnosing COVID-19 disease through an RT-PCR test is a time-consuming process. Sometimes, the RT-PCR test result is not accurate; that is, it has a false negative, which can cause a threat to the person's life due to delay in starting the specified treatment. At this moment, there is an urgent need to develop a reliable automatic COVID-19 detection tool that can detect COVID-19 disease from chest CT scan images within a shorter period and can help doctors to start COVID-19 treatment at the earliest. In this article, a variant of the whale optimization algorithm named improved whale optimization algorithm (IWOA) is introduced. The efficiency of the IWOA is tested for unimodal (F1-F7), multimodal (F8-F13), and fixed-dimension multimodal (F14-F23) benchmark functions and is compared with the whale optimization algorithm (WOA), salp swarm optimization (SSA), and sine cosine algorithm (SCA). The experiment is carried out in 30 trials and population size, and iterations are set as 30 and 100 under each trial. IWOA achieves faster convergence than WOA, SSA, and SCA and enhances the exploitation and exploration phases of WOA, avoiding local entrapment. IWOA, WOA, SSA, and SCA utilized Otsu's maximum between-class variance criteria as fitness function to compute optimal threshold values for multilevel medical CT scan image segmentation. Evaluation measures such as accuracy, specificity, precision, recall, Gmean, F_measure, SSIM, and 12 DWT-PCA-based texture features are computed. The experiment showed that the IWOA is efficient and achieved better segmentation evaluation measures and better segmentation mask in comparison with other methods. DWT-PCA-based texture features extracted from each of the 160 IWOA-, WOA-, SSA-, and SCA-based segmented images are fed into random forest for training, and random forest is tested with DWT-PCA-based texture features extracted from each of the 40 IWOA-, WOA-, SSA-, and SCA-based segmented images. Random forest has reported a promising classification accuracy of 97.49% for the DWT-PCA-based texture features, which are extracted from IWOA-based segmented images.


Subject(s)
COVID-19 Drug Treatment , COVID-19 , Algorithms , COVID-19/diagnostic imaging , Cluster Analysis , Humans , Tomography, X-Ray Computed/methods
SELECTION OF CITATIONS
SEARCH DETAIL
...