• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    Injections Attacks Efficient and Secure Techniques Based on Bidirectional Long Short Time Memory Model

    2023-10-26 13:15:06AbdulgbarFareaGehadAbdullahAmranEbraheemFareaAmerahAlabrahAhmedAbdulraheemMuhammadMursilandMohammedAlqaness
    Computers Materials&Continua 2023年9期

    Abdulgbar A.R.Farea ,Gehad Abdullah Amran ,Ebraheem Farea ,Amerah Alabrah ,Ahmed A.Abdulraheem ,Muhammad Mursil and Mohammed A.A.Al-qaness

    1School of Big Data&Software Engineering,Chongqing University,Chongqing,401331,China

    2Department of Management Science Engineering,Dalian University of Technology,Dalian,116024,China

    3Software College,Northeastern University,Shenyang,110169,China

    4Department of Information Systems,College of Computer and Information Science,King Saud University,Riyadh,11543,Saudi Arabia

    5Department of Management Science and Engineering,South China University of Technology,Guangzhou,510641,China

    6Department of Computer Engineering and Mathematics,University of Rovira i Virgili,Tarragona,Spain

    7College of Physics and Electronic Information Engineering,Zhejiang Normal University,Jinhua,321004,China

    ABSTRACT E-commerce,online ticketing,online banking,and other web-based applications that handle sensitive data,such as passwords,payment information,and financial information,are widely used.Various web developers may have varying levels of understanding when it comes to securing an online application.Structured Query language SQL injection and cross-site scripting are the two vulnerabilities defined by the Open Web Application Security Project(OWASP)for its 2017 Top Ten List Cross Site Scripting(XSS).An attacker can exploit these two flaws and launch malicious web-based actions as a result of these flaws.Many published articles focused on these attacks’binary classification.This article described a novel deep-learning approach for detecting SQL injection and XSS attacks.The datasets for SQL injection and XSS payloads are combined into a single dataset.The dataset is labeled manually into three labels,each representing a kind of attack.This work implements some pre-processing algorithms,including Porter stemming,one-hot encoding,and the word-embedding method to convert a word’s text into a vector.Our model used bidirectional long short-term memory(BiLSTM)to extract features automatically,train,and test the payload dataset.The payloads were classified into three types by BiLSTM:XSS,SQL injection attacks,and normal.The outcomes demonstrated excellent performance in classifying payloads into XSS attacks,injection attacks,and non-malicious payloads.BiLSTM’s high performance was demonstrated by its accuracy of 99.26%.

    KEYWORDS Web security;SQL injection;XSS;deep learning;RNN;LSTM;BiLSTM

    1 Introduction

    In recent years,the demand for web applications has rapidly increased.Using the web may significantly reduce enterprises’distribution costs for information,products,and services[1].Vulnerability trends show that applications have a large number of vulnerabilities.In addition,SQL injection and cross-site scripting have been widely documented application vulnerabilities.SQL injections are more dangerous attacks because they can affect vital databases for any company.The exposure must be repaired at the code level,while the developer or programmer must take remedial action from a response perspective [2].As long as web applications are not very secure,several well-designed injections and malicious scripts can be performed on the database and the victim browser.Intruders may exploit this situation and do malicious actions such as malware distribution,cookie theft,and session hijacking to steal users’credentials.This sensitive data could be transferred to any third party,including a hacker’s or intruder’s server[3].

    A SQL injection attack is a type of attack that targets web applications and any applications dealing with the database.The attacker can exploit the weakness of user input filtering and inject illegal SQL queries or malicious payloads,which execute on the database as a legal query.SQL Injection Attacks can destroy the target web application’s confidentiality,integrity,and availability.The attacker can gain any sensitive information from the database or even destroy the database [4].On the other hand,Web applications can be vulnerable to Cross-Site Scripting(XSS)attacks,in which an attacker takes control of a user’s browser and executes malicious Hyper Text Markup Language(HTML)/JavaScript code in order to steal the user’s credentials.This can be done in a number of ways,like the theft of cookies,the hijacking of a user’s session,the distribution of malware,or a redirect to a malicious page[5].

    According to the similarities between the way of working of these two attacks,which lead us to work on these two attacks.Both SQL injection and XSS are code injection attacks that use the same mechanism to attack the website [6].The intruder can inject SQL or XSS payloads on website user inputs or Uniform Resource Locators (URLs).The intruder can perform malicious actions on the database,damaging the attacked data or even stealing website cookies.SQL injection and XSS attacks can be used to serve these purposes.A web application consists of server-side,client-side,and database servers.An XSS attack is a malicious script executed on the client browser,whereas an SQL injection attack is a malicious SQL query executed on the database server.According to OWASP(Open Web Application Security Project),SQL injection and cross-site scripting (XSS) are ranked in OWASP’s top ten 2017 web application security risks and vulnerabilities[7].

    Many articles have been published in the area of web application attacks as well as in the field of web application security.However,most studies still have drawbacks and weak points,such as performing multiclassification attacks,which can specify the types of detected attacks and the correct classification rate.Some current work uses binary classification (normal and malicious payloads),which deals with all types of attacks as a single attack without any differentiation between them[8–11].It is worth mentioning that some research focused only on XSS[8,12],and other studies focused only on SQL injection attacks[9].The most relevant work is by Abaimov et al.[6],who built(CODDLE)a convolutional deep neural network model to detect SQL injection and XSS attacks,but he used a separate dataset for each attack and obtained less than our results.

    Our key contributions to this research are as follows:

    ? We propose a new methodology based on the BiLSTM recurrent neural network for detecting and multi-classify SQL injection and XSS attacks.

    ? The proposed model utilized textual data containing SQL injection and XSS payloads to classify them into three classes,which are XSS,SQL injection,and normal payloads.To achieve high performance in detection,the model utilized Recurrent Neural Networks(RNNs),which consider the sequence of sentences or texts,resulting in excellent results in all evaluation metrics,including accuracy,precision,recall,and F1 score.

    Following the structure of the paper,the rest of the work is organized as follows:Section 2 presents relevant studies that connect anomaly detection techniques for web application attacks with deep learning.Section 3 introduces the methodology of the proposed model.Model implementation and experimental setup are explained in detail in Section 4.Section 5 shows the results of the proposed model with further details and discussion.In Section 6,the conclusions are summed up,and ideas for further studies are suggested.

    2 Related Works

    Recently much work has been carried out for the discrimination of different kinds of Cross-Site Scripting(XSS)and SQL injection attacks[10,12].

    2.1 SQL Injection

    Xie et al.[13] described in their study entitled Elastic-Pooling,conventional neural network(CNN)-based (EP-CNN),a deep learning model used for detecting SQL injection attacks in web applications based on weblogs.EP-CNN model Used the Word2vec method to convert the original query to a vector.Then,an elastic pooling layer is added to three layers of convolution kernels after the convolution layers.Padding in convolution must be employed to keep the input and output dimensions equal when using several convolution layers of different sizes.The outside of this layer passed on other convolution kernel layers without trimming the data.This model achieved an accuracy of 98.7% on the test set.Chen et al.[11] proposed using word embedding and CNN Multilayer Perceptron(MLP) algorithms to prevent SQL injection attacks as a novel approach.The HTTP requests are denoised and decoded,then Word2Vec produces word embeddings of these decoded characters,trains an MLP,CNN model,and then utilizes the classifier to identify fraudulent requests.Both models successfully detect SQL injection attacks.MLP is 98.5%accurate,whereas CNN is 98.2%accurate.In their study,Hasan et al.[14]created a heuristic algorithm based on machine learning that was trained on a limited amount of data.They also developed a Graphical User Interface(GUI)application for five models.The Ensemble Boosted Trees model had the most accurate results,with an accuracy rate of 93.8%.However,the researchers suggest adding more infected statements to the dataset to improve the algorithm’s accuracy.Abdalla et al.[15]aimed to prevent SQL Injection Attacks(SQLIA)with an adaptive model that relies on runtime validation to detect such attacks.However,the model’s accuracy was restricted to 86.6%,and no machine-learning mechanisms were implemented.The investigation used a dataset containing 4201 entries.

    2.2 Cross-Site Scripting(XSS)

    In 2018,DeepXSS [8] used the RNN LSTM algorithm and the Word2vec technique to detect XSS attacks.The proposed method maps each XSS payload to a feature vector using the Word2vec CBOW model.The LSTM technique is then used to train and test XSS payload datasets.The DeepXSS model performed well,with an F1 score accuracy of 98.7%,precision of 99.57%,and recall of 97.9%.DeepXSS can be enhanced to detect more web app attacks.Sharma et al.[16] emphasized the importance of feature set extraction in detecting web-based attacks.They propose an approach to extract feature sets that can significantly improve results when used with a machine learning-based intrusion detection model.The authors conducted an experiment using the CSIC HTTP 2010 dataset and the Weka tool,which involved three steps.Firstly,the data was pre-processed with a python script.Secondly,features were extracted from the dataset based on specific keywords before being fed into Weka for data modeling.Lastly,the data was fed into three Machine learnings (ML) models,J48,OneR,and Na?ve Bayes,in Weka,with J48 producing the best results compared to other classifiers.These findings have implications for developing effective intrusion detection systems for web-based attacks.Kaur et al.[17]developed a machine-learning model to detect malicious attack vectors before a victim’s browser processes them.To identify blind XSS and stored XSS attacks,they utilized the Linear Support Vector classification algorithm.The authors gathered features by examining attackers’JavaScript events and scripts on the website.The experiment was carried out on Mutillidae,a free website that is vulnerable to attacks,using a linearly separable dataset.The model achieved a high detection accuracy rate of 95.4%,with a recall value of 0.951 and a false positive rate of 0.111.

    2.3 SQL Injection and XSS Attacks

    In 2017,Liang et al.[18]proposed a novel deep learning approach for detecting unusual requests by entailing the unsupervised training of two RNNs.With a sophisticated recurrent unit (Gated Recurrent Unit(GRU)or LSTM unit)for learning the typical request patterns utilizing only typical requests,followed by supervised learning of a neural network classifier that uses the outcome of RNNs as input to differentiate between abnormal and legal requests.The model used normal requests to familiarize the RNNs (LSTM and GRU) with legitimate request patterns.The first RNN looks at URL path structure,while the second looks at query parameter structure.In the final step,an MLP model was trained on the output of prior models to distinguish between normal and abnormal URL occurrence probability sequences.The models’accuracy on the CSIC dataset is 97.8% for GRU and 98.4% for LSTM.GRU and LSTM models achieve 98.5 percent accuracy on the WAF logs dataset.This URL attack classification model did not classify each URL assault according to type.In their study,Tang et al.[9] analyzed the textual content of URLs and developed eight distinctive features.Furthermore,they employed the Payloads dataset and utilized ASCII code to map character sequences into a numerical matrix.The dataset was subsequently trained and tested using LSTM and MLP models with appropriate hyperparameters.Results indicated an accuracy of 99.67% and 97.68% for LSTM and MLP,respectively.Zhang et al.[19] proposed a method called Adversarial Perturbation for Model Stealing Attack (APMSA) to protect Deep Learning models deployed in the cloud from being stolen by attackers.The method adds noise to the input queries to hide the internal information of the model and prevent attackers from reverse-engineering a substitute model.The limitations of this paper are that the proposed method may not be effective if the attacker conceals the query sample to look like a normal benign query,and the detection techniques may fail to capture this malicious behavior.Additionally,the proposed method requires the Deep Learning model to be processed before deployment,which may reduce the availability and utility of the model.

    It should be noted that distinct datasets and feature extraction methods were employed for both models.Gong et al.[20] employed model uncertainty to estimate the deep learning model’s prediction accuracy.This model consists of two parts.The first part is a CNN model,which takes weblogs as inputs and extracts their features.The second is the Bayesian model.which is used as a classifier to classify each weblog containing a URL,response code,user agent,and source address into a web attack or normal log.This model achieved an accuracy of 98.38%,a precision of 99.84%,and a recall of 94.77% as its performance metrics.Mo et al.[21] presented an intrusion detection system based on Bi-LSTM (BL-IDS) model,which uses LSTMs and bidirectional recurrent neural networks to detect web attacks.The Word2vec toolbox converted the text into a word vector using the word embedding NLP technique (Skip-gram model).The CSIC 2010 HTTP dataset was used.The Bi-LSTM model was used to classify HTTP requests as legal or illegal for ten epochs of batch training methods.Almost all the models proposed to detect web application attacks classify attacks as having a binary classification(normal and malicious payloads).However,the proposed model is a multi-classification model that classifies each web attack according to type.Abramov et al.[6] built(CODDLE) convolutional Deep Neural Network model to detect SQL injection and XSS attacks.Although CODDLE’s best performance was up to 94% accuracy,99% precision,and 93% recall value,it used a separate dataset where each attack dataset was trained and tested separately by a binary classification model.Our model combined the two datasets into a single dataset,trained and tested the dataset with a multi-classification model,and achieved high-performance metrics values.The related works are summarized below in Table 1.

    Table 1:Existing prior studies about cross-site scripting(XSS)and SQL injection attacks

    3 Methodology

    In this section,we are going to illustrate our work and the proposed methodology.Our model starts by fitting on the textual datasets for both attack payloads: SQL injection and XSS.Then,we combine these two datasets into a single dataset formed from three classes.After that,label each class with a specific symbol.Different machine learning and deep learning algorithms will be used to multi-classify the attacks’payloads.Different pre-processing techniques will be used to clean the data and convert the dataset from its textual form into a numeric form that can be easily manipulated by machine or deep learning algorithms.

    In this research,we propose an intelligent web attack classification.Fig.1 depicts the methodology used in this paper to detect multi-class attacks.

    As shown in Fig.1,the methodology started by collecting the experimental dataset and constructing a multi-classification model that can detect two types of injection attacks and normal payloads.This model consists of various steps of pre-processing the textual dataset,encoding the payloads,and then converting the textual dataset into a numeric matrix using the principle of word embedding.The numeric dataset is split into a training dataset and a testing dataset.Finally,our model used the BiLSTM algorithm to classify the payloads into three groups.The following steps illustrate each phase used in our methodology.

    Figure 1:Flow graph of proposed approach

    3.1 Dataset Collection

    Resources.XSS payloads have been collected from XSS_dataset[23]with 5282 normal payloads and 7368 abnormal payloads.At the same time,SQL injection payloads have been collected from the SQL injection dataset[24]and SQL-injection-payload-list in GitHub[25],including 3005 normal payloads and 1822 abnormal payloads.

    3.2 Data Pre-Processing

    First,we merged the two datasets into a single dataset.Then,we labeled the payloads into three classes:1 for XSS attacks,2 for SQL injection attacks,and 0 for not-either-one payloads.Following that,we cleaned the payloads of special characters like“,’,”$,%,&,@,and so on.Finally,we used stemming text normalization to normalize each payload word.

    For example,the following SQL injection and XSS payloads

    ‘a(chǎn)nd 1 in(select min(name)from sysobjects where xtype=‘U’and name>‘.’)–

    Will be after pre-processing as follows:

    and 1 in selecting min name from sysobjects where xtype U and name

    label onpointerdown alert 1 XSS label

    3.3 Word Embedding

    Word embedding is a Natural Language Processing (NLP) technique that converts Natural Language text into a vector representing the text.Basically,word embedding maps a word to a vector using a dictionary[26].

    In this article,first,we used one-hot encoding to convert every word into a number based on vocabulary size.This number represents the index of the word in the encoding matrix.Because word embedding inputs should be the same size,we pad the inputs with zeros (padding=40).Finally,we used the TensorFlow embedding layer to perform word embedding and generate the embedding matrix.

    3.3.1 Encoding

    One-hot encoding is a way to change categorical variables into a format that deep learning algorithms can use to make better predictions.In the proposed model,we used one hot encoding with word embeddings.One hot encoding will convert the text into a sparse matrix with a lot of zeros,and only one value will indicate the location of this word in the predefined dictionary of words.We used word embedding with one-hot encoding to overcome the sparse matrix from the one-hot process into a dense matrix representing feature representation.

    3.3.2 Embedding Layer

    A layer that can only be utilized as the initial layer of a model is known as an embedding layer.The layer converts positive integers(indices)into dense vectors of a predetermined size by multiplying them together.Word embeddings may be learned from text data and re-used in different projects at different times.They may also be trained as part of the process of fitting a neural network to text input.The embedding of a word in the learned vector space is referred to.The vector space location of a word is determined by the words surrounding it when it is employed.

    Keras has an embedding layer that can be used for neural networks that work with textual data because each word has a unique number,and the input data needs to be encoded as an integer.This means that a number represents each word.A layer called the embedding layer is set up with random weights.It will learn an embedding for all of the words in the training dataset.

    In our model,we set up an embedding layer as the flowing,input_dim=5000,representing the vocabulary size in the text data,which means that each word will be encoded by a number from 0 to 4999 in the embedding matrix.output_dim=40,which means each word will be placed in a vector space with 40 dimensions.input_length=100,which represents the length of input sequences.

    3.3.3 Embedding Matrix

    An embedding matrix is an idea that tries to solve this problem of how to show relationships.First,we choose a dimension of meaning.This can be a little bit random.Let us say we decide that all meaning can be mapped to a three-dimensional space that is not real.Theoretically,that would mean that each word would be a single point in a 3D space,and three numbers could describe the position of each word in that space (x,y,z).But in reality,meaning is too complex to fit well into three dimensions.Usually,we use something like 300 dimensions,and all words map to some point in this 300-dimensional hyperspace and are defined by 300 numbers.The 300 numbers that tell us what a word means are called the“embedding”for that word.

    3.4 Dataset Splitting

    There are a total of 17,478 samples in our dataset collection,which represents the attack’s payloads.The total number of samples in the trainset reached 13,982,with about 3,496 samples used as a test set.

    3.5 Long Short-Term Memory(LSTM)

    RNNs are artificial neural networks that perform well with sequential inputs.RNN is designed to connect events from the previous state to the current state by storing environmental data in an inner state[18].RNNs achieved excellent results in dealing with most sequential data problems because they consider the sequence of the sentences or texts.So,it is a powerful tool for dealing with time series information that contains correlations between data points near each other in the sequence[27].

    LSTM is an algorithm for solving the weaknesses of the RNN algorithm,which are vanishing and exploding gradient problems.The LSTM layer consists of memory blocks,which are recurrently connected blocks,as shown in Fig.2.Each one contains recurrently connected memory cells and three multiplicative units(input,output,and forget gates)that act as continuous analogs for the cells’write,read,and reset operations[28].A memory cell is a unit in LSTM networks that stores the state or the value.LSTM replaces nodes in hidden layers with one or more memory cells called memory blocks.Activation functions are used in the LSTM architecture instead of gates.The output from the previous layer is stored in gates,and functions determine whether the output will be used as input for the next hidden layer[29].

    Figure 2:LSTM layer with time series

    The equation above and Fig.3 illustrate the structure of the LSTM layer,where i_t,f_t,o_t are the input gate,forget gate,and output gate,respectively.Whereas c_t,is the new state and candidate states of the memory cell,respectively,ct is the current state.The weight matrices are W_i W_c W_f W_o,and the biases are b_i b_f b_o.Sigmoid and hyperbolic tangent functions are identified asσ()and tanh().

    3.6 Bidirectional Long Short-Term Memory(BiLSTM)

    The main idea of BiLSTM is that each training sequence is presented forward and backward to two independent recurrent networks coupled to the same output layer[28].

    Figure 3:LSTM architecture

    BiLSTM is designed to access both sentence directions (preceding and succeeding).Because it combines forward and backward LSTM layers,as illustrated in Fig.4,The networks are trained over time using the backpropagation principle[30].

    Figure 4:BiLSTM model

    4 Model Implementation and Experimental Setup

    This section will go over the specifics of how this model will be fully implemented,with an explanation of the implemented model and the hyperparameter of the implemented model.Also,we explained the evaluation matrices used to evaluate our model.Moreover,the optimizer and loss functions are applied in this model.

    The experimental setup was conducted on a computer with an Intel(R)Xeon(R)CPU@2.30 GHz processor.The GPU was NVIDIA_SMI Tesla K80 with 12 GB RAM.Python 3 was used as a programming language with Keras and the TensorFlow 2.6.0 framework.

    4.1 Dataset Preparing

    Before passing the data into the model,the data must be well prepared and cleaned.Several steps are used for preparing and pre-processing the dataset to produce cleaned data.First,we collected the dataset for both attacks separately.Then we combined the datasets into a single dataset.After that,we labeled the data into three groups:0 for valid payloads,1 for XSS attacks,and 2 for SQL injection attacks.The final step is skipping unwanted characters and cleaning the data using a Porter stemmer.Fig.5 illustrates the sequence of these steps.

    Figure 5:Dataset preparing process

    4.2 The Implementation of the Proposed Model

    In our proposed model,we used a sequential model.We started this model by declaring the embedding layer with a parameter of 40 as embedding vector features and 100 as sentence length.This is followed by a bidirectional LSTM layer with 100 neurons in the forward and 100 neurons in the backward layers.Then drop out the layer to prevent overfitting.Finally,our model ends with a dense layer with three output neurons.Fig.6 illustrates the flow graph of the implementation of the proposed model.Moreover,Fig.7 shows the sequential summary of the proposed model.

    Figure 6:Flow graph of the implementation of the proposed model

    Figure 7:Sequential summary of the proposed model

    4.3 Model Hyperparameters

    In this phase,the hyperparameters were set.First,40 features were determined to be the model’s input,which means that the input size was set to 40 input layers.Thus,the LSTM hidden layers adopted one layer with 100 neurons for each direction,one layer as the forward layer and one as the backward layer of the BiLSTM scheme,and the output layer had three nodes.Each node represents a particular class.Thirty epochs and 128 batches with a learning rate of 0.01 were used to train the neural network.We have also selected Sigmoid as the activation function and utilised sparse_categorical_crossentropy as our loss function.Finally,Adam’s optimizer was selected to update network weights iteratively based on training data.Moreover,it has many benefits over classical stochastic gradient descent.It is straightforward to implement,computationally efficient,has little memory requirements,and is well suited for large problems in terms of data and parameters.These hyperparameters are illustrated in Table 2.

    Table 2:Hyperparameter of the model

    4.4 Evaluation Metrics

    Accuracy,recall,F1 score,and precision are used for the evaluation phase.The four possible combinations are denoted by the symbols True Positive(TP),True Negative(TN),False Positive(FP),and False Negative(FN)in the model outputs for the test set data and the actual labels of the data.For the training and test sets,we assessed the performance of a neural network model on these four variables.

    5 Results and Discussion

    The total payloads in our dataset are 17,478 samples.The number of samples in the train set reached 13,982,and about 3,496 were used as a test set.As shown in Table 3,the dataset was trained and tested using various models.Random Forest with StratifiedKFold with n_splits=5,random_state=100,and RandomizedSearchCV with n_jobs=-1,n_iter=20,verbose=2,Logistic Regression with tol=1e-4 and,Support Vector Machine (SVM) with kernel=“rbf”and MLP.We found that our model(the BiLSTM)did an excellent job of classifying the payloads into three classes(e.g.,cross-site scripting(XSS)attacks,injection attacks,and non-malicious payloads).A high level of performance was achieved at 99.2%in terms of all evaluation metrics(e.g.,accuracy,recall,precision,and F1 score).

    Table 3:Different models comparison based on performance

    5.1 Confusion Matrix

    Essentially,the confusion matrix is a cross table that records how many occurrences occurred between two raters,together with their true/actual classification and their expected classification[31].

    The confusion matrix in Fig.8 showed that the BiLSTM model did great in the three class detections.In class 1 (Not-ether-one),the overall samples were 1658;1642 were classified correctly,whereas 16 were classified incorrectly.For class 2,that stands for XSS attacks.It was 14,766 samples.This model classified 1473 as an XSS attack,and only one sample was classified as an SQL injection attack.The third class is SQL injection attacks.Of the overall samples (364),355 were classified correctly,whereas nine were classified incorrectly.

    Figure 8:Confusion metrix

    The BiLSTM reached a loss of 0.03 in validation loss and 0.0020 in training loss at the 30th epoch.On the other hand,the accuracy at the 30th epoch reached 0.9926 in terms of validation accuracy and 0.9970 in training accuracy,as illustrated in Figs.9 and 10.

    As shown in Table 4,the model work separately and detects XSS attacks with a precision of 0.9952,a recall of 0.9903,and an F1 score of 0.9927.The results were the same for a Not-ether-one payloads class.SQL injection attacks are also detected with a 0.9595 precision,a 0.9753 recall,and a 0.9673 F1 score.

    Figure 10:Accuracy curve

    Table 4:BiLSTM performance of each class separately

    5.2 Binary Classification for XSS and SQL Injection Attacks

    For performing binary classifying on XSS and SQL injection attacks with the same model,we labeled both XSS and SQL injection payloads in the dataset as 1.In contrast,the normal payloads were labeled as 0.Binary_crossentropy was utilized as a loss function with an output layer of two neurons.The results shown in Table 5 point out that our model can also classify these two attacks as having malicious or non-malicious payloads.

    Table 5:Binary classification vs.multi-classification

    6 Conclusion and Future Work

    This paper develops a method based on deep learning to classify SQL injection and Cross-Site scripting attacks.This model used the BiLSTM recurrent neural network principle for training the payload dataset.The suggested model demonstrated that BiLSTM is extremely useful for detecting web application attacks such as XSS and SQL injection with high accuracy and efficiency.The results obtained in this study reached 99.260%,99.261%,99.259%,and 99.248% in terms of accuracy,precision,recall,and F1 score,respectively.For future work,we may extend this research to detect more attacks,such as phishing sites and Distributed Denial-of-Service(DDoS)Attacks.Furthermore,applying oversampling techniques to resolve the imbalanced dataset is highly suggested.

    Acknowledgement:We gratefully thank King Saud University for Supporting Researchers Project Number(RSP2023R476),King Saud University,Riyadh,Saudi Arabia.

    Funding Statement:This work was funded by Researchers Supporting Project Number(RSP2023R476),King Saud University,Riyadh,Saudi Arabia.

    Author Contributions:Abdulgbar A.R.Farea,Gehad Abdullah Amran contributed equally as co first authors.Study conception and design:Abdulgbar A.R.Farea,Gehad Abdullah Amran;data collection:Abdulgbar A.R.Farea,Gehad Abdullah Amran,Ebraheem Farea,Amerah Alabrah,Ahmed A.Abdulraheem,Muhammad Mursil and Mohammed A.A.Al-qaness;analysis and interpretation of results: Abdulgbar A.R.Farea,Gehad Abdullah Amran,Ebraheem Farea,Amerah Alabrah,Ahmed A.Abdulraheem,Muhammad Mursil and Mohammed A.A.Al-qaness;draft manuscript preparation:Abdulgbar A.R.Farea,Gehad Abdullah Amran.All authors reviewed the results and approved the final version of the manuscript.

    Availability of Data and Materials:The data used to support the findings of this study are available from the corresponding author upon request.

    Conflicts of Interest:The authors declare that they have no conflicts of interest to report regarding the present study.

    亚洲精品456在线播放app | 亚洲精品日韩av片在线观看| 啪啪无遮挡十八禁网站| eeuss影院久久| 婷婷精品国产亚洲av| 乱码一卡2卡4卡精品| 麻豆成人午夜福利视频| 天堂动漫精品| av在线观看视频网站免费| 午夜视频国产福利| 亚洲精品乱码久久久v下载方式| 国产欧美日韩一区二区精品| 嫩草影院入口| 欧美zozozo另类| 久久精品久久久久久噜噜老黄 | 亚洲美女搞黄在线观看 | 变态另类丝袜制服| 一进一出抽搐gif免费好疼| 又爽又黄a免费视频| 午夜激情福利司机影院| 丰满人妻一区二区三区视频av| 亚洲欧美日韩东京热| 一卡2卡三卡四卡精品乱码亚洲| 在线免费十八禁| 在线观看美女被高潮喷水网站| 97人妻精品一区二区三区麻豆| 国产精品永久免费网站| 亚洲熟妇中文字幕五十中出| 国产女主播在线喷水免费视频网站 | 最近在线观看免费完整版| 最近中文字幕高清免费大全6 | 国产亚洲av嫩草精品影院| 18禁在线播放成人免费| 少妇的逼好多水| 国产国拍精品亚洲av在线观看| 久久中文看片网| 久久久成人免费电影| 在线观看一区二区三区| 色在线成人网| 日韩欧美 国产精品| 全区人妻精品视频| 亚洲色图av天堂| 白带黄色成豆腐渣| 国产精品99久久久久久久久| 伦精品一区二区三区| 91在线观看av| 日日摸夜夜添夜夜添av毛片 | 黄片wwwwww| 久久国产乱子免费精品| 亚洲自拍偷在线| 此物有八面人人有两片| 身体一侧抽搐| 亚洲中文字幕一区二区三区有码在线看| 国产黄片美女视频| 伦理电影大哥的女人| 国产精品人妻久久久久久| 大又大粗又爽又黄少妇毛片口| 日本一本二区三区精品| 天堂影院成人在线观看| 欧洲精品卡2卡3卡4卡5卡区| 久久精品国产亚洲av天美| 亚洲av电影不卡..在线观看| 国产麻豆成人av免费视频| 美女cb高潮喷水在线观看| 91久久精品国产一区二区成人| 超碰av人人做人人爽久久| 日韩强制内射视频| 国产成人福利小说| 琪琪午夜伦伦电影理论片6080| 88av欧美| 日韩一本色道免费dvd| 国内精品美女久久久久久| 欧美日韩综合久久久久久 | 色在线成人网| 自拍偷自拍亚洲精品老妇| 国产av在哪里看| 婷婷精品国产亚洲av在线| 国产三级在线视频| 22中文网久久字幕| 啦啦啦观看免费观看视频高清| 直男gayav资源| 成人高潮视频无遮挡免费网站| 欧美高清性xxxxhd video| 午夜久久久久精精品| 国内久久婷婷六月综合欲色啪| 高清在线国产一区| 欧美日韩亚洲国产一区二区在线观看| 啦啦啦啦在线视频资源| 亚洲人成网站在线播| 日本三级黄在线观看| 日韩欧美在线二视频| av黄色大香蕉| 久久久精品大字幕| 赤兔流量卡办理| 老司机深夜福利视频在线观看| 一个人看视频在线观看www免费| 日本熟妇午夜| 又粗又爽又猛毛片免费看| 日韩欧美一区二区三区在线观看| 99热只有精品国产| 欧美黑人欧美精品刺激| 国产精品一区二区三区四区久久| 少妇丰满av| www.色视频.com| 久久中文看片网| 免费高清视频大片| 丰满乱子伦码专区| 女生性感内裤真人,穿戴方法视频| 噜噜噜噜噜久久久久久91| 国内毛片毛片毛片毛片毛片| 91在线精品国自产拍蜜月| 男女视频在线观看网站免费| 中国美女看黄片| 午夜福利视频1000在线观看| 国内精品宾馆在线| 一进一出抽搐动态| 亚洲成a人片在线一区二区| 蜜桃亚洲精品一区二区三区| 午夜福利成人在线免费观看| 内地一区二区视频在线| 国产又黄又爽又无遮挡在线| 99热精品在线国产| 免费看光身美女| 变态另类成人亚洲欧美熟女| 日本-黄色视频高清免费观看| 亚洲 国产 在线| 成人三级黄色视频| 色吧在线观看| 久久人人爽人人爽人人片va| 嫩草影院精品99| 久久久久久久精品吃奶| 亚洲黑人精品在线| 性色avwww在线观看| 午夜爱爱视频在线播放| 97超级碰碰碰精品色视频在线观看| 欧美成人免费av一区二区三区| 国内久久婷婷六月综合欲色啪| 日韩大尺度精品在线看网址| 国产伦在线观看视频一区| 搞女人的毛片| 亚洲精品一卡2卡三卡4卡5卡| 欧美一区二区精品小视频在线| 2021天堂中文幕一二区在线观| 在线观看一区二区三区| 五月玫瑰六月丁香| 乱人视频在线观看| 我要搜黄色片| 日本 欧美在线| 成人性生交大片免费视频hd| 成人鲁丝片一二三区免费| 真实男女啪啪啪动态图| 亚洲国产日韩欧美精品在线观看| 国内精品一区二区在线观看| 亚洲国产高清在线一区二区三| 日韩人妻高清精品专区| 人人妻,人人澡人人爽秒播| 精品久久久久久久久亚洲 | 免费看日本二区| 久久精品国产亚洲av天美| 麻豆一二三区av精品| 内射极品少妇av片p| 国语自产精品视频在线第100页| 国内精品美女久久久久久| 日本与韩国留学比较| 国产精品久久久久久精品电影| 亚洲熟妇熟女久久| 一级毛片久久久久久久久女| 两个人视频免费观看高清| 亚洲四区av| 久久草成人影院| 国产高清三级在线| 国产亚洲精品av在线| 成人国产综合亚洲| 亚洲人成网站在线播放欧美日韩| 亚洲乱码一区二区免费版| 女生性感内裤真人,穿戴方法视频| 日韩亚洲欧美综合| 免费看日本二区| 啦啦啦韩国在线观看视频| 日本熟妇午夜| 男女啪啪激烈高潮av片| 久久久久久伊人网av| av在线天堂中文字幕| 欧美成人a在线观看| 热99re8久久精品国产| 亚洲国产精品久久男人天堂| 色综合婷婷激情| 国产熟女欧美一区二区| 久久热精品热| 成年免费大片在线观看| 色av中文字幕| 欧美潮喷喷水| .国产精品久久| 美女大奶头视频| АⅤ资源中文在线天堂| 国模一区二区三区四区视频| 亚洲人成伊人成综合网2020| 精品久久久久久久久久免费视频| 特级一级黄色大片| av.在线天堂| 亚洲成人中文字幕在线播放| 国产成年人精品一区二区| 在线观看美女被高潮喷水网站| 国产精品嫩草影院av在线观看 | 韩国av一区二区三区四区| 91久久精品电影网| 亚洲av免费在线观看| 狂野欧美激情性xxxx在线观看| 俺也久久电影网| 人妻久久中文字幕网| 成人欧美大片| 免费无遮挡裸体视频| ponron亚洲| 国产精品久久久久久精品电影| 深爱激情五月婷婷| 99久久精品国产国产毛片| 久久久国产成人精品二区| 中文字幕久久专区| 少妇熟女aⅴ在线视频| 国产一区二区三区视频了| 色噜噜av男人的天堂激情| 成人特级av手机在线观看| 国产精品久久视频播放| 欧美丝袜亚洲另类 | 97人妻精品一区二区三区麻豆| 麻豆国产97在线/欧美| 夜夜爽天天搞| 精品日产1卡2卡| 日本熟妇午夜| 亚洲美女黄片视频| 国产成年人精品一区二区| 国产黄色小视频在线观看| 欧美xxxx性猛交bbbb| 国产在线精品亚洲第一网站| 中文资源天堂在线| 永久网站在线| 搡女人真爽免费视频火全软件 | 午夜福利高清视频| 国产精品久久久久久精品电影| 欧美性猛交╳xxx乱大交人| 免费搜索国产男女视频| 可以在线观看的亚洲视频| 亚洲在线自拍视频| 国产高清不卡午夜福利| 亚洲精品日韩av片在线观看| 露出奶头的视频| 久久国内精品自在自线图片| 精品久久久久久久久久久久久| 三级男女做爰猛烈吃奶摸视频| 色噜噜av男人的天堂激情| 久久久久久大精品| 成人av在线播放网站| 直男gayav资源| 一个人看视频在线观看www免费| 又粗又爽又猛毛片免费看| 国产精品,欧美在线| 毛片一级片免费看久久久久 | 欧美高清成人免费视频www| 亚洲乱码一区二区免费版| 少妇的逼好多水| 日本一二三区视频观看| 别揉我奶头 嗯啊视频| 亚洲无线观看免费| 1000部很黄的大片| 精品乱码久久久久久99久播| 亚洲精华国产精华精| 内地一区二区视频在线| 成人高潮视频无遮挡免费网站| 精品人妻1区二区| 久久精品久久久久久噜噜老黄 | 精品久久久久久久末码| av.在线天堂| 尤物成人国产欧美一区二区三区| 人妻久久中文字幕网| 日本一本二区三区精品| 亚洲色图av天堂| 久久婷婷人人爽人人干人人爱| 成人午夜高清在线视频| 中出人妻视频一区二区| 日韩,欧美,国产一区二区三区 | 亚洲美女视频黄频| 男女之事视频高清在线观看| 久久久国产成人精品二区| 成人永久免费在线观看视频| 欧美日本亚洲视频在线播放| 欧美性猛交黑人性爽| 日韩亚洲欧美综合| 久久久精品大字幕| 国产一级毛片七仙女欲春2| 丰满人妻一区二区三区视频av| 成人无遮挡网站| 亚洲不卡免费看| 黄色配什么色好看| 波多野结衣高清无吗| 久久精品综合一区二区三区| 一本久久中文字幕| 精品人妻一区二区三区麻豆 | 又黄又爽又刺激的免费视频.| 日本熟妇午夜| 又粗又爽又猛毛片免费看| 女生性感内裤真人,穿戴方法视频| 国产人妻一区二区三区在| 成人欧美大片| 国产爱豆传媒在线观看| 女生性感内裤真人,穿戴方法视频| 在线免费十八禁| 日日夜夜操网爽| 国产乱人视频| 国国产精品蜜臀av免费| 中文字幕精品亚洲无线码一区| 午夜日韩欧美国产| 午夜福利在线在线| 最近视频中文字幕2019在线8| 国产成人av教育| 在线观看舔阴道视频| 村上凉子中文字幕在线| 免费大片18禁| 99久国产av精品| 变态另类成人亚洲欧美熟女| 无遮挡黄片免费观看| 狂野欧美激情性xxxx在线观看| 国产亚洲欧美98| 亚洲欧美日韩东京热| 久久这里只有精品中国| 男女视频在线观看网站免费| 国产久久久一区二区三区| 国产黄片美女视频| 亚洲综合色惰| 性色avwww在线观看| 国产精品电影一区二区三区| 悠悠久久av| 久久久精品欧美日韩精品| 最新在线观看一区二区三区| 日韩,欧美,国产一区二区三区 | 我的女老师完整版在线观看| av视频在线观看入口| 成年女人毛片免费观看观看9| 亚洲无线观看免费| 日本色播在线视频| 亚洲av熟女| av黄色大香蕉| 国产午夜福利久久久久久| 在线免费观看的www视频| 亚洲av免费高清在线观看| 免费观看精品视频网站| 久久久久久九九精品二区国产| 91久久精品国产一区二区三区| 久久99热6这里只有精品| 欧美绝顶高潮抽搐喷水| 色噜噜av男人的天堂激情| 久久午夜福利片| 一本精品99久久精品77| 亚洲一区二区三区色噜噜| 国国产精品蜜臀av免费| 很黄的视频免费| 国产成人一区二区在线| 美女免费视频网站| 久久亚洲真实| 级片在线观看| av.在线天堂| 国产成人福利小说| 国产日本99.免费观看| 欧美激情国产日韩精品一区| 九九久久精品国产亚洲av麻豆| 中国美女看黄片| 欧美一级a爱片免费观看看| 久久久久久九九精品二区国产| 国产精品爽爽va在线观看网站| 99久国产av精品| 欧美日韩综合久久久久久 | 国产精品久久视频播放| 精品久久久久久久久久免费视频| 99久久久亚洲精品蜜臀av| 淫秽高清视频在线观看| 美女高潮的动态| 国产精品国产高清国产av| 久久中文看片网| 三级毛片av免费| 欧美精品啪啪一区二区三区| 18禁黄网站禁片免费观看直播| 啪啪无遮挡十八禁网站| 国产精品一区二区免费欧美| 中文字幕av成人在线电影| 制服丝袜大香蕉在线| 欧洲精品卡2卡3卡4卡5卡区| 日本黄色视频三级网站网址| 欧美日韩乱码在线| 国产在视频线在精品| 国产精品久久久久久亚洲av鲁大| 免费搜索国产男女视频| 国产大屁股一区二区在线视频| 亚洲专区中文字幕在线| 日韩欧美免费精品| 国产色爽女视频免费观看| 日韩人妻高清精品专区| 岛国在线免费视频观看| 精品久久久久久久久久免费视频| 午夜福利18| 日韩高清综合在线| 精品久久久久久久人妻蜜臀av| 午夜福利欧美成人| 国产真实乱freesex| 亚洲va日本ⅴa欧美va伊人久久| 五月玫瑰六月丁香| 国产精品伦人一区二区| 又紧又爽又黄一区二区| 露出奶头的视频| 午夜久久久久精精品| 精品人妻偷拍中文字幕| 精品免费久久久久久久清纯| 天堂网av新在线| 2021天堂中文幕一二区在线观| 久久久久九九精品影院| 亚洲无线观看免费| 丰满人妻一区二区三区视频av| 国产视频内射| 欧美区成人在线视频| 超碰av人人做人人爽久久| 成人美女网站在线观看视频| 91av网一区二区| 好男人在线观看高清免费视频| 亚洲色图av天堂| 国产精品精品国产色婷婷| 真实男女啪啪啪动态图| 亚洲欧美日韩无卡精品| 禁无遮挡网站| 日韩国内少妇激情av| 亚洲av免费在线观看| 中出人妻视频一区二区| 精品一区二区三区视频在线观看免费| 嫩草影院新地址| 欧美最黄视频在线播放免费| 少妇丰满av| 国产精品美女特级片免费视频播放器| 老熟妇乱子伦视频在线观看| 久久久久久国产a免费观看| 国产精品永久免费网站| 村上凉子中文字幕在线| 日韩高清综合在线| 亚洲,欧美,日韩| 亚洲熟妇熟女久久| 免费av毛片视频| 又爽又黄无遮挡网站| 成人av一区二区三区在线看| 天美传媒精品一区二区| 国产精品野战在线观看| 成人国产麻豆网| 97超级碰碰碰精品色视频在线观看| 小说图片视频综合网站| 日本a在线网址| 午夜视频国产福利| 99久久中文字幕三级久久日本| 欧美中文日本在线观看视频| 日韩欧美 国产精品| 一本久久中文字幕| 日韩,欧美,国产一区二区三区 | 69人妻影院| 久久午夜福利片| 成人高潮视频无遮挡免费网站| 国产三级中文精品| 亚洲av成人av| 国产又黄又爽又无遮挡在线| 22中文网久久字幕| 香蕉av资源在线| 老司机福利观看| 亚洲 国产 在线| 免费看美女性在线毛片视频| 啦啦啦观看免费观看视频高清| 亚洲国产精品sss在线观看| 精品久久久久久久末码| 人人妻人人看人人澡| 国产麻豆成人av免费视频| 日韩中文字幕欧美一区二区| 一区二区三区四区激情视频 | 日日摸夜夜添夜夜添av毛片 | 亚洲性夜色夜夜综合| 中国美女看黄片| 日韩大尺度精品在线看网址| 成人毛片a级毛片在线播放| 在线观看美女被高潮喷水网站| 成人美女网站在线观看视频| 麻豆久久精品国产亚洲av| 色综合亚洲欧美另类图片| 欧美成人免费av一区二区三区| 身体一侧抽搐| 狂野欧美激情性xxxx在线观看| 黄色丝袜av网址大全| 国产高清不卡午夜福利| 日本a在线网址| 亚洲成av人片在线播放无| 天堂√8在线中文| 久久久精品大字幕| 亚洲美女视频黄频| 岛国在线免费视频观看| 亚洲性久久影院| 久久久久久久午夜电影| 国产探花在线观看一区二区| www.色视频.com| 免费看av在线观看网站| 欧美日韩瑟瑟在线播放| av在线天堂中文字幕| 亚洲三级黄色毛片| 亚洲国产精品sss在线观看| x7x7x7水蜜桃| 欧美色视频一区免费| 搡老熟女国产l中国老女人| 哪里可以看免费的av片| 国产精品伦人一区二区| 午夜福利在线在线| 亚洲精品影视一区二区三区av| 亚洲国产日韩欧美精品在线观看| avwww免费| 成年女人毛片免费观看观看9| 日本-黄色视频高清免费观看| 亚洲国产精品成人综合色| 欧美高清性xxxxhd video| av国产免费在线观看| 国产欧美日韩精品亚洲av| 中文字幕人妻熟人妻熟丝袜美| 999久久久精品免费观看国产| 日本一二三区视频观看| 三级男女做爰猛烈吃奶摸视频| 亚洲无线在线观看| 精品国内亚洲2022精品成人| 2021天堂中文幕一二区在线观| 简卡轻食公司| 婷婷亚洲欧美| 亚洲av一区综合| 亚洲在线观看片| 亚州av有码| 精品日产1卡2卡| 成人三级黄色视频| 一边摸一边抽搐一进一小说| 亚洲av五月六月丁香网| 国产私拍福利视频在线观看| 久久久久精品国产欧美久久久| 国产高清激情床上av| 很黄的视频免费| 神马国产精品三级电影在线观看| 男女视频在线观看网站免费| 日韩精品中文字幕看吧| 琪琪午夜伦伦电影理论片6080| 99热精品在线国产| 亚洲成人精品中文字幕电影| 性欧美人与动物交配| 成人特级黄色片久久久久久久| 欧美性感艳星| 久久精品国产鲁丝片午夜精品 | 欧美最新免费一区二区三区| 成人午夜高清在线视频| 精品人妻熟女av久视频| 日韩欧美 国产精品| 色综合站精品国产| 亚洲在线观看片| 变态另类丝袜制服| 99精品在免费线老司机午夜| 九色成人免费人妻av| 国产探花在线观看一区二区| 少妇的逼好多水| 国产 一区 欧美 日韩| 88av欧美| 亚洲欧美日韩高清在线视频| 精品午夜福利在线看| 别揉我奶头 嗯啊视频| 国产精品一及| 亚洲第一电影网av| 欧美一区二区精品小视频在线| 精品久久久久久,| 男女之事视频高清在线观看| 成人高潮视频无遮挡免费网站| 黄色女人牲交| 亚洲人成网站高清观看| 亚洲18禁久久av| 直男gayav资源| 久久精品国产清高在天天线| 特大巨黑吊av在线直播| 男人舔女人下体高潮全视频| 91麻豆av在线| 亚洲专区中文字幕在线| 精品一区二区三区视频在线| 婷婷亚洲欧美| 欧美成人一区二区免费高清观看| 久久久久免费精品人妻一区二区| 欧美性感艳星| 久久久久精品国产欧美久久久| 婷婷六月久久综合丁香| 午夜激情欧美在线| 亚洲成人精品中文字幕电影| 91麻豆av在线| 亚洲精品亚洲一区二区| 美女 人体艺术 gogo| 白带黄色成豆腐渣| 俺也久久电影网| 日本-黄色视频高清免费观看| 91久久精品国产一区二区成人| 亚洲va日本ⅴa欧美va伊人久久| a级毛片免费高清观看在线播放| 看片在线看免费视频| 99久久中文字幕三级久久日本| 国产在线精品亚洲第一网站| av在线观看视频网站免费| 一级av片app| 热99在线观看视频| 亚洲精品456在线播放app | 狠狠狠狠99中文字幕| 老司机深夜福利视频在线观看| 成年女人永久免费观看视频| 18+在线观看网站| 国产91精品成人一区二区三区| 人妻丰满熟妇av一区二区三区| 亚洲自偷自拍三级| 欧洲精品卡2卡3卡4卡5卡区| 香蕉av资源在线| 一卡2卡三卡四卡精品乱码亚洲| 国内揄拍国产精品人妻在线|