SlideShare ist ein Scribd-Unternehmen logo
1 von 17
Under the guidance of
Mrs.Thamizhisai
Assistant Professor
Department of CSE
RAAKCET.
DETECTION OF ANDROID MALWARES USING
RECURRENT NEURAL NETWORKS
TEAM MEMBERS REGISTER NUMBER
K.Kaviarasan 19TD1515
P.Nambiraju 19TD1521
B.Praisen 19TD1524
A.Praveen kumar 19TD1525
2
OBJECTIVE OF THE PROJECT
 Title: Detection of Android Malwares using RNN
 The main goal of this project is to develop an efficient
deep learning model to detect the android malwares from
the genuine files.
3
DOMAIN OF THE PROJECT
 Domain: Deep Learning
 Explanation: Deep learning is a class of machine learning
algorithms that uses multiple layers to progressively
extract higher-level features from the raw input.
4
DOMAIN OF THE PROJECT
 It is extremely beneficial to data scientists
 Deep learning makes this process faster and easier.
 Deep Learning can apply to the complex problems
Normalizatio
n
Training and Testing
Preprocessin
g
Normal
Optimizer
Dropout
LSTM and GRU Cell Units
Max Pooling
Activation Function
Epochs
Learning Rate
Classificatio
n
Hyperparameter
Settings
Attack
Loading Dataset
ARCHITECTURE
DIAGRAM OF
PROPOSED SYSTEM
EXPLANATION
Preprocessing
 Data preprocessing is required tasks for cleaning the data and making it
suitable which also increases the efficiency of a machine/deep learning
model.
 Getting the dataset
 Importing libraries
 Importing datasets
 Finding Missing Data
 Encoding Categorical Data
Normalization
 Normalization is to change the values of numeric columns in the dataset to
use a common scale.
EXPLANATION
Splitting the Dataset into the Training set and Test set
 In machine/deep learning data preprocessing, we divide our dataset into a
training set and test set.
 Training Set: A subset of dataset to train the machine learning model, and
we already know the output.
 Test set: A subset of dataset to test the machine learning model, and by
using the test set, model predicts the output.
8
ALGORITHM&TECHNIQUES
 FCBF (Fast correlation based filter) is a multivariate feature selection
algorithm used in proposed system
 A recurrent neural network (RNN) is a class of artificial neural
networks used in proposed system
 Models under the Recurrent Neural Network are:
 Long Short Term Memory (LSTM)
 Gated Recurrent Unit (GRU)
9
ALGORITHM&TECHNIQUES
LONG SHORT TERM MEMORY (LSTM)
 LSTM is a kind of recurrent neural network (RNN) design applied in
deep learning field.
 LSTM has feedback connection that is unrelated to standard feed
forward neural networks.
10
ALGORITHM&TECHNIQUES
GATED RECURRENT UNIT (GRU)
 GRU is a type of deep learning algorithm that is enhanced from the
LSTM algorithm to minimize the complication of the algorithm by
using update gate and reset gate.
 The update gate is used to regulate hidden state volume to be
forwarded to the next state.
11
ADVANTAGES OF PROPOSED SYSTEM
 The project is expected to show better results by implementing
Recurrent Neural Networks (RNN) and FCBF.
 It Improves the Runtime and provide better result than existing
system.
12
ADVANTAGES OF PROPOSED SYSTEM
 In this existing model, a fast Android malware detection
framework (FAMD), which slows the runtime of the
software.
 The proposed method can achieve an accuracy of 99%
and an F1-score of 98%.
HYPERPARAMETER SETTINGS
Optimizer
 The role of the optimizer is to improve the accuracy of the model by
reducing the error rate.
Eg. Adam, SGD, Adagrad
Dropout
 Dropout are generally used to reduce the complexity between the links
present in the fully connected dense layer.
 It is a user dependent variable which take the input value from 0 to 1.
Epoch
 The training method is repeated number of times is known as the epoch.
Depends on the training data, the number of epochs are considered.
HYPERPARAMETER SETTINGS
LSTM and GRU Units
 The number of LSTM and GRU units is the number of memory cells in the
LSTM and GRU network.
 It denotes the capable of remembering the facts and matches it with the past
evidence.
 The information in the memory units are moved further in the following
time step for the further training.
Max Pooling
 Max pooling is a pooling operation that selects the maximum element from
the region of the feature map covered by the filter. Thus, the output after
max-pooling layer would be a feature map containing the most prominent
features of the previous feature map.
HYPERPARAMETER SETTINGS
Activation Function
 At the output layer, an activation function is used to decide the probability
of the message.
Eg. ReLU, Tanh, Sigmoid.
Learning Rate
 Learning rate is a tuning parameter in an optimization algorithm that
determines the step size at each iteration while moving toward a minimum
of a loss function.
16
SYSTEM REQUIREMENTS
HARDWARE REQUIREMENTS
Processor Intel Core i3 7th Generation
RAM 8 GB
Memory 64 GB
SOFTWARE REQUIREMENTS
Language Python 3.5
Library Tensorflow 2.1.0
Keras 2.2.4
IDE Google Colaboratory
17
THANK YOU

Weitere ähnliche Inhalte

Ähnlich wie Android Malware

CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...rinzindorjej
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...rinzindorjej
 
Algorithm selection for sorting in embedded and mobile systems
Algorithm selection for sorting in embedded and mobile systemsAlgorithm selection for sorting in embedded and mobile systems
Algorithm selection for sorting in embedded and mobile systemsJigisha Aryya
 
RNN ARCHITECTURES: LSTM and GRU WITH TENSORFLOW BACKEND
RNN ARCHITECTURES: LSTM and GRU WITH TENSORFLOW BACKENDRNN ARCHITECTURES: LSTM and GRU WITH TENSORFLOW BACKEND
RNN ARCHITECTURES: LSTM and GRU WITH TENSORFLOW BACKENDPeachy Essay
 
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0A study of Machine Learning approach for Predictive Maintenance in Industry 4.0
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0Mohsen Sadok
 
Hardback solution to accelerate multimedia computation through mgp in cmp
Hardback solution to accelerate multimedia computation through mgp in cmpHardback solution to accelerate multimedia computation through mgp in cmp
Hardback solution to accelerate multimedia computation through mgp in cmpeSAT Publishing House
 
Real Time Condition Monitoring of Power Plant through DNP3 Protocol
Real Time Condition Monitoring of Power Plant through DNP3 ProtocolReal Time Condition Monitoring of Power Plant through DNP3 Protocol
Real Time Condition Monitoring of Power Plant through DNP3 ProtocolIJRES Journal
 
Tamil Character Recognition based on Back Propagation Neural Networks
Tamil Character Recognition based on Back Propagation Neural NetworksTamil Character Recognition based on Back Propagation Neural Networks
Tamil Character Recognition based on Back Propagation Neural NetworksDR.P.S.JAGADEESH KUMAR
 
IRJET- Stock Market Cost Forecasting by Recurrent Neural Network on Long Shor...
IRJET- Stock Market Cost Forecasting by Recurrent Neural Network on Long Shor...IRJET- Stock Market Cost Forecasting by Recurrent Neural Network on Long Shor...
IRJET- Stock Market Cost Forecasting by Recurrent Neural Network on Long Shor...IRJET Journal
 
Neural network based numerical digits recognization using nnt in matlab
Neural network based numerical digits recognization using nnt in matlabNeural network based numerical digits recognization using nnt in matlab
Neural network based numerical digits recognization using nnt in matlabijcses
 
STOCK MARKET PREDICTION USING NEURAL NETWORKS
STOCK MARKET PREDICTION USING NEURAL NETWORKSSTOCK MARKET PREDICTION USING NEURAL NETWORKS
STOCK MARKET PREDICTION USING NEURAL NETWORKSIRJET Journal
 
Enhanced transformer long short-term memory framework for datastream prediction
Enhanced transformer long short-term memory framework for datastream predictionEnhanced transformer long short-term memory framework for datastream prediction
Enhanced transformer long short-term memory framework for datastream predictionIJECEIAES
 
Foundation of Generative AI: Study Materials Connecting the Dots by Delving i...
Foundation of Generative AI: Study Materials Connecting the Dots by Delving i...Foundation of Generative AI: Study Materials Connecting the Dots by Delving i...
Foundation of Generative AI: Study Materials Connecting the Dots by Delving i...Fordham University
 
Survey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsSurvey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsIRJET Journal
 
A Hybrid Deep Neural Network Model For Time Series Forecasting
A Hybrid Deep Neural Network Model For Time Series ForecastingA Hybrid Deep Neural Network Model For Time Series Forecasting
A Hybrid Deep Neural Network Model For Time Series ForecastingMartha Brown
 
IRJET- Python Libraries and Packages for Deep Learning-A Survey
IRJET-  	  Python Libraries and Packages for Deep Learning-A SurveyIRJET-  	  Python Libraries and Packages for Deep Learning-A Survey
IRJET- Python Libraries and Packages for Deep Learning-A SurveyIRJET Journal
 
Extended pso algorithm for improvement problems k means clustering algorithm
Extended pso algorithm for improvement problems k means clustering algorithmExtended pso algorithm for improvement problems k means clustering algorithm
Extended pso algorithm for improvement problems k means clustering algorithmIJMIT JOURNAL
 

Ähnlich wie Android Malware (20)

Et25897899
Et25897899Et25897899
Et25897899
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
 
6119ijcsitce01
6119ijcsitce016119ijcsitce01
6119ijcsitce01
 
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
 
Deep learning
Deep learningDeep learning
Deep learning
 
Algorithm selection for sorting in embedded and mobile systems
Algorithm selection for sorting in embedded and mobile systemsAlgorithm selection for sorting in embedded and mobile systems
Algorithm selection for sorting in embedded and mobile systems
 
RNN ARCHITECTURES: LSTM and GRU WITH TENSORFLOW BACKEND
RNN ARCHITECTURES: LSTM and GRU WITH TENSORFLOW BACKENDRNN ARCHITECTURES: LSTM and GRU WITH TENSORFLOW BACKEND
RNN ARCHITECTURES: LSTM and GRU WITH TENSORFLOW BACKEND
 
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0A study of Machine Learning approach for Predictive Maintenance in Industry 4.0
A study of Machine Learning approach for Predictive Maintenance in Industry 4.0
 
Hardback solution to accelerate multimedia computation through mgp in cmp
Hardback solution to accelerate multimedia computation through mgp in cmpHardback solution to accelerate multimedia computation through mgp in cmp
Hardback solution to accelerate multimedia computation through mgp in cmp
 
Real Time Condition Monitoring of Power Plant through DNP3 Protocol
Real Time Condition Monitoring of Power Plant through DNP3 ProtocolReal Time Condition Monitoring of Power Plant through DNP3 Protocol
Real Time Condition Monitoring of Power Plant through DNP3 Protocol
 
Tamil Character Recognition based on Back Propagation Neural Networks
Tamil Character Recognition based on Back Propagation Neural NetworksTamil Character Recognition based on Back Propagation Neural Networks
Tamil Character Recognition based on Back Propagation Neural Networks
 
IRJET- Stock Market Cost Forecasting by Recurrent Neural Network on Long Shor...
IRJET- Stock Market Cost Forecasting by Recurrent Neural Network on Long Shor...IRJET- Stock Market Cost Forecasting by Recurrent Neural Network on Long Shor...
IRJET- Stock Market Cost Forecasting by Recurrent Neural Network on Long Shor...
 
Neural network based numerical digits recognization using nnt in matlab
Neural network based numerical digits recognization using nnt in matlabNeural network based numerical digits recognization using nnt in matlab
Neural network based numerical digits recognization using nnt in matlab
 
STOCK MARKET PREDICTION USING NEURAL NETWORKS
STOCK MARKET PREDICTION USING NEURAL NETWORKSSTOCK MARKET PREDICTION USING NEURAL NETWORKS
STOCK MARKET PREDICTION USING NEURAL NETWORKS
 
Enhanced transformer long short-term memory framework for datastream prediction
Enhanced transformer long short-term memory framework for datastream predictionEnhanced transformer long short-term memory framework for datastream prediction
Enhanced transformer long short-term memory framework for datastream prediction
 
Foundation of Generative AI: Study Materials Connecting the Dots by Delving i...
Foundation of Generative AI: Study Materials Connecting the Dots by Delving i...Foundation of Generative AI: Study Materials Connecting the Dots by Delving i...
Foundation of Generative AI: Study Materials Connecting the Dots by Delving i...
 
Survey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsSurvey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique Algorithms
 
A Hybrid Deep Neural Network Model For Time Series Forecasting
A Hybrid Deep Neural Network Model For Time Series ForecastingA Hybrid Deep Neural Network Model For Time Series Forecasting
A Hybrid Deep Neural Network Model For Time Series Forecasting
 
IRJET- Python Libraries and Packages for Deep Learning-A Survey
IRJET-  	  Python Libraries and Packages for Deep Learning-A SurveyIRJET-  	  Python Libraries and Packages for Deep Learning-A Survey
IRJET- Python Libraries and Packages for Deep Learning-A Survey
 
Extended pso algorithm for improvement problems k means clustering algorithm
Extended pso algorithm for improvement problems k means clustering algorithmExtended pso algorithm for improvement problems k means clustering algorithm
Extended pso algorithm for improvement problems k means clustering algorithm
 

Kürzlich hochgeladen

ROLES IN A STAGE PRODUCTION in arts.pptx
ROLES IN A STAGE PRODUCTION in arts.pptxROLES IN A STAGE PRODUCTION in arts.pptx
ROLES IN A STAGE PRODUCTION in arts.pptxVanesaIglesias10
 
Oppenheimer Film Discussion for Philosophy and Film
Oppenheimer Film Discussion for Philosophy and FilmOppenheimer Film Discussion for Philosophy and Film
Oppenheimer Film Discussion for Philosophy and FilmStan Meyer
 
Presentation Activity 2. Unit 3 transv.pptx
Presentation Activity 2. Unit 3 transv.pptxPresentation Activity 2. Unit 3 transv.pptx
Presentation Activity 2. Unit 3 transv.pptxRosabel UA
 
Concurrency Control in Database Management system
Concurrency Control in Database Management systemConcurrency Control in Database Management system
Concurrency Control in Database Management systemChristalin Nelson
 
Influencing policy (training slides from Fast Track Impact)
Influencing policy (training slides from Fast Track Impact)Influencing policy (training slides from Fast Track Impact)
Influencing policy (training slides from Fast Track Impact)Mark Reed
 
Textual Evidence in Reading and Writing of SHS
Textual Evidence in Reading and Writing of SHSTextual Evidence in Reading and Writing of SHS
Textual Evidence in Reading and Writing of SHSMae Pangan
 
ANG SEKTOR NG agrikultura.pptx QUARTER 4
ANG SEKTOR NG agrikultura.pptx QUARTER 4ANG SEKTOR NG agrikultura.pptx QUARTER 4
ANG SEKTOR NG agrikultura.pptx QUARTER 4MiaBumagat1
 
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17Celine George
 
TEACHER REFLECTION FORM (NEW SET........).docx
TEACHER REFLECTION FORM (NEW SET........).docxTEACHER REFLECTION FORM (NEW SET........).docx
TEACHER REFLECTION FORM (NEW SET........).docxruthvilladarez
 
Daily Lesson Plan in Mathematics Quarter 4
Daily Lesson Plan in Mathematics Quarter 4Daily Lesson Plan in Mathematics Quarter 4
Daily Lesson Plan in Mathematics Quarter 4JOYLYNSAMANIEGO
 
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxINTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxHumphrey A Beña
 
4.16.24 21st Century Movements for Black Lives.pptx
4.16.24 21st Century Movements for Black Lives.pptx4.16.24 21st Century Movements for Black Lives.pptx
4.16.24 21st Century Movements for Black Lives.pptxmary850239
 
How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17Celine George
 
The Contemporary World: The Globalization of World Politics
The Contemporary World: The Globalization of World PoliticsThe Contemporary World: The Globalization of World Politics
The Contemporary World: The Globalization of World PoliticsRommel Regala
 
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...Nguyen Thanh Tu Collection
 
ClimART Action | eTwinning Project
ClimART Action    |    eTwinning ProjectClimART Action    |    eTwinning Project
ClimART Action | eTwinning Projectjordimapav
 
Integumentary System SMP B. Pharm Sem I.ppt
Integumentary System SMP B. Pharm Sem I.pptIntegumentary System SMP B. Pharm Sem I.ppt
Integumentary System SMP B. Pharm Sem I.pptshraddhaparab530
 

Kürzlich hochgeladen (20)

ROLES IN A STAGE PRODUCTION in arts.pptx
ROLES IN A STAGE PRODUCTION in arts.pptxROLES IN A STAGE PRODUCTION in arts.pptx
ROLES IN A STAGE PRODUCTION in arts.pptx
 
Oppenheimer Film Discussion for Philosophy and Film
Oppenheimer Film Discussion for Philosophy and FilmOppenheimer Film Discussion for Philosophy and Film
Oppenheimer Film Discussion for Philosophy and Film
 
Presentation Activity 2. Unit 3 transv.pptx
Presentation Activity 2. Unit 3 transv.pptxPresentation Activity 2. Unit 3 transv.pptx
Presentation Activity 2. Unit 3 transv.pptx
 
Concurrency Control in Database Management system
Concurrency Control in Database Management systemConcurrency Control in Database Management system
Concurrency Control in Database Management system
 
Influencing policy (training slides from Fast Track Impact)
Influencing policy (training slides from Fast Track Impact)Influencing policy (training slides from Fast Track Impact)
Influencing policy (training slides from Fast Track Impact)
 
Textual Evidence in Reading and Writing of SHS
Textual Evidence in Reading and Writing of SHSTextual Evidence in Reading and Writing of SHS
Textual Evidence in Reading and Writing of SHS
 
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptxFINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
 
ANG SEKTOR NG agrikultura.pptx QUARTER 4
ANG SEKTOR NG agrikultura.pptx QUARTER 4ANG SEKTOR NG agrikultura.pptx QUARTER 4
ANG SEKTOR NG agrikultura.pptx QUARTER 4
 
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
 
TEACHER REFLECTION FORM (NEW SET........).docx
TEACHER REFLECTION FORM (NEW SET........).docxTEACHER REFLECTION FORM (NEW SET........).docx
TEACHER REFLECTION FORM (NEW SET........).docx
 
INCLUSIVE EDUCATION PRACTICES FOR TEACHERS AND TRAINERS.pptx
INCLUSIVE EDUCATION PRACTICES FOR TEACHERS AND TRAINERS.pptxINCLUSIVE EDUCATION PRACTICES FOR TEACHERS AND TRAINERS.pptx
INCLUSIVE EDUCATION PRACTICES FOR TEACHERS AND TRAINERS.pptx
 
Daily Lesson Plan in Mathematics Quarter 4
Daily Lesson Plan in Mathematics Quarter 4Daily Lesson Plan in Mathematics Quarter 4
Daily Lesson Plan in Mathematics Quarter 4
 
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxINTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
 
4.16.24 21st Century Movements for Black Lives.pptx
4.16.24 21st Century Movements for Black Lives.pptx4.16.24 21st Century Movements for Black Lives.pptx
4.16.24 21st Century Movements for Black Lives.pptx
 
How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17
 
The Contemporary World: The Globalization of World Politics
The Contemporary World: The Globalization of World PoliticsThe Contemporary World: The Globalization of World Politics
The Contemporary World: The Globalization of World Politics
 
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
 
ClimART Action | eTwinning Project
ClimART Action    |    eTwinning ProjectClimART Action    |    eTwinning Project
ClimART Action | eTwinning Project
 
YOUVE GOT EMAIL_FINALS_EL_DORADO_2024.pptx
YOUVE GOT EMAIL_FINALS_EL_DORADO_2024.pptxYOUVE GOT EMAIL_FINALS_EL_DORADO_2024.pptx
YOUVE GOT EMAIL_FINALS_EL_DORADO_2024.pptx
 
Integumentary System SMP B. Pharm Sem I.ppt
Integumentary System SMP B. Pharm Sem I.pptIntegumentary System SMP B. Pharm Sem I.ppt
Integumentary System SMP B. Pharm Sem I.ppt
 

Android Malware

  • 1. Under the guidance of Mrs.Thamizhisai Assistant Professor Department of CSE RAAKCET. DETECTION OF ANDROID MALWARES USING RECURRENT NEURAL NETWORKS TEAM MEMBERS REGISTER NUMBER K.Kaviarasan 19TD1515 P.Nambiraju 19TD1521 B.Praisen 19TD1524 A.Praveen kumar 19TD1525
  • 2. 2 OBJECTIVE OF THE PROJECT  Title: Detection of Android Malwares using RNN  The main goal of this project is to develop an efficient deep learning model to detect the android malwares from the genuine files.
  • 3. 3 DOMAIN OF THE PROJECT  Domain: Deep Learning  Explanation: Deep learning is a class of machine learning algorithms that uses multiple layers to progressively extract higher-level features from the raw input.
  • 4. 4 DOMAIN OF THE PROJECT  It is extremely beneficial to data scientists  Deep learning makes this process faster and easier.  Deep Learning can apply to the complex problems
  • 5. Normalizatio n Training and Testing Preprocessin g Normal Optimizer Dropout LSTM and GRU Cell Units Max Pooling Activation Function Epochs Learning Rate Classificatio n Hyperparameter Settings Attack Loading Dataset ARCHITECTURE DIAGRAM OF PROPOSED SYSTEM
  • 6. EXPLANATION Preprocessing  Data preprocessing is required tasks for cleaning the data and making it suitable which also increases the efficiency of a machine/deep learning model.  Getting the dataset  Importing libraries  Importing datasets  Finding Missing Data  Encoding Categorical Data Normalization  Normalization is to change the values of numeric columns in the dataset to use a common scale.
  • 7. EXPLANATION Splitting the Dataset into the Training set and Test set  In machine/deep learning data preprocessing, we divide our dataset into a training set and test set.  Training Set: A subset of dataset to train the machine learning model, and we already know the output.  Test set: A subset of dataset to test the machine learning model, and by using the test set, model predicts the output.
  • 8. 8 ALGORITHM&TECHNIQUES  FCBF (Fast correlation based filter) is a multivariate feature selection algorithm used in proposed system  A recurrent neural network (RNN) is a class of artificial neural networks used in proposed system  Models under the Recurrent Neural Network are:  Long Short Term Memory (LSTM)  Gated Recurrent Unit (GRU)
  • 9. 9 ALGORITHM&TECHNIQUES LONG SHORT TERM MEMORY (LSTM)  LSTM is a kind of recurrent neural network (RNN) design applied in deep learning field.  LSTM has feedback connection that is unrelated to standard feed forward neural networks.
  • 10. 10 ALGORITHM&TECHNIQUES GATED RECURRENT UNIT (GRU)  GRU is a type of deep learning algorithm that is enhanced from the LSTM algorithm to minimize the complication of the algorithm by using update gate and reset gate.  The update gate is used to regulate hidden state volume to be forwarded to the next state.
  • 11. 11 ADVANTAGES OF PROPOSED SYSTEM  The project is expected to show better results by implementing Recurrent Neural Networks (RNN) and FCBF.  It Improves the Runtime and provide better result than existing system.
  • 12. 12 ADVANTAGES OF PROPOSED SYSTEM  In this existing model, a fast Android malware detection framework (FAMD), which slows the runtime of the software.  The proposed method can achieve an accuracy of 99% and an F1-score of 98%.
  • 13. HYPERPARAMETER SETTINGS Optimizer  The role of the optimizer is to improve the accuracy of the model by reducing the error rate. Eg. Adam, SGD, Adagrad Dropout  Dropout are generally used to reduce the complexity between the links present in the fully connected dense layer.  It is a user dependent variable which take the input value from 0 to 1. Epoch  The training method is repeated number of times is known as the epoch. Depends on the training data, the number of epochs are considered.
  • 14. HYPERPARAMETER SETTINGS LSTM and GRU Units  The number of LSTM and GRU units is the number of memory cells in the LSTM and GRU network.  It denotes the capable of remembering the facts and matches it with the past evidence.  The information in the memory units are moved further in the following time step for the further training. Max Pooling  Max pooling is a pooling operation that selects the maximum element from the region of the feature map covered by the filter. Thus, the output after max-pooling layer would be a feature map containing the most prominent features of the previous feature map.
  • 15. HYPERPARAMETER SETTINGS Activation Function  At the output layer, an activation function is used to decide the probability of the message. Eg. ReLU, Tanh, Sigmoid. Learning Rate  Learning rate is a tuning parameter in an optimization algorithm that determines the step size at each iteration while moving toward a minimum of a loss function.
  • 16. 16 SYSTEM REQUIREMENTS HARDWARE REQUIREMENTS Processor Intel Core i3 7th Generation RAM 8 GB Memory 64 GB SOFTWARE REQUIREMENTS Language Python 3.5 Library Tensorflow 2.1.0 Keras 2.2.4 IDE Google Colaboratory