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

    Hybrid GrabCut Hidden Markov Model for Segmentation

    2022-08-24 12:58:00SoobiaSaeedAfnizanfaizalAbdullahJhanjhiMehmoodNaqviMehediMasudandMohammedAlZain
    Computers Materials&Continua 2022年7期

    Soobia Saeed, Afnizanfaizal Abdullah, N.Z.Jhanjhi, Mehmood Naqvi, Mehedi Masudand Mohammed A.AlZain

    1Department of Software Engineering, UniversitiTeknologi Malaysia-UTM, 81310, Malaysia

    2School of Computer Science and Engineering, SCE Taylor’s University, Subang Jaya, 47500, Malaysia

    3Department of Engineering and Technology, Mohak College, Alberta, Canada

    4Department of Computer Science, College of Computers and Information Technology, Taif University,Taif, 21944, Saudi Arabia

    5Department of Information Technology, College of Computers and Information Technology, Taif University,Taif, 21944, Saudi Arabia

    Abstract: Diagnosing data or object detection in medical images is one of the important parts of image segmentation especially those data which is less effective to identify in MRI such as low-grade tumors or cerebral spinal fluid(CSF) leaks in the brain.The aim of the study is to address the problems associated with detecting the low-grade tumor and CSF in brain is difficult in magnetic resonance imaging (MRI) images and another problem also relates to efficiency and less execution time for segmentation of medical images.For tumor and CSF segmentation using trained light field database(LFD) datasets of MRI images.This research proposed the new framework of the hybrid k-Nearest Neighbors (k-NN) model that is a combination of hybridization of Graph Cut and Support Vector Machine (GCSVM) and Hidden Markov Model of k-Mean Clustering Algorithm (HMMkC).There are four different methods are used in this research namely (1) SVM, (2)GrabCut segmentation, (3) HMM, and (4) k-mean clustering algorithm.In this framework, on the one hand, phase one is to perform the classification of SVM and Graph Cut algorithm to create the maximum margin distance.This research use GrabCut segmentation method which is the application of the graph cut algorithm and extract the data with the help of scaleinvariant features transform.On the other hand, in phase two, segment the low-grade tumors and CSF using a method adapted for HMkC and extract the information of tumor or CSF fluid by GCHMkC including iterative conditional maximizing mode (ICMM) with identifying the range of distant.Comparative evaluation is also performing by the comparison of existing techniques in this research.In conclusion, our proposed model gives better results than existing.This proposed model helps to common man and doctor that can identify their condition of brain easily.In future, this will model will use for other brain related diseases.

    Keywords: SVM; tumor; CSF; k-NN; MRI; grabcut segmentation; HMM

    1 Introduction

    The concept of“K-Nearest Neighbor (k-NN)”is one of the simplest, easy-to-understand, and interprets non-parametric machine learning algorithms.It gives relatively high and competitive results.It is a multipurpose algorithm and can be used to figure out the classification as well as regression issues.New records are identified by k-NN by combining most historical records of“k”[1,2].For the last four decades, it is the widely used as a statistical method in pattern recognition because of its simplicity and easiness.It is a very popular algorithm for text categorization and is used in various research strategies.To implement the k-NN algorithm we have to determine the following:

    i.The distance between the new and the training samples,

    ii.The nearest K neighbors,

    iii.The classification of the new sample,

    If all samples possess a similar category, then every new sample will be grouped in this category or else, a new category is to be determined for each new sample following certain rules.It is assumed that neighboring data points feature similarity that is why the nearest neighbor method is used for prediction.Fundamentally, the nearest neighbor algorithm concept defines the“k”points which are nearest to the unidentified sample in the multidimensional space, sorts them, and assigns a class based on how closely it matches the k points [3].These k points are labeled as the k-nearest neighbors of the unknown samples.It is assumed in this algorithm that in multidimensional space,every instance resembles other points.The Euclidean distance is used to evaluate the nearest neighbor of any instance along with recalculating the new group“k”points [4,5].To find the nearest distance,we repeat this strategy until the“k”point selection.In this research, we use three techniques that rendered a lot in solving the k-NN missing data problem.The most common technique in k-NN algorithm is the support vector machine (SVM).In machine learning (ML), kNN and SVM illustrate various crucial transactions [6,7].Even if the list of input variables, the SVM approach predicts exactly for all new observations.Hence, SVM is one instant and ready-to-use approach that many technicians use for brain imaging.Many inputs but small sample sizes will be used for two application domains.SVM is a frequently operating technique to fulfill the fundamentals of k-NN algorithm that enhances the gap or difference between the categories and leads to efficient overall performance.Comparability comparison is used for various categories in SVM.Therefore, to find accuracy and clarity in classification we have used SVM in this research.Here this research extends the method by using the HMM so that the tumor classification based on previous and subsequent segmentation results will be concluded.This approach uses probabilistic reasoning over time and space for brain tumor segmentation from 4D MRI [8-12].The diagnosis of brain tumor and CSF liquid usually requires image segmentation to evaluate tumor detection in brain images.Since the structural changes of the tumor interact with other normal tissues, separately segmenting each target and then combining them to build up whole-brain images would not be efficient for the three-dimensional (3D)segmentation method [13].On the other hand, it is assumed that multi-dimensional (4D) segmentation(4D)segmentation has been widely used in the image segmentation field and proven to be effective [13-15].

    This research aims to examine whether the CSF leakage fluid and low-grade tumor (initial stage of the brain tumor) images are helpful to improve the quality of images using the GrabCut algorithm of MRI images in terms of both accuracy and quality.The datasets used in this research is a series of chronological low quality MRI images of brain tumor (cancer) and CSF fluid leakage in patient’s brain images.In addition, the previous research contribution is based on the 3D segmentation method that tried to enhance the quality of images to gain a higher resolution and remove the noise or existing errors [16].Therefore, the traditional method (3D) is not enough to enhance the accuracy of poor images of fluid as CT myelography or MR Myelography is more significant than MRI in identifying the area of CSF leak as if it arises from a considerable tear [17-22].

    In addition, the problem associated with this research also reduces k-NN missing imputation in poor MRI images as the K-NN algorithm is susceptible to outliers because its selection criteria are based on distance neighbors for the closet point [23].Essentially, k-NN cannot address the problem of missing imputation.The k-NN algorithm tries to achieve optimal searching factors to address the missing values, whereas other algorithms fail [24-26].Generally, this research needs more consequences about the outcomes of hybrid k-NN algorithms, which can reflect the improvement in accuracy using the 4D images segmentation method [27-31].

    Many other researchers and scholars used hybrid k-NN algorithm for classification of brain tumor of both malignant and benign.The researcher used hybrid ensemble method of random forest(RF) with combination of k-NN and decision tree (KNNRF-DT) based on majority voting method.The researchers focus the area of tumor and classify the both type of tumor, in the starting section segmentation were performed using the Otsu’s threshold method.Feature extraction is performed by Stationary Wavelet Transform (SWT), Principle Component Analysis (PCA), and Gray Level Cooccurrence Matrix (GLCM), which provide the thirteen features for classification of hybrid k-NN ensemble classifier [32,33].One of the other researches is relevant to brain tumor which improve the performance of hybrid k-NN algorithm by the combination of SVM with k-NN for segmentation of brain tumor and increase the accuracy.The main contribution of this research is based on detecting the tumor region based on MRI was highlighted by the dim scale and symmetrical method and then applied hybrid k-NN algorithm to increase the performance of MRI and accuracy of the images [34-37].

    Our proposed approach is different than others as this research focus the low-grade tumor which is in sizable form and CSF fluid through hybrid k-NN model which is the combination of four different techniques.These techniques are not only maintained the accuracy and quality of images but increase the performance of proposed hybrid k-NN model.The combination these techniques namely GCHMkC which enhance the accuracy of the images that can tumor or fluid can easily identified in the images.The experimental results show the improve performance of this novel proposed model that enhance the quality and accuracy of this model.The structure and organization of this research work are detailed as follows: Section 1 interprets the research done previously, the current body of literature on this research’s main topics, and presents the related work.It also describes the writings on the application of 4D image of LFT segmentation and k-NN algorithm in different fields of research.Section2 presents our approach,methodology,and a brief review of the framework adopted.Section3 shows the experimental results and discussion of our proposed methods; Section 4 shows the proposed algorithm, and Section 5 show the conclusion and future work.

    2 Methods

    2.1 Overview

    The Proposed Hybrid Graph Cut Hidden Markov Model of k-mean Cluster (GCHMMkC)technique in the k-NN model that we have developed consists of two main components: Graph-Cut Support Vector Machine(GCSVM)technique and Hidden Markov Model of k-mean cluster(HMkC)approach as illustrated in Fig.1.The proposed techniques are based on multiple phases to implement in MRI images that are sufficient for the segmentation and classification of all types of images.The first component of the proposed model is based on the GCSVM technique, which consists of three phases:(1) Graph cut algorithm (2) GrabCut segmentation, and (3) SVM classification.These phases perform operations such as preparing the images for the classification of regression methods for training and labeling the datasets to enhance the accuracy of the images by the use of SVM.Graph cut algorithm transforms the data to generate the new elements of datasets.Furthermore, GrabCut segmentation’s results are link with the scale-invariantfeature transform (SIFT) function to identify the pixel size and range of fluid or tumor and connect to the second phase of the technique.The second component of our proposed model is the HMM and k-mean clustering algorithm (HMkC) technique, which consists of two phases: (1) HMM, and (2) k-mean clustering algorithm.These phases perform operations such as refining and reconstructing images using iterated conditional maximizing mode (ICMM) to join the probability of the trained dataset’s images with statistical confidence interval (d).The above two methods show the range of specified probabilities of HMM joined together, and statistical confidence intervals arrange the constructed images using ICMM to generate the same sequence form.In the end,the k-mean cluster is used to store the data for the classification of trained datasets.The explanation of the proposed technique is given below in detail in the next subsection.

    Figure 1: Foreground and background histogram models in a grayscale image

    2.2 Proposed Framework

    Quality is one of the most common issues in medical image datasets, which is subject to various factors such as noise in the images, irrelevant features, or missing boundaries.These issues need to be addressed before any segmentation method or classification of medical images is performed.Therefore, the proposed technique, explained next, reduces noise and irrelevant features in the images by the SVM and graph cut segmentation method and also apply a k-mean clustering algorithm to store the data for multi-classification of SVM.Firstly, SVM selects the images for training sample data and calculates the feature vectors of the trained datasets.SVM calculates feature vectors of the MRI image pixel point and gets them classified.In the second step, the previously selected sample points of the datasets from the target image are applied to the trained SVM to classify these image points.Furthermore, enhance the interested region points which are obtained in the second step to achieve the classification of an image and use the graph cut algorithm to help segment the tumor and CSF fluid in the images by using the segmentation technique of GrabCut segmentation method.In this research, the graph cut algorithm using the segmentation technique of GrabCut is combined with the SVM known as GCSVM hybridization.GCSVM increases the resolution of an image for training and labels the trained datasets.The image is treated as a graph structure with vertices and edges to define the structure of the image.Each pixel is represented by a vertex and neighboring pixels are linked by a weighted edge based on their similarity.In the case of multi-label image segmentation, each label has a unique vertex known as a terminal.The probability of the label assignment determines the vertices of pixels linked to all terminals and their edge weights.The solution to finding the minimum amount of energy lies in obtaining the segmentation that cuts on the graph at a minimum cost that a min-cut/maxflow algorithm can solve.Each vertex is connected after cutting the single terminal, which means the corresponding label is assigned to the corresponding pixel.This technique works on a combination of graph cut and SVM techniques.It maximizes the margin to become a max-margin graph cut for training the datasets in machine learning algorithms.This improves the hybrid GCSVM technique’s efficiency due to reducing the time and space complexity during the segmentation process for the SVM and graph cut algorithm to create the max-margin distance.

    2.3 Grabcut Segmentation

    GrabCut is a segmentation tech nique that uses graph cuts to perform segmentation for encapsulating the information in images.Most techniques use either edge detection or region detection, but GrabCut detects both of them.This information is used to create energy functions to be minimized and produce segments.To segment images, a graph is constructed with nodes representing pixels in the images.Additionally, two special nodes are created.These are known as“sink”and“source”nodes because they are linked to every pixel node in the graph.The sink node represents the image’s background, while the source node represents the image’s foreground.Both nodes must be separated from each other to segment the image.The energy function combines weights between pixel nodes as well as weights between pixel and source and sinks nodes in the graph.The weight between the pixel nodes determines the edge information in the image.These illustrate the edge between two pixels, such as a significant difference in pixel color resulting in a very small weight difference between two-pixel nodes.The weight between the Source and Sink nodes and pixel nodes are determined by the region information.These weights are determined by determining whether a pixel node is in the background or foreground region.

    In the GrabCut segmentation process, a few pixels are labeled before the segmentation as foreground or background, which is needed to create the regions.This study selects pixels that are set apart during the clue marking stage and uses them to display model region data by constructing foreground and background histograms.Histograms are generated by noticing the frequency with which a pixel appears within a group of pixels.The intensity of grayscale images can range between 0 and 255 for each pixel.For grayscale images, a histogram with 256 bins is created, with each bin containing the frequency at which pixels with the intensity of the bin number occur in an image.Fig.1 depicts the use of foreground and background information to create histograms in a grayscale image.The probability of the pixel node lies between the weight on it, and the source node determines the foreground histogram.Furthermore, the probability determined by the weight between the pixel node and the sink node lies inside the background histogram.

    Fig.1 shows that pixels with a high-intensity value have a higher probability of appearing in the background histogram than in the foreground histogram.The edge weight between the pixel node and the Sink node is stronger than the edge weight between the pixel node and the Source node.Pixels with a low-intensity value have a higher probability of appearing in the foreground histogram than in the background histogram, so the edge weight between the pixel node and the Source node will be more grounded than the edge weight between the pixel node and the Sink node.Both foreground and background histograms are utilized as a resulting set of inputs for MRI image segmentation.This research applied binary labels 446×2 and 48761×2 set to foreground and background.These binary labels values of both background and foreground construct the graph structure such as G = (vertex,ε), where the vertex is the set of pixels or vertices, and ε is the set of assembly edges for the closest four connected pixels to each other.To find the vertex label with a minimum energy function, this research uses maximum-flow and minimum-cut methods.In the min-max cut algorithm, each image region was labeled to pixel intensity using the binary transformation function and stores the values of sink and source nodes.

    The aim of this section is to evaluate the predictive analysis of MRI data for the classification of tumor or CSF fluid leak after utilizing the technique of hybrid GCSVM to solve the classification problem.The image is transformed and is assigned the new data elements after classification for labeling the categories in terms of a binary classifier to receive the optimized solution.This proposed technique fulfils the requirement of segmentation’s outcomes and enhances the quality of images.The hybrid GCSVM technique classifies between these two classes, which are constructed by a hyper plane in 4-dimensional features utilized by the classification.In the end,SVM transforms the medical images datasets by the proposed hybrid GCSVM technique as input and produces the output as a classification of two classes as positive samples and others as a negative sample.The SVM classification for both classes is represented in Eqs.(1) and (2) are:

    Is positive and,

    wheref(x) andf(y) are two classes of SVM and k is the outcome of these classes as a positive or negative.

    The above Tab.1 show the accuracy values of hybrid GCSVM segmentation method which shows the three datasets values including CSF fluid Leak, Low Grade Tumor, and CSF with low-grade tumor.In addition, the Training datasets of the hybrid GCSVM technique uses weight matrix and bias for each label of images to represent the hyper plane decision boundaries.In addition, hyper plane dimension is dependent on the number of features of data points in SVM classification.Hence,the proposed GCSVM technique is to develop the accuracy in images for the segmentation and preprocessing method etc., which improves not only the quality of images but reduces the redundancy which is the actual energy minimization in the segmentation process.Essentially, SVM calculates the hyper plane’s distance and generates the results in either a positive or negative class after detecting whether the CSF fluid and low-grade tumor are present or not in the datasets.In addition, features were extracted from the preprocessed image for further processing in this research.Each MRI image has its unique identification, and the system would match various features like shape, color, and intensity if the tumor or fluid in the images is present or not.All these features were extracted using SIFT.The SIFT works well, but still, there is some lack of identification to the nature of low-grade tumors or fluid.However, SIFT is able to show the sizes and features of the images but finding the range of fluid or un-shapeable tumors is hard to identify.This section prefers to apply the proposed HMkC approach to diagnose the process of tumor and CSF fluid.

    Table 1: Hybrid GCSVM model combination values of accuracy to maximize margin distance

    2.4 Hidden Markov Model (HMM) and K-mean Approach

    Tumor or fluid detection in medical MRI images is another problem of MRI images because identifying the CSF fluid (deposit the CSF fluid initially in the brain is unknown), and the low-grade tumor is not visible properly in the images.MRI is less effective in identifying the fluid or small size tumor in the brain until it stems from a sizable part.This problem is to be solved by the HMM, which is extended to the previous section.The HMM classifier is used to track the GCSVM technique to detect the CSF fluid and low-grade tumor that uses the spatial method of HMM.HMM combines probabilistic reasoning over time and space to the segment of the trained MRI datasets.In addition,the k-mean clustering algorithm also plays an important role in this section.The k-mean is used to store the classes of datasets in a cluster form in terms of classification.The proposed HMM approach creates the Markov chain and distributes the probability observed by the original state of the image.This section defines the transition state ofHMMasHMMis the best approach for identifying the fluid in the images.In this section, ICMM is applied to the length of the interval of sequence depending on the iteration condition to join the probability and calculate the probability range.After calculating the observed data, detection of CSF fluid in the image is obvious since the flow of CSF fluid leaks in one direction due to the nature of the liquid, and the tumor is located in different places of the brain.In this section, the area of fluid or tumor is identified by an iterated maximizing mode which finds the border of tumor or fluid in the construction of the image to detect it.In this research, the HMM classifier approach is combined with the GSVM technique in the k-NN algorithm to enhance the quality of the images.This approach develops the strategy of the k-NN algorithm to pick the nearest location of the“k”neighbor in terms of the k-mean cluster of the proposed technique.The hybrid GCSVM technique is to increase the quality of the images, and the feature vectors of the images consider the HMM of trained MRI images datasets statistically.This approach provides the best solution to check the availability and non-availability of tumor or Fluid by using the two transition states S = (S1, S2) such S1 show the presence of tumor or fluid and S2 show the absence of tumor or fluid.The method would be started in one of these two states and proceed smoothly from one state to another and generate an output of the probabilities of sequencing which belong to one category and the other category due to applying the condition of ICMM.If the Markov chainwere presently in state S1, then it would continue to the next state S2 with a specific probability.In order to procedure the Markov Transition matrix,this research firstly observe each of the given images by developing the ICMM to show the length of tumor (size) or range of fluid during the process of joining the probability.These probabilities identify the shape, size and range of fluid or low grade of tumor such ast, t+d, t+2d, t+3d,..., t+nd.Here, d is the length of sequence which shows the presence of tumor or fluid state.This transition state represents the probability of the state of the voxel at time strategy with the implementation of ICMM (maximum or minimum values sequentially depending upon the state condition) to the given state“t”.This HMM approach develops the main contribution with the utilization of the condition of the transition matrix such as the possible state of a voxel that has identified the Fluid or tumor or non-identified.

    3 Experimental Results and Discussion

    The experiments are conducted to evaluate the set research objectives.This chapter presents the simulation results and classification analysis of the proposed techniques of hybrid k-NN algorithm model.Different simulations are carried out to evaluate the performance of the proposed techniques to comparison of existing work and performance metrics.The efficiency of the proposed techniques is also compared with previous state-of-the-art k-NN algorithm.This section presents and discusses the results of the simulation formulated technique with statistical significance analysis.To evaluate the performance of the proposed hybrid GCSVM technique for classification of SVM and graph cut algorithm technique and image segmentation to diagnosing the tumor or CSF fluid in the image which is given below:

    Figs.2a-2c show the features of pixels corresponding to background, white matter, grey matter,tumor, and CSF Fluid in MRI images which is develop by the strategy of SVM and k-mean algorithm.This strategy is for classification of SVM using Gaussian radial basis kernel function which generates the values of healthy brain, CSF Fluid leak, Low-Grade tumors, CSF with Low-Grade tumors, and High-Grade tumors.Thus, simulation has been performed with various numbers of trained LFD datasets of MRI images from the range of 200 to 3000.Fig.2d shows the histogram of these simulation results of LFD datasets which indicate the range of CSF Fluid leakage in brain and Low-and Highgrade tumors with CSF.The consequence of this outcome is that the proposed SVM classification would support the next simulation technique to minimize the energy function of graph cut.The proposed SVM create the maximize the margin of classification that can SVM increase the efficiency of images while using the k-mean algorithm.

    Figure 2: (a)-(c) SVM classification for feature extraction of low-grade tumor with CSF fluid leak MRI datasets (d) histogram of SVM classification for feature extraction of low-grade tumor with CSF fluid leak MRI datasets

    The above Tab.2 shows the SVM classification simulation results values which maintain the quality of the images using the light field database images.Tab.2 show the brain tissue classification results of background, WM, GM, Tumor, and CSF in terms of Jaccard Similarity Coefficients for the simulated brain MRI images.

    Table 2: Datasets calculated values of SVM classification

    3.1 Implementation of Hybrid GCSVM Technique

    The simulation results of the max-flow/min-cut algorithms were used for the GrabCut segmentation method to detect both edges and regions.To perform segmentation, a graph is constructed, with nodes representing pixels in the images.The canny edge detection function (I, canny) was used in this study for edge detection in both the normalized cuts and the min cut/max flow algorithms.Firstly,the images get turned into 4D to 2D for noise removal and a median filter was applied to remove the impulses, as the images needed to smooth through a nonlinear 2D media filter with the help of‘MEDFILT1(I)’Including size 3×3.In addition, to segment the images, both nodes including sink and source nodes must be separated to each other and calculated the pixel’s values by determining the probability of the pixel node being part of the background or foreground region.Pixels in the same set as the source are labeled white, while pixels in the sink’s set are labeled black.For an input image of size 446×2 and 48761×2 for foreground and background, respectively, obtained by scaling the original image (see Figs.3a-3c) by a factor of 0.1 and removing the edges and convolving the images to obtain boundaries for connected and non-connected nodes.After developing the histogram, the number of connected nodes in the CSF fluid (CSF tissues) range was identified.Obtaining a binary image requires one threshold (T1) value that is required to segment between the white, grey matter and the grey matter of the CSF region.In min-max cut algorithm each region of the image was labeled to pixel intensity using the function of BWlabel.Furthermore, after calculating the sink and source nodes values need to be storing the values in“T and S”where T represents the sink node values and S represent the source node values as shown in the Tab.2.Furthermore, Fig.3 show the implementation results of all of three datasets of images with area of region, histogram of foreground and background values of all connected nodes, edge node detection values from sink and source node, Computation of Label Matrix (L) values result and, directed graph (g) node network connectivity, and also running time with complete details are mentioned as given below:

    Figure 3: (a)-(d) Calculated pixels’values foreground and background sink and source nodes

    The above area of region segmented values depends on the calculation of area of pixel targeted in the image for detection of the size of object in the image as this image indicate the value is high as per the targeted values of CSF fluid deposit in the brain as mentioned the detail in Tab.3.

    Table 3: Maximum flow results from nodes 1-10 of segmented area of region in image

    Object Area (pixels)1 44571

    3.2 Running Times of Trained Datasets

    Tab.4 shows the running times of the max-min cut flow algorithm, as shown in Figs.2-4 for various input sizes obtained by scaling down the input image.The scale factor refers to the image’s scale in one dimension, and rescale the image values is 0.1, so the actual scale down will be the square of the scale factor.This research considers the running times in milliseconds when tabulating the results of these experiments.The running time does not include the times for input and output.To better visualize the results, this research develops the table to plot the running times against the number of nodes in log scale as shown in Fig.5.

    Table 4: Running times for different input sizes in nodes and edges of the trained datasets

    Figure 4: Tumor identifies using the foreground and background sinks and source nodes

    Figure 5: The SIFT key-points for both the images are stored in features and identifying the object location of CSF fluid images datasets

    3.3 Implementation Results of Scale Invariant Feature Transform of Hybrid GCSVM Technique

    The simulated results of SIFT show the scale space of the initial images are repeated to select the trained datasets images by the use of the function of convolution of a variable-scale Gaussian, G (x, y,σ)with the input image (I).These results generate by the process of convolved with Gaussian’s function to produce the set of scale space images which shows on the left side.The adjacent Gaussian images are subtracted to produce the difference-of-Gaussian images on the right side and process is repeated after the Gaussian image is down sampled by a factor of 2.The below Figs.5 and 6 show their distance mapping and calculated values by comparing the pixel marked values of maximum and minimum difference of the Gaussian function images were detected to128 feature values and its neighbors in 3×3 at the recent region of the adjacent scale.

    Figure 6: Scale-invariant distance mapping point of object location of CSF fluid images datasets

    Datasets image Distance Value Low-grade tumor with CSF images Distance-D1 1.2118 Distance-D2 1.2168 Distance-D3 1.2753

    From the above Figs.5 and 6 show the SIFT is feature detection algorithm to detect and describe the local features of the images.The key-points or the points of interest are first selected.The 128-valued feature descriptor is used to match and recognize the object of interest in a new image based on the 128-valued feature descriptor already stored in the database.The Euclidean distance is used to determine the best matching points between the two images of their distance and mapping values of selected three database trained MRI images.

    3.4 Hidden Markov Model of k-mean Clustering Algorithm (HMk-NN) Technique

    The simulation results of the HMMkC used to detect the range of CSF fluid and low-grade tumor located place in MRI images.Fig.7 shows all of three datasets of images with the combination of hybrid GCSVM technique to merge with HMMkC technique to show the presence of tumor and CSF fluid that indicate the range of fluid and located the place of low-grade tumor.The classification of HMM for object detection is to consider each state of voxel of 4D MRI datasets to show the tumor or CSF fluid current situation with possible values of presence and absence.For instance, HMM is applied to tracking the segmentation over the time and space can be modeled with the help of transition matrix of both of two states.Fig.7 represent that the voxel was classified as a low-grade tumor size and CSF fluid leak range at the time (t-1) and the probability of the low-grade tumor and CSF fluid indicate that the timetis D1=0.96, D2=0.997, and D3=0.993 size.In addition, the HMM compute the posterior distribution of the transition state which is represented by filtering process.One shows the calculate the compute distance and other show the pixel intensity of both as an P(Xt/Xt +1).The pixel intensity state is applied for the classification of pixel intensity values at the time (t+1) and show the accuracy values of both tumor and CSF fluid leak in the brain are mentioned in Tab.5.Furthermore, ICMM are applied over HMM to retrieves the hidden information in the noisy images of trained datasets.The ICMM obtains datasets of images to estimate the ideal coefficients and therefore enables the selection of less visible images after linking the probabilities to each other with the transition matrix variable.Fig.10 show the simulation results of ICMM to show the clear vision of low-grade tumor and CSF occur in the MRI images after extracting the data in the images.Tab.6 show the compute accuracy values of ICMM over the HMM results of trained datasets which shows the improve results of the proposed technique.Below the given Figs.7 and 8 show the experimental results of ICMM over HMM.

    Figure 7: Combination of hybrid GCHMM Low-Grade tumor or CSF fluid detection in MRI images

    Table 5: Accuracy of HMM results over the trained datasets

    Figure 8: Results of ICMM over HMM classification of datasets

    3.5 Proposed Hybrid K-NN Algorithm

    The simulation results of the proposed hybrid k-NN algorithm classification of trained MRI datasets.The section of this research is used k-NN method for classification of hybrid GCHMkC technique for test sampling and training the samples of all datasets results.These results obtain the nearest neighbor location to conducting the k-NN classification of proposed hybrid technique.In k-NN algorithm, the values are assigning to the test samples with labels of selected nearest neighbor for each test sample by the setting of the optimal value of k in the training datasets.It is applied for fixed the value of k for all test sample of proposed hybrid technique that have been focused the different value of k with different samples results generate.Below the Tab.6 show the accuracy, sensitivity and specificity, and computational results mentioned are given below:

    Table 6: k-NN algorithm classification results of accuracy, sensitivity, and specificity, and computational time

    The given below Fig.9 show the results of all of three database images results which show the k-NN classification with better results.

    Figure 9: k-NN algorithm classification results of trained datasets images

    The above Fig.10 shows the combination of hybrid GCHMkC technique including four different methods such as SVM classification; Grabcut segmentation, Hidden Markov Model, and k-mean clustering algorithm that is combine together and convert into hybrid model.This hybrid model creates the novel results of hybrid k-NN algorithm classification of low-grade tumor and CSF fluid leakMRI images of accuracy of 91.1%, sensitivity of 99.9%, specificity of 99.9%, and computational time is 14.99 s.These results generate the better accuracy compare than the previous results.These parameters detect tumor, tumor size, identify the location CSF inside the brain.This hybrid model helps them both common man and doctors as well to get easily identify the low-grade tumor and CSF inside the brain and diagnose the tumor in the early stage that will try to save the human life.

    Figure 10: Hybrid k-NN algorithm of proposed technique of GCHMkC

    4 Pseudo Code of Hybrid GCHMkC Technique in k-NN Algorithm

    The pseudo code of hybrid GCHMkC technique in k-NN algorithm is based on four different methods that combine together in this algorithm to develop this GCHMkC technique is given below:

    5 Conclusion

    The technique was implemented on the MRI images of CSF fluid with low-grade tumor to improve the performance on the trained datasets by the proposed technique.The experimental simulations for GCSVM implemented on GrabCut segmentation in trained MRI images and using scale invariant feature transform to extract the data that can HMM refine and reconstruct the images.However, the experimental simulations for HMkC are implemented with ICMM to generate the sequence in the images and join the HMM probability that can identify the range of low grade tumor or CSF fluid liquid in HMM whereas the k-mean store the data of trained MRI images.Furthermore,k-NN algorithm for classification of hybrid GCHMkC technique for test sampling and training the samples of all datasets results which gives the better results which help to pick the nearest position of tumor and CSF fluid easily after implementing this novel technique.The motive of this research is to develop the unique model to identify the low-grade tumor and CSF fluid leak in the initial phase of starting the brain cancer.The sensitivity and specificity is conducted by the method of prevalence of diseases and computational time is the execution time of software which generates these results.

    Funding Statement:Taif University Researchers Supporting Project Number (TURSP-2020/98), Taif University, Taif, Saudi Arabia.

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

    久久人妻熟女aⅴ| 18禁观看日本| 午夜老司机福利片| 国产av精品麻豆| 国产免费又黄又爽又色| 亚洲午夜精品一区,二区,三区| 中国国产av一级| 91国产中文字幕| 国产精品一区二区在线观看99| tube8黄色片| 国产视频一区二区在线看| 91老司机精品| 18禁黄网站禁片午夜丰满| 性色av乱码一区二区三区2| 国产一区二区三区综合在线观看| 欧美+亚洲+日韩+国产| 精品高清国产在线一区| 国产视频首页在线观看| 亚洲欧美一区二区三区黑人| 一个人免费看片子| 色播在线永久视频| 人人妻人人添人人爽欧美一区卜| 国产成人av激情在线播放| 搡老乐熟女国产| 一区二区三区精品91| 久久中文字幕一级| 国产男女超爽视频在线观看| 欧美黄色片欧美黄色片| a级毛片在线看网站| 黑丝袜美女国产一区| 亚洲av综合色区一区| 男女边吃奶边做爰视频| 亚洲av成人精品一二三区| 老鸭窝网址在线观看| 免费观看人在逋| 国产成人精品在线电影| 亚洲欧美激情在线| 男男h啪啪无遮挡| 精品一区在线观看国产| 亚洲熟女精品中文字幕| 色精品久久人妻99蜜桃| 又大又爽又粗| 91国产中文字幕| 人体艺术视频欧美日本| 久久精品aⅴ一区二区三区四区| 每晚都被弄得嗷嗷叫到高潮| 中文字幕av电影在线播放| 国产精品一区二区免费欧美 | 成人亚洲精品一区在线观看| 午夜福利影视在线免费观看| 中文字幕人妻熟女乱码| 久久久久久久久久久久大奶| 纵有疾风起免费观看全集完整版| 蜜桃在线观看..| 亚洲国产成人一精品久久久| 777久久人妻少妇嫩草av网站| 亚洲av片天天在线观看| 精品第一国产精品| 国产激情久久老熟女| 午夜av观看不卡| 美女大奶头黄色视频| 免费高清在线观看日韩| 国产真人三级小视频在线观看| 秋霞在线观看毛片| 99九九在线精品视频| 久久国产精品人妻蜜桃| 首页视频小说图片口味搜索 | 大片免费播放器 马上看| av一本久久久久| 日韩大片免费观看网站| 久久久精品国产亚洲av高清涩受| 你懂的网址亚洲精品在线观看| 午夜福利一区二区在线看| 午夜免费观看性视频| 少妇粗大呻吟视频| 我要看黄色一级片免费的| 黄片播放在线免费| 国产日韩一区二区三区精品不卡| 校园人妻丝袜中文字幕| 午夜日韩欧美国产| 一边亲一边摸免费视频| 精品久久久久久电影网| 首页视频小说图片口味搜索 | 亚洲熟女毛片儿| www.熟女人妻精品国产| 免费高清在线观看视频在线观看| 99国产综合亚洲精品| 国产成人精品久久久久久| 久久99一区二区三区| 欧美日韩成人在线一区二区| 日韩av在线免费看完整版不卡| 免费在线观看完整版高清| 久久精品熟女亚洲av麻豆精品| 成年av动漫网址| 亚洲精品国产区一区二| 老熟女久久久| 精品一区二区三卡| 国产av一区二区精品久久| 精品人妻1区二区| 欧美日韩亚洲高清精品| 另类精品久久| 少妇 在线观看| 99热全是精品| 中文字幕亚洲精品专区| 青春草视频在线免费观看| 精品一品国产午夜福利视频| 下体分泌物呈黄色| 高清不卡的av网站| 国产免费一区二区三区四区乱码| 精品少妇内射三级| 人妻人人澡人人爽人人| 欧美大码av| 久久久国产一区二区| av网站在线播放免费| 爱豆传媒免费全集在线观看| 99热网站在线观看| 国产一区二区 视频在线| 中文字幕制服av| 美女福利国产在线| 热re99久久国产66热| 亚洲情色 制服丝袜| 免费一级毛片在线播放高清视频 | 两性夫妻黄色片| 麻豆av在线久日| 纵有疾风起免费观看全集完整版| 天堂中文最新版在线下载| 精品国产一区二区三区久久久樱花| 国产一区二区三区综合在线观看| 国产成人一区二区在线| 久久久欧美国产精品| 美女中出高潮动态图| tube8黄色片| 无遮挡黄片免费观看| 欧美黑人精品巨大| 国产一级毛片在线| 亚洲精品中文字幕在线视频| 久久国产精品男人的天堂亚洲| 免费在线观看完整版高清| 黄色视频不卡| 欧美老熟妇乱子伦牲交| 久久毛片免费看一区二区三区| 美女午夜性视频免费| 一本一本久久a久久精品综合妖精| 在线天堂中文资源库| 黑丝袜美女国产一区| 99re6热这里在线精品视频| 国产在线视频一区二区| 国产免费福利视频在线观看| 欧美成狂野欧美在线观看| 欧美人与性动交α欧美精品济南到| 成人亚洲精品一区在线观看| 国产一卡二卡三卡精品| 一本一本久久a久久精品综合妖精| 人妻一区二区av| 美女高潮到喷水免费观看| 国产精品 国内视频| 汤姆久久久久久久影院中文字幕| 天堂中文最新版在线下载| 人成视频在线观看免费观看| cao死你这个sao货| 一级,二级,三级黄色视频| 人人妻人人澡人人看| 午夜久久久在线观看| 日日摸夜夜添夜夜爱| 在现免费观看毛片| 亚洲一区中文字幕在线| 侵犯人妻中文字幕一二三四区| 欧美 日韩 精品 国产| 久久久精品区二区三区| 丝袜在线中文字幕| 美女午夜性视频免费| 国产亚洲欧美在线一区二区| 男的添女的下面高潮视频| 亚洲一码二码三码区别大吗| 波野结衣二区三区在线| 美女脱内裤让男人舔精品视频| 久久精品成人免费网站| 国产成人一区二区三区免费视频网站 | 亚洲自偷自拍图片 自拍| 中文字幕精品免费在线观看视频| 777久久人妻少妇嫩草av网站| 久久精品久久久久久久性| 久久久久久人人人人人| 999久久久国产精品视频| 亚洲精品一卡2卡三卡4卡5卡 | 这个男人来自地球电影免费观看| 婷婷色麻豆天堂久久| 丝袜人妻中文字幕| 亚洲精品久久久久久婷婷小说| 久久99精品国语久久久| 欧美精品一区二区免费开放| 日本午夜av视频| 黄色片一级片一级黄色片| 国产麻豆69| 亚洲av男天堂| 国产精品免费大片| 中国国产av一级| av在线播放精品| 亚洲国产最新在线播放| 老司机影院成人| 97精品久久久久久久久久精品| 丰满饥渴人妻一区二区三| 纯流量卡能插随身wifi吗| 女人高潮潮喷娇喘18禁视频| 人妻 亚洲 视频| 国产男女超爽视频在线观看| 午夜av观看不卡| 一区二区av电影网| 黄色片一级片一级黄色片| 99久久精品国产亚洲精品| 亚洲国产精品一区三区| 男人爽女人下面视频在线观看| 老熟女久久久| 国产一区二区三区综合在线观看| 国产精品久久久久久人妻精品电影 | 叶爱在线成人免费视频播放| 1024视频免费在线观看| 啦啦啦在线观看免费高清www| 丁香六月欧美| 欧美日韩亚洲高清精品| 亚洲国产看品久久| 欧美黑人精品巨大| 欧美黄色片欧美黄色片| 精品久久久久久久毛片微露脸 | 日韩视频在线欧美| 夫妻性生交免费视频一级片| 国产精品成人在线| 七月丁香在线播放| 国产男人的电影天堂91| 亚洲情色 制服丝袜| 一区二区三区乱码不卡18| 日韩一区二区三区影片| videos熟女内射| 女性生殖器流出的白浆| 欧美日韩视频精品一区| 国产片内射在线| 国产在视频线精品| 国产精品一区二区精品视频观看| 精品人妻一区二区三区麻豆| 国产成人一区二区在线| 最近中文字幕2019免费版| 汤姆久久久久久久影院中文字幕| 免费久久久久久久精品成人欧美视频| 中文字幕高清在线视频| 国产亚洲一区二区精品| 日韩制服丝袜自拍偷拍| 一区二区三区激情视频| 午夜福利视频在线观看免费| 亚洲av成人不卡在线观看播放网 | 丁香六月欧美| 99久久99久久久精品蜜桃| 欧美精品亚洲一区二区| 亚洲国产欧美日韩在线播放| av欧美777| 99精国产麻豆久久婷婷| 制服诱惑二区| 777米奇影视久久| 亚洲精品av麻豆狂野| 麻豆乱淫一区二区| 午夜免费观看性视频| 女人久久www免费人成看片| 男的添女的下面高潮视频| 高清av免费在线| 久久精品国产综合久久久| 亚洲一区中文字幕在线| 在线亚洲精品国产二区图片欧美| 日韩 欧美 亚洲 中文字幕| 久久久久精品人妻al黑| 在线看a的网站| 成人黄色视频免费在线看| 狂野欧美激情性xxxx| 日日爽夜夜爽网站| 亚洲av片天天在线观看| 婷婷成人精品国产| 国产xxxxx性猛交| 中文字幕另类日韩欧美亚洲嫩草| 性少妇av在线| 男女边吃奶边做爰视频| 亚洲欧美一区二区三区久久| 亚洲熟女毛片儿| 久久久精品免费免费高清| 电影成人av| 国产片内射在线| 午夜两性在线视频| 精品一品国产午夜福利视频| 99国产精品免费福利视频| a级毛片在线看网站| 伦理电影免费视频| 亚洲精品在线美女| 一本一本久久a久久精品综合妖精| 国产黄色免费在线视频| av片东京热男人的天堂| 欧美人与性动交α欧美精品济南到| 狂野欧美激情性xxxx| 日日摸夜夜添夜夜爱| 亚洲图色成人| 国产高清不卡午夜福利| 色婷婷av一区二区三区视频| 2021少妇久久久久久久久久久| 人人妻,人人澡人人爽秒播 | 亚洲男人天堂网一区| 国产精品久久久久久人妻精品电影 | 50天的宝宝边吃奶边哭怎么回事| 激情视频va一区二区三区| 亚洲精品美女久久久久99蜜臀 | a级毛片黄视频| 韩国精品一区二区三区| 人人妻人人澡人人爽人人夜夜| 日本一区二区免费在线视频| 国产精品 欧美亚洲| 欧美性长视频在线观看| 97在线人人人人妻| 国产伦人伦偷精品视频| 精品一区在线观看国产| 精品国产超薄肉色丝袜足j| 黄色一级大片看看| 大香蕉久久成人网| 一级片'在线观看视频| 啦啦啦在线免费观看视频4| 久久精品久久久久久久性| 捣出白浆h1v1| 老司机午夜十八禁免费视频| 欧美 亚洲 国产 日韩一| 日韩一区二区三区影片| 涩涩av久久男人的天堂| 大话2 男鬼变身卡| 国产精品三级大全| 国产不卡av网站在线观看| 交换朋友夫妻互换小说| 久久久久国产一级毛片高清牌| 久久精品国产综合久久久| 嫩草影视91久久| 日本黄色日本黄色录像| 欧美在线一区亚洲| 在线av久久热| a 毛片基地| 国产精品国产av在线观看| 精品福利永久在线观看| 日本一区二区免费在线视频| 国产成人av激情在线播放| 国产视频一区二区在线看| 欧美黑人精品巨大| 日本a在线网址| 性少妇av在线| 黄色毛片三级朝国网站| 国产亚洲av片在线观看秒播厂| 狠狠婷婷综合久久久久久88av| 亚洲综合色网址| 一区二区三区四区激情视频| 建设人人有责人人尽责人人享有的| 欧美97在线视频| 90打野战视频偷拍视频| 在线av久久热| 久久久久网色| 91麻豆精品激情在线观看国产 | 亚洲欧美清纯卡通| tube8黄色片| 男女边摸边吃奶| 久久热在线av| 妹子高潮喷水视频| 国产日韩欧美亚洲二区| 90打野战视频偷拍视频| 少妇人妻 视频| 人妻人人澡人人爽人人| 两个人免费观看高清视频| 免费观看a级毛片全部| 亚洲av片天天在线观看| 午夜福利乱码中文字幕| 一区二区三区精品91| 啦啦啦在线观看免费高清www| 亚洲精品日本国产第一区| 一区二区日韩欧美中文字幕| 一级,二级,三级黄色视频| 高清不卡的av网站| 啦啦啦啦在线视频资源| 亚洲av日韩精品久久久久久密 | 久久影院123| 狠狠精品人妻久久久久久综合| 国产一区二区激情短视频 | 18在线观看网站| 成人18禁高潮啪啪吃奶动态图| 精品少妇一区二区三区视频日本电影| 久久亚洲精品不卡| 亚洲天堂av无毛| 精品国产国语对白av| 在线观看免费视频网站a站| 观看av在线不卡| 又黄又粗又硬又大视频| 91成人精品电影| 99精国产麻豆久久婷婷| 菩萨蛮人人尽说江南好唐韦庄| 9191精品国产免费久久| 日本欧美视频一区| 亚洲五月婷婷丁香| 丝袜美足系列| 欧美 日韩 精品 国产| 国产精品av久久久久免费| 婷婷丁香在线五月| 一级黄色大片毛片| 黄色视频不卡| 国产精品亚洲av一区麻豆| 国产片特级美女逼逼视频| 蜜桃在线观看..| 欧美日韩福利视频一区二区| 亚洲精品国产av成人精品| 久久亚洲精品不卡| 免费人妻精品一区二区三区视频| www.熟女人妻精品国产| 在线亚洲精品国产二区图片欧美| 欧美激情高清一区二区三区| 操美女的视频在线观看| 中文字幕高清在线视频| 丝袜喷水一区| 老鸭窝网址在线观看| 丰满迷人的少妇在线观看| 国产高清视频在线播放一区 | 国产精品国产av在线观看| 亚洲美女黄色视频免费看| 国产免费视频播放在线视频| 精品亚洲成国产av| 高清黄色对白视频在线免费看| 久久久久精品国产欧美久久久 | 中文字幕最新亚洲高清| 欧美日韩亚洲高清精品| 男女之事视频高清在线观看 | 人人澡人人妻人| 精品亚洲成a人片在线观看| 最近最新中文字幕大全免费视频 | 国产野战对白在线观看| 欧美xxⅹ黑人| 亚洲国产中文字幕在线视频| 一二三四在线观看免费中文在| 国产精品二区激情视频| 亚洲精品乱久久久久久| 蜜桃国产av成人99| 永久免费av网站大全| 99九九在线精品视频| 亚洲第一青青草原| 精品一区二区三区四区五区乱码 | 久久国产亚洲av麻豆专区| 美女中出高潮动态图| 五月开心婷婷网| 午夜激情久久久久久久| 婷婷成人精品国产| 久久人妻福利社区极品人妻图片 | 好男人电影高清在线观看| 大型av网站在线播放| 男男h啪啪无遮挡| 蜜桃在线观看..| 十分钟在线观看高清视频www| 天堂俺去俺来也www色官网| 色网站视频免费| 国产成人av激情在线播放| www.自偷自拍.com| 国产精品 国内视频| 精品国产国语对白av| 一本一本久久a久久精品综合妖精| 高清av免费在线| 老司机靠b影院| 免费观看av网站的网址| 校园人妻丝袜中文字幕| 久久精品熟女亚洲av麻豆精品| 亚洲欧洲国产日韩| 日韩中文字幕欧美一区二区 | 99九九在线精品视频| 国产欧美日韩一区二区三 | 男女床上黄色一级片免费看| 七月丁香在线播放| 国产精品久久久久久精品古装| 日韩av不卡免费在线播放| 精品久久久精品久久久| 99国产精品免费福利视频| 欧美国产精品一级二级三级| 久久久久国产精品人妻一区二区| 成人亚洲精品一区在线观看| 久久久久精品国产欧美久久久 | 黄色毛片三级朝国网站| 久久精品aⅴ一区二区三区四区| 亚洲av成人精品一二三区| 亚洲五月色婷婷综合| 国产av精品麻豆| 国产一区二区 视频在线| 美女午夜性视频免费| 亚洲国产av新网站| 老汉色∧v一级毛片| 国产精品久久久久久人妻精品电影 | 91九色精品人成在线观看| 亚洲视频免费观看视频| 精品久久久久久电影网| 国产亚洲av高清不卡| 一级毛片黄色毛片免费观看视频| 精品第一国产精品| 亚洲欧美色中文字幕在线| 男人操女人黄网站| 欧美国产精品va在线观看不卡| 捣出白浆h1v1| 亚洲国产中文字幕在线视频| 成人国产一区最新在线观看 | 久久精品亚洲熟妇少妇任你| 国产欧美日韩精品亚洲av| 美女扒开内裤让男人捅视频| 伊人久久大香线蕉亚洲五| 免费看十八禁软件| 国产在视频线精品| 老汉色av国产亚洲站长工具| 美女扒开内裤让男人捅视频| 丝瓜视频免费看黄片| 欧美日韩成人在线一区二区| 我要看黄色一级片免费的| 捣出白浆h1v1| 久久ye,这里只有精品| 国产精品麻豆人妻色哟哟久久| 日本午夜av视频| 欧美成人午夜精品| 天堂中文最新版在线下载| 啦啦啦视频在线资源免费观看| 欧美激情 高清一区二区三区| av网站在线播放免费| av在线老鸭窝| 亚洲国产av影院在线观看| 午夜视频精品福利| 国产精品偷伦视频观看了| 我要看黄色一级片免费的| 啦啦啦 在线观看视频| 欧美另类一区| 精品一区二区三卡| av片东京热男人的天堂| 伊人久久大香线蕉亚洲五| av福利片在线| 欧美成人精品欧美一级黄| 波多野结衣一区麻豆| 久久久精品区二区三区| 一区二区三区精品91| 亚洲专区国产一区二区| 亚洲七黄色美女视频| 亚洲国产最新在线播放| 午夜福利免费观看在线| 91精品国产国语对白视频| 国产欧美亚洲国产| 亚洲 欧美一区二区三区| 91精品三级在线观看| 高潮久久久久久久久久久不卡| 91麻豆精品激情在线观看国产 | 新久久久久国产一级毛片| 精品熟女少妇八av免费久了| 另类精品久久| 亚洲美女黄色视频免费看| 韩国高清视频一区二区三区| 最新的欧美精品一区二区| 一级黄色大片毛片| 婷婷色麻豆天堂久久| 国产精品免费视频内射| 天天操日日干夜夜撸| 热99国产精品久久久久久7| 国产有黄有色有爽视频| 天天躁日日躁夜夜躁夜夜| 色网站视频免费| 精品高清国产在线一区| 亚洲人成77777在线视频| 午夜福利视频精品| 国产欧美亚洲国产| 丁香六月欧美| 90打野战视频偷拍视频| 精品卡一卡二卡四卡免费| 欧美激情高清一区二区三区| 亚洲欧美清纯卡通| 日本a在线网址| a级毛片黄视频| 国产女主播在线喷水免费视频网站| 99国产精品一区二区三区| 免费观看av网站的网址| 国产精品久久久久成人av| 亚洲国产精品一区二区三区在线| 热99国产精品久久久久久7| 欧美激情高清一区二区三区| 丰满少妇做爰视频| 叶爱在线成人免费视频播放| av电影中文网址| 最近最新中文字幕大全免费视频 | 国产男女超爽视频在线观看| netflix在线观看网站| 大陆偷拍与自拍| 一本综合久久免费| 国产亚洲精品久久久久5区| 老司机深夜福利视频在线观看 | 亚洲精品美女久久av网站| 国精品久久久久久国模美| 久久久国产精品麻豆| 好男人视频免费观看在线| 国产精品av久久久久免费| 欧美 亚洲 国产 日韩一| 精品福利永久在线观看| 九色亚洲精品在线播放| 老鸭窝网址在线观看| 侵犯人妻中文字幕一二三四区| 汤姆久久久久久久影院中文字幕| 建设人人有责人人尽责人人享有的| 国产精品偷伦视频观看了| 亚洲精品中文字幕在线视频| 最黄视频免费看| 免费黄频网站在线观看国产| 亚洲欧洲日产国产| 人妻 亚洲 视频| 国产欧美日韩精品亚洲av| 一区二区三区四区激情视频| 五月开心婷婷网| 天天躁日日躁夜夜躁夜夜| 国产免费福利视频在线观看| 亚洲欧美中文字幕日韩二区| 日韩一本色道免费dvd| 日韩一区二区三区影片| 免费观看a级毛片全部| 18禁观看日本| 亚洲免费av在线视频| 青春草视频在线免费观看|