Merge "This patch adds 2 research studies."
[thoth.git] / research-studies / ml-problems-techniques-nfv.md
diff --git a/research-studies/ml-problems-techniques-nfv.md b/research-studies/ml-problems-techniques-nfv.md
new file mode 100755 (executable)
index 0000000..63a4ba9
--- /dev/null
@@ -0,0 +1,66 @@
+# Machine Learning Problems and Techniques - State of Art\r
+\r
+| Work                                                                                                                                           | Methods/Algorithms                                                                                                                  | Data                                                                                                                                                                                                                      | Inferences                                                                                                                                                                                                                                                                                                                                                                                                                                                                               | Implementation Details (if any)                                                                                                                                                                                                                                                                          | Gaps (scope for novelty)                                                                                                                                                                                                                           |\r
+| ---------------------------------------------------------------------------------------------------------------------------------------------- | ----------------------------------------------------------------------------------------------------------------------------------- | ------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | ---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | -------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | -------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- |\r
+| Auto Scaling of Containers: the Impact of Relative and Absolute Metrics. (Emiliano Casalicchio, et al. 2017 \[5\])                             | Pearson Correlation                                                                                                                 | Metrics:   Relative CPU utilization,<br> Absolute CPU utilization.<br>Events:    CPU Intensive workload.                                                                                                                  | Pearson correlation is restricted to linear relationship between variables.<br><br>Time consuming method.<br><br>Unlike Pearson, Spearman's correlation is not restricted to linear relationships.                                                                                                                                                                                                                                                                                       |                                                                                                                                                                                                                                                                                                          | In Literature most of them have used Pearson correlation                                                                                                                                                                                           |\r
+| Correlating Events with Time Series for Incident Diagnosis.<br><br>(Chen Luo, et al,ACM- 2014 \[6\])                                           | Pearson Correlation,<br>J-Measure /correlation,                                                                                     | Metrics:  CPU usage,<br>                Memory Usage,<br>                Disk Transfer Rate.<br>Event:     CPU Intensive program,<br>                Memory Intensive program,<br>                Disk Intensive Program. |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| Event Correlation for Log Analysis in the Cloud<br>(Meera G, et al, IEEE-2016 \[7\])                                                           | Attribute-based correlation,<br>Conjunctive Correlation,<br>Disjunctive correlation.                                                | Logs from Openstack.                                                                                                                                                                                                      |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| Causality Inference for Failure in NFV<br>(Dan Kushnir, et al, IEEE-2016, \[8\])                                                               | Pearson Correlation.                                                                                                                | Host high CPU consumption.                                                                                                                                                                                                |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| A Fault Correlation approach to Detect Performance Anomalies in Virtual Network Function Chains<br>(Domenico Cotroneo, et al, IEEE-2017 \[9\]) | Pearson Correlation.                                                                                                                | Metrics:    CPU utilization,<br>                 Memory utilization.<br>Event:       Sudden Workload surges                                                                                                               |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| Event Correlation for Intrusion Detection Systems. 2015                                                                                        | Not Mentioned                                                                                                                       |                                                                                                                                                                                                                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| Correlating multiple Events and Data in an Ethernet Network 2017                                                                               |                                                                                                                                     |                                                                                                                                                                                                                           |\r
+| Grey System Correlation-based Feature Selection for Time Series Forecasting, 2018                                                              |                                                                                                                                     |                                                                                                                                                                                                                           |\r
+| An Outlier Detection Algorithm Based on Cross-Correlation Analysis for Time Series Dataset, 2018                                               | Pearsorson correlation                                                                                                              |                                                                                                                                                                                                                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| A Deep Learning Approach to VNF Resource Prediction using Correlation between VNFs NetSoft 2019                                                | Pearson Correlation,<br>J-Measure /correlation,                                                                                     | vnf, vCPU, vRAM, SFC History                                                                                                                                                                                              |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| Enhanced Network Anomaly Detection Based on Deep Neural Networks,2015                                                                          | k NN, Decision Tree, Autoencoders                                                                                                   | NSL-KDD                                                                                                                                                                                                                   |                                                                                                                                   SVM, DT, KNN, Random Forest algorithms are comonly used in the existing work. <br><br>Challenges: With high dimensions, difficult to estimate distributions & Building a training set with all anomalous traffic properly labelled is the main issue. Increasing Network Complexity, Model Scalability and Transferability and  Feature Extraction<br> |                                                                                                                                                                                                                                                                                                          | Many researchers have used machine learning techniques for network management. From the Literature survey it is found that machine learning techniques (classification)  have used to classify the network anomaly.                                |\r
+| Statistical-based Anomaly Detection for NFV Services<br>(Georgios Xilouris, et al , 2016-IEEE \[1\])                                           | Multivariate outlier detection methods-<br>Multiple Linear Regression,<br>Mahalanobis Distance.                                     | CPU load,<br>Memory Utilization,<br>Traffic Processed.                                                                                                                                                                    |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| Using Machine Learning to Detect Noisy Neighbours in 5G Networks.<br><br>(Udi Margolin, et al. 2016.\[4\])                                     | Classification method-<br>Support Vector Machine,<br>Random Forest.                                                                 | CPU Utilization of the server VM,<br>In-bound network traffic of the server VM,<br>Out-bound n/w traffic of the server VM,<br>CPU utilization of noisy neighbours.                                                        |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Anomaly Detection and Root Cause Localization in Virtual Network Functions 2016                                                                | Random Forest                                                                                                                       | IMS Clearwater: Cpu Consumption , Memeory Leaks , Anomalous number of disk access, Network Anomlay, Heavy Workload                                                                                                        |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          | RNN and LSTM are commonly used in the existing work. Proves that LSTM RNN can detect patterns of malicious traffic effieciently.                                                                                                                                                                         |\r
+| Towards Black-Box Anomaly Detection in Virtual Network Functions<br><br>(Carla Sauvanaud, et al. 2017-IEEE \[2\])                              | Classification method-<br>Random Forest                                                                                             | CPU Consumption, Misuse of Memory, Disk Access,<br>Packet Loss, Network Latency.                                                                                                                                          |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| Evaluating Machine Learning Algorithms for Anomaly Detection in Clouds.<br>(Anton Gulenko, et all. 2017-IEEE \[3\])                            | Classification methods-<br>Support Vector Machine,<br>Decision Trees,<br>Random Forest.                                             | CPU Utilization, RAM Utilization,<br>Hard Disk access in bytes and access time, Disk space per partition, Network utilization in bytes and packets, Number of Processes.                                                  |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| A multi-layer perceptron approach for flow-based anomaly detection,2017                                                                        | MLP-Multilayer perceptrons, J48                                                                                                     | KDD99 Dataset                                                                                                                                                                                                             | RNN and LSTM are commonly used in the existing work. Proves that LSTM RNN can detect patterns of malicious traffic effieciently.                                                                                                                                                                                                                                                                                                                                                         |                                                                                                                                                                                                                                                                                                          | Scope of Novelty: Most of the existing work uses the RNN techniques to classify the network anomaly.  There is a scope for implementing the new variant of LSTM and  encoder-decoder model to improvize the existing results in terms of accuracy. |\r
+| DeepLog: Anomaly Detection and Diagnosis from System Logs through Deep Learning, 2017                                                          | LSTM, RNN                                                                                                                           | HDFS log data set, OpenStack log data set                                                                                                                                                                                 | https://github.com/wuyifan18/DeepLog                                                                                                                                                                                                                                                                                                                                                                                                                                                     |\r
+| An Empirical Evaluation of Deep Learning for Network Anomaly Detection,2018                                                                    | Fully Connected Network (FCN), Variational AutoEncoder (VAE), and Long Short-Term Memory with Sequence to Sequence (LSTM Seq2Seq) s | NSL-KDD                                                                                                                                                                                                                   | [https://github.com/dcstamuc/NetworkAnomaly](https://github.com/dcstamuc/NetworkAnomaly)                                                                                                                                                                                                                                                                                                                                                                                                 | combintaion of CNN layer with LSTM can achive the good result. Since, CNN are good at feature extraction when compare to LSTM.                                                                                                                                                                           |\r
+| Self Adaptive Deep Learning Based System for Anomaly Detection in 5G network, 2018                                                             | SVM, Restricted Boltzman Machine,                                                                                                   | Publicaly available CTU dataset.                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Network Traffic Anomaly Detection Using Recurrent Neural Networks,2018                                                                         | RNN, LSTM                                                                                                                           | ISCX IDS dataset which contains seven days of network activity with normal traffic and four distinct attack patterns.                                                                                                     | [https://github.com/benradford/replication\_arxiv\_1803\_10769](https://github.com/benradford/replication_arxiv_1803_10769)                                                                                                                                                                                                                                                                                                                                                              | CNN  can extract effective features from the data, and   extracted features are given input of the LSTM to identify the temporal dependencies of the change of the postures during the instance sequence this method can effectively improve the accuracy.                                               |\r
+| Investigating Adversarial Attacks against Network Intrusion Detection Systems in SDNs. IEEE 2019                                               | Random Forest (RF) Support Vector Machine (SVM) Logistic Regression (LR) K-Nearest Neighbour (KNN)                                  | KDD99 Dataset                                                                                                                                                                                                             | [https://github.com/sdshayward/AdversarialSDN-Hydra](https://github.com/sdshayward/AdversarialSDN-Hydra)                                                                                                                                                                                                                                                                                                                                                                                 |                                                                                                                                                                                                                                                                                                          |\r
+| A Machine Learning based SLA-Aware VNF Anomaly Detection Method in Virtual Networks 2020                                                       | XGBoost, Distributed Random Forest                                                                                                  | VNFs in an OpenStack-based NFVI environmen                                                                                                                                                                                |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| HitAnomaly: Hierarchical Transformers for Anomaly Detection in System Log, 2020                                                                | Encoder-Decoder, LSTM                                                                                                               | experiments on three datasets: the HDFS dataset , the BGL dataset and the OpenStack dataset                                                                                                                               |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Proactive VNF Scaling with Heterogeneous Cloud Resources: Fusing Long Short-Term Memory Prediction and Cooperative Allocation. 2020            | LSTM, RNN                                                                                                                           | CPU, Memory                                                                                                                                                                                                               |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Anomaly detection for electricity<br>consumption in cloud computing:<br>framework, methods, applications, and<br>challenges, 2020              | Bayesian Network, SVM, KNN, DNN, RNN                                                                                                | Smart Grid Data                                                                                                                                                                                                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| An Accuracy Network Anomaly Detection Method Based on Ensemble Model, 2021                                                                     | Tree Based Models : Xgboost, LightGBM and Catboos                                                                                   |                                                                                                                                                                                                                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| ENAD: An Ensemble Framework for Unsupervised Network Anomaly Detection, 2021                                                                   | Autoencoders & GAN                                                                                                                  | Public Datasets:UNSW-NB15 and CICIDS2017                                                                                                                                                                                  |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Network Traffic Anomaly Detection Using Recurrent Neural Networks, 2021                                                                        | RNN, LSTM                                                                                                                           | ISCX IDS dataset which contains seven days of network activity with normal traffic and four distinct attack patterns.                                                                                                     | [https://github.com/benradford/replication\_arxiv\_1803\_10769](https://github.com/benradford/replication_arxiv_1803_10769)                                                                                                                                                                                                                                                                                                                                                              |                                                                                                                                                                                                                                                                                                          |\r
+| SymPerf: Predicting Network Function Performance Felix Rath, et al                                                                             | SVM, Decision Trees.                                                                                                                | CPU cycles.                                                                                                                                                                                                               | ARIMA model is used in the existing works and it is well suited for short term  time series forecasting.                                                  In ARIMA, the current value of the time series is expressed linearly in terms of its previous values.                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                    |\r
+| vNMF: Distributed Fault Detection using Clustering Approach for Network Function Virtualization : Masanori Miyazawa, et al 2015 \[10\]         | Clustering methods: K-Means, SOM (Self Organizing Map)                                                                              | Virtual & Physical Infra: CPU Usage, Memory Usage, Disk I/O, Network I/O(Throughput)                                                                                                                                      | For the long term data RNN and LSTM are well suited and many of the existing work uses LSTM for the forecasting.                                                                                                                                                                                                                                                                                                                                                                         |                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                    |\r
+| PreFix: Switch Failure Prediction in Data center Networks: YING LIU, et al                                                                     | Log based failure prediction methods: SKSVM, HSMM, PreFix.                                                                          | state changes of interfaces, configuration changes, powering down of devices, plugging in/out of a line card, operational maintenance.                                                                                    |  LSTM yields better results for long term modeling.                                                                                                                                                                                                                                                                                                                                                                                                                                      | [https://github.com/smallcowbaby/PreFix](https://github.com/smallcowbaby/PreFix)                                                                                                                                                                                                                         |                                                                                                                                                                                                                                                    |\r
+| Workload Prediction using ARIMA Model and its impact on Cloud Applications using QoS 2015                                                      | ARIMA                                                                                                                               | Real traces of requests to the web server from the wikimedia. Contains the number of http request received for each resources .                                                                                           | [https://github.com/AnjieCheng/Wikipedia-Workload-Prediction](https://github.com/AnjieCheng/Wikipedia-Workload-Prediction)                                                                                                                                                                                                                                                                                                                                                               | Scope of Novelty: Most of the work done with the use of RNN techniques. We should develop novel model which will perform better when comare to the existing work with respect to accuracy.   We can implement the  new variant of LSTM model along with the transformer technique (attention) mechanism. |\r
+| Predicting network attack patterns in SDN using machine learning approach. IEEE 2016                                                           | Bayesian Network, NaiveBayes, Decision Tree                                                                                         | Public Dataset "LongTail" - SSH brute force attacks.                                                                                                                                                                      | [https://github.com/Adildangui/CN2-Project](https://github.com/Adildangui/CN2-Project)                                                                                                                                                                                                                                                                                                                                                                                                   |                                                                                                                                                                                                                                                                                                          |\r
+| Research on the prediction model of cpu utilization based on ARIMA-BP Neural Network . 2016                                                    | ARIMA, Back Propagation Neural Network.                                                                                             | Cpu metrics                                                                                                                                                                                                               |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          | CAB-LSTM: Failure Prediction Analysis using Correlation Attention Based LSTM                                                                                                                                                                                                                             |\r
+| Forecasting and anticpating SLO Breaches in Programmable Networks , IEEE 2017                                                                  |  RNN, LSTM                                                                                                                          | IMS Clearwater VNF's data,( Ellis, Bono, Homer, Ralf)                                                                                                                                                                     | [https://github.com/heekof/Forecasting-ANN](https://github.com/heekof/Forecasting-ANN)                                                                                                                                                                                                                                                                                                                                                                                                   |                                                                                                                                                                                                                                                                                                          |\r
+| Forecasting and anticpating SLO Breaches in Programmable Networks , IEEE 2017                                                                  | Correlation acrros VPEs, LSTM, Autoencoder                                                                                          | Network Trouble Tickets and VNF syslogs collected from 38 vPEs.(Virtualized Provider Edge Router)                                                                                                                         |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Deep Learning based Link Failure Mitigation,2017                                                                                               | RNN, LSTM                                                                                                                           |                                                                                                                                                                                                                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Automated IT System Failure Prediction: A deep Learning Approach, 2018                                                                         | TF-IDF, RNN, LSTM                                                                                                                   | Data set collected from two large enterprise: A web server cluster (WSC) and a mailers server cluster (MSC)                                                                                                               |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| RNN based traffic prediction for pro-active scaling of the AMF.2018                                                                            | DNN, RNN-LSTM                                                                                                                       |                                                                                                                                                                                                                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| A RNN LSTM based predictive autoscaling approach on private cloud.2018.                                                                        | RNN, LSTM                                                                                                                           | openstack Environment:  VMs CPU and RAM utilization.                                                                                                                                                                      |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Cellular Traffic Prediction and Classification: a comparative evaluation of LSTM and ARIMA,2019                                                | ARIMA, LSTM                                                                                                                         | i) time of packet arrival/departure, ii) packet length, iii) whether the packet is uplink or downlink, iv) the source IP address, v) the destination IP address, vi) the communication protocol                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| DeepCog: Cognitive Network Management in Sliced 5G Networks with Deep Learning,2018                                                            | Encoder-Decoder,                                                                                                                    | service name, serivce class, traffic %                                                                                                                                                                                    | [https://github.com/wnlUc3m/deepcog](https://github.com/wnlUc3m/deepcog/blob/master/DeepCog.ipynb)                                                                                                                                                                                                                                                                                                                                                                                       |                                                                                                                                                                                                                                                                                                          |\r
+| Predicting Computer Network Traffic: A Time Series Forecasting Approach Using DWT, ARIMA and RNN, 2018                                         | DWT, ARIMA and RNN                                                                                                                  | Dataset consists of internet<br>traffic (in bits) as recorded by an ISP and it corresponds to<br>transatlantic link.                                                                                                      |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Network Traffic Prediction based on Diffusion Convolutional Recurrent Neural Networks,2019                                                     | Diffusion Convolutional Recurrent Neural Network (DCRNN), CNN, LSTM                                                                 | Backbone Abilene network,                                                                                                                                                                                                 |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Interactive Temporal Recurrent Convolution Network for Traffic Prediction in Data Centers,2018                                                 | ARIMA, GRU, CNN                                                                                                                     | Yahoo! production workloads to test the effectiveness of different models.                                                                                                                                                |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| ST-TrafficNet: A Spatial-Temporal Deep Learning Network for Traffic Forecasting, 2020                                                          | ARIMA, LSTM, Transorfmers                                                                                                           | real-world large-scale benchmark dataset- ST-TrafficNet                                                                                                                                                                   |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Machine Learning for Performance-Aware Virtual Network Function Placement. 2020                                                                | Decision Tree, CART (Classification and Regression Tree), BACON                                                                     | Evolved Packet Core (EPC)                                                                                                                                                                                                 |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |  Many of the existing work uses Linear integer programming and SVR techniques for resource allocation.  Markov Decision Process and Q Learning are also widely used in the Liteteraure.                                                            |\r
+| Machine learning-driven Scaling and Placement of Virtual Network Functions at the Network Edges, 2019                                          | Multilayer Perceptron (MLP)                                                                                                         | The dataset utilized in this work is generated from a commercial MNO in Armenia by monitoring the mobile network traffic load on 6 LTE base stations,                                                                     |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |\r
+| Optimal VNF Placement via Deep Reinforcement Learning in SDN/NFV-Enabled Networks. 2019                                                        | MDP, Markov Decision Process                                                                                                        |                                                                                                                                                                                                                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          | https://github.com/AlbertoCastelo/resource-allocation-opt https://github.com/MarouenMechtri/algorithms                                                                                                                                                                                                   | In RL , agent learns to make decisions through rewards or penalties received as a result by executing one or more actions.                                                                                                                         |\r
+| Combining Deep Reinforcement Learning With Graph Neural Networks for Optimal VNF Placement,2020                                                | Deep Reinforcement Learning (DRL)                                                                                                   | The Reject Ratio of SFC Requests,Influence of Topology Change,Time Consumption                                                                                                                                            | Integer linear programming (ILP) used in some of the existing work . Machine learing models like SVM , Decision Tree and Q-Learning used in the literature.                                                                                                                                                                                                                                                                                                                              |                                                                                                                                                                                                                                                                                                          |  Learning from past experiences is a valuable ability to adapt to variations in the environment (i.e. variation in traffic type, network configuration, etc.)                                                                                      |\r
+| COLAP: A predictive framework for service function chain placement in a multi-cloud environment, 2018                                          | Support Vector Regression, Random Search                                                                                            | Integrated capacity, vCPUs, Memory, Storage                                                                                                                                                                               | https://github.com/MarouenMechtri/algorithms                                                                                                                                                                                                                                                                                                                                                                                                                                             |                                                                                                                                                                                                                                                                                                          |\r
+| End-to-End Performance-Based Autonomous VNF Placement With Adopted Reinforcement Learning, 2020                                                | MDP, Markov Decision Process                                                                                                        | Normalized cpu load, memmory utilization, number of core, bandwidth of link, network utilization, latency b/w two nodes, packet loss b/w nodes, jitter b/w nodes.                                                         |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          | [https://github.com/CN-UPB/NFVdeep                  ](https://github.com/CN-UPB/NFVdeep)                                                                                                                                                                                                                 | There is scope for developing the model based on Reinforcement Learning that can minimze cost  and aslo impoves the VNF placement.                                                                                                                 |\r
+| Deep Q-Learning for Dynamic Reliability Aware NFV-Based Service Provisioning,2019                                                              | Q-Learning, Deep Q-Learning                                                                                                         |                                                                                                                                                                                                                           |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          | https://github.com/farismismar/Deep-Q-Learning-SON-Perf-Improvement                                                                                                                                                                                                                                      |                                                                                                                                                                                                                                                    |\r
+| Machine Learning Based Method for Predictions of Virtual Network Function Resource Demands, NetSoft 2019                                       | LSTM                                                                                                                                | CPU , Memory, Disk, SFC type, SFC History,                                                                                                                                                                                | RNN and LSTM models are commonly used in existing work                                                                                                                                                                                                                                                                                                                                                                                                                                   | https://github.com/CN-UPB/ml-for-resource-allocation/blob/master/README.md                                                                                                                                                                                                                               |                                                                                                                                                                                                                                                    |\r
+| Novel Approaches for VNF Requirement Prediction using DNN and LSTM,2019                                                                        | DNN, LSTM, Bi-LSTM, CNN-LSTM                                                                                                        | Internet Traffic Data Sample, Time, Traffic, Time Stamp                                                                                                                                                                   |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| A  long short term memory recurrent neural network framework for Network Traffic Matrix Prediction, 2017                                       | RNN, LSTM                                                                                                                           | Real Data from GEANT Network                                                                                                                                                                                              |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| NeuTM: A Neural Network Based Framework for Traffic Matric Prediction in SDN,2017                                                              | RNN, LSTM                                                                                                                           | Real Data from GEANT Network                                                                                                                                                                                              |                                                                                                                                                                                                                                                                                                                                                                                                                                                                                          |                                                                                                                                                                                                                                                                                                          |\r
+| Data Synthesis based on Generative Adversarial Networks, 2018                                                                                  | GAN                                                                                                                                 | Time series Text Data                                                                                                                                                                                                     | Generative Adversary Network and LSTM are used in Existing work                                                                                                                                                                                                                                                                                                                                                                                                                          | https://github.com/mahmoodm2/tableGAN                                                                                                                                                                                                                                                                    | Most of the data generation is done for images and videos. There is  a huge scope for generating synthetic time series data using GAN.                                                                                                             |\r
+| Efficient GAN based Anomaly Detection, 2018                                                                                                    | GAN                                                                                                                                 | Time Series Data, KDD Data                                                                                                                                                                                                | https://github.com/houssamzenati/Efficient-GAN-Anomaly-Detection                                                                                                                                                                                                                                                                                                                                                                                                                         |\r
+| Text Generation With LSTM Recurrent Neural Networks in Python with Keras, 2019                                                                 | LSTM                                                                                                                                | KDD Dataset                                                                                                                                                                                                               | https://www.tensorflow.org/text/tutorials/text\_generation                                                                                                                                                                                                                                                                                                                                                                                                                               |\r
+| Prediction Method of Multiple Related Time Series Based on Generative Adversarial Networks                                                     | GRU, LSTM, SVR, MTSGAN                                                                                                              | Web Traffic Dataset, NOAA China Dataset                                                                                                                                                                                   | https://github.com/Luoyonghong/Multivariate-Time-Series-Imputation-with-Generative-Adversarial-Networks                                                                                                                                                                                                                                                                                                                                                                                  |
\ No newline at end of file