An Optimal Big Data Analytics with Concept Drift Detection on High-Dimensional Streaming Data

2021-12-14 06:03RomanyMansourShahaAlOtaibiAmalAlRasheedHananAljuaidIrinaPustokhinaandDenisPustokhin
Computers Materials&Continua 2021年9期

Romany F.Mansour,Shaha Al-Otaibi,Amal Al-Rasheed,Hanan Aljuaid,Irina V.Pustokhina and Denis A.Pustokhin

1Department of Mathematics,Faculty of Science,New Valley University,El-Kharga,72511,Egypt

2Department of Information Systems,College of Computer and Information Sciences,Princess Nourah Bint Abdulrahman University,Riyadh,84428,Saudi Arabia

3Department of Computer Sciences,College of Computer and Information Sciences,Princess Nourah Bint Abdulrahman University,Riyadh,84428,Saudi Arabia

4Department of Entrepreneurship and Logistics,Plekhanov Russian University of Economics,Moscow,117997,Russia

5Department of Logistics,State University of Management,Moscow,109542,Russia

Abstract:Big data streams started becoming ubiquitous in recent years,thanks to rapid generation of massive volumes of data by different applications.It is challenging to apply existing data mining tools and techniques directly in these big data streams.At the same time,streaming data from several applications results in two major problems such as class imbalance and concept drift.The current research paper presents a new Multi-Objective Metaheuristic Optimization-based Big Data Analytics with Concept Drift Detection(MOMBD-CDD)method on High-Dimensional Streaming Data.The presented MOMBD-CDD model has different operational stages such as pre-processing,CDD,and classification.MOMBD-CDD model overcomes class imbalance problem by Synthetic Minority Over-sampling Technique(SMOTE).In order to determine the oversampling rates and neighboring point values of SMOTE,Glowworm Swarm Optimization(GSO)algorithm is employed.Besides,Statistical Test of Equal Proportions(STEPD),a CDD technique is also utilized.Finally,Bidirectional Long Short-Term Memory(Bi-LSTM) model is applied for classification.In order to improve classification performance and to compute the optimum parameters for Bi-LSTM model,GSO-based hyperparameter tuning process is carried out.The performance of the presented model was evaluated using high dimensional benchmark streaming datasets namely intrusion detection(NSL KDDCup)dataset and ECUE spam dataset.An extensive experimental validation process confirmed the effective outcome of MOMBD-CDD model.The proposed model attained high accuracy of 97.45% and 94.23% on the applied KDDCup99 Dataset and ECUE Spam datasets respectively.

Keywords:Streaming data;concept drift;classification model;deep learning;class imbalance data

1 Introduction

The progressive deployment of Information Technology (IT) in different domains results in the production of huge volumes of data.The maximum velocity of big data outperforms the computational approach followed by classic models.Some of the examples are Sensor Networks(SN),spam filtering mechanism,traffic management,and Intrusion Detection System (IDS).In general,data-stream S is highly unbounded,while the regular sequence of samples arrives frequently in a robust manner.However,this framework has a primary limitation i.e.,the presence of concept drift issues and the principle behind this model is drifted in dynamic fashion.This issue must be resolved.Concept drift is a common problem that exists in real-time practical applications.For example,in recommended systems,the choice of a user may vary and it tend to change frequently based on situation,finance,climatic conditions,and other such factors.These changes may reduce the classification function.Basically,a classifier should be capable of realizing these changes and react to them appropriately.Followed by,learning models are developed to handle static platforms.But real-time applications have dynamic hierarchy.Here,concept drift is reported as non-stationary platform in which the target concept is modified in the presence of controversial training and application data [1].Different domains have concept drift-based issues such as monitoring,management and strategic planning,personal guidance,and so on.The current research work makes use of technologies to handle and predict the concept drift.

Preprocessing is an important task since the storage space is minimum and the samples need to be scanned in single pass.Further,collective samples should be decided from data stream as well.The main purpose of sampling is to select a part of data stream and regard it as ‘entire system.’When computing stream data,irregular data phenomenon is important since it is utilized in several applications like weather data forecasting,anomalous prediction,social media mining,etc.Next,class imbalance is feasible when representing a single instance or if the values are more than others.Classes,with maximum number of data samples,are named as majority classes.While the remaining classes are referred to as minority classes.In stream data classification,the majority class overcomes the samples and eliminates the minority class.

Pre-processing is a better solution to balance the distribution of class.When the reservoir size is unnecessarily allocated for stream data sourced from different devices,it increases the imbalance problem.So,resampling is applied extensively to manage the sample set through instant elimination of majority class and the process is called under-sampling and oversampling.But,the sensitivity of learning accuracy,in class imbalance,is based on the distribution of minority classes and degree of overlap among the classes.Concept drift denotes the modifications in distributed samples due to major problems in stream data examination.

This research work presents a new Multi-Objective Metaheuristic Optimization-based Big Data Analytics with Concept Drift Detection (MOMBD-CDD) on High-Dimensional Streaming Data.The presented MOMBD-CDD model handles class imbalance problem using a Synthetic Minority Over-sampling Technique (SMOTE).To determine oversampling rate and the neighboring points of SMOTE,Glowworm Swarm Optimization (GSO) algorithm is employed.Further,Statistical Test of Equal Proportions (STEPD),a CDD technique is utilized.At last,bidirectional Long Short-Term Memory (Bi-LSTM) model is applied for classification.To enhance the classifier results of Bi-LSTM model,GSO-based hyperparameter tuning process is performed.The proposed MOMBD-CDD model was evaluated through comprehensive analysis of high dimensional benchmark streaming datasets namely intrusion detection (NSL KDDCup) dataset and ECUE dataset.

2 Literature Survey

Barros et al.[2]presented Reactive Drift Detection Method (RDDM) based on DDM.This technique eliminates the previous samples of prolonged models.It helps in predicting drifts as well as increasing the accuracy.Li et al.[3]projected Ensemble Decision Trees for Concept (EDTC)drift data streams by mimicking cut-points in tree development.The method was used along with three diverse random Feature Selection (FS) models.After reaching an instance,a growing node randomly divides the features and eliminates the unwanted branches.In this research,EDTC applies two thresholds and local data distributions are employed to predict the drift.Ross et al.[4]proposed Exponentially Weighted Moving Average (EWMA) for Concept DD (ECDD),a drift detection model depending on exponentially-weighted average chart.The model used classification error stream and the developers required no data to be saved in storage space.

Widmer et al.[5]developed Floating Rough Approximation (FLORA) approach to handle CD with collective descriptors.In this study,variable-sized sample window was used for selecting the descriptors.Liu et al.[6]projected a DD in SN-relied Angle Optimized Global Embedding(AOGE) as well as Principal Component Analysis (PCA) method.PCA and AOGE intend to examine the projection difference and projection angle which are again applied in the prediction of drift.Bifet et al.[7]implied Adaptive Windowing (ADWIN2) mechanism,an extended version of ADWIN model.ADWIN2 has windows of different sizes which gets developed or reduced,when a concept drift is predicted.Additionally,supervised models are used in predicting the drifts under the application of elements present in a window.Xu et al.[8]deployed Dynamic Extreme Learning Machine (DELM) technology by leveraging Extreme Learning Machine (ELM)technique for drift prediction.The primary objective of this method was to apply a double hidden layer to train the network and enhance its performance.

Lobo et al.[9]established a popular Spiking Neural Network (NN) model in web learning data streams.This method primarily focused on the mitigation of size of neurons.By exploiting data limitation methods,the study reaped the benefits of compressed neuron learning potential.Zhang et al.[10]implied a 3-layered drift prediction model in text data stream.In this model,a layer represents multiple components such as label space,layer of feature space,and finally the layer of mapping labels as well as its features.Lobo et al.[11]illustrated DRED relied on multiobjective optimization for data labeling.The developers,in this paper,projected the significance of applying ensembles which possess the capability to deal with modifications in a data stream after its prediction.

Mirza et al.[12]proposed Ensemble of Subset Online Sequential Extreme Learning Machine(ESOS-ELM),a drift detection mechanism to solve the class imbalance issues.Arabmakki et al.[13]deployed Reduced labeled Samples Self Organizing Map (RLS-SOM) to overcome the issues in imbalanced data stream.The ensemble is used to classify Dynamic Weighted Majority(DWM) as per the new method under the application of labeled samples,if the drifts are selected.Lobo et al.[14]implied a possible mechanism to overcome the problems in imbalanced data streams.Next,the researchers have recommended the identification of essential samples from senior learners.

Sethi et al.[15]introduced MD3 (Margin Density DD) to predict the drift in unlabeled stream.When there is a deviation in margin density,a classifier has a collection of labeled samples that can be retrained.De Andrade Silva et al.[16]projected Fast Evolutionary Algorithm for Clustering (FEAC-data Streams) algorithm based on k-means clustering with k-automatic estimation of stream value.In this study,FEAC-Stream applied Page-Hinkley test to predict the reduction in quality of clusters to initialize k evolutionary models.

3 The Proposed MOMBD-CDD Model

Fig.1 shows the workflow of the presented MOMBD-CDD model in big data environment.As illustrated,the online streaming of big data is initially preprocessed through three distinct ways such as conversion into .csv format,conversion of categorical to numerical data,and chunk generation.Next,the preprocessed data undergoes class imbalance handling process by following SMOTE-GSO algorithm.Followed by,the CDD process is performed as per STEPD technique.At last,Bi-LSTM model performs the classification while the model is already tuned by GSO algorithm to determine the hyperparameters.

Figure 1:Working process of the proposed MOMBD-CDD model

3.1 Problem Formulation

CDD is considered as a major concern that needs to be resolved to predict a change-point inP(Xt,yt).Instinctive method is required to sample the statistical principle on multivariate parameter(Xt,yt)from a data stream [17].One of the major drawbacks in this function is its limited statistical power,when dimension (d) of Xtis maximum and the magnitude of drift being minimum.In order to resolve these issues,the newly-deployed scheme brings a change inHere,implies the classifier applied for prediction.It has evolved from the drift ofrepresenting a driftP(Xt,yt),with probability 1.

The above-defined characteristic values fromare 1,when there is no misclassification.When an ideal steady concept (P(Xt,yt)is used,remains the same.Hence,the vital change ofP★means a modification in joint distribution (yt,).It is pointed at each time stept,for a viable (yt,) pair,while a massive empirical rate inP★might change and two values are meant to be “influenced by (yt,).”Additionally,the prediction of concept drift is not actually performed and remains an unwanted alert for empirical rates inP★.This occurs because the model derived from the historical data performs better in the classification of big streaming data.

3.2 Hadoop Ecosystem

To overcome the issues involved in big data streaming,Hadoop ecosystem and its corresponding elements are extensively applied.In distributed platform,Hadoop belongs to open source structure that allows its shareholders to save and compute big data functions through computer clusters using simple programming methods.With the help of maximum number of nodes from single server,both scalability and fault tolerance can be increased through this technique.Hadoop has three major components namely,MapReduce,Hadoop Distributed File System (HDFS),and Hadoop YARN.Based on Google File System (GFS),HDFS has been developed.It is regarded as a model that functions as per master/slave mechanism;when the master is comprised of numerous data nodes,it is referred to as original data and diverse name node is referred to as metadata.Hadoop Map Reduce is applied to generate drastic scalability over massive Hadoop clusters.This is also named as computational approach at Apache Hadoop core.Map Reduce is utilized to compute numerous data over large-scale clusters.There are two essential phases present in Map Reduce namely,Reduce and Map.Each phase is composed of pairs-like key values called input and output.Both output as well as input are secured,especially in file system.It is responsible for task scheduling,management,and re-implementation of the failed task.The infrastructure of Map Reduce contains a slave node manager and master resource manager for every cluster node.

Hadoop YARN is a model applied for cluster management.Based on the experience gained during primary Hadoop production,the above-mentioned model is labeled as 2nd generation Hadoop and is treated as a major attribute.Among Hadoop clusters,security,scalability,and data governance machines are some of the major aspects to be resolved while YARN serves as a main framework as well as a resource manager.To handle big data,alternate devices and elements are deployed over Hadoop infrastructure.Map Reduce method,a scheme of MRODC approach,is utilized in enhancing the classification scalability and robustness in computing.The following aspects are composed of MRODC method.

· Based on N-gram,Polarity score is checked for each sentence

· Based on Polarity score,data classification is performed

· Based on the classified data,new words and Term Frequency (TF) are evaluated

When applying diverse Data Mining (DM) models,the basic data from HDFS undergoes pre-processing.Using Map function,the iterations are processed simultaneously and are named as combiner function and reduce function respectively.The performance is measured when the Map approves every line from the sentence,as different pairs of key-value,since this is the input for Map function.Based on the developed corpus,Map function measures a data object value.Based on different grams,the value is determined.The result of a mapping function is forwarded to Combiner function.The whole set of data objects are retrieved from Combiner function after which the data is classified according to identical class.Consequently,it unifies the whole set of data with identical class values,and saves the sample values for Reducer function.The simulation result of a cluster is transmitted.From different classes,Reduce function retrieves complete data which can otherwise be called as the simulation outcome of Combiner function.After the data from different class labels is summarized and evaluated,the final results are attained in JHDFS along with class labels and the next iteration is proceeded.

3.3 Class Imbalance Handling

Once the streaming data is preprocessed,class imbalance handling process is executed.SMOTE is defined as over-sampling mechanism by Chawla et al.[18]and it is generally processed in feature space rather than data space.Here,the count of samples for minority class in actual data set is improved.This is accomplished by developing synthetic instances which pose as extensive decision regions for minority class.However,naive over-sampling and replacement results in specific minority class.Novel synthetic samples are developed by two variables namely,over-sampling rate (%) and count of the nearest neighbors(k).

· Evaluate the difference between feature vector in minority class andknearest neighbors (kNN).

· Enhance the distance attained earlier by random values between 0 and 1.

· Include the value gained from former step which is used to regain the measure of new feature vector.

The novel feature vector is developed by as follows

wherexnrefers to a new synthetic sample,x0denotes a feature vector in minority class,xoidepicts the ith selected NN ofxO,andδdefines a random value from 0 to 1.For instance,it is projected thatβ%=900% andk=5,the novel synthetic samples should be generated for actual instance.Since new synthetic samples are employed,NN ofx0is selected in a random fashion [19].Furthermore,the samples are synthetically produced for nominal parameters which is executed as given below.

· Step 1:Gain the majority vote among features by considering kNN for nominal feature value.When both are symmetric,the values are selected randomly

· Step 2:Allocate the accomplished value for new synthetic minority class instance

To determine the sample rate and neighboring points of SMOTE,GSO algorithm is used.GSO algorithm applies glowworms with glowing quantity named luciferin,or agents.At the beginning,the glowworms are considered as initial solutions which are randomly distributed in problem space.Then,it travels to highly-illuminated place by the sensor range.At last,the brighter ones are collected and is referred to as an optimal solution for the given problem.In GSO,there are three phases listed in the following literature [20].Fig.2 illustrates the flowchart of GSO model.

Figure 2:Flowchart of GSO model

3.3.1 Luciferin Update Phase

The measure of luciferin glowworms is based on the objective function of recent position.The expression to upgrade the luciferin is given herewith.

where p indicates a luciferin decay constant(0<p<1)for which the value allocated is 0.4 and(1-p)*Ii(t)accelerates the decay of luciferin with time.Y indicates a luciferin improvement constant set for which the value is 0.6,Ii(t)andIi(t+1)are luciferins from iterationstandt+1,correspondingly.F(xi(t+1))implies the objective function that is resultant power of PV module and is projected by:

whereVPVmeans the overall voltage of PV cells in a series.The voltage of PV cell is projected as a function of presentI.Hence,Fdenotes the performance of solar irradiation,current,and temperature.Isignifies the variable to be optimized considering the position of glowworm,andSdenotes the input parameter.

3.3.2 Movement Phase

When an agent decides to move towards a supreme individual,it depends upon the probability mechanism.The probability of an agentitraveling to agentjis measured as given herewith.

whereNi(t)means the neighborhood of agenti:

di,j(t)=‖xi-xj‖ signifies the Euclidean distance between glowworms,iandjat iterationt.

ridmeans the variable neighborhood,connected with glowwormiat timet.The movement can be selected by applying probability Eq.(4).Whenfix the location of glowwormisimilar to the place of glowwormj.Followed by,the location of the glowworms is updated.The movement update rule is expressed as follows.

wheresdenotes the step size andxi(t)andxi(t+1)correspond to position of agentiat iterationtandt+1,correspondingly.

3.3.3 Local-Decision Range Update Phase

Decision radius has to be upgraded on the basis of individuals in present range:

whereβimplies different coefficients of decision radius andntdefines the count of individuals with maximum luciferin measures in local-decision range.

The model parameters are well operated in an extensive range of applications.While,onlynandrsare referred to as parameters that influence the behavior of the model.The measures of high iteration value and glowworm number are applied,when GSO model is simulated.

3.4 Drift Detection Process

STEPD observes the predictions of classifier to select signal warnings and drifts.It is composed of two parametrized thresholds which refer to important drift prediction levels as well as alerts i.e.,αdandαw,correspondingly.STEPD assumes the accuracy of fundamental classification over two windows namely,recent window with final samples,and older window,that covers the examples used by present base learner.In the latter,the instances are computed after CD predicted at last.Hence,size of a window (w) is a parameter and are assigned with default values [21].In this approach,the accuracies of base learners across two predefined windows are similar and are offered with no concept drift.

In order to compare the accuracies of these two windows,STEPD defines a hypothesis test of similar proportions with frequent adjustment,as given in Eq.(1).Followed by,it is clear thatr0means the value of accurate predictions inn0samples of previous window,rrdefines the count of accurate predictions fromnr(w)of recent window,

The final outcome of huI (8) is applied to identify the p-value from standard normal distribution scale and is compared with significance levels which is applied for drifts and warnings.Ifp-value<αdis null,then(r0/n0=rr/nr)is eliminated and STEPD predicts a concept drift.Likewise,the warnings are signaled when p value is<αw.

3.5 Data Classification

Bi-LSTM model is employed at the end to determine the class label properly.Bi-LSTM is a hybrid mechanism,a resultant of combination of LSTM and Bi-directional Recurrent Networks(Bi-RNN).Recurrent Neural Network (RNN) is one of the well-known models evolved from Artificial Neural Networks (ANN) and is used to compute the sequences as well as time series.RNN is beneficial to encode the dependencies among inputs.Followed by,LSTM is developed to resolve the prolonged problems faced in RNN.LSTM is composed of few gates.In case of input layer,the input gate is available.While,for output layer,forget gate and output gate are present.Therefore,LSTM and RNN can be applied to acquire the data from existing content;thus,the output is further enhanced with the help of Bidirectional Bi-RNN.It is capable of handling two data from front end and backend.Fig.3 shows the structure of Bi-LSTM model.

Thus,the benefits of LSTM in memory storage and Bi-RNN are applied in data accessing before and after Bi-LSTM.It makes Bi-LSTM to be benefitted for LSTM with feedback for consecutive layer [22].Hence,Bi-LSTM with inputs of L units and H of hidden units are estimated by Eqs.(9) and (10):

where O defines the objective function with unit of K output.

Figure 3:The structure of Bi-LSTM

4 Performance Validation

4.1 Dataset Used

The performance of the presented MOMBD-CDD model was validated in this section using two datasets namely,KDDCup99 [23]and ECUE spam dataset [24].Tab.1 shows the information relevant to these datasets.Firstly,the KDDCup 99 dataset includes a set of 125973 instances with two class labels and 42 attributes.Secondly,the ECUE spam dataset comprises of 4 attributes with 9978 instances with two class labels.

Table 1:The dataset description

Tab.2 shows the results attained after class imbalance handling process by GSO-SMOTE technique.The table reports that the GSO-SMOTE technique sampled the original KDDCup99 dataset with 125973 instances into 129843 instances.Besides,on the applied ECUE spam dataset,the GSO-SMOTE model sampled 17025 instances from the original 9978 instances.

Table 2:Results of the analysis of original dataset vs. GSO-SMOTE

4.2 Results

Tab.3 and Figs.4-5 demonstrate the classification results of analysis for the presented MOMBD-CDD model upon applied KDDCup99 and ECUE spam datasets.The resultant values of the presented MOMBD-CDD model on applied KDDCup99 dataset accomplished a higher sensitivity,specificity,precision,accuracy,F-score,and kappa value of 97.84%,95.43%,97.17%,97.45%,96.51%,and 95.29% respectively.At the same time,the obtained experimental values denote that MOMBD-CDD model processed the ECUE spam dataset with maximum sensitivity,specificity,precision,accuracy,F-score,and kappa value of 94.88%,93.20%,94.19%,94.23%,93.56%,and 92.90% respectively.

Table 3:Result attained by the proposed models in terms of different measures

Figure 4:Result analysis of MOMBD-CDD model with different measures-I

Fig.6 illustrates the results of ROC analysis for MOMBD-CDD model on the applied test KDDCup99 dataset.From the figure,it is understood that the MOMBD-CDD model accomplished effective outcomes i.e.,maximum AUC of 0.97398323.

Figure 5:Result analysis of MOMBD-CDD model with different measures-II

Figure 6:ROC analysis of KDDCup99 dataset on MOMBD-CDD

Fig.7 demonstrates the results of ROC analysis for MOMBD-CDD model upon the applied test ECUE Spam Dataset.From the figure,it is understood that the MOMBD-CDD model gained proficient performance as the model produced high AUC of 0.932389937.

Figure 7:ROC analysis on ECUE spam dataset on MOMBD-CDD

Tab.4 and Fig.8 investigate the results of classification analysis of the MOMBD-CDD model upon applied KDDCup99 dataset [25].The table values denote that the Gradient Boosting technique achieved only the least accuracy of 84.30%.Besides,Naïve Bayesian model accomplished a slightly-increased accuracy of 89.60%.At the same time,Random Forest model obtained a moderate accuracy of 90.24%.Likewise,the OC-SVM and Gaussian Process models too demonstrated closer accuracy values of 91.80% and 91.10% respectively.Simultaneously,the DNN-SVM model exhibited a competitive accuracy of 92%.Among these,the MOMBD-CDD model accomplished effective outcomes with high accuracy of 97.45%.

Table 4:Performance comparison of the proposed method with recent methods on KDDCup99 dataset

Figure 8:Accuracy analysis of MOMBD-CDD model on KDDCup99 dataset

Tab.5 and Fig.9 examine the outcomes of classification analysis for MOMBD-CDD method upon the applied ECUE spam dataset [26-29].The table values correspond that the HELF technique resulted in minimum accuracy of 75%.Besides,the KNN model resulted in somewhat higher accuracy of 81.80%.At the same time,the Genetic algorithm model attained a moderate accuracy of 84%.In line with this,the Adaboost model also showcased an even better result with an accuracy of 87%.

Table 5:Performance evaluation of the proposed method with recent methods on ECUE spam dataset

Figure 9:The accuracy analysis of MOMBD-CDD model on ECUE spam dataset

Likewise,Naive Bayes and Flexible Bayes models also accomplished close accuracy values of 88.10% and 88.80% respectively.Simultaneously,CBT model exhibited a competitive accuracy value of 91.30%.At last,the MOMBD-CDD model accomplished the best effective results with high accuracy of 94.23%.From the above discussed results,it is evident that the MOMBD-CDD model accomplished superior results over other methods.

5 Conclusion

This research work proposed a novel MOMBD-CDD model for High-Dimensional Big Streaming Data.The presented MOMBD-CDD model has different operational stages namely,pre-processing,CDD,and classification.At first,online streaming big data was preprocessed to transform the raw streaming data into a compatible format.Then,the preprocessed data underwent class imbalance handling process with the help of SMOTE-GSO algorithm.Followed by,the CDD process was incorporated with the help of STEPD technique.Finally,the classification task was performed by Bi-LSTM model and further tuned by GSO algorithm to determine the hyperparameters.The model was extensively validated through experiments which confirmed that the proposed model can produce effective outcome.The presented MOMBD-CDD model attained high accuracies of 97.45% and 94.23% on the applied datasets i.e.,KDDCup99 Dataset and Spam dataset respectively.In future,the performance can be increased through clustering and feature selection techniques.

Funding Statement:The authors received no specific funding for this study.

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