Your browser doesn't support javascript.
loading
Mostrar: 20 | 50 | 100
Resultados 1 - 20 de 36
Filtrar
Mais filtros










Base de dados
Intervalo de ano de publicação
1.
PeerJ Comput Sci ; 10: e1982, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38660162

RESUMO

Maternal healthcare is a critical aspect of public health that focuses on the well-being of pregnant women before, during, and after childbirth. It encompasses a range of services aimed at ensuring the optimal health of both the mother and the developing fetus. During pregnancy and in the postpartum period, the mother's health is susceptible to several complications and risks, and timely detection of such risks can play a vital role in women's safety. This study proposes an approach to predict risks associated with maternal health. The first step of the approach involves utilizing principal component analysis (PCA) to extract significant features from the dataset. Following that, this study employs a stacked ensemble voting classifier which combines one machine learning and one deep learning model to achieve high performance. The performance of the proposed approach is compared to six machine learning algorithms and one deep learning algorithm. Two scenarios are considered for the experiments: one utilizing all features and the other using PCA features. By utilizing PCA-based features, the proposed model achieves an accuracy of 98.25%, precision of 99.17%, recall of 99.16%, and an F1 score of 99.16%. The effectiveness of the proposed model is further confirmed by comparing it to existing state of-the-art approaches.

2.
PeerJ Comput Sci ; 10: e1996, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38660170

RESUMO

Cancer, a life-threatening disorder caused by genetic abnormalities and metabolic irregularities, is a substantial health danger, with lung and colon cancer being major contributors to death. Histopathological identification is critical in directing effective treatment regimens for these cancers. The earlier these disorders are identified, the lesser the risk of death. The use of machine learning and deep learning approaches has the potential to speed up cancer diagnosis processes by allowing researchers to analyse large patient databases quickly and affordably. This study introduces the Inception-ResNetV2 model with strategically incorporated local binary patterns (LBP) features to improve diagnostic accuracy for lung and colon cancer identification. The model is trained on histopathological images, and the integration of deep learning and texture-based features has demonstrated its exceptional performance with 99.98% accuracy. Importantly, the study employs explainable artificial intelligence (AI) through SHapley Additive exPlanations (SHAP) to unravel the complex inner workings of deep learning models, providing transparency in decision-making processes. This study highlights the potential to revolutionize cancer diagnosis in an era of more accurate and reliable medical assessments.

3.
PLoS One ; 19(4): e0300013, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38598444

RESUMO

Hyperspectral Images (HSI) classification is a challenging task due to a large number of spatial-spectral bands of images with high inter-similarity, extra variability classes, and complex region relationships, including overlapping and nested regions. Classification becomes a complex problem in remote sensing images like HSIs. Convolutional Neural Networks (CNNs) have gained popularity in addressing this challenge by focusing on HSI data classification. However, the performance of 2D-CNN methods heavily relies on spatial information, while 3D-CNN methods offer an alternative approach by considering both spectral and spatial information. Nonetheless, the computational complexity of 3D-CNN methods increases significantly due to the large capacity size and spectral dimensions. These methods also face difficulties in manipulating information from local intrinsic detailed patterns of feature maps and low-rank frequency feature tuning. To overcome these challenges and improve HSI classification performance, we propose an innovative approach called the Attention 3D Central Difference Convolutional Dense Network (3D-CDC Attention DenseNet). Our 3D-CDC method leverages the manipulation of local intrinsic detailed patterns in the spatial-spectral features maps, utilizing pixel-wise concatenation and spatial attention mechanism within a dense strategy to incorporate low-rank frequency features and guide the feature tuning. Experimental results on benchmark datasets such as Pavia University, Houston 2018, and Indian Pines demonstrate the superiority of our method compared to other HSI classification methods, including state-of-the-art techniques. The proposed method achieved 97.93% overall accuracy on the Houston-2018, 99.89% on Pavia University, and 99.38% on the Indian Pines dataset with the 25 × 25 window size.


Assuntos
Povo Asiático , Benchmarking , Humanos , Redes Neurais de Computação , Telemetria , Universidades
4.
PeerJ Comput Sci ; 10: e1899, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38435593

RESUMO

Thermal comfort is a crucial element of smart buildings that assists in improving, analyzing, and realizing intelligent structures. Energy consumption forecasts for such smart buildings are crucial owing to the intricate decision-making processes surrounding resource efficiency. Machine learning (ML) techniques are employed to estimate energy consumption. ML algorithms, however, require a large amount of data to be adequate. There may be privacy violations due to collecting this data. To tackle this problem, this study proposes a federated deep learning (FDL) architecture developed around a deep neural network (DNN) paradigm. The study employs the ASHRAE RP-884 standard dataset for experimentation and analysis, which is available to the general public. The data is normalized using the min-max normalization approach, and the Synthetic Minority Over-sampling Technique (SMOTE) is used to enhance the minority class's interpretation. The DNN model is trained separately on the dataset after obtaining modifications from two clients. Each client assesses the data greatly to reduce the over-fitting impact. The test result demonstrates the efficiency of the proposed FDL by reaching 82.40% accuracy while securing the data.

5.
Sci Rep ; 14(1): 3570, 2024 02 12.
Artigo em Inglês | MEDLINE | ID: mdl-38347011

RESUMO

White blood cells (WBCs) play a vital role in immune responses against infections and foreign agents. Different WBC types exist, and anomalies within them can indicate diseases like leukemia. Previous research suffers from limited accuracy and inflated performance due to the usage of less important features. Moreover, these studies often focus on fewer WBC types, exaggerating accuracy. This study addresses the crucial task of classifying WBC types using microscopic images. This study introduces a novel approach using extensive pre-processing with data augmentation techniques to produce a more significant feature set to achieve more promising results. The study conducts experiments employing both conventional deep learning and transfer learning models, comparing performance with state-of-the-art machine and deep learning models. Results reveal that a pre-processed feature set and convolutional neural network classifier achieves a significantly better accuracy of 0.99. The proposed method demonstrates superior accuracy and computational efficiency compared to existing state-of-the-art works.


Assuntos
Leucemia , Leucócitos , Humanos , Redes Neurais de Computação , Algoritmos
6.
PeerJ Comput Sci ; 10: e1722, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38196956

RESUMO

Mobile app stores, such as Google Play, have become famous platforms for practically all types of software and services for mobile phone users. Users may browse and download apps via app stores, which also help developers monitor their apps by allowing users to rate and review them. App reviews may contain the user's experience, bug details, requests for additional features, or a textual rating of the app. These ratings can be frequently biased due to inadequate votes. However, there are significant discrepancies between the numerical ratings and the user reviews. This study uses a transfer learning approach to predict the numerical ratings of Google apps. It benefits from user-provided numeric ratings of apps as the training data and provides authentic ratings of mobile apps by analyzing users' reviews. A transfer learning-based model ELMo is proposed for this purpose which is based on the word vector feature representation technique. The performance of the proposed model is compared with three other transfer learning and five machine learning models. The dataset is scrapped from the Google Play store which extracts the data from 14 different categories of apps. First, biased and unbiased user rating is segregated using TextBlob analysis to formulate the ground truth, and then classifiers prediction accuracy is evaluated. Results demonstrate that the ELMo classifier has a high potential to predict authentic numeric ratings with user actual reviews.

7.
PeerJ Comput Sci ; 9: e1631, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-38077602

RESUMO

Background: Tooth decay, also known as dental caries, is a common oral health problem that requires early diagnosis and treatment to prevent further complications. It is a chronic disease that causes the gradual breakdown of the tooth's hard tissues, primarily due to the interaction of bacteria and dietary sugars. Results: While numerous investigations have focused on addressing this issue using image-based datasets, the outcomes have revealed limitations in their effectiveness. In a novel approach, this study focuses on feature-based datasets, coupled with the strategic integration of Principle Component Analysis (PCA) and Chi-square (chi2) for robust feature engineering. In the proposed model, features are generated using PCA, utilizing a voting classifier ensemble consisting of Extreme Gradient Boosting (XGB), Random Forest (RF), and Extra Trees Classifier (ETC) algorithms. Discussion: Extensive experiments were conducted to compare the proposed approach with the chi2 features and machine learning models to evaluate its efficacy for tooth caries detection. The results showed that the proposed voting classifier using PCA features outperformed the other approaches, achieving an accuracy, precision, recall, and F1 score of 97.36%, 96.14%, 96.84%, and 96.65%, respectively. Conclusion: The study demonstrates that the utilization of feature-based datasets and PCA-based feature engineering, along with a voting classifier ensemble, significantly improves tooth caries detection accuracy compared to image-based approaches. The achieved high accuracy, precision, recall, and F1 score emphasize the potential of the proposed model for effective dental caries detection. This study provides new insights into the potential of innovative methodologies to improve dental healthcare by evaluating their effectiveness in addressing prevalent oral health issues.

8.
Cancers (Basel) ; 15(24)2023 Dec 11.
Artigo em Inglês | MEDLINE | ID: mdl-38136346

RESUMO

The importance of detecting and preventing ovarian cancer is of utmost significance for women's overall health and wellness. Referred to as the "silent killer," ovarian cancer exhibits inconspicuous symptoms during its initial phases, posing a challenge for timely identification. Identification of ovarian cancer during its advanced stages significantly diminishes the likelihood of effective treatment and survival. Regular screenings, such as pelvic exams, ultrasound, and blood tests for specific biomarkers, are essential tools for detecting the disease in its early, more treatable stages. This research makes use of the Soochow University ovarian cancer dataset, containing 50 features for the accurate detection of ovarian cancer. The proposed predictive model makes use of a stacked ensemble model, merging the strengths of bagging and boosting classifiers, and aims to enhance predictive accuracy and reliability. This combination harnesses the benefits of variance reduction and improved generalization, contributing to superior ovarian cancer prediction outcomes. The proposed model gives 96.87% accuracy, which is currently the highest model result obtained on this dataset so far using all features. Moreover, the outcomes are elucidated utilizing the explainable artificial intelligence method referred to as SHAPly. The excellence of the suggested model is demonstrated through a comparison of its performance with that of other cutting-edge models.

9.
Cancer Biomark ; 2023 Dec 19.
Artigo em Inglês | MEDLINE | ID: mdl-38160347

RESUMO

Breast cancer is a major cause of female deaths, especially in underdeveloped countries. It can be treated if diagnosed early and chances of survival are high if treated appropriately and timely. For timely and accurate automated diagnosis, machine learning approaches tend to show better results than traditional methods, however, accuracy lacks the desired level. This study proposes the use of an ensemble model to provide accurate detection of breast cancer. The proposed model uses the random forest and support vector classifier along with automatic feature extraction using an optimized convolutional neural network (CNN). Extensive experiments are performed using the original, as well as, CNN-based features to analyze the performance of the deployed models. Experimental results involving the use of the Wisconsin dataset reveal that CNN-based features provide better results than the original features. It is observed that the proposed model achieves an accuracy of 99.99% for breast cancer detection. Performance comparison with existing state-of-the-art models is also carried out showing the superior performance of the proposed model.

10.
Sci Rep ; 13(1): 19213, 2023 11 06.
Artigo em Inglês | MEDLINE | ID: mdl-37932424

RESUMO

Intelligent health monitoring systems are becoming more important and popular as technology advances. Nowadays, online services are replacing physical infrastructure in several domains including medical services as well. The COVID-19 pandemic has also changed the way medical services are delivered. Intelligent appliances, smart homes, and smart medical systems are some of the emerging concepts. The Internet of Things (IoT) has changed the way communication occurs alongside data collection sources aided by smart sensors. It also has deployed artificial intelligence (AI) methods for better decision-making provided by efficient data collection, storage, retrieval, and data management. This research employs health monitoring systems for heart patients using IoT and AI-based solutions. Activities of heart patients are monitored and reported using the IoT system. For heart disease prediction, an ensemble model ET-CNN is presented which provides an accuracy score of 0.9524. The investigative data related to this system is very encouraging in real-time reporting and classifying heart patients with great accuracy.


Assuntos
Cardiopatias , Insuficiência Cardíaca , Internet das Coisas , Humanos , Inteligência Artificial , Pandemias
11.
PLoS One ; 18(11): e0293061, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-37939093

RESUMO

Predicting student performance automatically is of utmost importance, due to the substantial volume of data within educational databases. Educational data mining (EDM) devises techniques to uncover insights from data originating in educational settings. Artificial intelligence (AI) can mine educational data to predict student performance and provide measures to help students avoid failing and learn better. Learning platforms complement traditional learning settings by analyzing student performance, which can help reduce the chance of student failure. Existing methods for student performance prediction in educational data mining faced challenges such as limited accuracy, imbalanced data, and difficulties in feature engineering. These issues hindered effective adaptability and generalization across diverse educational contexts. This study proposes a machine learning-based system with deep convoluted features for the prediction of students' academic performance. The proposed framework is employed to predict student academic performance using balanced as well as, imbalanced datasets using the synthetic minority oversampling technique (SMOTE). In addition, the performance is also evaluated using the original and deep convoluted features. Experimental results indicate that the use of deep convoluted features provides improved prediction accuracy compared to original features. Results obtained using the extra tree classifier with convoluted features show the highest classification accuracy of 99.9%. In comparison with the state-of-the-art approaches, the proposed approach achieved higher performance. This research introduces a powerful AI-driven system for student performance prediction, offering substantial advancements in accuracy compared to existing approaches.


Assuntos
Desempenho Acadêmico , Inteligência Artificial , Humanos , Estudantes , Aprendizado de Máquina , Escolaridade
12.
Diagnostics (Basel) ; 13(17)2023 Sep 01.
Artigo em Inglês | MEDLINE | ID: mdl-37685369

RESUMO

In recent times, DFU (diabetic foot ulcer) has become a universal health problem that affects many diabetes patients severely. DFU requires immediate proper treatment to avert amputation. Clinical examination of DFU is a tedious process and complex in nature. Concurrently, DL (deep learning) methodologies can show prominent outcomes in the classification of DFU because of their efficient learning capacity. Though traditional systems have tried using DL-based models to procure better performance, there is room for enhancement in accuracy. Therefore, the present study uses the AWSg-CNN (Adaptive Weighted Sub-gradient Convolutional Neural Network) method to classify DFU. A DFUC dataset is considered, and several processes are involved in the present study. Initially, the proposed method starts with pre-processing, excluding inconsistent and missing data, to enhance dataset quality and accuracy. Further, for classification, the proposed method utilizes the process of RIW (random initialization of weights) and log softmax with the ASGO (Adaptive Sub-gradient Optimizer) for effective performance. In this process, RIW efficiently learns the shift of feature space between the convolutional layers. To evade the underflow of gradients, the log softmax function is used. When logging softmax with the ASGO is used for the activation function, the gradient steps are controlled. An adaptive modification of the proximal function simplifies the learning rate significantly, and optimal proximal functions are produced. Due to such merits, the proposed method can perform better classification. The predicted results are displayed on the webpage through the HTML, CSS, and Flask frameworks. The effectiveness of the proposed system is evaluated with accuracy, recall, F1-score, and precision to confirm its effectual performance.

13.
Cancers (Basel) ; 15(17)2023 Sep 04.
Artigo em Inglês | MEDLINE | ID: mdl-37686692

RESUMO

Objective: Cervical cancer ranks among the top causes of death among females in developing countries. The most important procedures that should be followed to guarantee the minimizing of cervical cancer's aftereffects are early identification and treatment under the finest medical guidance. One of the best methods to find this sort of malignancy is by looking at a Pap smear image. For automated detection of cervical cancer, the available datasets often have missing values, which can significantly affect the performance of machine learning models. Methods: To address these challenges, this study proposes an automated system for predicting cervical cancer that efficiently handles missing values with SMOTE features to achieve high accuracy. The proposed system employs a stacked ensemble voting classifier model that combines three machine learning models, along with KNN Imputer and SMOTE up-sampled features for handling missing values. Results: The proposed model achieves 99.99% accuracy, 99.99% precision, 99.99% recall, and 99.99% F1 score when using KNN imputed SMOTE features. The study compares the performance of the proposed model with multiple other machine learning algorithms under four scenarios: with missing values removed, with KNN imputation, with SMOTE features, and with KNN imputed SMOTE features. The study validates the efficacy of the proposed model against existing state-of-the-art approaches. Conclusions: This study investigates the issue of missing values and class imbalance in the data collected for cervical cancer detection and might aid medical practitioners in timely detection and providing cervical cancer patients with better care.

14.
Sensors (Basel) ; 23(16)2023 Aug 14.
Artigo em Inglês | MEDLINE | ID: mdl-37631691

RESUMO

The small-drone technology domain is the outcome of a breakthrough in technological advancement for drones. The Internet of Things (IoT) is used by drones to provide inter-location services for navigation. But, due to issues related to their architecture and design, drones are not immune to threats related to security and privacy. Establishing a secure and reliable network is essential to obtaining optimal performance from drones. While small drones offer promising avenues for growth in civil and defense industries, they are prone to attacks on safety, security, and privacy. The current architecture of small drones necessitates modifications to their data transformation and privacy mechanisms to align with domain requirements. This research paper investigates the latest trends in safety, security, and privacy related to drones, and the Internet of Drones (IoD), highlighting the importance of secure drone networks that are impervious to interceptions and intrusions. To mitigate cyber-security threats, the proposed framework incorporates intelligent machine learning models into the design and structure of IoT-aided drones, rendering adaptable and secure technology. Furthermore, in this work, a new dataset is constructed, a merged dataset comprising a drone dataset and two benchmark datasets. The proposed strategy outperforms the previous algorithms and achieves 99.89% accuracy on the drone dataset and 91.64% on the merged dataset. Overall, this intelligent framework gives a potential approach to improving the security and resilience of cyber-physical satellite systems, and IoT-aided aerial vehicle systems, addressing the rising security challenges in an interconnected world.

15.
J Dent ; 137: 104651, 2023 10.
Artigo em Inglês | MEDLINE | ID: mdl-37553029

RESUMO

OBJECTIVES: This research focuses on performing teeth segmentation with panoramic radiograph images using a denoised encoder-based residual U-Net model, which enhances segmentation techniques and has the capacity to adapt to predictions with different and new data in the dataset, making the proposed model more robust and assisting in the accurate identification of damages in individual teeth. METHODS: The effective segmentation starts with pre-processing the Tufts dataset to resize images to avoid computational complexities. Subsequently, the prediction of the defect in teeth is performed with the denoised encoder block in the residual U-Net model, in which a modified identity block is provided in the encoder section for finer segmentation on specific regions in images, and features are identified optimally. The denoised block aids in handling noisy ground truth images effectively. RESULTS: Proposed module achieved greater values of mean dice and mean IoU with 98.90075 and 98.74147 CONCLUSIONS: Proposed AI enabled model permitted a precise approach to segment the teeth on Tuffs dental dataset in spite of the existence of densed dental filling and the kind of tooth. CLINICAL SIGNIFICANCE: The proposed model is pivotal for improved dental diagnostics, offering precise identification of dental anomalies. This could revolutionize clinical dental settings by facilitating more accurate treatments and safer examination processes with lower radiation exposure, thus enhancing overall patient care.


Assuntos
Processamento de Imagem Assistida por Computador , Humanos , Radiografia Panorâmica
16.
Diagnostics (Basel) ; 13(15)2023 Jul 31.
Artigo em Inglês | MEDLINE | ID: mdl-37568907

RESUMO

Brain tumors, along with other diseases that harm the neurological system, are a significant contributor to global mortality. Early diagnosis plays a crucial role in effectively treating brain tumors. To distinguish individuals with tumors from those without, this study employs a combination of images and data-based features. In the initial phase, the image dataset is enhanced, followed by the application of a UNet transfer-learning-based model to accurately classify patients as either having tumors or being normal. In the second phase, this research utilizes 13 features in conjunction with a voting classifier. The voting classifier incorporates features extracted from deep convolutional layers and combines stochastic gradient descent with logistic regression to achieve better classification results. The reported accuracy score of 0.99 achieved by both proposed models shows its superior performance. Also, comparing results with other supervised learning algorithms and state-of-the-art models validates its performance.

17.
Chemosphere ; 338: 139371, 2023 Oct.
Artigo em Inglês | MEDLINE | ID: mdl-37442387

RESUMO

Combined cooling, heating and power (CCHP) is one of methods for enhancing the efficiency of the energy conversion systems. In this study a CCHP system consisting of a gas turbin (GT) as the topping cycle, and an organic Rankine cycle (ORC) associated with double-effect absorbtion chiller (DEACH) is decisioned as the bottoming cycle to recover the waste heat from GT exhaust gas. The considered CCHP system is investigated to maintain electricity, heating and cooling demand of a town. A parametric study is investigated and the effect decision variables on the performance indicators including exergy efficiency, total cost rate (TCR), cooling capacity, and ORC power generation is examined. Decision variables of the ORC system consist of HRVG pressure, and condenser pressure and the DEACH including evaporator pressure, condseser pressure, concentration of the concentrated solution, concentration of the weak solution, and solution mass flow rate. Finally a multi-objective optimization performed using Genetic Algorithm (GA) and the optimal design point is selected. It is observed at the optimum point the exergy efficiency, TCR, and sustainability index are 17.56%, 74.49 $/h, and 1.21, respectively.


Assuntos
Temperatura Baixa , Eletricidade , Calefação , Temperatura Alta , Receptores de Antígenos de Linfócitos T
18.
Comput Math Methods Med ; 2023: 9676206, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-37455684

RESUMO

Image processing has enabled faster and more accurate image classification. It has been of great benefit to the health industry. Manually examining medical images like MRI and X-rays can be very time-consuming, more prone to human error, and way more costly. One such examination is the Pap smear exam, where the cervical cells are examined in laboratory settings to distinguish healthy cervical cells from abnormal cells, thus indicating early signs of cervical cancer. In this paper, we propose a convolutional neural network- (CNN-) based cervical cell classification using the publicly available SIPaKMeD dataset having five cell categories: superficial-intermediate, parabasal, koilocytotic, metaplastic, and dyskeratotic. CNN distinguishes between healthy cervical cells, cells with precancerous abnormalities, and benign cells. Pap smear images were segmented, and a deep CNN using four convolutional layers was applied to the augmented images of cervical cells obtained from Pap smear slides. A simple yet efficient CNN is proposed that yields an accuracy of 0.9113% and can be successfully used to classify cervical cells. A simple architecture that yields a reasonably good accuracy can increase the speed of diagnosis and decrease the response time, reducing the computation cost. Future researchers can build upon this model to improve the model's accuracy to get a faster and more accurate prediction.


Assuntos
Teste de Papanicolaou , Neoplasias do Colo do Útero , Feminino , Humanos , Teste de Papanicolaou/métodos , Neoplasias do Colo do Útero/diagnóstico por imagem , Privacidade , Colo do Útero/diagnóstico por imagem , Redes Neurais de Computação
19.
Comput Intell Neurosci ; 2023: 5684914, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-37455767

RESUMO

Dementia is increasing day-by-day in older adults. Many of them are spending their life joyfully due to smart home technologies. Smart homes contain several smart devices which can support living at home. Automated assessment of smart home residents is a significant aspect of smart home technology. Detecting dementia in older adults in the early stage is the basic need of this time. Existing technologies can detect dementia timely but lacks performance. In this paper, we proposed an automated cognitive health assessment approach using machines and deep learning based on daily life activities. To validate our approach, we use CASAS publicly available daily life activities dataset for experiments where residents perform their routine activities in a smart home. We use four machine learning algorithms: decision tree (DT), Naive Bayes (NB), support vector machine (SVM), and multilayer perceptron (MLP). Furthermore, we use deep neural network (DNN) for healthy and dementia classification. Experiments reveal the 96% accuracy using the MLP classifier. This study suggests using machine learning classifiers for better dementia detection, specifically for the dataset which contains real-world data.


Assuntos
Algoritmos , Demência , Humanos , Idoso , Teorema de Bayes , Aprendizado de Máquina , Demência/diagnóstico , Cognição
20.
PeerJ Comput Sci ; 9: e1366, 2023.
Artigo em Inglês | MEDLINE | ID: mdl-37346520

RESUMO

The Internet of Things (IoT) environment demands a malware detection (MD) framework for protecting sensitive data from unauthorized access. The study intends to develop an image-based MD framework. The authors apply image conversion and enhancement techniques to convert malware binaries into RGB images. You only look once (Yolo V7) is employed for extracting the key features from the malware images. Harris Hawks optimization is used to optimize the DenseNet161 model to classify images into malware and benign. IoT malware and Virusshare datasets are utilized to evaluate the proposed framework's performance. The outcome reveals that the proposed framework outperforms the current MD framework. The framework generates the outcome at an accuracy and F1-score of 98.65 and 98.5 and 97.3 and 96.63 for IoT malware and Virusshare datasets, respectively. In addition, it achieves an area under the receiver operating characteristics and the precision-recall curve of 0.98 and 0.85 and 0.97 and 0.84 for IoT malware and Virusshare datasets, accordingly. The study's outcome reveals that the proposed framework can be deployed in the IoT environment to protect the resources.

SELEÇÃO DE REFERÊNCIAS
DETALHE DA PESQUISA
...