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

    Outsmarting Android Malware with Cutting-Edge Feature Engineering and Machine Learning Techniques

    2024-05-25 14:40:20AhsanWajahatJingshaHeNafeiZhuTariqMahmoodTanzilaSabaAmjadRehmanKhanandFatenAlamri
    Computers Materials&Continua 2024年4期

    Ahsan Wajahat ,Jingsha He ,Nafei Zhu ,Tariq Mahmood ,Tanzila Saba ,Amjad Rehman Khan and Faten S.Alamri

    1Faculty of Information Technology,Beijing University of Technology,Beijing,100124,China

    2Artificial Intelligence and Data Analytics(AIDA)Lab,CCIS Prince Sultan University,Riyadh,11586,Saudi Arabia

    3Faculty of Information Sciences,University of Education,Vehari Campus,Vehari,61100,Pakistan

    4Department of Mathematical Sciences,College of Science,Princess Nourah bint Abdulrahman University,Riyadh,84428,Saudi Arabia

    ABSTRACT The growing usage of Android smartphones has led to a significant rise in incidents of Android malware and privacy breaches.This escalating security concern necessitates the development of advanced technologies capable of automatically detecting and mitigating malicious activities in Android applications(apps).Such technologies are crucial for safeguarding user data and maintaining the integrity of mobile devices in an increasingly digital world.Current methods employed to detect sensitive data leaks in Android apps are hampered by two major limitations they require substantial computational resources and are prone to a high frequency of false positives.This means that while attempting to identify security breaches,these methods often consume considerable processing power and mistakenly flag benign activities as malicious,leading to inefficiencies and reduced reliability in malware detection.The proposed approach includes a data preprocessing step that removes duplicate samples,manages unbalanced datasets,corrects inconsistencies,and imputes missing values to ensure data accuracy.The Minimax method is then used to normalize numerical data,followed by feature vector extraction using the Gain ratio and Chi-squared test to identify and extract the most significant characteristics using an appropriate prediction model.This study focuses on extracting a subset of attributes best suited for the task and recommending a predictive model based on domain expert opinion.The proposed method is evaluated using Drebin and TUANDROMD datasets containing 15,036 and 4,464 benign and malicious samples,respectively.The empirical result shows that the Random Forest(RF)and Support Vector Machine(SVC)classifiers achieved impressive accuracy rates of 98.9%and 98.8%,respectively,in detecting unknown Android malware.A sensitivity analysis experiment was also carried out on all three ML-based classifiers based on MAE,MSE,R2,and sensitivity parameters,resulting in a flawless performance for both datasets.This approach has substantial potential for real-world applications and can serve as a valuable tool for preventing the spread of Android malware and enhancing mobile device security.

    KEYWORDS Android malware detection;machine learning;SVC;K-Nearest Neighbors(KNN);RF

    1 Introduction

    Mobile apps have become essential tools for a wide range of smartphone functions such as making payments,purchasing tickets,and capturing photos.As of now,more than five million apps are accessible on both Android and iPhone platforms.Among these,Android is the predominant operating system (OS),commanding approximately 74% of the global market share.This positions Android as the most widely used OS for mobile devices worldwide[1].Mobile apps can use various sensors on the device,such as GPS,camera,and microphone,as well as access personal data stored on the device,such as pictures,messages,and contacts[2].However,unauthorized access to end-user data is a widespread problem,as various studies have shown[3,4].Additionally,unauthorized access to enduser data has been a persistent issue.Even malicious apps removed from the Google Play Store can bypass security measures and reappear,putting users’personal information at risk[5].It is essential to distinguish between legitimate and malicious apps to protect end-user data.Google Play Store can bypass security measures and reappear,putting users’personal information at risk.It is essential to distinguish between legitimate and malicious apps to protect end-user data.

    Addressing these challenges the research community has proposed various solutions to mitigate the risks associated with malicious apps [6].Two broad techniques for malware analysis are static analysis and dynamic analysis.Static analysis involves scrutinizing source code and binaries to identify unusual patterns[7].Dynamic analysis entails running the software under in a controlled environment and monitoring its behavior and actions [8].Machine learning (ML) algorithms provide a more proactive and efficient approach to detecting and combating Android malware as they continually learn and adapt to new and evolving threats.These algorithms can swiftly detect and classify malware by identifying patterns and anomalies in large datasets such as system calls,network traffic,API permissions,intents,and user behavior.ML-based models improve their accuracy over time,using supervised and unsupervised learning techniques,making them more effective at identifying new and previously unknown malware types.This proactive approach enables early detection and faster response to new threats,providing better protection against Android malware.Additionally,the MLbased approach can automate the malware detection and removal process,reducing the burden on security professionals and increasing the overall security system’s efficiency.The primary goal of this study is to establish a robust framework utilizing ML-based algorithms,namely Support Vector Machine(SVC),Random Forest(RF),and K-Nearest Neighbors(KNN),for the identification and classification of Android malware.To accomplish this,the research team gathered two separate datasets containing benign and malicious Android apps,including Drebin and TUANDROMD,to evaluate the best algorithm for detecting Android malware accurately.These datasets cover various malware types and families,enabling the team to train and test their proposed models on a representative sample of the Android malware landscape.The study also implemented several feature selection techniques,such as Gain-ratio feature selection and chi-squared tests,to identify the most relevant features for malware detection.These features represent apps characteristics such as permissions,API calls,and intent.The proposed algorithms were then trained and tested using the selected features and evaluated using well-known metrics such as accuracy,precision,recall,F1-score,and AUC.The results of the experiments will provide valuable insights into the performance of these algorithms for Android malware detection,contributing to the development of more effective and efficient security solutions for the Android platform.Moreover,this research will serve as a benchmark for future studies in this area,providing a basis for comparison and further improvement.

    1.1 Deficiencies in Existing Approaches

    The increasing use of Android smartphones has led to a rise in Android malware and privacy breaches.This highlights the need for more effective detection technologies.Although current methodologies are advancing in scope,they still face significant limitations,such as high computational costs and a high rate of false positives,which hinder their practical application.There is a notable gap in the realm of data preprocessing for Android malware detection.Current techniques often fail to address important issues such as inconsistent data,missing values,and imbalanced datasets.These issues directly affect the reliability and accuracy of ML-based models.Additionally,the field has not fully utilized advanced feature selection and extraction methods,such as Gain-ratio feature selection and chi-squared tests.These methods are crucial in improving classifier performance by identifying key risk variables.In this domain,there is a significant opportunity to innovate by applying advanced ML-based techniques.However,these techniques have not been extensively utilized.The research aims to bridge these gaps by proposing a comprehensive framework.The framework includes novel data preprocessing techniques,sophisticated feature selection and extraction methods,and the deployment of robust ML algorithms.This study aims to improve Android malware detection and enhance mobile device security by evaluating it against established benchmarks.The research addresses critical gaps in the field.

    1.2 Motivation and Novel Contribution

    The main contribution of said investigation is illustrated as under:

    ? The study introduces innovative data preprocessing techniques to manage inconsistencies,address missing values,reduce noise,address imbalanced data issues,and discretize malware datasets,enhancing data quality and reliability for analysis.

    ? The study suggests utilizing Gain-ratio feature selection and extraction methods to improve classifier performance by eliminating deterministic risk variables,a significant step towards optimizing feature selection for improved analytical outcomes.

    ? This study focuses on creating a robust ML-based system for efficient Android malware prediction,utilizing advanced techniques to prompt user responses and reduce the harmful effects of malware,a crucial aspect of the research.

    ? The proposed model undergoes a thorough evaluation,benchmarking it against current models,providing a comprehensive assessment of its efficacy and competitiveness in the field using established benchmarks.

    ? The study conducts a comprehensive sensitivity analysis to understand the model’s resilience under various conditions,thereby enhancing its performance and reliability.

    The following is the paper’s structure: Section 2 provides an overview of the related literature.Section 3 provides the data preparation and feature engineering for the cutting-edge algorithms used in this study.Section 4 provides the background about the cutting-edge algorithms used in this study.Section 5 highlights the findings of the study.Section 6 provides an interpretation and evaluation of the results.Finally,Section 7 concludes the study by summarizing its key findings,highlighting its contributions,and offering recommendations for future work.

    2 Related Work

    This section discusses the use of ML-based techniques for detecting Android malware,focusing on static,dynamic,and hybrid analysis methods.Each method has its limitations,with static analysis being less resource-intensive but more susceptible to obfuscation,dynamic analysis being more timeconsuming but more accurate,and hybrid analysis combining both methods for comprehensive analysis.Understanding these limitations is crucial for improving ML-based malware detection effectiveness.

    2.1 Static Analysis Using Cutting-Edge Algorithm

    Recent studies have utilized ML techniques to detect malware in Android apps.DroidSieve uses static analysis to detect obfuscated malware by extracting n-gram features from the app’s code and applying a decision tree algorithm.Singh et al.use an ensemble of convolutional neural networks to extract features and classify the app as malware or benign.Shatnawi et al.proposed a novel technique using feature selection and reduction techniques for classification [9].Furthermore,a study combined static and dynamic analysis using a deep learning-based model called AndroDeep,which extracts features from the code and applies a CNN for classification as malicious or nonmalicious [10].Lashkari et al.’s [11] study proposed a method for detecting Android malware using classification algorithms,utilizing feature selection techniques to classify apps as malware or benign.The study evaluated the effectiveness of different ML algorithms and feature selection techniques in detecting Android malware using static analysis on real-world malware and benign apps [3].McDonald et al.studied the effectiveness of ML-based algorithms like RF,SVC,Gaussian Naive Bayes,and K-Means in classifying benign and malicious apps using permissions from manifest files.RF achieved the highest accuracy at 81.53% and recall rate of 85.85%.Commercial antivirus tools like Virus Total showed limited effectiveness in detecting unknown malware[12].Khariwal et al.introduced R-MFDroid,an Android malware detection technique using seven static features from manifest files.The technique uses ML-based methods like SVC,XGBoost,RF,and Neural Network for classification.The Information Gain method is used to select top 25 features from .apk files.The SVC achieves an impressive accuracy rate and F1-score of 97% [13].Kabakus and colleagues used a Convolutional Neural Network classifier on three datasets: Drebin,Androzoo,and VirusShare,analyzing features like permissions,API calls,and intents.Their study achieved a 90%accuracy rate,proving the effectiveness of their approach in classifying data[14].

    2.2 Dynamic Analysis Using Cutting-Edge Algorithms

    Many detection methods for Android malware have incorporated dynamic features with MLbased to enhance their detection accuracy.Zhou et al.developed a deep learning-based method for Android malware detection,which achieved an impressive accuracy rate of up to 99.4%when tested on a real-world dataset containing both malicious and benign apps[15].Zhang et al.presented a study in which an automated Android malware detection system uses dynamic analysis to collect system call sequences and a CNN ensemble to classify the sequences.The proposed method achieves up to 99.95%accuracy on a dataset [16].Similarly,another study has proposed an Android malware detection method that uses graph convolutional networks and dynamic analysis to classify apps based on their system call sequences.The proposed method achieves up to 98.8%accuracy[17].Yang et al.introduced an ML-based approach for Android malware detection that utilizes system call traces obtained from dynamic analysis.The proposed method achieves up to 98.5% accuracy on the Drebin dataset of malware and benign apps[18].Sun et al.presented an Android malware detection method that uses dynamic analysis and ensemble learning to classify apps based on their system call traces.The proposed method achieves up to 98.5% accuracy [19].Furthermore,Li et al.proposed a hybrid framework for Android malware detection that combines dynamic analysis and ML techniques.The proposed framework achieves up to 97.7%accuracy.These studies demonstrate the effectiveness of incorporating dynamic analysis and ML-based techniques in detecting Android malware,achieving high accuracy when tested on real-world malware and benign apps datasets [20].Padmavathi et al.developed a dynamic analysis framework for Android apps,utilizing hidden malware data points.They used various unsupervised ML models for classification,using internal and external validation metrics.The k-means clustering model was found to be the most effective,with an accuracy rate of 88%[21].Islam et al.developed a dynamic analysis method for android malware detection using weighted voting and ensemble ML techniques.They conducted extensive experiments,incorporating various ML-based classifiers and the Recursive Feature Elimination method,achieving a 95%accuracy rate in app classification[22].Mahindru et al.’s study utilized a dynamic analysis method to classify Android apps based on API calls,including permissions,app ratings,and download numbers,with an accuracy rate of 98.8%,excluding malware and benign apps[23].

    2.3 Hybrid Analysis Using Cutting-Edge Algorithms

    Recent studies on Android malware detection have introduced a new method called Malconv,which uses hybrid analysis and convolutional neural networks.It achieves a high accuracy of 98.16%on a testing dataset and outperforms existing classifiers,making it effective in handling obfuscated and polymorphic malware[24].Andro-Predictor is a real-time mobile malware detection system that uses a hybrid feature approach,combining system call sequences,API calls,and permissions.Its lightweight and efficient design makes it a promising solution for real-time malware detection on mobile devices[25].The study Androdialysis presents a hybrid analysis framework for detecting Android malware,combining static and dynamic techniques.Experiments on 9,840 apps showed a high detection rate of 98.7% and low false positive rate [26].A study presents a hybrid framework for Android malware detection that uses static and dynamic analysis.It uses permission,API call,and system call information to represent app behavior.A decision tree-based model classifies static features,while a deep neural network is trained on dynamic analysis features [27].A study suggests a hybrid Android malware detection system that utilizes both static and dynamic analysis features,utilizing an ML-based model for high detection rates[28].A hybrid approach to Android malware detection,combining static and dynamic analysis features,is proposed,utilizing an ML-based model for high accuracy [29].Surendran et al.introduced TAN,a hybrid approach for Android malware analysis,which combines static and dynamic feature sets,including API calls and permissions,and uses an L2 regularization technique for classification,achieving a 97%accuracy rate[29].Ullah et al.introduced TrojanDetector,it is a malware detection system that analyzes Android apps using a combination of static features (application-level and package-level) and dynamic features (user-level).The authors utilized traditional ML algorithms,including SVV,DT,LR,and RF,to classify these apps.The SVC algorithm was the top performer,achieving an impressive 96.64%accuracy rate in categorizing malicious apps[30].Ahsan et al.developed an adaptive semi-supervised hybrid technique for detecting Android malware,combining CNN and LSTM deep learning algorithms.Their study,using the Drebin dataset,achieved a 99%accuracy rate,proving its effectiveness[31].

    3 Data Preparation and Feature Engineering

    This section aims to thoroughly understand the methodology used to create accurate and robust malware detection systems by providing a comprehensive overview of these critical aspects.

    3.1 Android Dataset(Malware and Benign Apps)

    The study utilized two commonly used datasets,namely Drebin[2]and Tezpur University Android Malware Dataset(TUANDROMD)[32]to conduct the experiments.Table 1 displays the percentage distribution of classes within the datasets,which serve as benchmarks for Android malware detection.The Tezpur University Android Malware Dataset,also known as TUANDROMD,is a collection of Android apps commonly used for research purposes in the field of cybersecurity [32].Researchers at Tezpur University in India created a dataset containing over 5,000 Android apps,including both malicious and benign ones.TUANDROMD,a malware detection tool,has been used in studies to evaluate techniques,analyze malware characteristics,and understand its behavior on Android devices.In 2014,researchers[2]downloaded apps from the Google Play store and discovered many that were malicious.The study used the Drebin Dataset,which contains 5,560 malicious apps from 179 malware families,to represent malicious apps for experiments.To validate the app’s benignness,the researchers downloaded over 8,000 Android apps from the Google Play store and used Virus Total’s services to identify 5,721 purely benign apps.The remaining apps were discarded,resulting in a final dataset of 5,553 malware apps and 5,721 benign apps.The study aimed to identify the most harmful apps.The volume of both datasets is presented in Table 1.

    Table 1: The volume of datasets

    3.2 Data Preprocessing

    The study analyzed data integrity in the Drebin dataset and the Tezpur University Android Malware Dataset(TUANDROMD),focusing on discretization,imputed missing values,and unbalanced data.It suggested removing low-quality variables and using data-cleansing procedures to identify and correct inconsistencies in the datasets.Identifying and removing duplicate samples from the datasets was a crucial step in the data preparation phase,achieved using the approach in the following formula.LetPandHbe the package name and SHA256 hash value of each sample,respectively.The set of unique samples can be obtained by selecting the sampless∈Ssuch that s has a unique combination ofPandH,as illustrated in Eq.(1).

    We also handled missing feature values using mean or median imputation based on the distribution of the feature values.This can be expressed asxf,i=mean(xf,j|xf,j=missing) orxf,i=median(xf,j|xf,j=missing).These steps helped improve the quality and reliability of the Drebin and TUANDROMD datasets for training ML-based models.

    3.3 Mini-Max Normalization Method

    The min-max normalization method is a statistical technique that converts numerical data into a common scale,typically between 0 and 1,to ensure equal contribution of each feature to the analysis.It subtracts the minimum value of a feature from each data point and divides the result by the feature’s range,resulting in a minimum value of 0.The minimax normalization technique is defined as in Eq.(2).

    whereXis the original data point,Xminis the minimum value of the feature in the dataset,Xmaxis the maximum value of the feature in the dataset,andXnormis the normalized value ofX.Minimax normalization is particularly useful in ML,where features with large scales or ranges can dominate the analysis and produce inaccurate results.By applying Minimax normalization to each feature in the dataset,we can ensure that all features have an equal contribution to the analysis,regardless of their original scale or range.

    3.4 Feature Selection

    The feature selection process is a crucial step in classifiers to improve accuracy and reduce computational burden.It is particularly important when dealing with large datasets with numerous features and missing values.Research indicates that permission,API calls,and data flow are significant features for detecting malicious behavior [4,33,34].The study utilized dex2jar to convert APK files to JAR files,identifying crucial features for malware detection.These include permissions,API calls,and intents,which are essential components of the Android operating system.Permissions restrict app access to necessary resources,intent allows communication between app components,and API calls provide access to system functionality and third-party libraries.The study utilized the Apktool tool to disassemble Android applications,producing files like AndroidManifest.xml and resources.arc.These files are crucial for analyzing features used in malware detection models.The AndroidManifest.xml file contains crucial information about the app’s package name,components,permissions,and features.The study also compiles lists of permissions,API calls,and intents from the official Android documentation.These master lists [35] and intent lists [36] serve as valuable resources for developing ML-based models capable of accurately identifying malware in Android apps.The process involves decompiling each app and using a parser to create a comprehensive inventory of permissions,API calls,and intents.This data is integrated to generate three distinct feature vectors:Android Permission,Android API Calls,and Android Intent,which accurately represent the permissions,API calls,and intents used in the dataset,enabling the development of robust models.The study used Gain-ratio feature selection to identify the most informative features in a dataset.It calculated the gain ratio by dividing data based on a feature by its intrinsic information.Gain measures entropy reduction,while intrinsic information measures the amount needed to represent that feature’s values.The gain of splitting the data on a featureXis given in Eq.(3).

    where Parent is the original dataset,Xis the feature being considered for splitting,Values(X)is the set of all distinct values ofX,and|Xv|is the number of instances in Parent that have the valuevfor featureX.Entropy is a measure of the impurity of a dataset and is calculated as follows in Eq.(4).

    whereDis a dataset,Cis the set of possible class labels,andPiis the proportion of instances inDthat belong to classi.The intrinsic information of a featureXis given by in Eq.(5).

    The gain ratio of a featureXis defined in Eq.(6).

    The Gain-ratio feature selection method is a method that selects features with a higher gain ratio,based on their intrinsic information,which is effective in handling both discrete and continuous data types and avoids bias towards features with numerous distinct values.

    3.5 Feature Vector Extraction Approaches

    The study uses two methods to rank features based on their ratings,without requiring a training process.These methods typically provide a score for each characteristic,which is then used to rank the features.The Chi-Squared test was used to calculate the statistical significance of the association between Permission,API calls,Intent features,and the target variable,malware detection.The Chi-Squared feature extraction is illustrated Eq.(7).

    whereX2is the Chi-Squared test statisticis the sum over all cells in the contingency tableOis the observed frequency in a cellEis the expected frequency in a cell under the null hypothesis to identify the essential features for detecting Android malware and improve the accuracy of the detection model,a contingency table was created with the Permission,API calls,and Intent features as rows and the target variable(malware detection)as columns.The study used a Chi-Squared test formula to calculate the Chi-Squared test statistic and its associatedp-value for malware detection.Observed frequencies were determined for each cell based on assigned feature values,and expected frequencies were calculated under the null hypothesis.Features with a high Chi-Squared test statistic and lowp-value were selected for inclusion in the final feature set,enhancing the accuracy of the Android malware detection model.

    3.6 Feature Selection Importance

    The study utilized advanced feature selection techniques to enhance Android malware detection.The process involved refining Drebin and TUANDROMD,addressing data imbalances,and eliminating low-quality variables.The study also used Min-Max normalization to standardize numerical data,ensuring equal contribution to ML-based models.The focus was on permissions,API calls,and intents.Tools like dex2jar and Apktool were used to extract features from Android apps,targeting components essential for identifying malicious behavior.The study utilized Gain-ratio feature selection and the Chi-Squared test to identify informative features,enhancing malware detection efficiency and enhancing the accuracy and reliability of machine learning-based models in identifying Android malware,thereby reducing entropy reduction and statistical significance.The heatmap depicted in the Figs.1 and 2 illustrates the correlation between different features within the Drebin and TUANDROMD datasets.

    Figure 1: Distribution of key features in the drebin dataset

    Figure 2: Distribution of key features in the TUANDROMD dataset

    4 Performance Measurements

    The study evaluates the effectiveness of our proposed algorithms in detecting Android malware using key metrics such as mean square error,Pearson’s correlation coefficient,and root mean square error.It also considers essential classification metrics like accuracy,precision,recall,and AUC to assess the models’correctness,ability to minimize false positives,false negatives,and discriminative power.

    5 Results

    The proposed ML-based models were evaluated using Keras,TensorFlow library of Python,on standard Android malware datasets.A statistical analysis was conducted to assess the impact of these models,and the results were analyzed accordingly.Table 2 presents the platform utilized for detecting malware in Android apps.

    Table 2: Optimal performance environmental requirements

    5.1 Performance Analysis of the Proposed Algorithms

    This study proposed three ML-based algorithms,namely SVC,KNN,and RF,to detect and categorize malicious Android apps.To test the effectiveness of the algorithms,this research used two well-known malware mobile datasets.Drebin dataset consists of over 15,036 Android apps classified as either malware or benign.The TUANDROMD dataset contains 4,464 malicious and benign apps to evaluate the detection of malware attacks on Android devices.These datasets have provided significant benchmarks for evaluating ML-based algorithms.However,the quality and variety of the training data and the algorithms’features and parameters might impair their ability to identify malicious apps.The suggested ML-based models have proven to be an effective method for detecting malicious Android apps.

    The SVC approach demonstrated high efficiency and effectiveness in identifying malicious apps within the Drebin dataset while yielding good results in the TUANDROMD dataset.Detailed performance metrics for the SVC algorithm are presented in Figs.3a–3f,and Table 3.The SVC approach was evaluated on the Drebin dataset,and the corresponding confusion metrics were analyzed.The SVC approach effectively detected malwares within the Drebin dataset,as evidenced by the very few FP and FN data.According to the outcomes,the majority of the 1,122 apps were labeled as malicious,indicating that the SVC classifier detected them as possibly posing a threat.Besides that,a proportion of the dataset 1851 was classified as TN and identified as benign apps,as depicted in Fig.3a.This study reveals that within the TUANDROMD dataset,a substantial proportion of the standard data was categorized as TN,accounting for 169 of the dataset’s apps.In contrast,710 apps of the dataset were classified as TP and were identified as malicious,as depicted in Fig.3b.The finding indicates that the SVC approach is proven to accurately classify all instances of malicious attacks as positive and all instances of average data as unfavorable,with fewer instances of misclassification.

    Figure 3: (Continued)

    Table 3: SVC classifier performance on Drebin and TUANDROMD datasets

    The SVC could accurately classify malware and benign apps in both datasets,achieving a ROCAUC value of 1.0 in each case,as represented in Figs.3c,3d.The proposed SVC achieved a ROC-AUC value of 1.0,suggesting it performed exceptionally well distinguishing between malware and benign apps.The assessment findings have confirmed the efficacy and reliability of the SVC approach.In particular,the low percentage of FP reveals that the SVC approach accurately classified normal data as negative without misclassifying them as potentially malicious.Figs.3e,3f depict the evaluation results of the proposed SVC algorithm based on both datasets for Android malware detection yielding 100 percent precision and recall.The graph illustrates the model’s performance in recognizing Android malware and limiting FP and negatives.These findings significantly boost the effectiveness and potency of Android malware recognition and avoidance efforts,indicating that the SVC model may be an effective tool for combatting Android malware.Figs.4a–4f provide an overview of the performance of the KNN algorithm for detecting malware in both datasets using a value ofk=5.The results indicate that the KNN method performed significantly better in the TUANDROMD dataset,achieving a high accuracy rate of 0.989.Besides the Drebin dataset,the accuracy rate was slightly lower at 0.986,as shown in Table 4.

    Figure 4: (Continued)

    Table 4: KNN classifier performance on Drebin and TUANDROMD datasets

    Figs.4a,4b present the confusion matrices for the KNN method.The KNN method achieved a higher TP rate in the Drebin dataset,classifying 1120 as TP malicious and 1842 as TN benign,with FP of less than 25,as illustrated in Fig.4a in contrast,in the TUANDROMD dataset,152 apps were correctly classified as TN benign apps,719 were correctly classified as malware,and 0 were falsely identified as malicious FP,as illustrated in Fig.4b.However,the overall accuracy of the KNN method was higher in the TUANDROMD dataset than in the Drebin dataset.The KNN model achieved ROC values of 0.98 and 0.99 for the Drebin and TUANDROMD datasets.Even though the suggested KNN model could not get a perfect score,the high ROC values indicate that it did very well distinguishing between malicious and benign apps.Figs.4c,4d present the ROC curve of the suggested KNN approach for both datasets,which provides further insights into the model’s performance.Moreover,research findings indicate that the KNN model may identify Android malware well yet,the considerable investigation is needed to evaluate its resilience and scalability.KNN achieved a perfect score of 1 when tested on the TUANDROMD dataset for Android malware detection,as shown Fig.4d indicating that the model could accurately identify all instances of malware in the dataset without any FP or negatives.Figs.4e,4f present the Precision and Recall graph of the KNN classifier.The model’s accuracy and precision on this dataset suggest it may be suitable for recognizing similar malware in the future.The KNN model scored 0.97 on the Drebin dataset,significantly lower than the TUANDROMD dataset.The algorithm effectively identified malware in this dataset;however,there were some FP and negatives.This model performance gap may be due to the Drebin dataset’s composition and features compared to the TUANDROMD dataset.

    Figs.5a–5f provide an overview of the performance of the RF algorithm for detecting malware in both datasets.RF approach demonstrated notably superior performance in detecting malware in the TUANDROMD dataset with a high accuracy level of 0.990.However,its accuracy rate in the Drebin dataset was slightly lower,measuring 0.988,which is presented in Table 5.The RF approach achieved a higher TP rate in the Drebin dataset,correctly categorizing 1117 data as TP malicious and 1855 as TN benign while misidentifying less than 28 data points as FP,are shown Fig.5a on the other hand,in the TUANDROMD dataset,174 apps were accurately categorized as TN benign apps,710 were correctly classified as malware,and 9 were erroneously identified as malicious FP with 0 FN are shown in Fig.5b.

    Figure 5: Performance analysis of RF classifier.Panel(a and b)confusion matrices,Panels(c and d)ROC-AUC,and Panels(e and f)precision and recall for Drebin and TUANDROMD,respectively

    Table 5: RF classifier performance on drebin and TUANDROMD datasets

    However,the RF method demonstrated a higher overall accuracy in the TUANDROMD dataset than in the Drebin dataset.This study also evaluated the performance of the RF model in accurately classifying malware and benign apps.Our results demonstrated that the RF model achieved a perfect ROC value of 1.0 in both datasets,indicating its exceptional performance in accurately distinguishing between malware and benign apps,depicted in Figs.5c,5d.The RF model can be a practical approach for detecting Android malware,and further investigation is warranted to validate its robustness and scalability.Figs.5e,5f show the proposed model attained a perfect score of 1 for both precision and recall.This indicates that the RF model could accurately identify all instances of malware without any false positives or negatives.The high precision and recall values suggest that the RF model has a strong potential for detecting Android malware effectively.

    5.2 Sensitivity Analysis Comparison of Proposed ML-Based Algorithm

    This investigation proves helpful in identifying underlying patterns in the dataset by scrutinizing the input data.To determine the correlation between the input features and the classes,such as benign and malicious,this study utilized Pearson’s correlation coefficient.The analysis revealed that certain features exhibited strong associations with the classes.Specifically,some features had significant relationships between the benign and malicious categories.To evaluate the prediction accuracy of our ML-based algorithms,this research employed several statistical metrics,including mean absolute error(MAE),mean squared error (MSE),and R-squared (R2).The obtained prediction errors between the target class and the predicted values are presented in Table 6.The presented analysis provides valuable insights into the performance of the ML-based models,enabling us to identify and address any prediction errors.Table 6 shows the performance comparison between the proposed algorithms using two different datasets in terms of MAE,MSE,R2-score,and sensitivity.In the TUANDROMD dataset,the RF algorithm exhibited excellent performance with an MAE and MSE of 0.010 and anR2-score of 0.994,respectively,and a sensitivity of 100%.Similarly,in the Drebin dataset,the RF classifier performed well,achieving an MAE and MSE of 0.012,andR2-score of 0.984,respectively,and a sensitivity of 0.996.On the other hand,the KNN classifier’s performance was inferior to the RF classifier in both datasets.The KNN classifier,however,exhibited higher prediction errors and lower sensitivity than the other classifiers for both datasets.In the TUANDROMD dataset,the KNN showed an MAE and MSE of 0.025,anR2-score of 0.985,respectively,and a sensitivity of 0.87.

    Table 6: The statistical analysis of the performance of ML-based models is carried out using the Drebin and TUANDROMD datasets

    In contrast,in the Drebin dataset,the KNN achieved an MAE and MSE of 0.015,anR2-score of 0.980,respectively,and a sensitivity of 0.989.Finally,the SVC classifier also demonstrated good performance,achieving an MAE and MSE of 0.016 and anR2-score of 0.990,respectively,and a sensitivity of 0.97 on the TUANDROMD dataset.Similarly,using the Drebin dataset,the SVC achieved an MAE and MSE of 0.012,anR2-score of 0.985,respectively,and a sensitivity of 0.994.However,the SVC demonstrated superior performance by achieving the lowest prediction errors(MAE and MSE) and the highestR2-score for both datasets.Furthermore,it exhibited the highest sensitivity for the TUANDROMD dataset,while the RF classifier had the highest sensitivity for the Drebin dataset.Consequently,results indicate that the SVC algorithm is the most precise and dependable classifier for detecting Android malware in these datasets.Nonetheless,the RF classifier may perform better for specific datasets,like Drebin,where it achieved the highest sensitivity.While the KNN classifier may not be as precise as the other classifiers,it may still be a helpful option.

    6 Discussion

    The employment of smartphones with novel functionalities and their correlated Android apps has escalated due to the rapid advancement of technology.Statista reported that 7,074 million smartphones will be used by 2024.This also challenges the researchers and developers of security mechanisms for these apps,originating in the new complexities and vulnerabilities of the Android apps that hackers can quickly exploit.Proper evaluation of app data concerning security is crucial,especially for Android apps in digital e-commerce,e-business,savings,and online banking.This is because such apps involve transmitting confidential and valuable information over mobile networks.To prevent security vulnerabilities in the network,ML-based algorithms are utilized for monitoring and detecting malicious attacks on Android apps.This research contributes significantly to cyber-security by developing an ML-based framework to identify signature database anomalies.As a result,the system is capable of detecting unknown malicious apps.The accuracy of our ML-based method for detecting Android malware is influenced by several key factors.The quality and diversity of the Drebin and TUANDROMD datasets provide a comprehensive training base.The chosen algorithms,including RF,SVC,and KNN,have inherent strengths in effective feature handling and classification capabilities,which significantly contribute to accuracy.Advanced feature selection techniques ensure the relevance and informativeness of the features used.Hyperparameter optimization of each algorithm optimizes performance,preventing overfitting or underfitting.Finally,the models’adaptability to the evolving nature of Android malware is essential for maintaining accuracy over time.These elements collectively enhance the models’ability to accurately detect malware.The KNN algorithm exhibited a high level of accuracy with a score of 0.989.The SVC and RF algorithms resulted in high accuracy in developing a robust smartphone security system against malware.The SVC model demonstrated an accuracy of 0.989,while the RF algorithm achieved 0.988 accuracies.Figs.6a,6b present the ROC-AUC comparison of the proposed classifiers and provides a visual representation of how well each classifier performed in distinguishing between positive and negative samples.The ROC-AUC comparison of the proposed classifiers shows that both SVC and RF achieved a perfect ROC-AUC score of 1.0 against both datasets.On the other hand,KNN performed slightly lower than SVC and RF with an AUC value of 0.99.The precision comparison of the proposed classifiers shows that both SVC and RF achieved a perfect precision score of 100%against both datasets.On the other hand,KNN performed slightly lower than SVC and RF with a precision score of 0.97.These results indicate that SVC and RF classifiers effectively detect malware on both datasets.At the same time,KNN also provides good performance but with slightly lower accuracy,which can be observed visually in Figs.6c,6d.

    Figure 6: Performance analysis of SVC,KNN,and RF classifier:Panels(a and b)show the ROC-AUC,and Panels(c and d)show the precision and recall for Drebin and TUANDROMD,respectively

    6.1 Comparative Evaluation Using Cutting-Edge Research

    This study compares the proposed approaches with advanced ML and DL-based models designed to detect malware in Android apps for security purposes.The proposed scheme analyzes behavioral patterns within the dataset to identify malware.The results of our security framework are presented in Tables 7 and 8,and are compared to those from cutting-edge research utilizing both the Drebin and various other datasets.The study covers several models,such as CNN,RF,DT,and SVC.These models have shown a clear trend of improvement in effectiveness over time.

    Table 7 shows the evolution of model accuracy in the Drebin dataset.The RF model,especially when combined with 100 decision trees as demonstrated by Kabakus et al.achieved an impressive 98.7%accuracy,surpassing earlier versions of the model.The proposed SVC and RF models achieved a high accuracy of 98.6%,surpassing other models such as CNN,which had an accuracy of 91%according to Millar et al.[37].This represents a significant improvement in benchmark performance.The proposed system achieved a remarkably high level of accuracy in comparison to other systems utilizing the same Drebin Dataset.Table 8 compares the performance of models across various datasets,such as MalGenome,Kaggle,Androguard,and others.The models’performance varies significantly across different datasets.Xu et al.[45]achieved an accuracy of 97.4%using the Google Play and Virus-Share datasets.Another study proposed by McLaughlin et al.[46] achieved only 87% using a combination of different datasets.Moreover,another significant study is ‘DroidSieve,’proposed by Suarez-Tangil et al.In this study,they employed an Extra Trees classifier,which achieved a high accuracy of 99%.It is crucial to note that while the DroidSieve study attained an accuracy of 99%,higher than that of the proposed study,their experiment was conducted using a limited set of only the 20 most prominent features.In contrast,our study utilized a much more comprehensive set of 241 features.This difference in the number of features considered is significant,as it suggests that the proposed models in our study may offer a more robust and extensive analysis compared to the narrower focus of the DroidSieve study.Our proposed system demonstrated a remarkably high level of accuracy when compared with other systems using various datasets.

    Table 7: The effectiveness of the proposed security system compared to existing ones was evaluated using the Drebin dataset

    Table 8: The proposed security system’s efficacy compared to existing ones using the different datasets

    7 Limitation

    The Android mobile OS has been equipped with ML-based algorithms to detect and prevent cyber threats.However,these methods have limitations,particularly in dealing with the ever-evolving landscape of modern cyber threats.The ML-based malware detection strategy relies on manual feature engineering,which is time-consuming and susceptible to human errors.This manual task can miss subtle and nuanced features of sophisticated malware,which are constantly evolving.This limitation hampers the ML models’ability to identify and adapt to advanced malware characteristics,limiting their effectiveness in real-world scenarios.Traditional ML algorithms can struggle with larger and more complex datasets,leading to stagnation or decline in algorithm performance.This is particularly critical in malware detection,where data is voluminous and highly intricate.While the use of ML algorithms to combat Android malware has shown promise,these limitations underscore the need for further refinement and evolution of the strategies.

    8 Conclusions and Future Work

    Cybercriminals are increasingly targeting cell phones due to their vulnerability to security breaches,particularly the Android OS.An emerging approach for detecting signature-based malicious attacks is through antivirus apps that utilize AI,ML-based algorithms to predict and identify new forms of malware.This study developed a security system using ML-based algorithms such as SVC,KNN,and RF.Two widely used datasets of Android malware apps,TUANDROMD and Drebin,were utilized for evaluation.The proposed system demonstrated promising results in identifying potential security threats in Android devices.A sensitivity analysis was conducted to evaluate the metrics MSE,RMSE,andR2-score,which were used to measure errors between the predicted output and the target values during the validation phase.The RF algorithm was found to be the most accurate classifier in sensitivity analysis,with the lowest MAE and MSE values and the highestR2-scores compared to KNN and SVC.The SVC method had the second-highestR2-score after RF for the Drebin dataset,while the KNN method had the second-highest MAE and MSE values.The research findings have implications for real-time security systems for mobile apps,reducing the risk of malware attacks in critical applications involving sensitive data transactions.The distinct performance of the algorithms provides valuable insights for app developers and security teams in selecting the most suitable algorithm for their specific security needs.The reliability of SVC and RF in detecting malware makes them ideal choices for environments where precision is paramount.

    Acknowledgement:This research was supported by Princess Nourah bint Abdulrahman University Researchers Supporting Project Number(PNURSP2024R346),Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia and Beijing Natural Science Foundation(No.IS23054).The author would also like to thank Prince Sultan University,Riyadh Saudi Arabia for support of APC.

    Funding Statement:This research was funded by Princess Nourah bint Abdulrahman University and Researchers Supporting Project Number(PNURSP2024R346),Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.

    Author Contributions:Ahsan and Jingsha,conceived the study and experimented.Nafei and Mahmood,designed the methodology.Saba and Alamri,reviewed,and revised the study.Rehman and Alamri,provided essential research resources.Ahsan and Nafei,contributed to the analyzed data.Rehman and Saba,conducted the proofreading of the study.All authors have read and agreed to the published version of the manuscript.

    Availability of Data and Materials:This paper has previously been published as a preprint on Research Square at this link https://www.researchsquare.com/article/rs-2762659/v1.

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

    他把我摸到了高潮在线观看| www.熟女人妻精品国产| 精品国产乱码久久久久久男人| 免费av毛片视频| 亚洲 国产 在线| 欧美国产精品va在线观看不卡| 欧美日韩亚洲国产一区二区在线观看| 久久九九热精品免费| 久久久久久国产a免费观看| 国产欧美日韩一区二区三区在线| av电影中文网址| 免费观看精品视频网站| 首页视频小说图片口味搜索| 99riav亚洲国产免费| 日韩视频一区二区在线观看| 亚洲精品久久成人aⅴ小说| 在线观看66精品国产| 国产精品野战在线观看| 久久热在线av| e午夜精品久久久久久久| 亚洲黑人精品在线| 俄罗斯特黄特色一大片| 日韩欧美三级三区| 一a级毛片在线观看| 亚洲伊人色综图| 女同久久另类99精品国产91| 久久国产亚洲av麻豆专区| www.熟女人妻精品国产| 在线观看日韩欧美| 这个男人来自地球电影免费观看| 99国产精品一区二区蜜桃av| 国产精品av久久久久免费| 亚洲精品粉嫩美女一区| 国产蜜桃级精品一区二区三区| 亚洲精品中文字幕在线视频| 欧美成人午夜精品| 亚洲av五月六月丁香网| 91精品国产国语对白视频| 最新美女视频免费是黄的| www国产在线视频色| 久久久精品国产亚洲av高清涩受| 国产av又大| 母亲3免费完整高清在线观看| 亚洲aⅴ乱码一区二区在线播放 | 两个人视频免费观看高清| 老汉色av国产亚洲站长工具| 午夜免费成人在线视频| 久久影院123| 亚洲男人天堂网一区| 精品少妇一区二区三区视频日本电影| www.精华液| 国产一区二区激情短视频| 亚洲专区字幕在线| x7x7x7水蜜桃| 变态另类丝袜制服| 亚洲中文字幕一区二区三区有码在线看 | 两人在一起打扑克的视频| 免费看十八禁软件| 90打野战视频偷拍视频| 18禁国产床啪视频网站| 丰满的人妻完整版| 日韩 欧美 亚洲 中文字幕| 国产男靠女视频免费网站| 纯流量卡能插随身wifi吗| 女人被躁到高潮嗷嗷叫费观| 亚洲中文字幕日韩| 国产免费男女视频| av电影中文网址| 757午夜福利合集在线观看| 又黄又粗又硬又大视频| 国产1区2区3区精品| 男男h啪啪无遮挡| 一级毛片高清免费大全| 午夜日韩欧美国产| 真人做人爱边吃奶动态| 国产成人精品久久二区二区免费| 国产亚洲精品av在线| 日日爽夜夜爽网站| 亚洲午夜理论影院| 在线十欧美十亚洲十日本专区| 国产亚洲精品一区二区www| 不卡av一区二区三区| 国产精品国产高清国产av| 黑人巨大精品欧美一区二区mp4| 亚洲电影在线观看av| 身体一侧抽搐| 18禁观看日本| 999久久久国产精品视频| 国产精品久久久久久亚洲av鲁大| 男女午夜视频在线观看| 久久国产乱子伦精品免费另类| 一级a爱片免费观看的视频| 国产不卡一卡二| 国产免费av片在线观看野外av| 999久久久精品免费观看国产| 可以在线观看毛片的网站| 热99re8久久精品国产| 大陆偷拍与自拍| 亚洲第一av免费看| 国语自产精品视频在线第100页| 久久国产精品人妻蜜桃| 一进一出抽搐动态| 91av网站免费观看| 国产高清激情床上av| 中文亚洲av片在线观看爽| 日韩欧美国产在线观看| 免费搜索国产男女视频| 日韩欧美三级三区| 黑人巨大精品欧美一区二区蜜桃| 老司机深夜福利视频在线观看| 欧美另类亚洲清纯唯美| 久久中文字幕人妻熟女| 免费看a级黄色片| 搞女人的毛片| 亚洲第一欧美日韩一区二区三区| 高清毛片免费观看视频网站| 久久性视频一级片| 麻豆国产av国片精品| 国产成人av教育| 很黄的视频免费| 国产单亲对白刺激| 日韩一卡2卡3卡4卡2021年| 国产精品久久电影中文字幕| 欧美大码av| 久久久久国产一级毛片高清牌| 最新在线观看一区二区三区| 欧美日韩亚洲国产一区二区在线观看| 亚洲第一电影网av| 日韩欧美在线二视频| 亚洲avbb在线观看| 老司机午夜福利在线观看视频| 国内久久婷婷六月综合欲色啪| 老司机福利观看| 成熟少妇高潮喷水视频| 免费久久久久久久精品成人欧美视频| 黑人欧美特级aaaaaa片| 啦啦啦韩国在线观看视频| 可以在线观看毛片的网站| 丝袜美足系列| 亚洲午夜精品一区,二区,三区| 亚洲熟女毛片儿| 亚洲专区中文字幕在线| 色尼玛亚洲综合影院| 午夜老司机福利片| 久久精品国产99精品国产亚洲性色 | 88av欧美| 在线免费观看的www视频| 女生性感内裤真人,穿戴方法视频| 免费看美女性在线毛片视频| 最近最新中文字幕大全免费视频| 一边摸一边抽搐一进一小说| 在线观看午夜福利视频| tocl精华| 欧美色视频一区免费| 国产麻豆成人av免费视频| 亚洲人成伊人成综合网2020| 精品午夜福利视频在线观看一区| 高清在线国产一区| 日日爽夜夜爽网站| 亚洲国产日韩欧美精品在线观看 | 国产高清激情床上av| 精品乱码久久久久久99久播| 嫩草影院精品99| 国产精品久久久久久人妻精品电影| 午夜精品在线福利| 两人在一起打扑克的视频| 国产精品永久免费网站| 啦啦啦韩国在线观看视频| 老司机深夜福利视频在线观看| 成年版毛片免费区| 小蜜桃在线观看免费完整版高清| 极品教师在线视频| 天美传媒精品一区二区| 99热只有精品国产| 午夜免费成人在线视频| 国产一区二区三区视频了| 亚洲无线观看免费| 亚洲人成网站高清观看| 别揉我奶头~嗯~啊~动态视频| 淫秽高清视频在线观看| 日韩精品有码人妻一区| 亚洲精品在线观看二区| 在线a可以看的网站| 国产精品野战在线观看| 久久人妻av系列| 成人欧美大片| 波野结衣二区三区在线| 91久久精品电影网| 欧美日韩精品成人综合77777| 男女边吃奶边做爰视频| 少妇猛男粗大的猛烈进出视频 | 69人妻影院| 免费大片18禁| 天天躁日日操中文字幕| 真人一进一出gif抽搐免费| 国产美女午夜福利| 国产亚洲欧美98| 老师上课跳d突然被开到最大视频| 亚洲无线观看免费| 日本黄色视频三级网站网址| 最好的美女福利视频网| 99久久精品热视频| a级毛片a级免费在线| 天美传媒精品一区二区| 男女视频在线观看网站免费| 久9热在线精品视频| 成年免费大片在线观看| 欧美极品一区二区三区四区| 欧洲精品卡2卡3卡4卡5卡区| 午夜精品一区二区三区免费看| 亚洲国产日韩欧美精品在线观看| 又黄又爽又免费观看的视频| 中文亚洲av片在线观看爽| 久久精品91蜜桃| 一级a爱片免费观看的视频| 国产欧美日韩精品亚洲av| 成人午夜高清在线视频| 精品欧美国产一区二区三| 老司机福利观看| 黄色欧美视频在线观看| 精品久久久久久久久久免费视频| 91在线观看av| 欧美三级亚洲精品| 成人三级黄色视频| 国产一区二区在线av高清观看| 国产一区二区在线av高清观看| 国产成年人精品一区二区| 九九热线精品视视频播放| 日本一二三区视频观看| 国产精品伦人一区二区| 99热这里只有是精品50| 99久久九九国产精品国产免费| 3wmmmm亚洲av在线观看| 欧美黑人巨大hd| 乱码一卡2卡4卡精品| 日本黄大片高清| 亚洲精品国产成人久久av| 亚洲欧美清纯卡通| 亚洲成a人片在线一区二区| 特大巨黑吊av在线直播| 成人美女网站在线观看视频| 伦理电影大哥的女人| av天堂在线播放| 久久久久久大精品| 精品一区二区三区视频在线| 国产又黄又爽又无遮挡在线| 欧美绝顶高潮抽搐喷水| 久久热精品热| 亚洲18禁久久av| 在现免费观看毛片| 国产综合懂色| 成年版毛片免费区| 五月伊人婷婷丁香| av在线天堂中文字幕| 成年人黄色毛片网站| 午夜福利成人在线免费观看| 国产在线男女| 国产免费一级a男人的天堂| 久久99热这里只有精品18| 18禁在线播放成人免费| 简卡轻食公司| 一本精品99久久精品77| 国产精品国产高清国产av| 精华霜和精华液先用哪个| 久久久久久久午夜电影| 毛片女人毛片| 欧洲精品卡2卡3卡4卡5卡区| 亚洲午夜理论影院| 国产精品综合久久久久久久免费| 97超视频在线观看视频| 天天躁日日操中文字幕| 日本a在线网址| 亚洲成人免费电影在线观看| 亚洲成人免费电影在线观看| 亚洲乱码一区二区免费版| 国产蜜桃级精品一区二区三区| 亚洲性夜色夜夜综合| 亚洲最大成人av| 长腿黑丝高跟| 亚洲狠狠婷婷综合久久图片| 91久久精品国产一区二区成人| 99在线视频只有这里精品首页| 欧美一区二区亚洲| 日本精品一区二区三区蜜桃| 嫩草影院精品99| 亚洲一级一片aⅴ在线观看| 此物有八面人人有两片| 日韩欧美三级三区| 天天躁日日操中文字幕| 我的女老师完整版在线观看| 亚洲内射少妇av| 国产成人福利小说| 久久精品国产清高在天天线| 欧美性猛交╳xxx乱大交人| 国产一区二区亚洲精品在线观看| a级毛片a级免费在线| 村上凉子中文字幕在线| 免费高清视频大片| 高清日韩中文字幕在线| 日韩欧美一区二区三区在线观看| 免费观看人在逋| 日韩欧美三级三区| 99国产精品一区二区蜜桃av| 亚洲男人的天堂狠狠| 久久国产精品人妻蜜桃| 一个人看的www免费观看视频| 97人妻精品一区二区三区麻豆| 黄色配什么色好看| 亚洲性久久影院| 欧美3d第一页| 级片在线观看| 精品一区二区三区视频在线观看免费| 国产毛片a区久久久久| 国产视频一区二区在线看| 人妻丰满熟妇av一区二区三区| 久久久久久久久中文| 我的女老师完整版在线观看| 简卡轻食公司| 精品一区二区三区视频在线| 老熟妇仑乱视频hdxx| 国产白丝娇喘喷水9色精品| 国产伦在线观看视频一区| 午夜福利在线在线| 亚洲精品国产成人久久av| 别揉我奶头~嗯~啊~动态视频| 又黄又爽又刺激的免费视频.| 三级男女做爰猛烈吃奶摸视频| 精品人妻视频免费看| 乱人视频在线观看| 很黄的视频免费| 免费一级毛片在线播放高清视频| 精品不卡国产一区二区三区| 丰满的人妻完整版| 久久久久国内视频| 亚洲不卡免费看| 亚洲经典国产精华液单| 久久亚洲精品不卡| 久久亚洲真实| 99久久成人亚洲精品观看| 亚洲最大成人中文| 在线天堂最新版资源| 日日啪夜夜撸| 免费高清视频大片| videossex国产| 天堂网av新在线| 亚洲男人的天堂狠狠| av福利片在线观看| 精品一区二区三区人妻视频| 少妇被粗大猛烈的视频| 欧美又色又爽又黄视频| 午夜亚洲福利在线播放| 国内精品久久久久久久电影| 国产在线男女| 婷婷精品国产亚洲av在线| 免费电影在线观看免费观看| 国产高清视频在线观看网站| 中亚洲国语对白在线视频| 真实男女啪啪啪动态图| 特级一级黄色大片| 五月伊人婷婷丁香| 久久精品国产自在天天线| 欧美成人一区二区免费高清观看| 中出人妻视频一区二区| 少妇人妻精品综合一区二区 | 精华霜和精华液先用哪个| 一区福利在线观看| 性色avwww在线观看| 乱码一卡2卡4卡精品| 老司机福利观看| 欧美精品啪啪一区二区三区| 国产三级中文精品| 嫩草影院精品99| 欧美性猛交黑人性爽| 极品教师在线视频| 亚洲av中文字字幕乱码综合| 日韩精品青青久久久久久| www.色视频.com| 色综合亚洲欧美另类图片| 成年人黄色毛片网站| 亚洲av成人精品一区久久| 成人鲁丝片一二三区免费| 少妇高潮的动态图| 白带黄色成豆腐渣| 亚洲av.av天堂| 免费人成视频x8x8入口观看| 亚洲av美国av| 久久亚洲真实| 美女 人体艺术 gogo| 成人永久免费在线观看视频| 国产蜜桃级精品一区二区三区| 免费av不卡在线播放| 久久人人爽人人爽人人片va| 国产真实乱freesex| 中文字幕熟女人妻在线| 亚洲男人的天堂狠狠| 国语自产精品视频在线第100页| 欧美日韩精品成人综合77777| 国产一区二区三区在线臀色熟女| 麻豆av噜噜一区二区三区| 日韩欧美国产在线观看| 成人毛片a级毛片在线播放| 又紧又爽又黄一区二区| 国产欧美日韩精品亚洲av| 男插女下体视频免费在线播放| 免费人成视频x8x8入口观看| 真实男女啪啪啪动态图| 国产乱人伦免费视频| 91麻豆精品激情在线观看国产| 最近中文字幕高清免费大全6 | 好男人在线观看高清免费视频| 91麻豆av在线| 麻豆av噜噜一区二区三区| 久久国内精品自在自线图片| 啦啦啦观看免费观看视频高清| 夜夜看夜夜爽夜夜摸| 欧美激情久久久久久爽电影| 免费高清视频大片| 能在线免费观看的黄片| 成人美女网站在线观看视频| 又紧又爽又黄一区二区| 听说在线观看完整版免费高清| 禁无遮挡网站| 色5月婷婷丁香| 少妇丰满av| 黄色女人牲交| xxxwww97欧美| 欧美最新免费一区二区三区| a级毛片a级免费在线| 日本 欧美在线| 国产精品不卡视频一区二区| 日本色播在线视频| 一个人观看的视频www高清免费观看| 精品日产1卡2卡| 麻豆国产av国片精品| 亚洲精品一卡2卡三卡4卡5卡| 深夜精品福利| 人妻久久中文字幕网| 国产av麻豆久久久久久久| 久久精品国产清高在天天线| 国产精品久久久久久久久免| 一本精品99久久精品77| 婷婷色综合大香蕉| 日本一二三区视频观看| 亚洲四区av| 国产精品98久久久久久宅男小说| 99热网站在线观看| 亚洲av不卡在线观看| 久久久久免费精品人妻一区二区| 亚洲av成人av| 国内久久婷婷六月综合欲色啪| 午夜福利在线在线| 可以在线观看的亚洲视频| 亚洲中文日韩欧美视频| 丰满的人妻完整版| 性欧美人与动物交配| 欧美又色又爽又黄视频| 国产亚洲av嫩草精品影院| av天堂中文字幕网| 久久精品人妻少妇| 国产亚洲91精品色在线| 又黄又爽又刺激的免费视频.| 亚洲美女视频黄频| 久久国内精品自在自线图片| 三级男女做爰猛烈吃奶摸视频| 国产一区二区激情短视频| 国产在线精品亚洲第一网站| 国产乱人伦免费视频| а√天堂www在线а√下载| 国产精品一区二区免费欧美| 亚洲国产精品sss在线观看| 好男人在线观看高清免费视频| 999久久久精品免费观看国产| 嫩草影院精品99| 国产在线男女| АⅤ资源中文在线天堂| 欧美一级a爱片免费观看看| 在线观看舔阴道视频| 亚洲精品国产成人久久av| 久久精品国产亚洲av天美| 欧美日韩精品成人综合77777| а√天堂www在线а√下载| 国产精品乱码一区二三区的特点| www.色视频.com| 国产中年淑女户外野战色| 男女啪啪激烈高潮av片| 狠狠狠狠99中文字幕| netflix在线观看网站| 九九久久精品国产亚洲av麻豆| 午夜福利成人在线免费观看| 国产爱豆传媒在线观看| 亚洲av熟女| 韩国av一区二区三区四区| 亚洲狠狠婷婷综合久久图片| 国产欧美日韩精品一区二区| 99热网站在线观看| 又黄又爽又刺激的免费视频.| 黄片wwwwww| 欧美高清性xxxxhd video| 国产激情偷乱视频一区二区| 亚洲内射少妇av| 中文字幕免费在线视频6| 免费av不卡在线播放| 久久亚洲真实| 亚洲专区国产一区二区| 女人十人毛片免费观看3o分钟| 欧美潮喷喷水| 精品久久久久久久久av| 观看免费一级毛片| 日韩欧美国产一区二区入口| 中文字幕熟女人妻在线| 久久久久免费精品人妻一区二区| 国产亚洲91精品色在线| 99热6这里只有精品| 欧美日韩瑟瑟在线播放| 久久久久久久精品吃奶| 国产伦精品一区二区三区四那| 女生性感内裤真人,穿戴方法视频| 赤兔流量卡办理| 国产亚洲91精品色在线| 亚洲欧美日韩高清在线视频| 97超视频在线观看视频| 国产高清三级在线| 久久人人爽人人爽人人片va| 成人综合一区亚洲| 亚洲国产欧洲综合997久久,| 午夜精品久久久久久毛片777| 国语自产精品视频在线第100页| 国产精品久久视频播放| 亚洲av成人精品一区久久| 床上黄色一级片| 99精品在免费线老司机午夜| 丰满人妻一区二区三区视频av| 在线免费观看不下载黄p国产 | 我要搜黄色片| 日韩在线高清观看一区二区三区 | 男女边吃奶边做爰视频| 亚洲成av人片在线播放无| 日本-黄色视频高清免费观看| 国产亚洲精品久久久com| 国产精品久久久久久久久免| 亚洲av电影不卡..在线观看| 久久精品国产亚洲av香蕉五月| 日韩欧美国产在线观看| 搡女人真爽免费视频火全软件 | 亚洲aⅴ乱码一区二区在线播放| 看十八女毛片水多多多| 2021天堂中文幕一二区在线观| 女的被弄到高潮叫床怎么办 | 国产精品国产高清国产av| 日本 欧美在线| 成人国产综合亚洲| 久久久久国内视频| 欧洲精品卡2卡3卡4卡5卡区| 91麻豆精品激情在线观看国产| 天堂网av新在线| www.色视频.com| 精品一区二区三区av网在线观看| 国产欧美日韩精品亚洲av| 天堂av国产一区二区熟女人妻| 91麻豆精品激情在线观看国产| 国产视频内射| av国产免费在线观看| 欧美极品一区二区三区四区| 草草在线视频免费看| 狠狠狠狠99中文字幕| 国产高清不卡午夜福利| 在现免费观看毛片| 在线播放无遮挡| 一个人免费在线观看电影| 国产亚洲精品av在线| 精品乱码久久久久久99久播| 日韩一区二区视频免费看| 国产精品日韩av在线免费观看| av在线亚洲专区| 亚洲av日韩精品久久久久久密| 久久久久久久久久成人| 精品国产三级普通话版| 亚洲人成网站高清观看| a级毛片a级免费在线| 人人妻人人看人人澡| 日日干狠狠操夜夜爽| 熟女电影av网| 成人性生交大片免费视频hd| 亚洲精品一区av在线观看| 成人鲁丝片一二三区免费| 亚洲中文字幕日韩| 亚洲人与动物交配视频| 欧美区成人在线视频| 给我免费播放毛片高清在线观看| 波野结衣二区三区在线| 欧美色视频一区免费| 国产男靠女视频免费网站| 日本三级黄在线观看| 22中文网久久字幕| 国产精品伦人一区二区| 亚洲av.av天堂| 99热这里只有是精品50| 日韩强制内射视频| 欧美日本视频| 亚洲黑人精品在线| 久久精品91蜜桃| 一级黄片播放器| 国内揄拍国产精品人妻在线| 十八禁国产超污无遮挡网站| 精品人妻1区二区| 亚洲美女搞黄在线观看 | 亚洲真实伦在线观看| 精品99又大又爽又粗少妇毛片 | 给我免费播放毛片高清在线观看| 亚洲电影在线观看av| 午夜激情欧美在线| 国产一区二区在线观看日韩| 欧美色欧美亚洲另类二区| 亚洲一区二区三区色噜噜| 免费观看人在逋|