Your browser doesn't support javascript.
loading
Mostrar: 20 | 50 | 100
Resultados 1 - 16 de 16
Filtrar
Más filtros











Base de datos
Intervalo de año de publicación
1.
Front Physiol ; 14: 1310434, 2023.
Artículo en Inglés | MEDLINE | ID: mdl-38074319

RESUMEN

Introduction: Congenital heart disease (CHD) is a cardiovascular disorder caused by structural defects in the heart. Early screening holds significant importance for the effective treatment of this condition. Heart sound analysis is commonly employed to assist in the diagnosis of CHD. However, there is currently a lack of an efficient automated model for heart sound classification, which could potentially replace the manual process of auscultation. Methods: This study introduces an innovative and efficient screening and classification model, combining a locally concatenated fusion approach with a convolutional neural network based on coordinate attention (LCACNN). In this model, Mel-frequency spectral coefficients (MFSC) and envelope features are locally fused and employed as input to the LCACNN network. This model automatically analyzes feature map energy information, eliminating the need for denoising processes. Discussion: The proposed classification model in this study demonstrates a robust capability for identifying congenital heart disease, potentially substituting manual auscultation to facilitate the detection of patients in remote areas. Results: This study introduces an innovative and efficient screening and classification model, combining a locally concatenated fusion approach with a convolutional neural network based on coordinate attention (LCACNN). In this model, Mel-frequency spectral coefficients (MFSC) and envelope features are locally fused and employed as input to the LCACNN network. This model automatically analyzes feature map energy information, eliminating the need for denoising processes. To assess the performance of the classification model, comparative ablation experiments were conducted, achieving classification accuracies of 91.78% and 94.79% on the PhysioNet and HS databases, respectively. These results significantly outperformed alternative classification models.

2.
Comput Biol Chem ; 107: 107970, 2023 Dec.
Artículo en Inglés | MEDLINE | ID: mdl-37866116

RESUMEN

The identification of hotspot residues at the protein-DNA binding interfaces plays a crucial role in various aspects such as drug discovery and disease treatment. Although experimental methods such as alanine scanning mutagenesis have been developed to determine the hotspot residues on protein-DNA interfaces, they are both inefficient and costly. Therefore, it is highly necessary to develop efficient and accurate computational methods for predicting hotspot residues. Several computational methods have been developed, however, they are mainly based on hand-crafted features which may not be able to represent all the information of proteins. In this regard, we propose a model called PDH-EH, which utilizes fused features of embeddings extracted from a protein language model (PLM) and handcrafted features. After we extracted the total 1141 dimensional features, we used mRMR to select the optimal feature subset. Based on the optimal feature subset, several different learning algorithms such as Random Forest, Support Vector Machine, and XGBoost were used to build the models. The cross-validation results on the training dataset show that the model built by using Random Forest achieves the highest AUROC. Further evaluation on the independent test set shows that our model outperforms the existing state-of-the-art models. Moreover, the effectiveness and interpretability of embeddings extracted from PLM were demonstrated in our analysis. The codes and datasets used in this study are available at: https://github.com/lixiangli01/PDH-EH.


Asunto(s)
Algoritmos , Proteínas , Bases de Datos de Proteínas , Proteínas/química , Unión Proteica , ADN/química
3.
Diagnostics (Basel) ; 13(15)2023 Jul 31.
Artículo en Inglés | MEDLINE | ID: mdl-37568901

RESUMEN

Cervical cancer is one of the most common types of malignant tumors in women. In addition, it causes death in the latter stages. Squamous cell carcinoma is the most common and aggressive form of cervical cancer and must be diagnosed early before it progresses to a dangerous stage. Liquid-based cytology (LBC) swabs are best and most commonly used for cervical cancer screening and are converted from glass slides to whole-slide images (WSIs) for computer-assisted analysis. Manual diagnosis by microscopes is limited and prone to manual errors, and tracking all cells is difficult. Therefore, the development of computational techniques is important as diagnosing many samples can be done automatically, quickly, and efficiently, which is beneficial for medical laboratories and medical professionals. This study aims to develop automated WSI image analysis models for early diagnosis of a cervical squamous cell dataset. Several systems have been designed to analyze WSI images and accurately distinguish cervical cancer progression. For all proposed systems, the WSI images were optimized to show the contrast of edges of the low-contrast cells. Then, the cells to be analyzed were segmented and isolated from the rest of the image using the Active Contour Algorithm (ACA). WSI images were diagnosed by a hybrid method between deep learning (ResNet50, VGG19 and GoogLeNet), Random Forest (RF), and Support Vector Machine (SVM) algorithms based on the ACA algorithm. Another hybrid method for diagnosing WSI images by RF and SVM algorithms is based on fused features of deep-learning (DL) models (ResNet50-VGG19, VGG19-GoogLeNet, and ResNet50-GoogLeNet). It is concluded from the systems' performance that the DL models' combined features help significantly improve the performance of the RF and SVM networks. The novelty of this research is the hybrid method that combines the features extracted from deep-learning models (ResNet50-VGG19, VGG19-GoogLeNet, and ResNet50-GoogLeNet) with RF and SVM algorithms for diagnosing WSI images. The results demonstrate that the combined features from deep-learning models significantly improve the performance of RF and SVM. The RF network with fused features of ResNet50-VGG19 achieved an AUC of 98.75%, a sensitivity of 97.4%, an accuracy of 99%, a precision of 99.6%, and a specificity of 99.2%.

4.
Diagnostics (Basel) ; 13(13)2023 Jul 04.
Artículo en Inglés | MEDLINE | ID: mdl-37443652

RESUMEN

Malignant lymphoma is one of the most severe types of disease that leads to death as a result of exposure of lymphocytes to malignant tumors. The transformation of cells from indolent B-cell lymphoma to B-cell lymphoma (DBCL) is life-threatening. Biopsies taken from the patient are the gold standard for lymphoma analysis. Glass slides under a microscope are converted into whole slide images (WSI) to be analyzed by AI techniques through biomedical image processing. Because of the multiplicity of types of malignant lymphomas, manual diagnosis by pathologists is difficult, tedious, and subject to disagreement among physicians. The importance of artificial intelligence (AI) in the early diagnosis of malignant lymphoma is significant and has revolutionized the field of oncology. The use of AI in the early diagnosis of malignant lymphoma offers numerous benefits, including improved accuracy, faster diagnosis, and risk stratification. This study developed several strategies based on hybrid systems to analyze histopathological images of malignant lymphomas. For all proposed models, the images and extraction of malignant lymphocytes were optimized by the gradient vector flow (GVF) algorithm. The first strategy for diagnosing malignant lymphoma images relied on a hybrid system between three types of deep learning (DL) networks, XGBoost algorithms, and decision tree (DT) algorithms based on the GVF algorithm. The second strategy for diagnosing malignant lymphoma images was based on fusing the features of the MobileNet-VGG16, VGG16-AlexNet, and MobileNet-AlexNet models and classifying them by XGBoost and DT algorithms based on the ant colony optimization (ACO) algorithm. The color, shape, and texture features, which are called handcrafted features, were extracted by four traditional feature extraction algorithms. Because of the similarity in the biological characteristics of early-stage malignant lymphomas, the features of the fused MobileNet-VGG16, VGG16-AlexNet, and MobileNet-AlexNet models were combined with the handcrafted features and classified by the XGBoost and DT algorithms based on the ACO algorithm. We concluded that the performance of the two networks XGBoost and DT, with fused features between DL networks and handcrafted, achieved the best performance. The XGBoost network based on the fused features of MobileNet-VGG16 and handcrafted features resulted in an AUC of 99.43%, accuracy of 99.8%, precision of 99.77%, sensitivity of 99.7%, and specificity of 99.8%. This highlights the significant role of AI in the early diagnosis of malignant lymphoma, offering improved accuracy, expedited diagnosis, and enhanced risk stratification. This study highlights leveraging AI techniques and biomedical image processing; the analysis of whole slide images (WSI) converted from biopsies allows for improved accuracy, faster diagnosis, and risk stratification. The developed strategies based on hybrid systems, combining deep learning networks, XGBoost and decision tree algorithms, demonstrated promising results in diagnosing malignant lymphoma images. Furthermore, the fusion of handcrafted features with features extracted from DL networks enhanced the performance of the classification models.

5.
Diagnostics (Basel) ; 13(11)2023 May 29.
Artículo en Inglés | MEDLINE | ID: mdl-37296753

RESUMEN

White blood cells (WBCs) are one of the main components of blood produced by the bone marrow. WBCs are part of the immune system that protects the body from infectious diseases and an increase or decrease in the amount of any type that causes a particular disease. Thus, recognizing the WBC types is essential for diagnosing the patient's health and identifying the disease. Analyzing blood samples to determine the amount and WBC types requires experienced doctors. Artificial intelligence techniques were applied to analyze blood samples and classify their types to help doctors distinguish between types of infectious diseases due to increased or decreased WBC amounts. This study developed strategies for analyzing blood slide images to classify WBC types. The first strategy is to classify WBC types by the SVM-CNN technique. The second strategy for classifying WBC types is by SVM based on hybrid CNN features, which are called VGG19-ResNet101-SVM, ResNet101-MobileNet-SVM, and VGG19-ResNet101-MobileNet-SVM techniques. The third strategy for classifying WBC types by FFNN is based on a hybrid model of CNN and handcrafted features. With MobileNet and handcrafted features, FFNN achieved an AUC of 99.43%, accuracy of 99.80%, precision of 99.75%, specificity of 99.75%, and sensitivity of 99.68%.

6.
Front Neurosci ; 17: 1197824, 2023.
Artículo en Inglés | MEDLINE | ID: mdl-37250391

RESUMEN

Introduction: Golgi is one of the components of the inner membrane system in eukaryotic cells. Its main function is to send the proteins involved in the synthesis of endoplasmic reticulum to specific parts of cells or secrete them outside cells. It can be seen that Golgi is an important organelle for eukaryotic cells to synthesize proteins. Golgi disorders can cause various neurodegenerative and genetic diseases, and the accurate classification of Golgi proteins is helpful to develop corresponding therapeutic drugs. Methods: This paper proposed a novel Golgi proteins classification method, which is Golgi_DF with the deep forest algorithm. Firstly, the classified proteins method can be converted the vector features containing various information. Secondly, the synthetic minority oversampling technique (SMOTE) is utilized to deal with the classified samples. Next, the Light GBM method is utilized to feature reduction. Meanwhile, the features can be utilized in the penultimate dense layer. Therefore, the reconstructed features can be classified with the deep forest algorithm. Results: In Golgi_DF, this method can be utilized to select the important features and identify Golgi proteins. Experiments show that the well-performance than the other art-of-the state methods. Golgi_DF as a standalone tools, all its source codes publicly available at https://github.com/baowz12345/golgiDF. Discussion: Golgi_DF employed reconstructed feature to classify the Golgi proteins. Such method may achieve more available features among the UniRep features.

7.
Diagnostics (Basel) ; 13(9)2023 May 02.
Artículo en Inglés | MEDLINE | ID: mdl-37175000

RESUMEN

Knee osteoarthritis (KOA) is a chronic disease that impedes movement, especially in the elderly, affecting more than 5% of people worldwide. KOA goes through many stages, from the mild grade that can be treated to the severe grade in which the knee must be replaced. Therefore, early diagnosis of KOA is essential to avoid its development to the advanced stages. X-rays are one of the vital techniques for the early detection of knee infections, which requires highly experienced doctors and radiologists to distinguish Kellgren-Lawrence (KL) grading. Thus, artificial intelligence techniques solve the shortcomings of manual diagnosis. This study developed three methodologies for the X-ray analysis of both the Osteoporosis Initiative (OAI) and Rani Channamma University (RCU) datasets for diagnosing KOA and discrimination between KL grades. In all methodologies, the Principal Component Analysis (PCA) algorithm was applied after the CNN models to delete the unimportant and redundant features and keep the essential features. The first methodology for analyzing x-rays and diagnosing the degree of knee inflammation uses the VGG-19 -FFNN and ResNet-101 -FFNN systems. The second methodology of X-ray analysis and diagnosis of KOA grade by Feed Forward Neural Network (FFNN) is based on the combined features of VGG-19 and ResNet-101 before and after PCA. The third methodology for X-ray analysis and diagnosis of KOA grade by FFNN is based on the fusion features of VGG-19 and handcrafted features, and fusion features of ResNet-101 and handcrafted features. For an OAI dataset with fusion features of VGG-19 and handcrafted features, FFNN obtained an AUC of 99.25%, an accuracy of 99.1%, a sensitivity of 98.81%, a specificity of 100%, and a precision of 98.24%. For the RCU dataset with the fusion features of VGG-19 and the handcrafted features, FFNN obtained an AUC of 99.07%, an accuracy of 98.20%, a sensitivity of 98.16%, a specificity of 99.73%, and a precision of 98.08%.

8.
Diagnostics (Basel) ; 13(9)2023 May 08.
Artículo en Inglés | MEDLINE | ID: mdl-37175045

RESUMEN

Alzheimer's disease (AD) is considered one of the challenges facing health care in the modern century; until now, there has been no effective treatment to cure it, but there are drugs to slow its progression. Therefore, early detection of Alzheimer's is vital to take needful measures before it develops into brain damage which cannot be treated. Magnetic resonance imaging (MRI) techniques have contributed to the diagnosis and prediction of its progression. MRI images require highly experienced doctors and radiologists, and the analysis of MRI images takes time to analyze each slice. Thus, deep learning techniques play a vital role in analyzing a huge amount of MRI images with high accuracy to detect Alzheimer's and predict its progression. Because of the similarities in the characteristics of the early stages of Alzheimer's, this study aimed to extract the features in several methods and integrate the features extracted from more than one method into the same features matrix. This study contributed to the development of three methodologies, each with two systems, with all systems aimed at achieving satisfactory accuracy for the detection of AD and predicting the stages of its progression. The first methodology is by Feed Forward Neural Network (FFNN) with the features of GoogLeNet and DenseNet-121 models separately. The second methodology is by FFNN network with combined features between GoogLeNet and Dense-121 models before and after high-dimensionality reduction of features using the Principal Component Analysis (PCA) algorithm. The third methodology is by FFNN network with combined features between GoogLeNet and Dense-121 models separately and features extracted by Discrete Wavelet Transform (DWT), Local Binary Pattern (LBP) and Gray Level Co-occurrence Matrix (GLCM) methods called handcrafted features. All systems yielded super results in detecting AD and predicting the stages of its progression. With the combined features of the DenseNet-121 and handcrafted, the FFNN achieved an accuracy of 99.7%, sensitivity of 99.64%, AUC of 99.56%, precision of 99.63%, and a specificity of 99.67%.

9.
Diagnostics (Basel) ; 13(10)2023 May 16.
Artículo en Inglés | MEDLINE | ID: mdl-37238241

RESUMEN

The gastrointestinal system contains the upper and lower gastrointestinal tracts. The main tasks of the gastrointestinal system are to break down food and convert it into essential elements that the body can benefit from and expel waste in the form of feces. If any organ is affected, it does not work well, which affects the body. Many gastrointestinal diseases, such as infections, ulcers, and benign and malignant tumors, threaten human life. Endoscopy techniques are the gold standard for detecting infected parts within the organs of the gastrointestinal tract. Endoscopy techniques produce videos that are converted into thousands of frames that show the disease's characteristics in only some frames. Therefore, this represents a challenge for doctors because it is a tedious task that requires time, effort, and experience. Computer-assisted automated diagnostic techniques help achieve effective diagnosis to help doctors identify the disease and give the patient the appropriate treatment. In this study, many efficient methodologies for analyzing endoscopy images for diagnosing gastrointestinal diseases were developed for the Kvasir dataset. The Kvasir dataset was classified by three pre-trained models: GoogLeNet, MobileNet, and DenseNet121. The images were optimized, and the gradient vector flow (GVF) algorithm was applied to segment the regions of interest (ROIs), isolating them from healthy regions and saving the endoscopy images as Kvasir-ROI. The Kvasir-ROI dataset was classified by the three pre-trained GoogLeNet, MobileNet, and DenseNet121 models. Hybrid methodologies (CNN-FFNN and CNN-XGBoost) were developed based on the GVF algorithm and achieved promising results for diagnosing disease based on endoscopy images of gastroenterology. The last methodology is based on fused CNN models and their classification by FFNN and XGBoost networks. The hybrid methodology based on the fused CNN features, called GoogLeNet-MobileNet-DenseNet121-XGBoost, achieved an AUC of 97.54%, accuracy of 97.25%, sensitivity of 96.86%, precision of 97.25%, and specificity of 99.48%.

10.
Diagnostics (Basel) ; 13(10)2023 May 17.
Artículo en Inglés | MEDLINE | ID: mdl-37238243

RESUMEN

Breast cancer is the second most common type of cancer among women, and it can threaten women's lives if it is not diagnosed early. There are many methods for detecting breast cancer, but they cannot distinguish between benign and malignant tumors. Therefore, a biopsy taken from the patient's abnormal tissue is an effective way to distinguish between malignant and benign breast cancer tumors. There are many challenges facing pathologists and experts in diagnosing breast cancer, including the addition of some medical fluids of various colors, the direction of the sample, the small number of doctors and their differing opinions. Thus, artificial intelligence techniques solve these challenges and help clinicians resolve their diagnostic differences. In this study, three techniques, each with three systems, were developed to diagnose multi and binary classes of breast cancer datasets and distinguish between benign and malignant types with 40× and 400× factors. The first technique for diagnosing a breast cancer dataset is using an artificial neural network (ANN) with selected features from VGG-19 and ResNet-18. The second technique for diagnosing breast cancer dataset is by ANN with combined features for VGG-19 and ResNet-18 before and after principal component analysis (PCA). The third technique for analyzing breast cancer dataset is by ANN with hybrid features. The hybrid features are a hybrid between VGG-19 and handcrafted; and a hybrid between ResNet-18 and handcrafted. The handcrafted features are mixed features extracted using Fuzzy color histogram (FCH), local binary pattern (LBP), discrete wavelet transform (DWT) and gray level co-occurrence matrix (GLCM) methods. With the multi classes data set, ANN with the hybrid features of the VGG-19 and handcrafted reached a precision of 95.86%, an accuracy of 97.3%, sensitivity of 96.75%, AUC of 99.37%, and specificity of 99.81% with images at magnification factor 400×. Whereas with the binary classes data set, ANN with the hybrid features of the VGG-19 and handcrafted reached a precision of 99.74%, an accuracy of 99.7%, sensitivity of 100%, AUC of 99.85%, and specificity of 100% with images at a magnification factor 400×.

11.
Diagnostics (Basel) ; 13(7)2023 Apr 01.
Artículo en Inglés | MEDLINE | ID: mdl-37046532

RESUMEN

Melanoma is one of the deadliest types of skin cancer that leads to death if not diagnosed early. Many skin lesions are similar in the early stages, which causes an inaccurate diagnosis. Accurate diagnosis of the types of skin lesions helps dermatologists save patients' lives. In this paper, we propose hybrid systems based on the advantages of fused CNN models. CNN models receive dermoscopy images of the ISIC 2019 dataset after segmenting the area of lesions and isolating them from healthy skin through the Geometric Active Contour (GAC) algorithm. Artificial neural network (ANN) and Random Forest (Rf) receive fused CNN features and classify them with high accuracy. The first methodology involved analyzing the area of skin lesions and diagnosing their type early using the hybrid models CNN-ANN and CNN-RF. CNN models (AlexNet, GoogLeNet and VGG16) receive lesions area only and produce high depth feature maps. Thus, the deep feature maps were reduced by the PCA and then classified by ANN and RF networks. The second methodology involved analyzing the area of skin lesions and diagnosing their type early using the hybrid CNN-ANN and CNN-RF models based on the features of the fused CNN models. It is worth noting that the features of the CNN models were serially integrated after reducing their high dimensions by Principal Component Analysis (PCA). Hybrid models based on fused CNN features achieved promising results for diagnosing dermatoscopic images of the ISIC 2019 data set and distinguishing skin cancer from other skin lesions. The AlexNet-GoogLeNet-VGG16-ANN hybrid model achieved an AUC of 94.41%, sensitivity of 88.90%, accuracy of 96.10%, precision of 88.69%, and specificity of 99.44%.

12.
Sensors (Basel) ; 22(17)2022 Aug 29.
Artículo en Inglés | MEDLINE | ID: mdl-36080966

RESUMEN

The incidence of maritime accidents can be significantly reduced by identifying the deck officer's fatigue levels. The development of car driver fatigue detectors has employing electroencephalogram (EEG)-based technologies in recent years and made it possible to swiftly and accurately determine the level of a driver's fatigue. However, individual variability and the sensitivity of EEG signals reduce the detection precision. Recently, another type of video-based technology for detecting driver fatigue by recording changes in the drivers' eye characteristics has also been explored. In order to improve the classification performance of EEG-based approaches, this paper introduces the ADTIDO (Automatic Detect the TIred Deck Officers) algorithm, an EEG-based classification method of deck officers' fatigue level, which combines a video-based approach to record the officer's eye closure time for each time window. This paper uses a Discrete Wavelet Transformer (DWT) and decomposes the EEG signals into six sub-signals, from which we extract various EEG-based features, e.g., MAV, SD, and RMS. Unlike the traditional video-based method of calculating the Eyelid Closure Degree (ECD), this paper then obtains the ECD values from the EEG signals. The ECD-EEG fusion features are then created and used as the inputs for a classifier by combining the ECD and EEG feature sets. In addition, the present work develops the definition of "fatigue" at the individual level based on the real-time operational reaction time of the deck officer. To verify the efficacy of this research, the authors conducted their trials by using the EEG signals gathered from 21 subjects. It was found that Bidirectional Gated Recurrent Unit (Bi-GRU) networks outperform other classifiers, reaching a classification accuracy of 90.19 percent, 1.89 percent greater than that of only using EEG features as inputs. By combining the ADTIDO channel findings, the classification accuracy of deck officers' fatigue levels finally reaches 95.74 percent.


Asunto(s)
Algoritmos , Electroencefalografía , Accidentes , Electroencefalografía/métodos , Fatiga/diagnóstico , Humanos
13.
Sensors (Basel) ; 22(14)2022 Jul 20.
Artículo en Inglés | MEDLINE | ID: mdl-35891091

RESUMEN

Real-time, continuous and accurate blast furnace burden level information is of great significance for controlling the charging process, ensuring a smooth operation of a blast furnace, reducing energy consumption and emissions and improving blast furnace output. However, the burden level information measured by conventional mechanical stock rods and radar probes exhibit problems of weak anti-interference ability, large fluctuations in accuracy, poor stability and discontinuity. Therefore, a space-time fusion prediction and detection method of burden level based on a long-term focus memory network (LFMN) and an efficient structure self-tuning RBF neural network (ESST-RBFNN) is proposed. First, the space dimensional features are extracted by the space regression model based on radar data. Then, the LFMN is designed to predict the burden level and extract the time dimensional features. Finally, the ESST-RBFNN based on a proposed fast eigenvector space clustering algorithm (ESC) is constructed to obtain reliable and continuous burden level information with high accuracy. Both the simulation results and industrial verification indicate that the proposed method can provide real-time and continuous burden level information in real-time, which has great practical value for industrial production.


Asunto(s)
Conservación de los Recursos Energéticos , Calefacción , Algoritmos , Sistemas de Computación , Calefacción/instrumentación , Redes Neurales de la Computación , Análisis Espacio-Temporal
14.
Front Plant Sci ; 13: 879668, 2022.
Artículo en Inglés | MEDLINE | ID: mdl-35599890

RESUMEN

Leaf blast is a disease of rice leaves caused by the Pyricularia oryzae. It is considered a significant disease is affecting rice yield and quality and causing economic losses to food worldwide. Early detection of rice leaf blast is essential for early intervention and limiting the spread of the disease. To quickly and non-destructively classify rice leaf blast levels for accurate leaf blast detection and timely control. This study used hyperspectral imaging technology to obtain hyperspectral image data of rice leaves. The descending dimension methods got rice leaf disease characteristics of different disease classes, and the disease characteristics obtained by screening were used as model inputs to construct a model for early detection of leaf blast disease. First, three methods, ElasticNet, principal component analysis loadings (PCA loadings), and successive projections algorithm (SPA), were used to select the wavelengths of spectral features associated with leaf blast, respectively. Next, the texture features of the images were extracted using a gray level co-occurrence matrix (GLCM), and the texture features with high correlation were screened by the Pearson correlation analysis. Finally, an adaptive-weight immune particle swarm optimization extreme learning machine (AIPSO-ELM) based disease level classification method is proposed to further improve the model classification accuracy. It was also compared and analyzed with a support vector machine (SVM) and extreme learning machine (ELM). The results show that the disease level classification model constructed using a combination of spectral characteristic wavelengths and texture features is significantly better than a single disease feature in terms of classification accuracy. Among them, the model built with ElasticNet + TFs has the highest classification accuracy, with OA and Kappa greater than 90 and 87%, respectively. Meanwhile, the AIPSO-ELM proposed in this study has higher classification accuracy for leaf blast level classification than SVM and ELM classification models. In particular, the AIPSO-ELM model constructed with ElasticNet+TFs as features obtained the best classification performance, with OA and Kappa of 97.62 and 96.82%, respectively. In summary, the combination of spectral characteristic wavelength and texture features can significantly improve disease classification accuracy. At the same time, the AIPSO-ELM classification model proposed in this study has sure accuracy and stability, which can provide a reference for rice leaf blast disease detection.

15.
Ann Nucl Med ; 36(2): 172-182, 2022 Feb.
Artículo en Inglés | MEDLINE | ID: mdl-34716873

RESUMEN

BACKGROUND: Human epidermal growth factor receptor 2 (HER2) expression status determination significantly contributes to HER2-targeted therapy in breast cancer (BC). The purpose of this study was to evaluate the role of radiomics and machine learning based on PET/CT images in HER2 status prediction, and to identify the most effective combination of machine learning model and radiomic features. METHODS: A total of 217 BC patients who underwent PET/CT examination were involved in the study and randomly divided into a training set (n = 151) and a testing set (n = 66). For all four models, the model parameters were determined using a threefold cross-validation in the training set. Each model's performance was evaluated on the independent testing set using the receiver operating characteristic (ROC) curve, and AUC was calculated to get a quantified performance measurement of each model. RESULTS: Among the four developed machine learning models, the XGBoost model outperformed other machine learning models in HER2 status prediction. Furthermore, compared to the XGBoost model based on PET alone or CT alone radiomic features, the predictive power for HER2 status by using XGBoost model based on PET/CTmean or PET/CTconcat radiomic fusion features was dramatically improved with an AUC of 0.76 (95% confidence interval [CI] 0.69-0.83) and 0.72 (0.65-0.80), respectively. CONCLUSIONS: The established machine learning classifier based on PET/CT radiomic features is potentially predictive of HER2 status in BC.


Asunto(s)
Neoplasias de la Mama , Tomografía Computarizada por Tomografía de Emisión de Positrones , Neoplasias de la Mama/diagnóstico por imagen , Femenino , Humanos , Aprendizaje Automático , Curva ROC , Estudios Retrospectivos
16.
Sensors (Basel) ; 17(4)2017 Mar 29.
Artículo en Inglés | MEDLINE | ID: mdl-28353671

RESUMEN

In the pattern recognition domain, deep architectures are currently widely used and they have achieved fine results. However, these deep architectures make particular demands, especially in terms of their requirement for big datasets and GPU. Aiming to gain better results without deep networks, we propose a simplified algorithm framework using fusion features extracted from the salient areas of faces. Furthermore, the proposed algorithm has achieved a better result than some deep architectures. For extracting more effective features, this paper firstly defines the salient areas on the faces. This paper normalizes the salient areas of the same location in the faces to the same size; therefore, it can extracts more similar features from different subjects. LBP and HOG features are extracted from the salient areas, fusion features' dimensions are reduced by Principal Component Analysis (PCA) and we apply several classifiers to classify the six basic expressions at once. This paper proposes a salient areas definitude method which uses peak expressions frames compared with neutral faces. This paper also proposes and applies the idea of normalizing the salient areas to align the specific areas which express the different expressions. As a result, the salient areas found from different subjects are the same size. In addition, the gamma correction method is firstly applied on LBP features in our algorithm framework which improves our recognition rates significantly. By applying this algorithm framework, our research has gained state-of-the-art performances on CK+ database and JAFFE database.


Asunto(s)
Expresión Facial , Algoritmos , Bases de Datos Factuales , Cara , Humanos , Análisis de Componente Principal
SELECCIÓN DE REFERENCIAS
DETALLE DE LA BÚSQUEDA