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

    Leveraging User-Generated Comments and Fused BiLSTM Models to Detect and Predict Issues with Mobile Apps

    2024-05-25 14:40:34WaelYafoozandAbdullahAlsaeedi
    Computers Materials&Continua 2024年4期

    Wael M.S.Yafoozand Abdullah Alsaeedi

    Department of Computer Science,College of Computer Science and Engineering,Taibah University,Medina,42353,Saudi Arabia

    ABSTRACT In the last decade,technical advancements and faster Internet speeds have also led to an increasing number of mobile devices and users.Thus,all contributors to society,whether young or old members,can use these mobile apps.The use of these apps eases our daily lives,and all customers who need any type of service can access it easily,comfortably,and efficiently through mobile apps.Particularly,Saudi Arabia greatly depends on digital services to assist people and visitors.Such mobile devices are used in organizing daily work schedules and services,particularly during two large occasions,Umrah and Hajj.However,pilgrims encounter mobile app issues such as slowness,conflict,unreliability,or user-unfriendliness.Pilgrims comment on these issues on mobile app platforms through reviews of their experiences with these digital services.Scholars have made several attempts to solve such mobile issues by reporting bugs or non-functional requirements by utilizing user comments.However,solving such issues is a great challenge,and the issues still exist.Therefore,this study aims to propose a hybrid deep learning model to classify and predict mobile app software issues encountered by millions of pilgrims during the Hajj and Umrah periods from the user perspective.Firstly,a dataset was constructed using user-generated comments from relevant mobile apps using natural language processing methods,including information extraction,the annotation process,and pre-processing steps,considering a multi-class classification problem.Then,several experiments were conducted using common machine learning classifiers,Artificial Neural Networks(ANN),Long Short-Term Memory(LSTM),and Convolutional Neural Network Long Short-Term Memory(CNN-LSTM)architectures,to examine the performance of the proposed model.Results show 96%in F1-score and accuracy,and the proposed model outperformed the mentioned models.

    KEYWORDS Mobile apps issues;play store;user comments;deep learning;LSTM;bidirectional LSTM

    1 Introduction

    Mobile application development and usage have grown,particularly during the COVID-19 pandemic owing to the increased usage of mobile apps in daily activities.Several mobile apps have been developed to assist with food delivery,grocery shopping,online shopping,appointment-making,health services,and other services that help people.These mobile apps are uploaded to marketplaces such as Google Play Store,Apple’s App Store,Samsung Galaxy Store,Amazon App Store,and the Apple App Store to be available to the public [1].These marketplaces allow users to express their experiences and suggestions and provide feedback through written reviews and ratings of mobile apps,which are considered indicators of mobile app quality [2].Users read the review comments before downloading such mobile apps.Such information about mobile apps can be an indicator of their weaknesses and usability issues before downloading and using the apps.Such information also helps users to obtain knowledge about mobile apps.Moreover,users express their feelings when downloading mobile apps by giving comments.Furthermore,user reviews contain information with technical value to the developer as a feedback channel.Developers can use user reviews as a source to improve the software functionality of mobile apps.Based on such information,mobile app developers can improve software usability and user satisfaction by analyzing user reviews.

    Scholars have attempted to mine user reviews of mobile apps through many methods,such as bug reports and sentiment analysis,using the rating mechanism from 0 to 5,which is considered a quality measurement for mobile apps.The user comments cover a wide range of topics and issues,such as performance,battery issues,security,graphical user interface,registration,and updates.Therefore,the issues of mobile apps can be categorized and summarized using these methods.For the same purpose,some researchers paid attention to mining non-functional requirements (NRFs) as measures of the quality of mobile apps.In this way,researchers extract information and classify mobile app issues from the users’end perspective.NFR can be seen from different perspectives that are important to evaluate mobile apps,such as the usability of a mobile app’s performance when installing,opening,and meeting the tasks or functions[3].In addition,reliability measures the consistency of the mobile app functions [4].Moreover,existing methods that have been utilized in mining mobile app issues include classifications [1,2,5–7],summarization [8–11],comparing features amongst mobile apps[12–14],sentiment analysis[15–18],and mining wearable devices[19–22].

    Generally,users face difficulties in using mobile apps for several reasons.These issues can be realized from the starting point of downloading the mobile apps,registration process,graphical user interface,or use of the functions of mobile apps.As mentioned earlier,scholars have proposed suggestions,methods,approaches,and tools for addressing such issues.In traditional methods,qualitative approaches and surveys are conducted to gather user feedback and performance data analysis,whereas in recent methods,machine learning(ML),deep learning(DL),and natural language processing approaches are employed.The majority of these methods are based on the English language and focus on mining information from different perspectives and purposes.However,to the best of our knowledge,this case is an excellent challenge in Arabic society,where there is no labeled dataset and no prominence given to Hajj and Umrah services.Furthermore,an issue exists,and users are not satisfied.

    Therefore,this study aims to propose a combined two Bidirectional Long Short-Term Memory(BiLSTM) model that can detect and classify mobile app issues related to Hajj and Umrah services through user-generated comments.Two BiLSTM layers can be used to better understand context.Simple patterns are detected by the first layer,and they are combined by the second layer to understand more intricate meanings.Comparable to having two sets of eyes on the text,this increases the model’s capacity for learning and accuracy.When it comes to Hierarchical feature learning,the BiLSTM layers play an important by stacking the layers,whereby lower-level features are extracted by the first layer and more abstract representations are captured by the second layer.By enhancing the representational capability of the model,addressing the vanishing gradient issue,and producing ensemble-like effects,this method improves generalization and performance on challenging text classification tasks.The number of hidden units and layers,which determines the network’s capacity;the dropout rate,which aids in preventing overfitting;the learning rate,which influences the optimization process;batch size,which affects training stability;activation functions,which affect information propagation;weight initialization methods,which ensure proper convergence;and the optimizer,which determines how the model updates its weight.

    In addition,a novel dataset is introduced based on information collected from user-generated comments on the most commonly used mobile apps serving during the Umrah and Hajj periods.The novel dataset was constructed from two languages(i.e.,Arabic and English)using several natural language processing methods,such as in-formation extraction,pre-processing steps,and annotation process.A part of this dataset was translated from English to Modern Arabic standards using Google Translation API and also included dialects from different Arabic countries,such as Egypt,Saudi Arabia,Jordan,Yemen,and the Gulf area.The proposed dataset was considered imbalanced,which consists of 23,559 user comments,and was composed of five classes,namely,not working,registration issues,interface issues,update issues,and login issues after the filiation process of 76,351 user comments.Several experiments have been conducted to examine the performance of the proposed model.In these experiments,ML classifiers used,namely,support vector machines(SVM),Decision Tree(DT),Support Vector Classifier(SVC),and Logistic Regression(LR)and DL architecture,are ANN,LSTM,and CNN-LSTM.The ML classifiers and DL architecture have been examined based on the multiple hyper-parameters.The experimental results show that the proposed model outperforms the mentioned classifies in ML and DL in terms of score and accuracy.The model performance recorded 96%in terms of score.The main contributions of this study can be summarized as follows:

    ? Develop a hybrid BiLSTM model based on fusion to detect and classify Hajj and Umrah mobile app issues that can help developers improve mobile apps.

    ? Construct a bilingual dataset utilizing user-generated comments from Hajj and Umrah mobile apps.

    ? Apply different MCLs and DLs in several experiments on the proposed dataset to measure the performance of the proposed model.

    ? Examine the different weight methods that are calculated in the concatenate layer of two BiLSTM models.

    The remainder part of this paper is organized as follows: Section 2 presents the related studies.The methods that are used to carry out this study are described in Section 3.Section 4 explains the results and discussion,and the conducting of this paper is presented in Section 5.

    2 Related Studies

    This section describes the related studies in user text review classification and prior research that concentrates on mining user comments from the perspective of improving the functionality of mobile apps.In addition,the most common apps that are used in the Hajj and Umrah.Therefore,Vermetten et al.[23] studied and evaluated the usability issues older users had with two mHealth apps and utilized MOLD-US,a recently developed framework for aging barriers,as a categorization method to pinpoint the root of these issues using the Think Aloud Protocol.Design principles should take into account older persons’declining cognitive abilities,physical limitations,and motivational impediments.Existing expertise in building interfaces for older target groups is not properly applied.It was found that 31%of these issues in the selected apps were categorized as cognitive issues.

    Similarly,Kumar et al.[24]discussed ten heuristics that were given by Nielsen[25]for the heuristic evaluation of mobile learning applications,but due to their generic character,these heuristics are not very useful.This study analyzed 16 usability tests from the literature using new heuristics that were established to augment Nielsen’s heuristics.The validation results show that while evaluating mobile learning applications,evaluators can identify more usability issues by using newly created heuristics.Delikostidis et al.[26] investigated the usability of mobile applications within virtual environments considering several criteria,including the effectiveness and efficiency of task completion,users’satisfaction,and the number of errors users make.Empirical research was carried out by Moumane et al.[27] using a set of measures to assess the usability of mobile applications that are run on various mobile operating systems.Formerly,Flora et al.[28]investigated the most important characteristics that define mobile applications to facilitate the delivery of valuable user-friendly mobile apps to meet users’requirements.Méndez Porras et al.[29]performed a systematic literature review to identify and collect required evidence regarding automated testing of mobile applications.The usability measurement is done by taking into account three factors,i.e.,effectiveness,efficiency,and satisfaction.In this process,some other factors,such as cognitive load,may be overlooked.Harrison et al.[30]designed a novel usability model,namely,people at the center of mobile application development.In addition,they reviewed mobile applications for specific fields.

    In addition,Ebrahimi et al.[10] stated that the proliferation of mobile applications (apps) over the past decade has imposed unprecedented challenges on end-user privacy.Collection tactics have raised major privacy concerns among mobile app users.2.6 million app reviews were sampled from three different application domains.Similarly,di Sorbo et al.[31]developed and have come up with a creative solution called the SURF(Summarizer of User Reviews Feedback)to shorten the time needed for user feedback analysis.17 mobile apps from 23 developers and academics were subjected to an endto-end evaluation of SURF;the findings revealed good accuracy in summarizing reviews and the value of suggested adjustments.SURF aids developers in comprehending user needs better than manual user request analysis and future program change planning.68.75%of users said that it was easy to read and understand;however,12.50% reviewed SURF and concluded it to be hard to read and understand;and then there are 18.75%who said it is somewhat readable and understandable.Jha et al.[32]used a unique method for app review mining from the app store and Twitter.The method proposed in this paper is based on frame semantics.The investigation,which makes use of three datasets of app store evaluations,demonstrates how semantic frames can facilitate an effective classification procedure for reviews.A review categorization and summarization package called MARC 2.0 uses the techniques that were looked at in the investigation.It was also found that 50%of the collected tweets contained maintenance requests.

    Jha et al.[2]researched a two-phase study that mines NFRs from user evaluations that are found in app stores for mobile applications.A qualitative study of 6,000 user evaluations from a variety of iOS app categories was done in the first stage utilizing the dataset.The findings revealed that users in various app categories tended to raise various forms of NFRs,with 40% of the reviews in the sample indicating at least one sort of NFR.with an accuracy precision of 70% (range– 80%)and an average recall of 86%as a result.However,Lu et al.[33]studied and combined three machine learning algorithms—Naive Bayes,J48,and Wrapping four classification techniques—BoW,TF-IDF,CHI2,and AUR-BoW—to classify user reviews into four categories: NFRs (reliability,usability,portability,and performance),Functional Requirements(FRs),and Others.The results demonstrated that adding user evaluations can improve classification outcomes.Hasan et al.[34]analyzed 4.5 million Google reviews alongside 126,686 responses on 2,328 top free apps on the Google Play Store.to show and demonstrate how reviews are dynamic and how users and developers use the response mechanism as a basic user assistance tool.Owners of app stores might improve the response process by automatically flagging reviews that likely need a response.Chen et al.[1]extracted the most insightful user reviews,automatically grouping them using topic modeling,prioritizing them using an effective review ranking scheme,and presenting the groups of the most insightful reviews via an intuitive visualization approach,AR-Miner is a novel computational framework for app review mining.The apps used were taken from the Google Play Store alongside the comments,which were picked out randomly for the proposed apps.

    Noei et al.[35] studied the importance of high star ratings in mobile app markets.This study showed that there are several main themes in different categories and each category has a certain set of main themes.Several scholars have designed different mobile applications applicable to various services.Several master’s theses have been carried out on creating mobile applications that can guide Malaysian pilgrims[36–42].In a master’s thesis[41],augmented reality was proposed to guide pilgrims.A new framework was suggested by [43],which serves as a crowdsourcing platform for defining the pilgrims’needs.In addition,reference [44] designed a mobile application serving as a dictionary for pilgrims who speak the Malay language.It has the capacity for translating three languages,i.e.,Malay,Arabic,and English,to each other.The authors in[45]suggested the utilization of a mobile phone for tracking purposes.This strategy could aid the guides(Mutawwif)of pilgrimage groups in recognizing their movements and determining their locations.A dynamic signage system was designed by [46],which can be used as a mobile application that informs pilgrims regarding the crowd status around the Holy Ka’bah.Pilgrims can also use this application to automatically count the number of Tawaf rounds performed.Another mobile application was designed by [47],which is capable of guiding pilgrims when doing Hajj and Umrah.It can also serve as a Tawaf counter and location tracker.

    Zhou et al.[48],introduced a study on BiLSTM models based on attention for recognizing personality from user-generated content.To find out how emoji information affects personality recognition task performance,the study suggests two innovative attention-based BiLSTM architectures that combine textual and emoji data.In addition,Zhang et al.[49] proposed a sentiment analysis and intuitionistic fuzzy TODIM method-based model for product selection.The suggested method seeks to use information from online reviews to help consumers decide what to buy.Similarly,Zhou et al.[50],highlighted the problems posed by the proliferation of online reviews,which has resulted in information overload.The study suggests a brand-new feature ranking method to find and extract significant features from online product reviews.

    The author in[51]introduced a service for identifying an exact location in Hajj.Another research[52]offered a mobile translation application for the facilitation of communication among pilgrims.The“Al-Hajj”is a mobile application introduced by[53]to help pilgrims understand Hajj-related deeds.It can exhibit four interactive features,i.e.,a map,checklist,motivational messages,and contact list.Reference [54] investigated how smartphone apps could be utilized to conduct surveys.Analytical research was carried out by[55]into the mobile applications related to the Hajj practices,which are offered on Google Play.The applications identified in this regard were analyzed by taking into account the following criteria: Supported languages,offered services,installation rates,and repetition of the services and names of the applications.

    3 Materials and Methods

    The methods that are used to carry out the proposed model are explained in this section.These methods are user comment extraction,data annotation process,data pre-processing,model architectures,and model evaluation methods.Fig.1 shows an overview of the approach used in this research methodology.

    Figure 1: Research methodology approach

    3.1 User Comment Extraction

    The first task is to extract the information from user-generated comments on the mobile apps from the Google Play Store to detect the issues of the mobile apps related to Hajj and Umrah services.The main criteria used in selecting and extracting the data are identified mobile apps that are used in Hajj and Umrah focus on user comments,and all the textual data is in Arabic and English,with different dialects,such as in Saudi,Egypt,Jordan,Gulf Area,and Yemen.The mobile apps were selected based on the most popular applications used by the pilgrims and the ones that provide the most services to them.Then,the seven mobile apps were selected,and the user comment extraction processes were executed.

    In the extraction process,the Google Store API using the ‘google_play_scraper’Python library has been used with Python 3.7 programming language using Google Colab.A total of 76,351 usergenerated comments were extracted from mobile apps that provide services to pilgrims during the period January 2020 to July 2023.The user comments are extracted from the Google Play Store in the form of a comma-separated values(CSV)file that contains several attributes.Most of the attributes that were not relevant to the objective of this study were removed,and only the user comments attribute remained.The data annotation process utilizes this CSV in its second step.In addition,in this stage,data cleaning processes have occurred,such as removing noise,special characters,numbers,and emojis.

    3.2 Data Annotation

    In this step,the data annotation process begins,and the classes are identified to give labels before the classes are identified,and the labels are provided.During this stage,three experts and Ph.D.holders in the area of software engineering read comments randomly to obtain the initial idea of the user comments and list the issues.Initially,the number of classes was identified by 12 labels,then reduced to five classes only.This process is time-consuming.The experts spent much time classifying usergenerated comments after a careful reading process to assign the comments to the relevant class.The agreement to assign user comments to the class should be obtained with at least the approval of two annotators;otherwise,the user comment is excluded.In addition,Cohen’s kappa measure was used which showed the agreement between the annotators 82%which indicates an almost perfect agreement.Table 1 shows the proposed dataset,and Fig.2 shows the general view of the dataset in the form of the word cloud.

    Table 1: Dataset description

    Figure 2: Word cloud

    The five classes have been identified based on their content and double-checked for each user comment by experts.Table 2 presents a specific definition for each class.The user comment was found to be written in Arabic,English,or Arabizi.The English comments were translated into the modern Arabic language.In the Arabic comments,the comments come in a different dialect,as the Arabic language can contain many dialects of the Arabic world.An example of the user comments are shown in Table 3.And Table 4 shows an example for each class.

    Table 2: Classes and its description

    Table 3: Example of the user comments and classes

    Table 4: ML classifiers and hyper parameters

    3.3 Data Pre-Processing

    In this step,the input of ML,DL and the proposed model used is the proposed dataset.Several steps are required for preparation for user-generated comment inputs.The pre-processing steps are performed to obtain high accuracy by training the models to predict the classes for user comments.To prepare the user comments for the next phase,several pre-processing steps were employed.These steps remove noise from the user comments,such as special characters or emojis,remove numerical data,remove stop words and normalization for the Arabic language,use a regular expression to deal with white spaces and use correction methods for Arabic words and stemming steps.Then,the user comments were translated to TFIDF word representation as presented in mathematical Eq.(1),and the bigrams were utilized with 2,500 features that achieved the best accuracy.

    whereas W denote the weight of word “i”in user comment “j”and TF is the term frequency of the word“i”.

    3.4 Building Models

    This section describes the most commonly used methods that are used in textual classification problems.Scholars selected ML classifiers and DL architectures that are used to evaluate the performance of the proposed model.ML classifiers are SVM,DT,LR and SVC.SVM is the linear classification algorithm that uses a line or a hyperplane to separate data points in dimension space(user comments) into classes by breaking the multi-classification problem into sub-problems to deal with them as a binary classification problem.In the same way as SVM,which is a variant of SVM,the SVC algorithm works by finding the best hyperplane to classify data points.Meanwhile,LR is a statistical algorithm used for predicting classification based on categorical variables utilising logic functions.LR is based on a modified function of linear regression that is used for continuous prediction.DT represents the problem in tree structures that consist of nodes in the form of children and parents and is then computed by assigning user comments to the classes.This way is based on the concept of probability that uses entropy and information gain.

    ANN is a simple architecture of DL.ANN consists of interconnected neurons in layer structures,which are input,hidden,and output layers,as shown in Fig.3.In the input layer,the input is usergenerated comments represented in the form of TF-IDF.Meanwhile,in the hidden layers,which can consist of many layers,the input is used to train the ANN to classify the comments into five defined classes in the output layer.The ANN works based on the mathematical formula in Eq.(2).Based on the calculation of this formula,the activation function is used to decide whether the output of the neuron is activated or not.

    where X is the input for the ANN,which is TF-IDF representing the term(word)of the user comment.Therefore,several terms are represented in Xnand n is the number of the TFIDF,whereas W is a weight that is assigned to each neuron in the hidden layers,and b is a small value known as bais.Then,Y is considered the input for the next neuron.

    The LSTM architecture is the type of recurrent neural network that is used to learn based on sequence data.LSTM knows a sequence processing model.In addition,LSTM stores terms for longterm dependencies,which are the terms in the user comments.Therefore,LSTM remembers the previous terms required in textual data.Thus,this structure of DL is utilized in natural language processing as it improves in identifying/predicting the class of user comments to which classes belong.Fig.4 shows the LSTM structure.

    Figure 3: ANN architecture

    Figure 4: LSTM architecture

    The CNN-LSTM consists of two consecutive stages:CNN architecture followed by LSTM.CNN is utilized for extracting features (terms) from the input data.Meanwhile,LSTM used that data to train the neural network on the user comments to predict the classes of mobile app issues based on user-generated comments.Fig.5 depicts the CNN-LSTM architecture.

    3.5 Proposed Model

    The proposed model is the combination of two BiLSTM models.BiLSTM architecture is built based on the LSTM model architecture.BiLSTM has an added reversed way of information,where the network works in both directions,forward and backwards,to overcome the weakness of LSTM,that is,remembering the previous only,which is the time of t only and the future context of information (forward propagation).Therefore,BiLSTM consists of two LSTM.This model is used mainly for natural language processing and is a powerful way to deal with dependencies between words/terms in the user comments.In this way,the network learns in a bidirectional way between time steps/sequences of data based on the dependency concept.Generally,BiLSTM capture bidirectional context and handle long-term dependencies in sequential data.By this way,BiLSTM allows to capture contextual information from both past and future tokens.Therefore,it provides a more comprehensive understanding of the text.Fig.6 shows the model architecture.

    Figure 5: CNN-LSTM architecture

    Figure 6: Proposed combined BiLSTM model

    Fig.6 illustrates the architecture of the proposed model that consists of two BiLSTM architectures.This architecture is composed of five phases,namely,input,TFIDF representation,two BiLSTM architectures,combined layer,and output layer.In the input phase,user-generated comments about the mobile app’s issues are received,and then the user-generated comment about the mobile app’s issues is represented in TF-IDF.These inputs are fed to two LSTM models working in a bidirectional way.The results of the two models are combined in different ways:Average,minimum and maximum weight.Then,the results of the weight are processed to the dense layer,which is ANN.The final decision for the classification of the user comments about the mobile apps issues is classified into one of the five classes using the Softmax function as represented in mathematical Eq.(3),which is known as the control of information flow and regulation of the values in the gate.In the softmax activation function,is the input vector(list of words),K is the number of classes(multi-classes)and ezjis the exponential function for the output vector,whereas the Tanh activation function is used in hidden layers,which can be represented in mathematical Eq.(4):

    BiLSTM calculates the input of the user-generated comments in sequence order.The input of unique words,denoted by x,can be shown in the mathematical formula in Eq.(5)as follows:

    These inputs pass through in a forward direction from left to right,as represented in the mathematical formula in Eq.(6)as follows:

    and the second LSTM in a backwards direction from left to right,as represented in the mathematical formula in Eq.(7).

    and concatenation of forward and backwards can be summarised in the following mathematical formula in Eqs.(8) and (9),respectively,and the concatenation of forward and backwards can be stated in the mathematical formula in Eq.(10).

    whereas the output is y,as represented by the mathematical formula in Eq.(11).

    Details of the procedures that are use to detect and classify the mobile app issues related to Hajj and Umrah is presented in Algorithm 1.

    3.6 Evaluation Methods

    The most commonly used measures have been utilized to evaluate the performance of the proposed model used to classify and predicate the mobile app issues related to Hajj and Umrah.Furthermore,the experimental results of the proposed model are compared with those of the existing and common classifiers of ML and DL approaches.These measures are recall,precision,F-score and accuracy,all of which are shown in the following mathematical Eqs.(12)–(15),respectively.

    4 Results and Discussion

    This section describes the experiment settings and hyperparameters used in the experiments.In addition,the experimental results of the ML classifiers,DL approaches and the proposed model are discussed.These experiments were carried out to measure the performance of the proposed model to detect and predict Hajj and Umrah mobile app issues from user-generated reviews.

    4.1 Experiment Settings

    Several experiments were conducted using the most commonly used ML classifiers and DL architectures.These methods produced high accuracy,particularly with textual data,which indicates good model performance in classification problems.The classifiers in ML are LR [56,57],SVM[58,59],SVC[60,61]and RF,and those in DL architecture are ANN,LSTM and CNN-LSTM.The experimental results of these mentioned approaches are used to compare with the performance of the proposed model.All the experiments were executed using Python on Colab and Scikit-learn(Sklearn)library for ML classifiers,NLTK for pre-processing methods and Tensorflow and Keras for DL approaches using GPU.The novel introduced in the dataset described in Table 1 has been utilized for all experiments.After several experiments,the best tuning configurations for hyperparameters were identified,as shown in Table 4.

    In ML classifier experiments,several experiments were conducted to train the aforementioned ML classifiers to detect the Hajj and Umrah mobile apps issue based on the proposed dataset.The best results are obtained using the aforementioned hyperparameter,as shown in Table 4.In addition,the validation and test accuracy are close to each other,and the difference is not more than 5%.Therefore,the overfitting or underfitting problem does not exist.Owing to the many records of the experiment results for the five classes in terms of precision,recall,F1-score and accuracy,the average of precision,recall and F1-score for the five classes of issues related to the Hajj and Umrah mobile app experiments is used,as presented in Table 5.In addition,Fig.7 illustrates the precision,recall and F1-score for all classes using ML classifiers.The best model performance for the classifiers ever recorded is 92.74%and 92.16%using RF and SVC,respectively.

    Table 5: Precision,recall,F1-score,and accuracy of ML classifiers

    In the DL experiments,the hyper-parameter and experiment setting was the same without any changes for all experiments of DL architecture,as presented in Table 6.All measurements for model performance used in the ML experiment are also utilized in the DL experiments.

    Table 6: DL Hyperparameter

    In the first experiment of DL using ANN architecture,the model produces 89% in terms of accuracy.In addition,the average recall is 86.60%,and the precision is 90.40.In this architecture,the sequential model using Keras on top of Tensorflow has been utilized.In the LSTM experiment,the model accuracy is the same as that produced by ANN experiment,with a slight improvement in terms of F1-score because the recall score is higher than the score in ANN.Overall,in both experiments,the accuracy and F1-score of the training and testing are close to each other.The model accuracy and F1-score decreased to 85% and 84.60%,respectively,where the decrease has been notable with the CNN-SLTM experiment.In addition,the training time is longer compared with the previous two experiments.Therefore,the worst model performance has been recorded using the CNN-LSTM architecture,which is 85%.

    The BiLSTM model excels at text classification due to its unique ability to understand word context bidirectionally.As a result,using two BiLSTM models in text classification tasks can improve performance.It processes input sequences in both forward and reverse orientations,allowing each model to capture a more comprehensive context by taking preceding and subsequent words into account.Because of the bidirectional information flow,the models can better understand the relationships between words in a phrase,which is critical for successful classification.It is a sort of ensemble learning in which the characteristics of each model complement each other.This helps capture diverse parts of the data while boosting the model’s overall resilience and generalization.

    The experiment of the proposed model was carried out based on the hyperparamter as presented in Table 7.While the experiment results are shown in Table 8,which demonstrates the highest accuracy and F1-score produced using the proposed model.For the proposed model,precision and recall achieved the highest scores,which are 96%compared with the previous three experiments,in addition to the ML classifiers.Thus,the proposed model outperforms the ML classifiers and the ANN,LSTM,and CNN-LSTM in terms of accuracy and F1-score in detecting and predicting Hajj and Umrah mobile issues using five classes.The figure alongside Figs.8–10 show the decreasing loss and the score in terms of accuracy for the ANN,LSTM,and CNN-LSTM models.

    Table 7: Parameters used in the proposed model

    Table 8: Experiment results of DL approaches and proposed model

    Figure 8: Training and testing accuracy and validation and loss using ANN architecture

    Figure 9: Training and testing accuracy and validation and loss using LSTM a architecture

    Figure 10: Training and testing accuracy and validation and loss using CNN-LSTM architecture

    Fig.11 illustrates the experiment results in the form of a confusion matrix for three DL architectures and the proposed model.In Table 8,it presents the performance of the proposed model compared with the deep learning models.The model performance in term of precision,recall,and F1-score of the proposed model for five classes is present in Table 9.While in Table 10,the model performance is compared with the state-of-the-art models that were proposed for text classification in different representations such as social media.Overall the proposed model has outperformed all the other models it was tested with in terms of accuracy.Which attained a score of 96%,which proves that processing input sequences in both forward and backward directions can help in understanding the relation between the words.

    Table 9: precision,recall,and F1-score of proposed model for five classes

    Table 10: Compare accuracy of existing methods and propose model

    Fig.12 shows the accuracy and validation of the proposed model,with the highest training and validation accuracies.

    Figure 11: Confusion matrix of DL experiment

    Figure 12: Accuracy,validation and loss of proposed model

    As comprehended by Table 9,we can perceive that the proposed model had a solid 96% in all aspects of testing (precision,recall,F1-score,accuracy),which was much higher than all the other models compared with that between 83% and 90% amongst all the tested aspects.After examining Table 8,we can safely say that the proposed model was the best-performing model amongst all the other architectures as it out-scored all the other models with a significant accuracy of 96%in only 50 epochs that used the train proposed model based on the proposed dataset.Fig.12 shows the accuracy and validation of the proposed model using the concatenate and the average weight in the combined layer.In addition,the maximum weight is used and has attained the same accuracy.Furthermore,the confusion matrix of the proposed model with different calculation methods in the combined layer are presented in Fig.13.Table 10 demonstrates the performance of the proposed model in term of accuracy compared with the common existing models.

    Figure 13: Confusion matrix of the proposed model with different calculation methods

    5 Conclusions

    This study proposes employing a fusion of two BiLSTM models to detect and classify mobile app issues that are related to Hajj and Umrah services.Millions of people use such applications and encounter issues,making customers unsatisfied.A novel dataset has been introduced based on a multi-class classification problem,which is extracted from user comments from the most common mobile apps using Arabic and English comments.The dataset consists of five classes identified by experts.The experimental results show that the performance of the proposed model outperforms the selected ML classifiers and DL architectures,and the score reached 96%.The model mode constructed based on two BiLSTM models achieved great results owing to its directional mechanism forward and backward,which are useful for sequence data,particularly textual data,which are the core of the classification problem.In these experiments,different types of combined calculation weights of features have been used,and no notable improvement has been recorded in terms of accuracy.There is a slight exchangeable improvement in precision and recall.Future work can add more user-generated comments from many mobile apps and make it a bilingual classification,Arabic and English,by utilizing DL architecture and NLP methods to obtain higher accuracy,this can be achieved by adding a dataset that is larger and consists of user-generated comments from a varied range of mobile apps.Moreover,a bilingual classification approach including the languages of Arabic and English can be enhanced for the applicability of the model.Using advanced Deep Learning (DL architectures and Natural Language Processing (NLP) methods,such as multilingual embeddings or pre-trained language models,almost definitely leads to attaining a higher score in accuracy for classifying comments in both of the aforementioned languages.This development increases the understanding of the model through different domains and also addresses the diverse linguistic inherent in content that is user-generated.

    Acknowledgement:The authors would like to express their gratitude for the valuable feedback and suggestions provided by all the anonymous reviewers and the editorial team.

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

    Author Contributions:Conceptualization,Wael M.S.Yafooz and Abdullah Assaedi;Wael M.S.Yafooz and Abdullah Assaedi;Data curation,Wael M.S.Yafooz and Abdullah Assaedi;Formal analysis,Wael M.S.Yafooz;Investigation,Wael M.S.Yafooz;Methodology,Wael M.S.Yafooz and Abdullah Assaedi;Software,Abdullah Assaedi;Validation,Abdullah Assaedi;Visualization,Abdullah Assaedi;Writing–original draft,Wael M.S.Yafooz and Abdullah Assaedi.All authors reviewed the results and approved the final version of the manuscript.

    Availability of Data and Materials:The datasets can be accessed at https://www.kaggle.com/datasets/waelshaher/mobile-apps-issues.

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

    在线观看午夜福利视频| 91字幕亚洲| 国产精品一区二区精品视频观看| 波多野结衣巨乳人妻| 最近最新免费中文字幕在线| 久久天躁狠狠躁夜夜2o2o| 两个人看的免费小视频| 婷婷丁香在线五月| 91麻豆av在线| 国产成人啪精品午夜网站| 午夜久久久久精精品| 日日爽夜夜爽网站| 精品卡一卡二卡四卡免费| 欧美激情久久久久久爽电影 | 女性生殖器流出的白浆| 精品免费久久久久久久清纯| 丝袜人妻中文字幕| 欧美人与性动交α欧美精品济南到| 操美女的视频在线观看| 亚洲avbb在线观看| 我的亚洲天堂| 又紧又爽又黄一区二区| 精品人妻在线不人妻| 最近最新中文字幕大全免费视频| 好男人在线观看高清免费视频 | 欧美色视频一区免费| 波多野结衣一区麻豆| 亚洲五月天丁香| 欧美成人一区二区免费高清观看 | 精品国产一区二区三区四区第35| 母亲3免费完整高清在线观看| 中文字幕色久视频| 亚洲国产精品合色在线| 男女做爰动态图高潮gif福利片 | 一边摸一边抽搐一进一出视频| 天天躁狠狠躁夜夜躁狠狠躁| 国产成人精品无人区| 可以免费在线观看a视频的电影网站| 国产亚洲精品综合一区在线观看 | 老司机靠b影院| 中文字幕人妻丝袜一区二区| 99久久国产精品久久久| 黑人操中国人逼视频| www.自偷自拍.com| 免费女性裸体啪啪无遮挡网站| 99久久国产精品久久久| 欧美 亚洲 国产 日韩一| 国产野战对白在线观看| 人成视频在线观看免费观看| 高清在线国产一区| 亚洲 欧美 日韩 在线 免费| 99在线人妻在线中文字幕| tocl精华| 啦啦啦观看免费观看视频高清 | 亚洲一区高清亚洲精品| 午夜福利影视在线免费观看| 日本欧美视频一区| 夜夜爽天天搞| 91老司机精品| 不卡一级毛片| 在线天堂中文资源库| 波多野结衣一区麻豆| 精品国内亚洲2022精品成人| 韩国精品一区二区三区| 日日干狠狠操夜夜爽| 欧美成人免费av一区二区三区| 久久国产亚洲av麻豆专区| 午夜久久久久精精品| 91av网站免费观看| 国产午夜精品久久久久久| 国内毛片毛片毛片毛片毛片| 亚洲精品久久国产高清桃花| 美女 人体艺术 gogo| 午夜成年电影在线免费观看| 国产成人免费无遮挡视频| 9热在线视频观看99| 大型黄色视频在线免费观看| 精品一品国产午夜福利视频| av有码第一页| 1024视频免费在线观看| 老司机午夜十八禁免费视频| 正在播放国产对白刺激| 亚洲精品国产区一区二| 国产一区二区三区在线臀色熟女| 老司机午夜福利在线观看视频| 国产精品乱码一区二三区的特点 | 桃色一区二区三区在线观看| 97人妻天天添夜夜摸| 国产蜜桃级精品一区二区三区| 欧美成人一区二区免费高清观看 | 免费看美女性在线毛片视频| 国产成人啪精品午夜网站| 久久国产精品影院| 亚洲激情在线av| 成人手机av| 怎么达到女性高潮| 久久久国产欧美日韩av| 一级,二级,三级黄色视频| 国产aⅴ精品一区二区三区波| 亚洲中文字幕日韩| 90打野战视频偷拍视频| www.精华液| 国产精品亚洲一级av第二区| 亚洲精品美女久久av网站| 可以在线观看的亚洲视频| 国产1区2区3区精品| 最好的美女福利视频网| 久久精品91无色码中文字幕| 日日爽夜夜爽网站| 夜夜看夜夜爽夜夜摸| 午夜影院日韩av| 亚洲av成人av| 一区二区三区精品91| 亚洲国产精品久久男人天堂| 韩国av一区二区三区四区| 丝袜在线中文字幕| 日韩欧美一区二区三区在线观看| 国产精品av久久久久免费| 制服诱惑二区| 久久伊人香网站| 脱女人内裤的视频| 少妇 在线观看| 国产在线观看jvid| 日韩欧美三级三区| 国产三级黄色录像| 一本久久中文字幕| 国产亚洲欧美精品永久| 亚洲中文日韩欧美视频| 亚洲 欧美 日韩 在线 免费| 亚洲片人在线观看| 日本a在线网址| 国产欧美日韩一区二区精品| 久久草成人影院| 久久国产亚洲av麻豆专区| 动漫黄色视频在线观看| 一区二区日韩欧美中文字幕| 搡老妇女老女人老熟妇| 亚洲人成伊人成综合网2020| 亚洲在线自拍视频| 变态另类成人亚洲欧美熟女 | 最新在线观看一区二区三区| 日日摸夜夜添夜夜添小说| 亚洲中文字幕一区二区三区有码在线看 | 婷婷六月久久综合丁香| 欧美日韩福利视频一区二区| 色老头精品视频在线观看| 18禁国产床啪视频网站| 国产区一区二久久| 欧美日韩精品网址| 成人免费观看视频高清| www.熟女人妻精品国产| 国产精品影院久久| 在线观看免费日韩欧美大片| 精品国内亚洲2022精品成人| 一区二区三区激情视频| 亚洲少妇的诱惑av| 黄色视频不卡| 日韩高清综合在线| aaaaa片日本免费| 欧美另类亚洲清纯唯美| 国产成+人综合+亚洲专区| 亚洲全国av大片| 亚洲久久久国产精品| a在线观看视频网站| 亚洲avbb在线观看| 两性午夜刺激爽爽歪歪视频在线观看 | 中亚洲国语对白在线视频| 亚洲欧美精品综合久久99| 无限看片的www在线观看| 久久欧美精品欧美久久欧美| 亚洲精品粉嫩美女一区| 十八禁人妻一区二区| 成人欧美大片| av视频免费观看在线观看| 一级作爱视频免费观看| 97人妻天天添夜夜摸| 久久久水蜜桃国产精品网| 女人精品久久久久毛片| 亚洲一区二区三区色噜噜| 嫩草影院精品99| 欧美国产日韩亚洲一区| av天堂在线播放| 母亲3免费完整高清在线观看| 亚洲 欧美一区二区三区| 久久久国产欧美日韩av| 99香蕉大伊视频| 亚洲va日本ⅴa欧美va伊人久久| 国产91精品成人一区二区三区| 给我免费播放毛片高清在线观看| 国产av一区在线观看免费| 少妇熟女aⅴ在线视频| 日韩欧美国产一区二区入口| 国产私拍福利视频在线观看| 日本 欧美在线| 成熟少妇高潮喷水视频| 无限看片的www在线观看| 国产亚洲精品第一综合不卡| 成在线人永久免费视频| 人人妻人人澡人人看| 免费一级毛片在线播放高清视频 | 给我免费播放毛片高清在线观看| 亚洲天堂国产精品一区在线| 国产精品国产高清国产av| 一级a爱片免费观看的视频| 亚洲av第一区精品v没综合| 可以免费在线观看a视频的电影网站| 亚洲最大成人中文| 国产又色又爽无遮挡免费看| 18禁黄网站禁片午夜丰满| 亚洲午夜精品一区,二区,三区| 99在线人妻在线中文字幕| 欧美成人免费av一区二区三区| 黄色 视频免费看| 日日干狠狠操夜夜爽| 久久青草综合色| 搡老岳熟女国产| 麻豆国产av国片精品| 欧美日韩瑟瑟在线播放| 国产精品自产拍在线观看55亚洲| 啦啦啦观看免费观看视频高清 | 国产精品一区二区免费欧美| 国产主播在线观看一区二区| 欧美丝袜亚洲另类 | 国产区一区二久久| ponron亚洲| 啪啪无遮挡十八禁网站| 久久精品亚洲精品国产色婷小说| 欧美黄色片欧美黄色片| 欧美另类亚洲清纯唯美| 色在线成人网| 精品一区二区三区四区五区乱码| 国产一区二区三区视频了| 久久精品国产亚洲av高清一级| 欧美最黄视频在线播放免费| 国产一卡二卡三卡精品| www.精华液| 此物有八面人人有两片| 这个男人来自地球电影免费观看| 亚洲va日本ⅴa欧美va伊人久久| 老汉色av国产亚洲站长工具| av天堂久久9| 午夜福利18| 久9热在线精品视频| 免费无遮挡裸体视频| 90打野战视频偷拍视频| 亚洲欧美日韩高清在线视频| 国产欧美日韩一区二区三| 精品无人区乱码1区二区| 国产亚洲av高清不卡| 91av网站免费观看| 一级毛片女人18水好多| 午夜免费观看网址| 少妇的丰满在线观看| 国产成人欧美| 午夜免费激情av| 日韩国内少妇激情av| 中文字幕人成人乱码亚洲影| 人人妻人人澡人人看| 亚洲人成网站在线播放欧美日韩| 18禁美女被吸乳视频| 免费一级毛片在线播放高清视频 | 丝袜美足系列| 在线天堂中文资源库| 欧美国产日韩亚洲一区| 91成人精品电影| 国产av又大| 国产精品一区二区精品视频观看| 国产成人精品无人区| 9191精品国产免费久久| av有码第一页| 日日爽夜夜爽网站| 亚洲熟妇熟女久久| 精品国产乱子伦一区二区三区| avwww免费| 日韩一卡2卡3卡4卡2021年| 亚洲精品中文字幕在线视频| 国产精华一区二区三区| 亚洲一区中文字幕在线| а√天堂www在线а√下载| 热re99久久国产66热| 欧美黑人欧美精品刺激| 久久影院123| 国产真人三级小视频在线观看| 国产精品秋霞免费鲁丝片| 久久久久久免费高清国产稀缺| 免费搜索国产男女视频| 成人国产综合亚洲| 高清黄色对白视频在线免费看| 99久久99久久久精品蜜桃| 国产欧美日韩精品亚洲av| 日本在线视频免费播放| 欧美黑人精品巨大| www.精华液| 亚洲国产精品999在线| 人人妻人人澡人人看| 国产午夜福利久久久久久| av超薄肉色丝袜交足视频| 国产精品亚洲美女久久久| 琪琪午夜伦伦电影理论片6080| 久久午夜综合久久蜜桃| 国产一卡二卡三卡精品| 国产精品一区二区在线不卡| 一区二区日韩欧美中文字幕| 校园春色视频在线观看| 啦啦啦免费观看视频1| av片东京热男人的天堂| 午夜免费成人在线视频| 很黄的视频免费| 一区二区三区高清视频在线| 国产熟女午夜一区二区三区| 亚洲国产欧美日韩在线播放| 波多野结衣一区麻豆| 中文亚洲av片在线观看爽| 色播亚洲综合网| 超碰成人久久| 亚洲七黄色美女视频| av电影中文网址| 午夜福利免费观看在线| 中文字幕高清在线视频| 成人免费观看视频高清| 丝袜美足系列| 成在线人永久免费视频| av电影中文网址| 亚洲人成77777在线视频| 窝窝影院91人妻| 天堂动漫精品| 怎么达到女性高潮| 欧美激情极品国产一区二区三区| 久久青草综合色| 男女床上黄色一级片免费看| 精品国产乱子伦一区二区三区| 亚洲成人国产一区在线观看| 久久国产精品人妻蜜桃| 99热只有精品国产| 欧美久久黑人一区二区| 88av欧美| 亚洲 欧美一区二区三区| 中文字幕人妻丝袜一区二区| 免费在线观看日本一区| 国产三级黄色录像| 看黄色毛片网站| 女性生殖器流出的白浆| 看黄色毛片网站| 国产精品日韩av在线免费观看 | 亚洲欧美一区二区三区黑人| 亚洲国产精品合色在线| 电影成人av| 激情在线观看视频在线高清| 啪啪无遮挡十八禁网站| 国产精品免费视频内射| 这个男人来自地球电影免费观看| 久久香蕉精品热| 在线观看午夜福利视频| 一区二区三区激情视频| 真人一进一出gif抽搐免费| 午夜两性在线视频| tocl精华| 天天躁夜夜躁狠狠躁躁| 香蕉国产在线看| 又黄又粗又硬又大视频| 亚洲第一av免费看| 色精品久久人妻99蜜桃| 久久久久久久久免费视频了| 亚洲美女黄片视频| 国产亚洲av嫩草精品影院| 搞女人的毛片| 亚洲精品美女久久久久99蜜臀| 亚洲一区高清亚洲精品| 女人被躁到高潮嗷嗷叫费观| 亚洲国产精品成人综合色| 国产1区2区3区精品| 国产蜜桃级精品一区二区三区| 美女 人体艺术 gogo| 麻豆成人av在线观看| 叶爱在线成人免费视频播放| 我的亚洲天堂| 午夜福利欧美成人| 国产极品粉嫩免费观看在线| 国产精品1区2区在线观看.| 亚洲性夜色夜夜综合| 咕卡用的链子| 久久精品国产亚洲av高清一级| 色婷婷久久久亚洲欧美| a级毛片在线看网站| 变态另类成人亚洲欧美熟女 | 好男人电影高清在线观看| 午夜老司机福利片| 日韩成人在线观看一区二区三区| 国产亚洲欧美精品永久| 精品国产美女av久久久久小说| 国产人伦9x9x在线观看| 99国产精品免费福利视频| 国产99久久九九免费精品| 19禁男女啪啪无遮挡网站| 一级毛片高清免费大全| 极品教师在线免费播放| 亚洲国产精品合色在线| 久久久久国内视频| 老司机靠b影院| 操出白浆在线播放| 午夜福利18| 自拍欧美九色日韩亚洲蝌蚪91| avwww免费| 亚洲精品国产色婷婷电影| 国产一卡二卡三卡精品| 亚洲色图综合在线观看| or卡值多少钱| 99国产精品一区二区三区| 大型av网站在线播放| 国语自产精品视频在线第100页| 久久精品成人免费网站| 妹子高潮喷水视频| 久久久精品国产亚洲av高清涩受| 亚洲国产精品999在线| 欧美另类亚洲清纯唯美| 黄片小视频在线播放| 淫妇啪啪啪对白视频| 日韩三级视频一区二区三区| 女人爽到高潮嗷嗷叫在线视频| 免费观看人在逋| 美女国产高潮福利片在线看| 这个男人来自地球电影免费观看| 99久久久亚洲精品蜜臀av| 午夜老司机福利片| 国产xxxxx性猛交| 色尼玛亚洲综合影院| 99热只有精品国产| 男男h啪啪无遮挡| 大陆偷拍与自拍| 少妇熟女aⅴ在线视频| 久久天躁狠狠躁夜夜2o2o| 激情视频va一区二区三区| 亚洲一卡2卡3卡4卡5卡精品中文| 午夜影院日韩av| 欧美日韩亚洲国产一区二区在线观看| 国产私拍福利视频在线观看| 国产成人av激情在线播放| 黄色女人牲交| 亚洲欧美精品综合久久99| 国产一区二区三区视频了| 国产欧美日韩一区二区三| 亚洲七黄色美女视频| 精品国产乱子伦一区二区三区| 一a级毛片在线观看| 免费不卡黄色视频| 国产一级毛片七仙女欲春2 | 精品免费久久久久久久清纯| 亚洲精品国产一区二区精华液| 午夜免费成人在线视频| 禁无遮挡网站| 亚洲电影在线观看av| 精品熟女少妇八av免费久了| 久久人人精品亚洲av| 免费久久久久久久精品成人欧美视频| 欧美黄色片欧美黄色片| 亚洲国产欧美网| 亚洲精品中文字幕一二三四区| 久热爱精品视频在线9| 亚洲色图 男人天堂 中文字幕| 亚洲专区中文字幕在线| 自拍欧美九色日韩亚洲蝌蚪91| 久久天堂一区二区三区四区| 真人做人爱边吃奶动态| 一夜夜www| 少妇熟女aⅴ在线视频| www.www免费av| 免费在线观看影片大全网站| 女人被狂操c到高潮| av视频免费观看在线观看| 人妻丰满熟妇av一区二区三区| 国产精品爽爽va在线观看网站 | 国产一级毛片七仙女欲春2 | 欧美国产精品va在线观看不卡| 久久精品成人免费网站| 大型黄色视频在线免费观看| 色av中文字幕| 亚洲精品美女久久久久99蜜臀| 国产亚洲精品av在线| 人成视频在线观看免费观看| 国产成人欧美| 久久草成人影院| 宅男免费午夜| 国产亚洲精品av在线| 啪啪无遮挡十八禁网站| 12—13女人毛片做爰片一| 国产亚洲欧美98| 少妇被粗大的猛进出69影院| 99国产精品99久久久久| 免费搜索国产男女视频| 国产亚洲av嫩草精品影院| 999久久久国产精品视频| 欧美中文日本在线观看视频| 亚洲第一青青草原| 9191精品国产免费久久| 午夜福利在线观看吧| 日本免费一区二区三区高清不卡 | 人人妻人人爽人人添夜夜欢视频| 欧美日本视频| 99riav亚洲国产免费| 成人国产一区最新在线观看| 亚洲国产中文字幕在线视频| 19禁男女啪啪无遮挡网站| 久久精品亚洲熟妇少妇任你| 两性夫妻黄色片| 亚洲美女黄片视频| 九色国产91popny在线| 露出奶头的视频| 国产精品99久久99久久久不卡| 别揉我奶头~嗯~啊~动态视频| 丁香欧美五月| 中文字幕久久专区| 两个人视频免费观看高清| 激情视频va一区二区三区| 欧美色欧美亚洲另类二区 | 麻豆一二三区av精品| av视频在线观看入口| 不卡一级毛片| 精品久久蜜臀av无| 亚洲熟妇中文字幕五十中出| 国产精品乱码一区二三区的特点 | 久久久国产欧美日韩av| xxx96com| 黄频高清免费视频| 国产一区二区三区视频了| 欧美中文日本在线观看视频| 国产精品二区激情视频| 不卡av一区二区三区| 如日韩欧美国产精品一区二区三区| 久久久国产欧美日韩av| 亚洲在线自拍视频| 亚洲av第一区精品v没综合| 不卡一级毛片| 欧美成人免费av一区二区三区| 免费高清视频大片| 一本大道久久a久久精品| 一区二区三区精品91| 午夜福利18| 91老司机精品| 日日干狠狠操夜夜爽| 丝袜在线中文字幕| 熟女少妇亚洲综合色aaa.| 国产一区二区在线av高清观看| 欧美不卡视频在线免费观看 | 电影成人av| 国产亚洲av高清不卡| 久久九九热精品免费| 一区二区三区高清视频在线| 一级作爱视频免费观看| 女人被躁到高潮嗷嗷叫费观| 可以在线观看的亚洲视频| 黑人巨大精品欧美一区二区蜜桃| 国产麻豆成人av免费视频| 黑人巨大精品欧美一区二区蜜桃| 欧美色欧美亚洲另类二区 | 国产成人欧美在线观看| 精品国产一区二区三区四区第35| 欧洲精品卡2卡3卡4卡5卡区| 1024香蕉在线观看| 精品国内亚洲2022精品成人| 91成年电影在线观看| 亚洲一区二区三区不卡视频| 日日干狠狠操夜夜爽| 在线观看66精品国产| 国产亚洲av嫩草精品影院| 一进一出抽搐gif免费好疼| 性少妇av在线| 国产一区在线观看成人免费| 国产av一区在线观看免费| 91精品三级在线观看| 看黄色毛片网站| 搡老妇女老女人老熟妇| 国产成人欧美| svipshipincom国产片| 亚洲性夜色夜夜综合| 精品一区二区三区视频在线观看免费| 婷婷丁香在线五月| 成人免费观看视频高清| 午夜两性在线视频| 精品欧美一区二区三区在线| 国产精品九九99| 麻豆成人av在线观看| 国产精品亚洲av一区麻豆| АⅤ资源中文在线天堂| 欧美日韩精品网址| 97超级碰碰碰精品色视频在线观看| 深夜精品福利| 9热在线视频观看99| 免费不卡黄色视频| 一二三四社区在线视频社区8| 欧美不卡视频在线免费观看 | 久久香蕉激情| 国产蜜桃级精品一区二区三区| 香蕉久久夜色| 69精品国产乱码久久久| 久久婷婷人人爽人人干人人爱 | a在线观看视频网站| 97人妻精品一区二区三区麻豆 | 曰老女人黄片| aaaaa片日本免费| 亚洲熟妇中文字幕五十中出| 国产乱人伦免费视频| 亚洲人成伊人成综合网2020| 99精品欧美一区二区三区四区| 亚洲午夜精品一区,二区,三区| 老司机午夜十八禁免费视频| 美女高潮喷水抽搐中文字幕| 色老头精品视频在线观看| aaaaa片日本免费| 老汉色av国产亚洲站长工具| 亚洲专区国产一区二区| 久久精品国产99精品国产亚洲性色 | 欧美成狂野欧美在线观看| avwww免费| 亚洲一区二区三区不卡视频| 在线观看日韩欧美|