0% found this document useful (0 votes)
29 views6 pages

NextComp2024 Paper 21

The document discusses the development of an AI-based malware threat prediction algorithm that combines convolutional neural networks (CNN) and support vector machines (SVM) to enhance malware detection and prediction capabilities. A systematic literature review identified existing gaps in current methods, such as generalizability and robustness, leading to the proposed ensemble approach which achieved 92.37% accuracy on the MalImg dataset. The paper emphasizes the importance of integrating deep learning and traditional machine learning techniques to effectively combat evolving malware threats.

Uploaded by

Razvi Doomun
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
29 views6 pages

NextComp2024 Paper 21

The document discusses the development of an AI-based malware threat prediction algorithm that combines convolutional neural networks (CNN) and support vector machines (SVM) to enhance malware detection and prediction capabilities. A systematic literature review identified existing gaps in current methods, such as generalizability and robustness, leading to the proposed ensemble approach which achieved 92.37% accuracy on the MalImg dataset. The paper emphasizes the importance of integrating deep learning and traditional machine learning techniques to effectively combat evolving malware threats.

Uploaded by

Razvi Doomun
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 6

AI-based Malware Threat Prediction through

CNN-SVM Ensemble

Abstract—The dynamic terrain of malware attacks presents but lack technical assessment of human factors and provide
noteworthy obstacles to cyber security, hence calling for proactive static scores that fail to adapt as threats evolve [5]. Nearly
and resilient detection techniques. Conventional signature-based 80% of current threat detection algorithms use individual
methods find it difficult to keep up with the speed at which
new malware strains and obfuscation strategies are emerging. behavior models that examine system activities, or mixed
A systematic literature review was carried out to investigate systems combining multiple approaches [6]. However, these
existing methods for malware threat prediction and detection are susceptible to being exploited as attackers adapt to the
using machine learning and deep learning techniques. The historical data and patterns they rely on.
review identified several promising approaches, which include Machine learning (ML) explores algorithms that can learn
convolutional neural networks, graph neural networks, and visual
malware characterization achieving high accuracy levels of 95- from data for prediction [7], but its reliance on manual
99% on malware classification and detection tasks. However, feature extraction limits accuracy for malware recognition.
major gaps were identified in the generalizability of these Conversely, deep learning (DL) employs artificial neural net-
models across diverse malware types, robustness against evasion works with multiple hidden layers [7], enabling training on raw
attempts, lack of interpretability due to the black-box nature data without manual feature engineering. While deep learning
of deep learning models, and limited evaluation on real-world
emerging threats as opposed to controlled datasets. This project has made strides in preventing cyber threats, existing ML
aimed to develop an AI-based threat predictive algorithm that and DL techniques still exhibit high false positive and false
leverages the power of deep learning and machine learning for negative rates, necessitating hybrid approaches [4].
effective malware detection and prediction. To address these To address these limitations, robust algorithms use malware
gaps, the suggested method utilises an ensemble approach that datasets containing real-world samples and behavioral data are
combines a convolutional neural network (CNN) for pattern
recognition in malware code structures with a support vector needed [8]. This paper proposes an AI-based threat predic-
machine (SVM) for robust decision boundaries in the feature tive algorithm that combines convolutional neural networks
space, thereby enhancing generalization, interpretability and (CNNs) and support vector machines (SVMs) in an ensemble
adversarial resilience. By evaluating the ensemble model on the model to leverage the advantages of both DL and traditional
MalImg malware image dataset, the system achieved an accuracy ML for malware detection [7]. By evaluating the ensemble on
of 92.37%. Although the developed system exhibits optimal
outcomes, several limits and areas could use more improvement. the Malimg malware image dataset [8], the system aims to
This project contributes to the ongoing efforts in combating achieve robust malware threat prediction and detection while
malware threats and highlights the potential of combining deep reducing false positives. This work contributes to continual
learning and traditional machine learning techniques for effective efforts against evolving malware threats by exploring the
threat prediction and detection. synergistic integration of deep learning and ML algorithms.
Index Terms—Malware, Machine Learning, Deep Learning,
Artificial Intelligence, Datasets, Threat Prediction, Data Analysis, The paper’s structure is: Section II provides a background
Malware Detection, Algorithm Development on the landscape of threat predictive algorithms and the
involvement of ML and AI. Then, in Section III, works related
I. I NTRODUCTION to comparative analysis of malware detection and prediction
Malware, comprising worms, trojans, spyware, viruses, systems are provided, before discussing the methodology used
backdoors, and other malicious software, represents one of to achieve the purpose of this paper and compare the tech-
the most prevalent cyber threats facing governments, orga- niques used in Section IV. Section V presents the evaluation
nizations, and individuals [1]. Research shows that in 2021, and results for the proposed solution and compared to the
15.45% of users worldwide experienced at least one malware existing approaches. The paper is concluded in Section VI.
attack [2]. Malware developers use this software to compro-
mise the confidentiality, integrity, and availability of data and II. BACKGROUND
systems [1]. The dynamic evolution of malware has driven the Computer security has become a critical issue due to the
development of anti-malware tools, with artificial intelligence evolution and increasing magnitude of malware activity. The
(AI) emerging as a powerful approach [3]. journey began in 1971 with the Creeper program, which
Conventional signature-based malware detection techniques infected ARPANET by displaying the message ”I’m the
frequently struggle to keep pace with the speed at which creeper, catch me if you can!” [1] . Malware evolution can be
new malware variants and obfuscation strategies appear [4]. divided into five phases: the early phases with basic worms
Existing threat prediction models like the Common Vulnerabil- and viruses, followed by the proliferation of Windows and
ity Scoring System use regression to quantify vulnerabilities, Mail Worms, and the rise of network worms driven by the
development of the Internet. From 2005 to 2016, rootkits Traditionally, cybersecurity efforts have focused more on
and ransomware emerged, significantly increasing malware detecting attacks after damage has been done. However, there
complexity and impact. is an increasing realization that a shift towards predictive
Currently, we are in a phase where specially crafted and capabilities is necessary to forecast and mitigate threats be-
weaponized malware pose severe global threats. Stuxnet ex- fore they can occur [14]. While subjective expert analysis
emplifies this new era, designed to sabotage Iran’s nuclear has been employed, the rapid evolution of threats demands
program by exploiting up to four zero-day vulnerabilities in more dynamic, data-driven predictive models. Techniques like
the Windows OS [9]. This evolution underscores the escalat- rule mining, fuzzy algorithms, decision trees, support vector
ing challenges in computer security, necessitating advanced machines and data mining classifiers have shown promise for
defense mechanisms to combat these sophisticated threats malware prediction [12]. The field of Artificial Intelligence has
through predictive algorithms and AI. provided powerful recognition capabilities for threat prediction
with the use of ML.
A. Machine Learning and Artificial Intelligence
Artifical Intelligence aims to mimic human intelligence III. R ELATED W ORK
through techniques like Machine Learning, Natural Language
Studies have investigated applying machine learning and
Processing, computer vision and others. Machine Learning
deep learning techniques for malware prediction and detection.
involves training algorithms on data to detect patterns and
From the systematic literature review, papers were selected
make predictions. By using key steps such as data preprocess-
based on the criteria of proposing models that achieved a min-
ing, model training on test/train splits, evaluation of results
imum accuracy of 90% for malware detection and prediction.
and performance optimization, predictions on malware can be
made [10]. Hemalatha et al. [15] proposed a DenseNet-based deep learn-
Machine Learning encompasses supervised techniques like ing model that achieved an accuracy of 97.55% and an F1-
classification and regression, unsupervised approaches for score of 97.46% on the Malimg dataset. The approach utilized
clustering and association modelling, semi-supervised and re- the DenseNet architecture, which supported dense connections
inforcement learning techniques. Common algorithms applied between layers to improve feature propagation and reuse fea-
include decision trees, random forests, naive Bayes, K-nearest tures more efficiently. DenseNets concatenate the feature maps
neighbors, support vector machines and neural networks. Ad- from previous layers as inputs to subsequent layers, allowing
ditionally, deep learning models based on neural network ar- for better flow of gradients during training and enabling the
chitectures such as deep feedforward networks, convolutional reuse of features across the network. This dense connectivity
neural networks and recurrent neural networks show potential pattern helped mitigate the vanishing gradient problem and
for dynamic threat prediction [11]. encouraged feature reuse. This made DenseNets efficient for
While existing research has made advances in applying AI learning discriminative representations from malware images.
and ML for malware threat prediction, challenges are faced
Yi-Wei et al. [16] developed an intelligent multi-layered
and gaps remain. Most techniques heavily rely on past attacks,
framework that classifies and analyzes malware based on
making generalization to new, emerging threats difficult [12].
the concept of modeling malware ”families”. The framework
There is a need for predictive models that can dynamically
consists of a data preprocessing layer using autoencoders,
adapt to unknown future threats. No single technique has
a training layer combining machine learning algorithms (K-
proved perfect, suggesting an ensemble-based approach inte-
nearest neighbors, support vector machines, decision trees,
grating multiple models may be required to holistically address
random forests, extreme gradient boosting) with deep learning
the issues [12]. This motivates further research into novel
via the backpropagation algorithm, and a testing layer with
architectures for accurate malware threat prediction.
activation functions to detect unknown malware.
B. Threat Predictive Algorithms Optimization techniques like stochastic gradient descent
were also employed. This approach achieved impressive
The landscape of malware threats has evolved significantly,
99.98% accuracy with XGBoost and 98.88% with backprop-
progressing through various phases from basic viruses to
agation on detecting unknown malware. However, the work
sophisticated, weaponized malware causing major damage
was limited to evaluating only two datasets with no analysis
[13]. Notorious examples such as Stuxnet, ILOVEYOU, Code
of false positives or negatives. Additionally, the extensive
Red, Slammer, CryptoLocker and Emotet, which employed
computational requirements and lack of testing against evasion
advanced techniques like AI for automating the generation of
attacks are limitations noted in other research [17].
polymorphic code and machine learning for evading detection
by continuously mutating their behavior patterns, have high- Li et al. [18] introduced an approach utilizing graph con-
lighted the intense and destructive nature of modern malware. volutional networks (GCNs) for malware detection based on
This has underscored the critical need for prevention, detection application programming interface (API) call sequences. The
and mitigation approaches that can support similar AI and ML motivation stemmed from the diversity of malware making
capabilities to dynamically analyze and counter these rapidly feature extraction challenging. By extracting the API call se-
evolving malware threats. quence, generating a directed cycle graph based on the Markov
Chain, and designing a GCN classifier, they could effectively for practical deployment against evolving threats [26]. An
capture malware characteristics achieving 98.32% accuracy. ensemble system integrating the strengths of multiple ap-
A key strength was combining known malware features with proaches may help bridge these gaps in generalization, robust-
test data features to improve representation. However, studies ness, and transparency. This collective approach can improve
show graph-based methods can lack scalability and latency on generalization by incorporating a broader spectrum of data
larger datasets [19]. inputs and scenarios, enhancing robustness against adversarial
attacks by making it more challenging for attackers to evade
Cridin1 [20] presented a comprehensive implementation of
detection across multiple models, and increasing transparency
a malware classification and detection system using convo-
and interpretability by incorporating simpler models or more
lutional neural networks (CNNs). This system converts mal-
complex ones.
ware binaries into grayscale images, allowing the CNNs to
effectively learn and identify distinctive patterns associated
with various types of malware. The architecture of the CNNs IV. P ROPOSED S OLUTION
used includes multiple convolutional layers, pooling layers, To address the widespread threat of malware attacks, an
and fully connected layers, optimized through techniques such ensemble model that combines convolutional neural networks
as dropout and batch normalization to enhance generalization (CNNs) and support vector machines (SVMs) for malware
and reduce overfitting. The implementation achieved notable prediction and detection is proposed. This approach leverages
accuracy (94.67%) in distinguishing between malware and the pattern recognition abilities of CNNs and the feature
benign samples, showcasing the potential of deep learning engineering capabilities of SVMs.
in the cybersecurity domain. However, the evaluation of this The model utilizes the MalImg: Malware Image Dataset
system was primarily based on the Malimg dataset, with [27], containing a diverse range of malware samples in
limited exploration of other datasets or real-world scenarios. grayscale image format. This dataset is favorable for building
Additionally, it does not extensively address issues such as an image classification model for effective malware detection,
model interpretability or robustness against adversarial attacks, as demonstrated by prior studies [27].
which are critical for practical deployment. The CNN component of the ensemble analyzes the raw
Mallik et al. [21] , ”Conrec: Malware Classification Using visual patterns in the malware images, leveraging the proven
Convolutional Recurrence,” presents a novel malware clas- effectiveness of CNNs in recognizing discriminative textures
sification method combining convolutional neural networks and gradients for classification tasks [28]. The SVM com-
(CNNs) and recurrent neural networks (RNNs). This hybrid ponent classifies malware based on feature vectors extracted
approach utilizes CNNs to extract spatial features from mal- from the images, utilizing the ability of SVMs to find optimal
ware images and RNNs to capture temporal dependencies, decision boundaries suitable for large malware domains [29].
achieving a notable classification accuracy of 93.9% across
various malware families. Despite its impressive performance,
the study’s evaluation was limited to specific datasets and did
not fully address computational efficiency. Nonetheless, Con-
rec significantly advances malware detection by integrating
spatial and sequential analysis, offering a robust framework
for identifying complex malware patterns.
Han et al. [22] proposed MalInsight, a multi-perspective
profiling framework extracting features across basic structures,
low-level behaviors (APIs, DLLs), and high-level behaviors
(file, registry, network operations). This systematic profiling
enabled capturing a comprehensive feature space. Applying
machine learning algorithms like decision trees and XGBoost,
MalInsight achieved 99.76% detection accuracy and 94.2%
family classification accuracy. The quantitative analysis pro- Fig. 1. Ensemble model architecture.
vided insights into the importance of different profile views.
A limitation is the framework’s potential vulnerability to mal-
ware obfuscating monitoring logs used for behavior profiling. A. Implementation components
The body of research demonstrates impressive malware de- 1) Data Preprocessing: This module loads the malware
tection accuracy using advanced AI/ML techniques, common image dataset, applies data augmentation techniques (random
limitations persist. These include the reliance on simulated horizontal/vertical flips and rotations), resizes images to a
datasets rather than real-world dynamic malware [23], vul- consistent 28x28 pixel resolution, converts them to tensors,
nerability to adversarial evasion attacks [24], lack of inter- and normalizes the data. It splits the dataset into training and
pretability in deep learning models [25], and unclear feasibility testing sets.
Algorithm 1 Data Loading and Processing Algorithm 3 SVM Model
1: Function load data(data dir): 1: Class SVMModel:
2: Define image transformations 2: Method init():
3: Create dataset and get malware families 3: Initialize SVM classifier
4: Split data into training and testing sets 4: Method train(Xtrain , ytrain ):
5: Create data loaders 5: Train the SVM model
6: return train loader, test loader, malware families 6: Method predict(Xtest ):
7: Function find image files(directory): 7: Predict labels for test data
8: Find image files recursively 8: Method evaluate(Xval , yval ):
9: return list of image file paths 9: Evaluate the SVM model on validation data
10: Function get malware families(data dir):
11: Get list of malware families from directory
12: return list of family names
Algorithm 4 Malware Threat Predictor
1: Import necessary libraries
2: Define main function
2) CNN Model: Using PyTorch, this module includes con- 3: Load data from directory
volutional layers with 16 and 32 filters of 3x3 size, ReLU 4: Split training data into training and validation sets
activations, max-pooling operations, and fully connected lay- 5: Initialize models (CNN and SVM)
ers. The CNN is trained to learn visual patterns from the raw 6: Train the CNN model
malware image data. 7: Preprocess and predict using CNN and SVM models
8: Evaluate predictions
9: Print evaluation results
Algorithm 2 CNN Model 10: Plot predictions
1: Class CNNModel: 11: end
2: Method init(num classes):
3: Initialize layers
4: Method forward(x): V. E VALUATION AND R ESULTS
5: Perform forward pass
6: Method train(X train, y train, X val, y val, criterion, The malware prediction system was evaluated using an
optimizer, epochs=10): experimental approach on the MalImg malware image dataset.
7: Train the model The dataset was split into stratified training (80%) and test
8: Method predict(X test): (20%) sets to maintain a balanced distribution of different
9: Make predictions malware families and types found in the overall data. This
stratification ensured the training set represented the fam-
ily/type proportions in the complete dataset, while the test
set mirrored these distributions to enable unbiased evaluation
3) SVM Model: Utilizing the scikit-learn library, this mod- of generalization capabilities across the diverse malware land-
ule implements a Support Vector Classification model with a scape. The models’ effectiveness was assessed using accuracy,
linear kernel and balanced class weights to mitigate class im- precision, recall, and F1-score metrics. Family-level evaluation
balance [30]. The SVM is trained on feature vectors extracted examined how well the system categorized samples into their
from the malware images. respective malware families. Different configurations of the
4) Evaluation and Visualization: Ensemble and Evaluation: CNN and SVM models were systematically evaluated through
This module integrates the predictions from the CNN and the following experiments:
SVM models, using a combination of logical operations to • CNN Experiments: Varying dropout rates, optimization
determine the final prediction based on the agreement or algorithms, and learning rates
disagreement between the two models. It also calculates • SVM Experiments: Testing different kernel functions,
evaluation metrics such as accuracy, precision, recall, and F1- class weight techniques for imbalanced data, and regu-
score at the family level. This module generates a bar graph larization parameters
to visualize the distribution of predictions across the malware • Ensemble Experiments: Varying the ensemble strategy
families. (majority voting or weighted averaging) and weight con-
5) Main model: The main script orchestrates the entire tributions of the CNN and SVM models
process, loading data, training the models, making predictions,
and evaluating the performance. A. Results and Analysis
TABLE I TABLE IV
CNN M ODEL R ESULTS C OMPARISON OF A PPROACHES
Conv. Kernel Dropout Optimizer Val. Acc. Test Acc. Approach Accuracy Precision Recall F1-Score
Exp.
Layers Size Rate (LR) (%) (%)
Baseline Conv1 (3, 16), Conv2 (16, 32) 3x3 0.25 Adam (0.001) 90.83 86.68 DenseNet-Based DL Model [15] 97.55% 97.43% 97.50% 97.46%
Exp. 1 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.25 Adam (0.0005) 89.60 73.38 XGBoost ML Algorithm [16] 99.98% 99.94% 99.94% -%
Exp. 2 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.3 Adam (0.001) 92.00 79.46 GCN Algorithm [18] 94.67% 94.94% 93.21% 95.05%
Exp. 3 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.4 Adam (0.001) 91.77 76.73 CNN Algorithm [20] 94.67% 94.94% 93.21% 95.05%
Exp. 4 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.4 Adam (0.001) 91.77 76.73
Exp. 5 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.2 SGD (0.01) 60.79 71.39 Conv. Recurrence Algorithm [21] 93.92% 98.90% 76.02% 85.98%
Exp. 6 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.3 SGD (0.01) 60.54 67.71 Developed CNN-SVM Ensemble 92.37% 84.42% 84.69% 84.83%
Exp. 7 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.4 SGD (0.005) 48.64 52.70
Exp. 8 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.2 RMSProp (0.001) 92.10 78.99
Exp. 9 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.3 RMSprop (0.0005) 81.40 72.25
Exp. 10 Conv1 (3, 16), Conv2 (16, 32) 3x3 0.4 RMSprop (0.001) 91.99 78.71
92.37% accuracy and 84.83% F1-score on the Malimg dataset
compared to prior malware detection methods. It balances
1) CNN Experiments: The baseline CNN configuration accuracy with robustness to class imbalances better than deep
with Conv1(3,16), Conv2(16,32) filters, 3x3 kernel, stride learning models, while providing more interpretability than
1, 0.25 dropout, and Adam optimizer (LR=0.001) achieved opaque architectures. The CNN-SVM ensemble demonstrates
90.83% validation and 86.68% test accuracy (Table I). In- promising results by combining deep representation learn-
creasing the dropout rate to 0.3 or using RMSprop slightly ing and robust decision boundaries. However, expansions to
improved validation accuracy but not test accuracy. larger real-world datasets, architecture refinements, adversarial
testing, and deployment optimizations could further improve
TABLE II performance and real-world feasibility.
SVM E XPERIMENT R ESULTS
VI. C ONCLUSION AND F UTURE W ORK
Exp. Kernel Class Weight C (Reg.) Val. Acc. Test Acc.
Baseline linear balanced (Default) 90.10 81.42 This study aimed to create a reliable and accurate malware
Exp. 1 rbf balanced (Default) 82.81 73.35
Exp. 2 poly balanced (Default) 73.44 61.89
prediction system by using an ensemble technique combining
Exp. 3 linear None (Default) 93.24 85.81 convolutional neural networks (CNNs) and support vector ma-
Exp. 4 linear balanced 0.1 87.63 76.25 chines (SVMs). The CNN-SVM ensemble model was imple-
Exp. 5 linear balanced 1.0 90.97 83.16
Exp. 6 linear balanced 10.0 90.90 88.37 mented and evaluated on the Malimg malware image dataset,
Exp. 7 rbf None (Default) 90.10 69.40 achieving competitive performance with 92.37% accuracy,
Exp. 8 rbf balanced 0.1 43.55 40.00 84.42% precision, 84.69% recall, and 84.59% F1-score.
Exp. 9 rbf balanced 1.0 83.14 61.94
Exp. 10 rbf balanced 10.0 90.57 67.57 The model demonstrated strong resilience to class imbal-
Exp. 11 poly None (Default) 82.81 59.11 ances; a major challenge in malware classification tasks, by
Exp. 12 poly balanced 0.1 69.77 51.65
Exp. 13 poly balanced 1.0 56.45 23.14 utilizing the robust decision boundary construction of SVMs
Exp. 14 poly balanced 10.0 87.49 68.25 and the visual pattern recognition capabilities of CNNs. This
emphasizes how deep learning for discriminative representa-
2) SVM Model Results: The linear kernel with balanced tion learning and classical machine learning techniques for
class weights and C=10.0 achieved the highest 88.37% test ac- robust decision surfaces can be combined to enhance malware
curacy (Table II). The RBF and polynomial kernels performed detection [31].
worse than the linear kernel on this dataset. One of the key challenges faced during this project was
selecting an appropriate dataset that was representative of
TABLE III real-world malware samples while being manageable in size.
E NSEMBLE E XPERIMENT R ESULTS
The Malimg dataset has limitations in quantity and lacks
Exp. Ensemble CNN SVM Acc. Precision Recall F1-Score coverage of the latest malware strains compared to datasets
Strategy Weight Weight
Baseline Majority Voting 0.5 0.5 88.56 86.49 77.63 77.25 used in production environments [32]. Working with the im-
Exp. 1 Weighted Avg. 0.6 0.4 81.96 75.03 77.13 73.82
Exp. 2 Weighted Avg. 0.7 0.3 88.08 75.38 76.51 74.00
age representations of malware binaries presented challenges
Exp. 3 Majority Voting 0.6 0.4 77.45 82.76 72.06 71.57 in preprocessing and ensuring compatibility with the model
Exp. 4 Weighted Avg. 0.8 0.2 89.26 81.30 79.27 77.09
Exp. 5 Weighted Avg. 0.9 0.1 92.37 86.42 84.83 84.59 architectures. The model is image-based, so other malware
Exp. 6 Majority Voting 0.7 0.3 88.18 86.69 80.78 80.22
Exp. 7 Weighted Avg. 0.4 0.6 79.69 72.41 71.96 69.14 formats require conversion to images. The model lacks real-
Exp. 8 Majority Voting 0.8 0.2 86.30 86.86 78.57 79.01 time monitoring capabilities as there is no network connection
Exp. 9 Weighted Avg. 0.3 0.7 79.54 75.88 72.56 72.00
Exp. 10 Majority Voting 0.9 0.1 80.75 81.33 74.90 73.92 to utilize in real-life scenarios due to the chosen dataset and
limited resources [33].
3) Ensemble Model Results: The weighted average ensem- Based on these limitations and challenges, future work could
ble with 0.9 weight for CNN and 0.1 for SVM achieved the expand the approach to incorporate multiple modalities such as
best 92.37% accuracy and balanced 84.83% F1-score (Table static features and visual patterns for a comprehensive model
III). Majority voting with equal weights had high but slightly [34]. Developing strategies for continuous learning and adap-
lower metrics. tation to emerging malware trends could enable the system to
4) Comparison to prior work: As summarized in Table stay ahead of the evolving threat landscape. Investigating the
IV, the developed CNN-SVM ensemble achieved competitive applicability of the CNN-SVM ensemble approach to other
cybersecurity domains like network intrusion detection could [17] D. Gibert, C. Mateu, and J. Planes, ”The rise of machine learning for
broaden its impact [35]. Creating a file-to-image converter detection and classification of malware: Research developments, trends
and challenges,” Journal of Network and Computer Applications, vol.
component could enable processing and analysis of a larger 153, p. 102526, 2020, in press.
range of file types for malware prediction by converting [18] S. Li, Q. Zhou, R. Zhou, and Q. Lv, ”Intelligent malware detection based
formats like executables and DLLs into compatible image on graph convolutional network,” The Journal of Supercomputing, vol.
78, no. 3, pp. 4182-4198, 2022, in press.
representations. [19] B. Kolosnjaji, A. Zarras, G. Webster, and C. Eckert, ”Deep learning for
By addressing limitations, challenges and pursuing sug- classification of malware system call sequences,” in AI 2016: Advances
gested future research directions, the developed malware pre- in Artificial Intelligence: 29th Australasian Joint Conference, Hobart,
TAS, Australia, December 5-8, 2016, Proceedings, vol. 29, pp. 137-149,
diction system could potentially be further improved, opti- Springer International Publishing, 2016, in press.
mized, and deployed as a useful tool in the ongoing fight [20] cridin1, ”Cridin1/malware-classification-CNN: This github repository
against constantly changing malware threats. This would better contains an implementation of a malware classification/detection system
using convolutional neural networks (cnns),” GitHub.
meet the goals of offering a reliable, accurate, and flexible [21] A. Mallik, A. Khetarpal, and S. Kumar, ”ConRec: malware classification
solution for malware detection and prediction. using convolutional recurrence,” Journal of Computer Virology and
Hacking Techniques, vol. 18, no. 4, pp. 297-313, 2022, in press.
[22] W. Han, J. Xue, Y. Wang, Z. Liu, and Z. Kong, ”MalInsight: A
R EFERENCES systematic profiling based malware detection framework,” Journal of
Network and Computer Applications, vol. 125, pp. 236-250, 2019, in
[1] T. Rains, ”Cybersecurity Threats, Malware Trends, and Strategies: Learn press.
to mitigate exploits, malware, phishing, and other social engineering [23] K. Allix et al., ”A Forensic Analysis of Android Malware–How is
attacks,” Packt Publishing Ltd., 2020. Malware Written and How it Could Be Detected?,” in Proc. 2014
IEEE 38th Annual Computer Software and Applications Conference,
[2] D. Farhat and M.S. Awan, ”A brief survey on ransomware with the
Jul. 2014, pp. 384-393, in press.
perspective of internet security threat reports,” in 2021 9th International
[24] M. Shahpasand, L. Hamey, D. Vatsalan, and M. Xue, ”Adversarial at-
Symposium on Digital Forensics and Security (ISDFS), June 2021, pp.
tacks on mobile malware detection,” in Proc. 2019 IEEE 1st International
1-6, in press.
Workshop on Artificial Intelligence for Mobile (AI4Mobile), Feb. 2019,
[3] C. Zhang and Y. Lu, ”Study on artificial intelligence: The state of the
pp. 17-20, in press.
art and future prospects,” Journal of Industrial Information Integration,
[25] R. Vinayakumar, M. Alazab, K. P. Soman, P. Poornachandran, and
vol. 23, p. 100224, 2021.
S. Venkatraman, ”Robust intelligent malware detection using deep
[4] N. Idika and A.P. Mathur, ”A survey of malware detection techniques,” learning,” IEEE Access, vol. 7, pp. 46717-46738, 2019, in press.
Purdue University, vol. 48, no. 2, pp. 32-46, 2007. [26] B. Biggio and F. Roli, ”Wild patterns: Ten years after the rise of
[5] V. Jaganathan, P. Cherurveettil, and P.M. Sivashanmugam, ”Using a adversarial machine learning,” in Proc. 2018 ACM SIGSAC Conference
prediction model to manage cyber security threats,” The Scientific World on Computer and Communications Security, Oct. 2018, pp. 2154-2156,
Journal, 2015, in press. in press.
[6] I.A. Gheyas and A.E. Abdallah, ”Detection and prediction of insider [27] J. Moon, S. Kim, J. Song, and K. Kim, ”Study on Machine Learning
threats to cyber security: a systematic literature review and meta- Techniques for Malware Classification and Detection,” KSII Transac-
analysis,” Big Data Analytics, vol. 1, no. 1, p. 6, 2016, in press. tions on Internet & Information Systems, vol. 15, no. 12, 2021, in press.
[7] P. Ongsulee, ”Artificial intelligence, machine learning and deep learn- [28] G. P. Zhang, ”Neural networks for classification: a survey,” IEEE
ing,” in 2017 15th International Conference on ICT and Knowledge Transactions on Systems, Man, and Cybernetics, Part C (Applications
Engineering (ICT&KE), Nov. 2017, pp. 1-6. IEEE, in press. and Reviews), vol. 30, no. 4, pp. 451-462, 2000, in press.
[8] D. Gavriluţ, M. Cimpoeşu, D. Anton, and L. Ciortuz, ”Malware detection [29] N. Stakhanova, S. Basu, and J. Wong, ”A taxonomy of intrusion response
using machine learning,” in 2009 International Multiconference on systems,” International Journal of Information and Computer Security,
Computer Science and Information Technology, Oct. 2009, pp. 735-741. vol. 1, no. 1-2, pp. 169-184, 2007, in press.
IEEE, in press. [30] N. V. Chawla, K. W. Bowyer, L. O. Hall, and W. P. Kegelmeyer,
[9] A. Thabet, ”Stuxnet malware analysis paper,” in Code Project, 2011. ”SMOTE: synthetic minority over-sampling technique,” Journal of Ar-
[10] R.Y. Choi, A.S. Coyner, J. Kalpathy-Cramer, M.F. Chiang, and J.P. tificial Intelligence Research, vol. 16, pp. 321-357, 2002.
Campbell, ”Introduction to machine learning, neural networks, and deep [31] R. Ali, A. Ali, F. Iqbal, M. Hussain, and F. Ullah, ”Deep learning
learning,” Translational Vision Science & Technology, vol. 9, no. 2, pp. methods for malware and intrusion detection: A systematic literature
14-14, 2020. review,” Security and Communication Networks, 2022, in press.
[11] S. Yuan and X. Wu, ”Deep learning for insider threat detection: Review, [32] K. Allix, T. F. Bissyandé, J. Klein, and Y. Le Traon, ”Are your training
challenges and opportunities,” Computers & Security, vol. 104, p. datasets yet relevant? an investigation into the importance of timeline in
102221, 2021. machine learning-based malware detection,” in International Symposium
[12] M.N.R. Mahrin, S. Chuprat, A. Subbarao, A.F.M. Ariffin, M.Z.A. Talib, on Engineering Secure Software and Systems, Mar. 2015, pp. 51-67,
M.Z.A. Darus, and F.A.A. Aziz, ”Malware prediction algorithm: System- Cham: Springer International Publishing.
atic review,” Journal of Theoretical & Applied Information Technology, [33] N. Udayakumar, V. J. Saglani, A. V. Cupta, and T. Subbulakshmi,
vol. 96, no. 14, 2018, in press. ”Malware classification using machine learning algorithms,” in 2018
[13] M.N. Alenezi, H. Alabdulrazzaq, A.A. Alshaher, and M.M. Alkharang, 2nd International Conference on Trends in Electronics and Informatics
”Evolution of malware threats and techniques: A review,” International (ICOEI), May 2018, pp. 1-9. IEEE, in press.
Journal of Communication Networks and Information Security, vol. 12, [34] L. Liu, W. Ouyang, X. Wang, P. Fieguth, J. Chen, and X. J. Liu, ”Deep
no. 3, pp. 326-337, 2020, in press. learning for generic object detection: A survey,” Applied Sciences, 2018.
[14] M. Husák, J. Komárková, E. Bou-Harb, and P. Čeleda, ”Survey of [35] Z. A. Aziz and A. M. Abdulazeez, ”Application of Machine Learning
attack projection, prediction, and forecasting in cyber security,” IEEE Approaches in Intrusion Detection System,” Journal of Soft Computing
Communications Surveys & Tutorials, vol. 21, no. 1, pp. 640-660, 2018, and Data Mining, vol. 2, no. 2, pp. 1-13, 2021.
in press.
[15] J. Hemalatha, S. A. Roseline, S. Geetha, S. Kadry, and R. Damaševičius,
”An efficient densenet-based deep learning model for malware detec-
tion,” Entropy, vol. 23, no. 3, p. 344, 2021.
[16] Y.W. Ma, J.L. Chen, W.H. Kuo, and Y.C. Chen, ”AI@nti-Malware: An
intelligent framework for defending against malware attacks,” Journal
of Information Security and Applications, vol. 65, p. 103092, 2022, in
press.

You might also like