Research

Health informatics/ Data Science

Hybrid Models for Breast Cancer Detection via Transfer Learning Technique

2023

Orawit Thinnukool

The experimental results show that the proposed model outperformed the baseline methods, with F-scores of 0.81 for DenseNet + Logistic Regression hybrid model, (F-score: 0.73) for Visual Geometry Group (VGG) + Logistic Regression hybrid model, (F-score: 0.74) for VGG + Random Forest, (F-score: 0.79) for DenseNet + Random Forest, and (F-score: 0.79) for VGG + Densenet + Logistic Regression hybrid model on the dataset of histopathological images. 

pic11.png 486.35 KB
https://www.techscience.com/cmc/v74n2/50245

EEG Channel Selection Based User Identification via Improved Flower Pollination Algorithm

2022

Pattarraporn Khuwuthyakorn

The electroencephalogram (EEG) introduced a massive potential for user identification. Several studies have shown that EEG provides unique features in addition to typical strength for spoofing attacks. EEG provides a graphic recording of the brain’s electrical activity that electrodes can capture on the scalp at different places. However, selecting which electrodes should be used is a challenging task. 

D622C045-D26A-4140-8766-C25959C58D3B.png 1.29 MB
Such a subject is formulated as an electrode selection task that is tackled by optimization methods. In this work, a new approach to select the most representative electrodes is introduced. The proposed algorithm is a hybrid version of the Flower Pollination Algorithm and β-Hill Climbing optimizer called FPAβ-hc. The performance of the FPAβ-hc algorithm is evaluated using a standard EEG motor imagery dataset. The experimental results show that the FPAβ-hc can utilize less than half of the electrode numbers, achieving more accurate results than seven other methods https://www.mdpi.com/1424-8220/22/6/2092

Signet Ring Cell Detection from Histological Images Using Deep Learning

2022

Orawit Thinnukool

 Signet Ring Cell (SRC) Carcinoma is among the dangerous types of cancers, and has a major contribution towards the death ratio caused by cancerous diseases. Detection and diagnosis of SRC carcinoma at earlier stages is a challenging, laborious, and costly task. Automatic detection of SRCs in a patient’s body through medical imaging by incorporating computing technologies is a hot topic of research. 

sell.png 1.32 MB
In the presented framework, we propose a novel approach that performs the identification and segmentation of SRCs in the histological images by using a deep learning (DL) technique named Mask Region-based Convolutional Neural Network (Mask-RCNN). In the first step, the input image is fed to Resnet-101 for feature extraction. The extracted feature maps are conveyed to Region Proposal Network (RPN) for the generation of the region of interest (RoI) proposals as well as they are directly conveyed to RoiAlign. Secondly, RoIAlign combines the feature maps with RoI proposals and generates segmentation masks by using a fully connected (FC) network and performs classification along with Bounding Box (bb) generation by using FC layers. The annotations are developed from ground truth (GT) images to perform experimentation on our developed dataset. Our introduced approach achieves accurate SRC detection with the precision and recall values of 0.901 and 0.897 respectively which can be utilized in clinical trials. We aim to release the employed database soon to assist the improvement in the SRC recognition research area 

Performance Analysis for COVID-19 Diagnosis Using Custom and State-of-the-Art Deep Learning Models

2022

Orawit Thinnukool

This research involves an evaluation of the performance of deep learning models for COVID-19 diagnosis using chest X-ray images from a dataset containing the largest number of COVID-19 images ever used in the literature, according to the best of the authors’ knowledge. 

applsci-12-06364-g001-550.jpg 49.81 KB
The size of the utilized dataset is about 4.25 times the maximum COVID-19 chest X-ray image dataset used in the explored literature. Further, a CNN model was developed, named the Custom-Model in this study, for evaluation against, and comparison to, the state-of-the-art deep learning models. The intention was not to develop a new high-performing deep learning model, but rather to evaluate the performance of deep learning models on a larger COVID-19 chest X-ray image dataset. 

A Long Short-Term Memory Biomarker-Based Prediction Framework for Alzheimer’s Disease

2022

Orawit Thinnukool

The proposed work presents a robotized predictive structure, dependent on machine learning (ML) methods for the forecast of AD. Neuropsychological measures (NM) and magnetic resonance imaging (MRI) biomarkers are deduced and passed on to a recurrent neural network (RNN). In the RNN, we have used long short-term memory (LSTM), and the proposed model will predict the biomarkers (feature vectors) of patients after 6, 12, 21 18, 24, and 36 months. These predicted biomarkers will go through fully connected neural network layers. The NN layers will then predict whether these RNN-predicted biomarkers belong to an AD patient or a patient with a mild cognitive impairment (MCI). The developed methodology has been tried on an openly available informational dataset (ADNI) and accomplished an accuracy of 88.24%, which is superior to the next-best available algorithms.

sensors-22-01475-g003.png 1.06 MB


Gastrointestinal Diseases Recognition: A Framework of Deep Neural Network and Improved Moth-Crow Optimization with DCCA Fusion

2022

Orawit Thinnukool

In this research, we proposed a deep learning and Moth-Crow optimization-based method for GI disease classification. There are a few key steps in the proposed framework. Initially, the contrast of the original images is increased, and three operations based on data augmentations are performed. Then, using transfer learning, two pre-trained deep learning models are fine-tuned and trained on GI disease images. 

fd.png 585.02 KB
Features are extracted from the middle layers using both fine-tuned deep learning models (average pooling). On both extracted deep feature vectors, a hybrid Crow-Moth optimization algorithm is proposed and applied. The resultant selected feature vectors are later fused using the distance-canonical correlation (D-CCA) approach. For classifying GI diseases, the final fused vector features are classified using machine learning algorithms. The experiments are carried out on three publicly available datasets titled CUI Wah WCE imaging, Kvasir-v1, and Kvasir-v2, providing improved accuracy with less computational time compared with recent techniques

Deep Attention Network for Pneumonia Detection Using Chest X-Ray Images

2022

Orawit Thinnukool

In computer vision, object recognition and image categorization have proven to be difficult challenges. They have, nevertheless, generated responses to a wide range of difficult issues from a variety of fields. Convolution Neural Networks (CNNs) have recently been identified as the most widely proposed deep learning (DL) algorithms in the literature. CNNs have unquestionably delivered cutting-edge achievements, particularly in the areas of image classification, speech recognition, and video processing. However, it has been noticed that the CNN-training assignment demands a large amount of data, which is in low supply, especially in the medical industry, and as a result, the training process takes longer. In this paper, we describe an attention-aware CNN architecture for classifying chest X-ray images to diagnose Pneumonia in order to address the aforementioned difficulties. Attention Modules provide attention-aware properties to the Attention Network. The attention-aware features of various modules alter as the layers become deeper. Using a bottom-up top-down feedforward structure, the feedforward and feedback attention processes are integrated into a single feedforward process inside each attention module.

ad.png 567.82 KB

In the present work, a deep neural network (DNN) is combined with an attention mechanism to test the prediction of Pneumonia disease using chest X-ray pictures. To produce attention-aware features, the suggested network was built by merging channel and spatial attention modules in DNN architecture. With this network, we worked on a publicly available Kaggle chest X-ray dataset. Extensive testing was carried out to validate the suggested model. In the experimental results, we attained an accuracy of 95.47% and an F- score of 0.92, indicating that the suggested model outperformed against the baseline models.

Automatic Detection of Tuberculosis Using VGG19 with Seagull-Algorithm

2022

Orawit Thinnukool

 The proposed work aims to develop an automatic TB detection system to assist the pulmonologist in confirming the severity of the disease, decision-making, and treatment execution. The proposed system employs a pre-trained VGG19 with the following phases: (i) image pre-processing, (ii) mining of deep features, (iii) enhancing the X-ray images with chosen procedures and mining of the handcrafted features, (iv) feature optimization using Seagull-Algorithm and serial concatenation, and (v) binary classification and validation. 

a.png 334.48 KB
The classification is executed with 10-fold cross-validation in this work, and the proposed work is investigated using MATLAB® software. The proposed research work was executed using the concatenated deep and handcrafted features, which provided a classification accuracy of 98.6190% with the SVM-Medium Gaussian (SVM-MG) classifier 

Analysis of Brain MRI Images Using Improved CornerNet Approach

2021

Orawit Thinnukool

The brain tumor is a deadly disease that is caused by the abnormal growth of brain cells, which affects the human blood cells and nerves. Timely and precise detection of brain tumors is an important task to avoid complex and painful treatment procedures, as it can assist doctors in surgical planning. Manual brain tumor detection is a time-consuming activity and highly dependent on the availability of area experts. 

4695BE47-3421-4816-A077-292D4EF2994F.png 3.13 MB

Therefore, it is a need of the hour to design accurate automated systems for the detection and classification of various types of brain tumors. However, the exact localization and categorization of brain tumors is a challenging job due to extensive variations in their size, position, and structure. To deal with the challenges, we have presented a novel approach, namely, DenseNet-41-based CornerNet framework. 

AF6F722D-E026-4E6E-9581-1C83787B09FC.png 760.67 KB

The proposed solution comprises three steps. Initially, we develop annotations to locate the exact region of interest. In the second step, a custom CornerNet with DenseNet-41 as a base network is introduced to extract the deep features from the suspected samples. In the last step, the one-stage detector CornerNet is employed to locate and classify several brain tumors. To evaluate the proposed method, we have utilized two databases, namely, the Figshare and Brain MRI datasets, and attained an average accuracy of 98.8% and 98.5%, respectively. Both qualitative and quantitative analysis show that our approach is more proficient and consistent with detecting and classifying various types of brain tumors than other latest technique . . https://www.mdpi.com/2075-4418/11/10/1856# 

The Recent Technologies to Curb the Second-Wave of COVID-19 Pandemic

2021

Orawit Thinnukool

Different epidemics, specially Coronavirus, have caused critical misfortunes in various fields like monetary deprivation, survival conditions, thus diminishing the overall individual fulfillment. Various worldwide associations and different hierarchies of government fraternity are endeavoring to offer the necessary assistance in eliminating the infection impacts but unfortunately standing up to the non-appearance of resources and expertise. In contrast to all other pandemics, Coronavirus has proven to exhibit numerous requirements such that curated appropriation and determination of innovations are required to deal with the vigorous undertakings, which include precaution, detection, and medication. Innovative advancements are essential for the subsequent pandemics where-in the forthcoming difficulties can indeed be approached to such a degree that it facilitates constructive solutions more comprehensively. In this study, futuristic and emerging innovations are analyzed, improving COVID-19 effects for the general public. Large data sets need to be advanced so that extensive models related to deep analysis can be used to combat Coronavirus infection, which can be done by applying Artificial intelligence techniques such as Natural Language Processing (NLP), Machine Learning (ML), and Computer vision to varying processing files. This article aims to furnish variation sets of innovations that can be utilized to eliminate COVID-19 and serve as a resource for the coming generations. At last, elaboration associated with future state-of-the-art technologies and the attainable sectors of AI methodologies has been mentioned concerning the post-COVID-19 world to enable the different ideas for dealing with the pandemic-based difficulties. https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=9471880

The Recent Technologies to Curb the Second-Wave of COVID-19 Pandemic

2021

Orawit Thinnukool

 In this study, futuristic and emerging innovations are analyzed, improving COVID-19 effects for the general public. Large data sets need to be advanced so that extensive models related to deep analysis can be used to combat Coronavirus infection, which can be done by applying Artificial intelligence techniques such as Natural Language Processing (NLP), Machine Learning (ML), and Computer vision to varying processing files. This article aims to furnish variation sets of innovations that can be utilized to eliminate COVID-19 and serve as a resource for the coming generations. At last, elaboration associated with future state-of-the-art technologies and the attainable sectors of AI methodologies has been mentioned concerning the post-COVID-19 world to enable the different ideas for dealing with the pandemic-based difficulties. 

as22.png 176.43 KB