606 (2)
606 (2)
Muhammad Aitzaz Ahsan1, Muhammad Munwar Iqbal1, Habib Akbar1, Shaban Ramzan2, Hamza Badi
Uz Zaman Khan1, Umair Khadam3, and Muhammad Umar Chaudhry4*
1Department of Computer Science, University of Engineering and Technology, Taxila, 47080, Pakistan.
2Department of Computer Science & IT, Government Sadiq College Women University, Bahawalpur, Pakistan.
3Department of Software Engineering, University of Kotli, AJK.
Keywords: Malware; Wireless Networks; Deep Learning; Machine Learning Algorithms (MLAs).
________________________________________________________________________________________________________
1. Introduction
Wireless technologies, mobile devices, and networks have made it easier to process a lot of data.
However, such improvements introduce serious security weaknesses, making systems open to a variety of
threats and malicious attacks. Wireless communications are open, flexible, and portable, which exacerbates
security threats. To counteract these risks, intrusion detection systems (IDS), both host and network, are
critical in safeguarding these networks [1]. An effective intrusion detection system (IDS) must be efficient,
robust, and capable of reliably detecting threats while limiting false positives and handling alert frequency.
Recent research is heading toward employing machine learning to increase IDS capabilities [2].
Machine learning algorithms are excellent at detecting patterns in massive datasets, which is crucial
for spotting security concerns. Traditional IDS leverages a variety of machine learning techniques,
including k-nearest neighbor, Support Vector Machines (SVM), decision trees [2], [3].
Malware developers' techniques for preventing detection evolve alongside the industry. In this study,
we have used the most recent CIC-MalMem-2022 dataset to identify and classify memory-obfuscated
malware. This dataset not only helps to detect the presence of malware, but it also provides information
on its family and type [4].
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
As a result, we conducted two experiments: one for binary classification, which determines if a sample
is dangerous or benign, and another for multi-class classification, which identifies a specific malware
family. To improve the efficiency of these experiments, we used innovative deep learning techniques. We
utilized a VGG-16 Convolutional Neural Network (CNN) to convert the information into an image format,
letting us extract complicated characteristics from visual representations of malware behavior [5].
The VGG-16's depth and accuracy in image identification make it an excellent candidate for this
application. After feature extraction, we are using LightGBM (LGBM), a highly efficient gradient boosting
framework, to perform classification tasks. LGMB's capacity to process massive data sets at a cheap
computational cost improves our detection system's accuracy and speed [6].
By combining VGG-16 and LGMB into our approach, we aim to create a more robust dynamic
malware detection solution with improved accuracy and efficiency compared to traditional methods.
In Section 2, we present a review of previous approaches from the literature. In Section 3, we describe
the proposed methodology. In Section 4, we discuss the experiments and their results. In Section 5, we
examine into the discussion of our findings. Finally, in Section 6, we provide the conclusion.
2. Literature Review
This section provides an overview of previous studies on popular techniques for selecting features
and using machine learning (ML) and deep learning (DL) technologies in intrusion detection systems.
This Research presents that tools have developed like the Static Analyzer for Vicious Executable
(SAVE) and Malware Examiner using Disassembled Code (MEDiC) for general malware detection. Their
approach promised greater rates of detection with changed malware. However, focusing on static analysis
without considering dynamic behaviors creates an enormous research gap. It has used graphical pictures
and entropy graphs to detect and categorize malware variants. However, because their approach is based
on visualization, it may not be suitable for other types of malwares. [7]
Similarly, this study presented a network intrusion detection system which includes SVM and RF.
This strategy uses RF for feature selection, and the KDD Cup 99 dataset has been used to evaluate its
effectiveness proposed a feature selection method based on a multilayer perceptron with ordered
redundancy. This strategy, which is commonly used for tasks which includes prediction, classification, and
regression, is used to discover, and remove unnecessary components. The approach detects network
interference via Support Vector Machines (SVM) and Random Forest. RF is used for feature selection, with
a dynamic significance technique. Despite using just a few characteristics, the model obtained 93% accuracy
on training data, with SVM recommended for scoring.[8]
The growing proliferation of undocumented dangerous software, notably Zero-Day malware, need
improved detection systems to avert substantial harm. Zero-Day malware employs complex evasion
techniques to prevent detection, forcing further research into efficient identification methods. Machine
learning (ML) has emerged as a promising solution, and sandbox settings such as Cuckoo provide a safe
arena for experimentation. The suggested Zero-Day Vigilante (Ze Vigilante) system used several ML
classifiers, such as Random Forest (RF), Neural Networks (NN), and Support Vector Machine (SVM), to
analyze both static and dynamic malware. RF achieved the highest accuracy, with 98.21% for static and
98.92% for dynamic analysis, demonstrating its efficacy [8].
With an increasing number of network-connected devices, such as mobile phones and IoT devices,
the potential of security breaches has increased considerably. These systems are becoming more vulnerable
to attacks as the number of device kinds increases and the attack surface expands. To address this, security
systems often have two layers: a security system, which offers basic protection, and a network intrusion
detection system (IDS) or attack detection system, which detects and stops more complex threats. Relying
just on a firewall is insufficient, thus malware detection technologies are required for complete
protection.[9].
Recent improvements in e-business, e-healthcare, e-governance, and online transactions have
provided numerous benefits while increasing the risk of serious cyberattacks. These attacks are intended
to disrupt operations, steal critical data, and compromise national defense systems. Cybersecurity solutions
are critical for detecting, analyzing, and defending against these attacks. This study examines a variety of
assaults, including denial-of-service, botnet, malware, phishing, spoofing, and probing attacks. It focuses
on how Machine Learning and Deep Learning approaches tackle these difficulties. Key topics covered
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
include research problems, intrusion detection systems, and the relevance of public and private datasets in
cybersecurity research[10].
The Aim of this study is to improve email security by using machine learning techniques to identify
spam. Ten distinct machine learning models, including Support Vector Machines, k-Nearest Neighbor,
Naïve Bayes, Neural Networks, Recurrent Neural Networks, and others, are used to classify spam emails,
which are unsolicited messages. Email data is transformed into a CSV file as part of the process, and this
file is subsequently used to train algorithms that identify messages as either spam or "ham" (benign). When
evaluated on popular datasets, the method delivers competitive accuracy. Furthermore, the system
produces outputs that can be used to enhance spam filtering processes, such as CSV files containing spam
IP addresses, their geolocations, and country-specific statistics [11].
This research uses a dataset of malware and good ware samples from Malware Bazaar to propose a
dynamic malware analysis and classification method. A dataset was created, features are extracted and
scored, six machine learning models are assessed, malware families are classified using Virus Total APIs,
and twenty-three distinct types of malware APIs are categorized as part of the five-step process. The
Random Forest model yielded the highest results, with high F1-score, AUC, precision, and accuracy. The
most serious malware was determined to be ransomware and trojans, and important Windows APIs and
system operations for malware detection were noted. In addition to adding additional metrics like AUC
and specificity, the strategy raised F1-scores [12]
Traditional static analysis is challenged by malware developers who are always changing their
techniques to avoid detection. Dynamic analysis and machine learning together have shown promising
results, especially when it comes to detecting Zero-Day malware. The CNN-LSTM algorithm employed in
this study has demonstrated potential in mitigating changing cybersecurity risks. With a high accuracy of
96% in identifying malicious activity, the built system—which consists of a log parser, API monitoring,
and extension checker—highlights the importance of behavioral analysis and deep learning in
cybersecurity[13].
Programs that required conventional identification techniques to complex threats operating at the
kernel level, which are more difficult to detect, malware detection has advanced. Traditional techniques
utilized CNNs for feature classification or plain text feature extraction alongside machine learning for
classification. Modern malware challenges these techniques by frequently displaying familial traits and
kernel-level execution. Deep learning is used in many modern solutions. For example, Kim et al. used
multi-modal deep learning for Android malware, Droid Detector integrated static and dynamic analysis,
and Huang et al. utilized CNNs and sandbox analysis to visualize malware.[14]
With the continuous growth of large data and computational power, deep learning techniques are
becoming increasingly common in various fields. In this situation, the researcher suggests employing
models based on Recurrent Neural Networks (RNN) for scoring, without the need for pre-training. The
performance evaluation was conducted by utilizing the NSL-KDD dataset [Hassan] and the SAP ART
training and test set. The evaluation involves comparing various machine learning approaches, such as J48,
Support Vector Machine, ANN, Random Forest, and other methods recommended by previous
researchers, for the detection of network interference in both binary and multi-class scenarios. Table 1
illustrates the overall literature study of previous techniques.
Table 1. Literature Study
Deep Learning
Reference Survey Outline Domain
Techniques
- - -
RBM RNN CNN
Software visualization
Malware
Huang et al. [15] combined with CNNs for No No Yes
Detection
dynamic malware analysis.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
3. Data Set
In this research, leveraging an up-to-date dataset is critical. It is useful for fairly evaluating new
methods and determining how well they function in real-world settings. In this experiment, we used the
CIC-MalMem-2022 dataset. This collection contains examples of both obfuscated and non-obfuscated
malware. To make the study more realistic, it contains popular malware kinds such as spyware,
ransomware, and trojans.
We ran two experiments, which include binary classification, which distinguishes between benign
and malware samples, and multiclass classification, which detects specific malware kinds. Each sample in
the dataset is a memory dump-generated vector of numbers. The key features include Malfind, Ldrmodule,
Handles, Procedure View, and Apihooks, for a total of fifty-five features. The dataset contains 58,596
memory dump samples. We divided the data into two sets: training and testing, with training comprising
80% and testing for 20%. Table. 2 illustrates the distribution of Benign and Malware classes and division of
training and Testing Dataset.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
Table 2. Dataset Distribution for Classification
Figure 1. Flowchart to represent conversion of csv dataset into gray scale image.
3.2. Images Dataset
In our study, we work with a specially designed image dataset for Malware Detection. The dataset
has two directories, one each for training our model and validation sets to validate its performance. Each
of the sets comprises 31 classes. As shown in Fig 3.2 an image which belongs to Benign class which has a
simple gray scale image with no other noticeable changes in it.
Training set: This directory has been used to train the machine learning model. It contains images
labeled with the correct class, letting the model learn and make estimates based on these examples.
Validation Set: Once our model has trained, we need to see how well it performs. This is where the
validation set comes in. It contains its own set of labeled images, but different from the images in the
training set. Using this separate set, we can ensure that we evaluate the model's ability to detect malware
on new, unseen data, which is critical to evaluating its effectiveness.
A closer look at the dataset as presented in Figure 2, our dataset contains images from various
categories, including the “Benign” class. An example of an image from this class would be a simple
grayscale image that does not have any crucial features or patterns. This simplicity is typical of benign
images, which typically do not show the complex characteristics of malware images.
The two categories used to categorize the dataset are benign and malware. Malware frequently
changes file’s usual binary structure by using methods like encryption and obfuscation, which
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
purposefully makes code harder to understand. These techniques result in a sudden and unpredictable
change in the file's byte sequence.
These byte sequences have visible characteristics like distinct distortions, complicated structures, and
sharp lines when converted into images. Because they provide key details regarding the coding methods
and malicious behavior, these visual irregularities are essential for the identification and analysis of
malware. Researchers and detection systems can examine the structure and characteristics of malware
more efficiently according to this visual representation. As Figure 3 illustrates an image belongs to malware
class in which pattern we can see distortion which will help us to identify malicious class images.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
malicious features using iterative optimization. The model's efficacy is determined using metrics such as
accuracy, precision, recall, and the F1-score. Figure 4 presents the Architecture of our CNN model will
detect and classify benign and malware class images.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
architecture, which consists of repeated convolutional and pooling layers, improves efficiency and ease of
usage.
4.1.2. VGG16 Architecture
The architecture has 16 layers, including 13 convolutional layers and three fully connected layers. It
has a simple design with blocks of convolutional layers followed by max-pooling layers for down
sampling. The network begins with two convolutional layers each with 64 filters, followed by maximum
pooling, and then slowly increases the number of filters to 128, 256, and 512 in subsequent layers. Following
feature extraction, the output is flattened, and three fully connected layers are used, giving 1000 output
classes. An Architecture of VGG 16 for Features Extraction in which we give a malware class image
(224*224*3) as an input.
4.2. Pretrained CNN Models for features extraction and images classification
We have used a convolutional neural network (CNN) VGG16, to extract features from images. These
features are typically the outputs of one of the final layers before the classification layer. Once you have
these features, we have used them as input to the LGBM Classifier. By combining LGBM with a feature
extraction method VGG16, we have leveraged its strengths in handling structured data while working with
image datasets. LightGBM may be efficiently combined with convolutional neural networks (CNNs), such
as VGG16, for image classification. VGG16 is well-known for its ability to extract detailed representations
of features from images using deep architecture and convolutional layers. High-level features are retrieved
from the images using VGG16 before being fed into the LightGBM model. LightGBM's efficient tree
algorithms analyze these feature vectors for classification tasks. This hybrid technique enhances
classification accuracy while maximizing LightGBM's efficiency in large-scale data processing.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
fundamental patterns in the data that distinguish these sample types. Although this improvement, some
intersection throughout clusters remains.
Figure 7. Visualization of Class Separation Using PCA, t-SNE, and LDA for Malware Detection
It not only classifies the number of occurrences of each malware class, but it also categorizes Malware
into subclasses and tells us whether the malware is Trojan, spyware, or ransomware.
It not only monitors the prevalence of each malware class, but it also goes deeper, categorizing the
malware into more specific subclasses. Furthermore, it provides precise information about the type of
malware, indicating whether it is Trojan, spyware, or ransomware, and identifying various kinds within these
categories. This comprehensive approach improves comprehension of the malware's nature and
functionality, allowing for more targeted and effective responses to varied threats.
After implementing Machine Learning Classifiers and LGBM Classifier, we obtained the anticipated
results with a high accuracy of 0.9997 and a high recall rate. After implementing our classifiers, we obtained
high values for Balanced Accuracy and Mathews Correlation Coefficient as shown in Figure 8.
The left graph shows the loss values for training and testing datasets over ten epochs. The training
loss, represented by the blue line, decreases steadily across epochs, indicating good model training and
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
increasing error reduction on the training dataset. In contrast, the test loss, represented by the orange line,
largely follows the trend of the training loss, but increases significantly in epoch 6. This spike may indicate
over fitting or the effect of data noise during this period, which is followed by a significant reduction in
loss.
Figure 8. Model’s Training and Testing Accuracy, Loss and AUC scores
. The Middle graph shows the model's accuracy on both the training and test datasets within epochs.
The blue line indicates training accuracy, which consistently improves during the training process, telling
improved performance on the training data. The testing accuracy, represented by the orange line, increases
overall but decreases at epoch 6, which connects to the testing loss peak. Following this fall, testing
accuracy quickly improves, exceeding training accuracy. This random pattern could indicate a variation
problem or that the test set is easier than the training set.
The graph illustrates the area under the curve (AUC) scores for both the training and test datasets
across multiple epochs. The training AUC, shown in the blue line, keeps rising, showing that the model's
ability to discriminate between classes is gradually improving. In contrast, the tested AUC, displayed by
the orange line, shows a rising trend, although with a fluctuating fall in epoch 6 before a strong climb. This
tendency corresponds to the fluctuations observed in the accuracy and loss measurements. Figure 9 shows
the graph of Model training and Testing Accuracy.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
classification model's accuracy is the ratio of correctly predicted instances (including true positives and
true negatives) to the total number of instances. as shown in equation 1.
𝑻𝑷#𝑻𝑵
Accuracy= 𝑻𝑷#𝑭𝑷#𝑻𝑵#𝑭𝑵 (1)
𝑻𝑷
Precision= 𝑻𝑷#𝑭𝑷 (2)
𝑻𝑷
Recall= 𝑻𝑷#𝑭𝑵 (3)
Precision ∗ Recall
F1 Score= 𝟐 × (4)
Precision # Recall
Precision assesses the accuracy of positive predictions by indicating the fraction of true
positives among all predicted positives. As shown in equation 2. Recall (also known as sensitivity
or true positive rate) measures a model's ability to correctly identify cases that are positive. It is
the ratio of true positives to the sum of true positives plus false negatives. As shown in equation
3. F1 Score is a metric that balances precision and recall, providing a single way to evaluate a
model's performance while compensating for both false positives and false negatives. It is the
harmonic mean of precision and recall. As shown in equation 4.
There were 8617 instances of true malware that were correctly identified as malware. Furthermore,
8957 benign occurrences were correctly identified as benign and shown in Table 4.
However, two benign cases were wrongly classified as malware, causing false alarms. Furthermore,
three malware cases were wrongly classified as benign, resulting in missed detections. In Figure 11 a
confusion matrix represents a multiclass classification problem with four classes: Benign, Ransomware,
Spyware, and Trojan.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
Some classes, such as class 18 and class 20, received fewer correct classifications, indicating that they
may be difficult to correctly identify. In addition, class 24 was misclassified into classes 0 and 29. Overall,
the model is quite accurate, with few misclassifications. To calculate precision and other metrics such as
precision, recall, and F1 score, add the correct classifications along the diagonal and divide by the total
number of instances.
Figure 12. Confusion matrix for the classification of images dataset using the VGG-16 model with
LightGBM (LGBM).
In this research, both CSV and images datasets were used to assess the efficiency of several
classification approaches for dynamic malware detection. Traditional machine learning models were used
to categorize benign and malicious instances in the CSV dataset, and the findings of the confusion matrix
show that they performed well. On the other hand, the images dataset required a more complex technique
due to the need for feature extraction, which was successfully handled by the VGG-16 model. The collected
features were then classified with LightGBM (LGBM), which resulted in excellent precision in identifying
distinct malware classifications. While the model performed well generally, several misclassifications were
detected, notably amongst visually similar malware groups. These findings imply that, while the
combination of deep learning and gradient boosting approaches is effective, more refining could improve
accuracy, particularly when discriminating across closely related malware types. This holistic approach
emphasizes the importance of combining classic and modern cybersecurity technologies for successful
threat identification.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
network activity and user behavior, may provide a deeper understanding of malware operations, resulting
in increased detection capabilities. Furthermore, efforts will be made to increase the interpretability and
transparency of these models, allowing them to be effectively used in real-life situations where trust and
understanding are critical. These developments will help to create more flexible, resilient, and efficient
malware detection systems, more suitable to the difficulties of an ever-changing cybersecurity landscape.
Acknowledgments: We want to thank everyone who helped us with this research. And a big high-five to University
of Engineering and Technology, Taxila for letting us uses their facilities and stuff. And a special shout out to all the
people who took part in our study. We really appreciate your time and effort. And a big thanks to the reviewers who
gave us helpful feedback to make our paper better. Lastly a huge thanks to our family and friends for always cheering
us on.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
References
1. B. Godbin and S. G. Jasmine, “Enhancing multiclass pneumonia classification with Machine Learning and textural
features,” Machine Graphics and Vision, vol. 32, no. 3/4, pp. 83–106, Dec. 2023, doi: 10.22630/MGV.2023.32.3.5.
2. Brown, M. Gupta, and M. Abdelsalam, “Automated machine learning for deep learning based malware detection,”
Comput Secur, vol. 137, p. 103582, Feb. 2024, doi: 10.1016/j.cose.2023.103582.
3. L. Shen et al., “Self-attention based convolutional-LSTM for android malware detection using network traffics
grayscale image,” Applied Intelligence, vol. 53, no. 1, pp. 683–705, Jan. 2023, doi: 10.1007/s10489-022-03523-2.
4. Mezina and R. Burget, “Obfuscated malware detection using dilated convolutional network,” in International
Congress on Ultra Modern Telecommunications and Control Systems and Workshops, IEEE Computer Society,
2022, pp. 110–115. doi: 10.1109/ICUMT57764.2022.9943443.
5. W. Al-Khater and S. Al-Madeed, “Using 3D-VGG-16 and 3D-Resnet-18 deep learning models and FABEMD
techniques in the detection of malware,” Alexandria Engineering Journal, vol. 89, pp. 39–52, Feb. 2024, doi:
10.1016/j.aej.2023.12.061.
6. K. Kosmidis and C. Kalloniatis, “Machine Learning and Images for Malware Detection and Classification,” in
Proceedings of the 21st Pan-Hellenic Conference on Informatics, New York, NY, USA: ACM, Sep. 2017, pp. 1–6. doi:
10.1145/3139367.3139400.
7. V. Sihag, M. Vardhan, P. Singh, G. Choudhary, and S. Son, “De-lady: Deep learning based android malware
detection using dynamic features,” Journal of Internet Services and Information Security, vol. 11, no. 2, pp. 34–45,
May 2021, doi: 10.22667/JISIS.2021.05.31.034.
8. F. Alhaidari et al., “ZeVigilante: Detecting Zero-Day Malware Using Machine Learning and Sandboxing Analysis
Techniques,” Comput Intell Neurosci, vol. 2022, pp. 1–15, May 2022, doi: 10.1155/2022/1615528.
9. T. A. Jasi and M. M. T. Jawhar, “Detecting network attacks Model based on a long short-term memory LSTM,”
Technium: Romanian Journal of Applied Sciences and Technology, vol. 4, no. 8, pp. 64–72, Aug. 2022, doi:
10.47577/technium.v4i8.7225.
10. M. M, Venkatesh, and V. K. R., “Cyber Security Threats and Countermeasures using Machine and Deep Learning
Approaches: A Survey,” Journal of Computer Science, vol. 19, no. 1, pp. 20–56, Jan. 2023, doi:
10.3844/jcssp.2023.20.56.
11. Moutafis, A. Andreatos, and P. Stefaneas, “Spam Email Detection Using Machine Learning Techniques,” European
Conference on Cyber Warfare and Security, vol. 22, no. 1, pp. 303–310, Jun. 2023, doi: 10.34190/eccws.22.1.1208.
12. D. Z. Syeda and M. N. Asghar, “Dynamic Malware Classification and API Categorisation of Windows Portable
Executable Files Using Machine Learning,” Applied Sciences, vol. 14, no. 3, p. 1015, Jan. 2024, doi:
10.3390/app14031015.
13. G. Karat, J. M. Kannimoola, N. Nair, A. Vazhayil, S. V G, and P. Poornachandran, “CNN-LSTM Hybrid Model for
Enhanced Malware Analysis and Detection,” Procedia Comput Sci, vol. 233, pp. 492–503, 2024, doi:
10.1016/j.procs.2024.03.239.
14. G. Karat, J. M. Kannimoola, N. Nair, A. Vazhayil, S. V G, and P. Poornachandran, “CNN-LSTM Hybrid Model for
Enhanced Malware Analysis and Detection,” Procedia Comput Sci, vol. 233, pp. 492–503, 2024, doi:
10.1016/j.procs.2024.03.239.
15. Shah, A. M., Aljubayri, M., Khan, M. F., Alqahtani, J., Sulaiman, A., & Shaikh, A. (2023). ILSM: Incorporated
Lightweight Security Model for Improving QOS in WSN. Computer Systems Science & Engineering, 46(2).
16. Y. Liu, H. Fan, J. Zhao, J. Zhang, and X. Yin, “Efficient and Generalized Image-Based CNN Algorithm for Multi-
Class Malware Detection,” IEEE Access, 2024, doi: 10.1109/ACCESS.2024.3435362.
17. V. K. Linh, N. V. Hùng, T. N. Anh, D. Do Nhuan, and D. C. Hien, “ENHANCE DEEPLEARNING MODEL FOR
MALWARE DETECTION WITH A NEW IMAGE REPRESENTATION METHOD,” Journal of Science and
Technology on Information security, pp. 31–39, Jun. 2024, doi: 10.54654/isj.v1i21.1000.
18. R. Patil and W. Deng, “Malware analysis using machine learning and deep learning techniques,” in Conference
Proceedings - IEEE SOUTHEASTCON, Institute of Electrical and Electronics Engineers Inc., Mar. 2020. doi:
10.1109/SoutheastCon44009.2020.9368268.
19. Md. A. Talukder et al., “A Dependable Hybrid Machine Learning Model for Network Intrusion Detection,” Dec.
2022, doi: 10.1016/j.jisa.2022.103405.
20. P. Thakur, V. Kansal, and V. Rishiwal, “Hybrid Deep Learning Approach Based on LSTM and CNN for Malware
Detection,” Wirel Pers Commun, vol. 136, no. 3, pp. 1879–1901, Jun. 2024, doi: 10.1007/s11277-024-11366-y.
ID: 606-0801/2024
Journal of Computing & Biomedical Informatics Volume 08 Issue 01
21. R. Vinayakumar, M. Alazab, K. P. Soman, P. Poornachandran, and S. Venkatraman, “Robust Intelligent Malware
Detection Using Deep Learning,” IEEE Access, vol. 7, pp. 46717–46738, 2019, doi: 10.1109/ACCESS.2019.2906934.
22. S. Kumar and A. Kumar, “Image-based malware detection based on convolution neural network with autoencoder
in Industrial Internet of Things using Software Defined Networking Honeypot,” Eng Appl Artif Intell, vol. 133, p.
108374, Jul. 2024, doi: 10.1016/j.engappai.2024.108374.
23. Murtza, I., Saadia, A., Basri, R., Imran, A., Almuhaimeed, A., & Alzahrani, A. (2022). Forex investment optimization
using instantaneous stochastic gradient ascent—Formulation of an adaptive machine learning approach.
Sustainability, 14(22), 15328. MDPI.
24. Ashfaq, A., Imran, A., Ullah, I., Alzahrani, A., Alheeti, K. M. A., & Yasin, A. (2022). Multi-model ensemble based
approach for heart disease diagnosis. In 2022 International Conference on Recent Advances in Electrical
Engineering & Computer Sciences (RAEE & CS) (pp. 1-8). IEEE.
ID: 606-0801/2024