1,077 research outputs found

    Rapid detection of diabetic retinopathy in retinal images: a new approach using transfer learning and synthetic minority over-sampling technique

    Get PDF
    The challenge of early detection of diabetic retinopathy (DR), a leading cause of vision loss in working-age individuals in developed nations, was addressed in this study. Current manual analysis of digital color fundus photographs by clinicians, although thorough, suffers from slow result turnaround, delaying necessary treatment. To expedite detection and improve treatment timeliness, a novel automated detection system for DR was developed. This system utilized convolutional neural networks. Visual geometry group 16-layer network (VGG16), a pre-trained deep learning model, for feature extraction from retinal images and the synthetic minority over-sampling technique (SMOTE) to handle class imbalance in the dataset. The system was designed to classify images into five categories: normal, mild DR, moderate DR, severe DR, and proliferative DR (PDR). Assessment of the system using the Kaggle diabetic retinopathy dataset resulted in a promising 93.94% accuracy during the training phase and 88.19% during validation. These results highlight the system's potential to enhance DR diagnosis speed and efficiency, leading to improved patient outcomes. The study concluded that automation and artificial intelligence (AI) could play a significant role in timely and efficient disease detection and management

    Automated Brain Tumor Detection from MRI Scans using Deep Convolutional Neural Networks

    Get PDF
    The brain, as the central nervous system's most critical part, can develop abnormal growths of cells known as tumors. Cancer is the term used to describe malignant tumors. Medical imaging modalities, such as computed tomography (CT) or magnetic resonance imaging (MRI), are commonly used to detect cancerous regions in the brain. Other techniques, such as positron emission tomography (PET), cerebral arteriography, lumbar puncture, and molecular testing, are also utilized for brain tumor detection. MRI scans provide detailed information concerning delicate tissue, which aids in diagnosing brain tumors. MRI scan images are analyzed to assess the disease condition objectively. The proposed system aims to identify abnormal brain images from MRI scans accurately. The segmented mask can estimate the tumor's density, which is helpful in therapy. Deep learning techniques are employed to automatically extract features and detect abnormalities from MRI images. The proposed system utilizes a convolutional neural network (CNN), a popular deep learning technique, to analyze MRI images and identify abnormal brain scans with high accuracy. The system's training process involves feeding the CNN with large datasets of normal and abnormal MRI images to learn how to differentiate between the two. During testing, the system classifies MRI images as either normal or abnormal based on the learned features. The system's ability to accurately identify abnormal brain scans can aid medical practitioners in making informed decisions and providing better patient care. Additionally, the system's ability to estimate tumor density from the segmented mask provides additional information to guide therapy. The proposed system offers a promising solution for improving the accuracy and efficiency of brain tumor detection from MRI images, which is critical for early detection and treatment

    Convolutional Neural Network with Genetic Algorithm for Predicting Energy Consumption in Public Buildings

    Get PDF
    Abdelaziz, A., Santos, V., & Dias, M. S. (2023). Convolutional Neural Network with Genetic Algorithm for Predicting Energy Consumption in Public Buildings. IEEE Access. https://doi.org/10.1109/ACCESS.2023.3284470---This work has been supported by Portuguese funds through FCT - Fundação para a Ciência e Tecnologia, I.P., under the project FCT UIDB/04466/2020, and this work has been supported by Information Management Research Center (MagIC) - NOVA Information Management School.Due to their capacity to improve energy consumption performance, intelligent applications have recently assumed a pivotal position in the energy management of public buildings. Because of their irregular energy consumption patterns and the lack of design criteria for energy efficiency and sustainability solutions, keeping these buildings’ energy consumption under control is a significant issue. As a result, it is important to analyze public building energy consumption patterns and forecast future energy demands. Evidence like this highlights the need to identify and categorize energy use trends in commercial and institutional structures. This research aims to identify the most effective intelligent method for categorizing and forecasting the energy consumption levels of public buildings and, ultimately, to identify the scientific rules (If-Then rules) that will aid decision-makers in establishing the energy consumption level in each building. The goals of this research were accomplished by employing two intelligent models, the Elbow technique and the Davis and Boulden approach, to count the number of clusters of energy consumption patterns. It was determined what the clustering levels would be in each structure using K-means and a genetic algorithm. In this step, the genetic algorithm was utilized to find the best centroid points for each cluster, allowing the fitting model to function better. Determining which buildings use the most energy has been made easier thanks to the extraction of If-Then rules from cluster analysis. Convolutional neural networks (CNNs) and CNNs combined with a genetic algorithm were also employed as intelligent models for energy consumption forecasting. At this point, we utilized a genetic algorithm to fine-tune some of CNN’s settings. CNN with genetic algorithm outperforms on CNN model in terms of accuracy and standard error. Using a genetic algorithm, CNN achieves a 99.01% accuracy on the training dataset and a 97.74% accuracy on the validation dataset, with accuracy and an error of 0.02 and 0.09, respectively. CNN achieves a 98.03% accuracy and a 0.05 standard error on the training dataset and a 94.91% accuracy and a 0.26 standard error on the validation dataset. This research is useful for policymakers in the energy sector because it allows them to make informed decisions about the timing of energy supply and demand for public buildings.authorsversionepub_ahead_of_prin

    Learning to detect chest radiographs containing lung nodules using visual attention networks

    Get PDF
    Machine learning approaches hold great potential for the automated detection of lung nodules in chest radiographs, but training the algorithms requires vary large amounts of manually annotated images, which are difficult to obtain. Weak labels indicating whether a radiograph is likely to contain pulmonary nodules are typically easier to obtain at scale by parsing historical free-text radiological reports associated to the radiographs. Using a repositotory of over 700,000 chest radiographs, in this study we demonstrate that promising nodule detection performance can be achieved using weak labels through convolutional neural networks for radiograph classification. We propose two network architectures for the classification of images likely to contain pulmonary nodules using both weak labels and manually-delineated bounding boxes, when these are available. Annotated nodules are used at training time to deliver a visual attention mechanism informing the model about its localisation performance. The first architecture extracts saliency maps from high-level convolutional layers and compares the estimated position of a nodule against the ground truth, when this is available. A corresponding localisation error is then back-propagated along with the softmax classification error. The second approach consists of a recurrent attention model that learns to observe a short sequence of smaller image portions through reinforcement learning. When a nodule annotation is available at training time, the reward function is modified accordingly so that exploring portions of the radiographs away from a nodule incurs a larger penalty. Our empirical results demonstrate the potential advantages of these architectures in comparison to competing methodologies

    Machine Learning Approaches for Heart Disease Detection: A Comprehensive Review

    Get PDF
    This paper presents a comprehensive review of the application of machine learning algorithms in the early detection of heart disease. Heart disease remains a leading global health concern, necessitating efficient and accurate diagnostic methods. Machine learning has emerged as a promising approach, offering the potential to enhance diagnostic accuracy and reduce the time required for assessments. This review begins by elucidating the fundamentals of machine learning and provides concise explanations of the most prevalent algorithms employed in heart disease detection. It subsequently examines noteworthy research efforts that have harnessed machine learning techniques for heart disease diagnosis. A detailed tabular comparison of these studies is also presented, highlighting the strengths and weaknesses of various algorithms and methodologies. This survey underscores the significant strides made in leveraging machine learning for early heart disease detection and emphasizes the ongoing need for further research to enhance its clinical applicability and efficacy

    Prediction of Distribution Network Line Loss Rate Based on Ensemble Learning

    Get PDF
    The distribution network line loss rate is a crucial factor in improving the economic efficiency of power grids. However, the traditional prediction model has low accuracy. This study proposes a predictive method based on data preprocessing and model integration to improve accuracy. Data preprocessing employs dynamic cleaning technology with machine learning to enhance data quality. Model integration combines long short-term memory (LSTM), linear regression, and extreme gradient boosting (XGBoost) models to achieve multi-angle modeling. This study employs regression evaluation metrics to assess the difference between predicted and actual results for model evaluation. Experimental results show that this method leads to improvements over other models. For example, compared to LSTM, root mean square error (RMSE) was reduced by 44.0% and mean absolute error (MAE) by 23.8%. The method provides technical solutions for building accurate line loss monitoring systems and enhances power grid operations

    On Deep Machine Learning Methods for Anomaly Detection within Computer Vision

    Get PDF
    This thesis concerns deep learning approaches for anomaly detection in images. Anomaly detection addresses how to find any kind of pattern that differs from the regularities found in normal data and is receiving increasingly more attention in deep learning research. This is due in part to its wide set of potential applications ranging from automated CCTV surveillance to quality control across a range of industries. We introduce three original methods for anomaly detection applicable to two specific deployment scenarios. In the first, we detect anomalous activity in potentially crowded scenes through imagery captured via CCTV or other video recording devices. In the second, we segment defects in textures and demonstrate use cases representative of automated quality inspection on industrial production lines. In the context of detecting anomalous activity in scenes, we take an existing state-of-the-art method and introduce several enhancements including the use of a region proposal network for region extraction and a more information-preserving feature preprocessing strategy. This results in a simpler method that is significantly faster and suitable for real-time application. In addition, the increased efficiency facilitates building higher-dimensional models capable of improved anomaly detection performance, which we demonstrate on the pedestrian-based UCSD Ped2 dataset. In the context of texture defect detection, we introduce a method based on the idea of texture restoration that surpasses all state-of-the-art methods on the texture classes of the challenging MVTecAD dataset. In the same context, we additionally introduce a method that utilises transformer networks for future pixel and feature prediction. This novel method is able to perform competitive anomaly detection on most of the challenging MVTecAD dataset texture classes and illustrates both the promise and limitations of state-of-the-art deep learning transformers for the task of texture anomaly detection

    Computer-Aided Clinical Decision Support Systems for Atrial Fibrillation

    Get PDF
    Clinical decision support systems (clinical DSSs) are widely used today for various clinical applications such as diagnosis, treatment, and recovery. Clinical DSS aims to enhance the end‐to‐end therapy management for the doctors, and also helps to provide improved experience for patients during each phase of the therapy. The goal of this chapter is to provide an insight into the clinical DSS associated with the highly prevalent heart rhythm disorder, atrial fibrillation (AF). The use of clinical DSS in AF management is ubiquitous, starting from detection of AF through sophisticated electrophysiology treatment procedures, all the way to monitoring the patient\u27s health during follow‐ups. Most of the software associated with AF DSS are developed based on signal processing, image processing, and artificial intelligence techniques. The chapter begins with a brief description of DSS in general and then introduces DSS that are used for various clinical applications. The chapter continues with a background on AF and some relevant mechanisms. Finally, a couple of clinical DSS used today in regard with AF are discussed, along with some proposed methods for potential implementation of clinical DSS for detection of AF, prediction of an AF treatment outcome, and localization of AF targets during a treatment procedure
    corecore