手机看片欧美日韩,久久精品国产主播一区二区,欧美亚洲中日韩中文字幕在线

通過Scikit-learn進行機器學習的介紹

An introduction to machine learning with scikit-learn

Section contents

In this section, we introduce the?machine learning?vocabulary that we use throughout scikit-learn and give a simple learning example.

?

在這一章節,我們將介紹機器學習中的 scikit-learn 以及一些學習例子。

Machine learning: the problem setting? 機器學習:問題設置

In general, a learning problem considers a set of n?samples?of data and then tries to predict properties of unknown data. If each sample is more than a single number and, for instance, a multi-dimensional entry (aka?multivariate?data), it is said to have several attributes or?features.

通常來講,一個學習問題涉及到一個含有n個樣本數據的集合,從而去預測數據中一些未知的特征。如果每個樣本中有多于一個數字并且,比方說,一個多維輸入(又叫做多元變量數據),它可以被稱作有多種特征、貢獻。

We can separate learning problems in a few large categories:?我們可以把學習問題分為幾個類別。

  • supervised????? learning, in which the data comes with additional????? attributes that we want to predict (Click here?to????? go to the scikit-learn supervised learning page).This problem can be????? either:

監督學習,其中數據帶有我們想要預測的額外屬性(點擊此處轉到scikit學習監督學習頁面)。這個問題可以是:

  • classification:????? samples belong to two or more classes and we want to learn from already????? labeled data how to predict the class of unlabeled data. An example of????? classification problem would be the handwritten digit recognition example,????? in which the aim is to assign each input vector to one of a finite number????? of discrete categories. Another way to think of classification is as a????? discrete (as opposed to continuous) form of supervised learning where one????? has a limited number of categories and for each of the n samples provided,????? one is to try to label them with the correct category or class.

分類:樣本屬于兩個或更多個類,我們想從已標記的數據中學習如何預測未標記數據的類別。 分類問題的一個例子是手寫數字識別示例,其目的是將每個輸入向量分配給有限數目的離散類別之一。 分類的另一種方式是作為監督學習的離散(而不是連續的)形式,其中提供的n個樣本中的每一個樣本都有一個有限數量的類別,另一方式是嘗試用正確的類別或類別來標記它們。

  • regression:? if the desired output consists of one or more continuous variables, then????? the task is called?regression.? An example of a regression problem would be the prediction of the length? of a salmon as a function of its age and weight.

回歸:如果期望的輸出由一個或多個連續變量組成,則該任務稱為回歸。 回歸問題的一個例子是鮭魚年齡和體重的函數預測其長度。

  • unsupervised????? learning, in which the training data consists of a set? of input vectors x without any corresponding target values. The goal in? such problems may be to discover groups of similar examples within the? data, where it is called?clustering, or to determine the distribution of data within the input space, known as?density????? estimation, or to project the data from a high-dimensional space down to two or three dimensions for the purpose of?visualization?(Click here?to go to the Scikit-Learn unsupervised learning page).

無監督學習,其中訓練數據由一組沒有任何相應目標值的輸入向量x組成。 這些問題的目標可能是在數據中發現類似示例的組,稱為聚類,或者確定輸入空間內的數據分布,稱為密度估計,或從高維數據投影數據 空間縮小到二維或三維以進行可視化(點擊此處轉到Scikit-Learn無人值守學習頁面)。

Training set and testing set

培訓集和測試集

Machine learning is about learning some properties of a data set and applying them to new data. This is why a common practice in machine learning to evaluate an algorithm is to split the data at hand into two sets, one that we call thetraining set?on which we learn data properties and one that we call the?testing set?on which we test these properties.

機器學習是關于學習數據集的某些屬性并將其應用于新數據。這就是為什么機器學習評估算法的常見做法是將手頭的數據拆分成兩組,用于學習數據屬性的我們稱之為訓練集,用于測試這些屬性的我們稱之為測試集。

Loading an example dataset

加載示例數據集

scikit-learn comes with a few standard datasets, for instance the?iris?and?digits?datasets for classification and the?boston house prices dataset?for regression.

scikit-learn提供了幾個標準數據集,例如用于分類的虹膜和數字數據集和波士頓房價回歸數據集。

In the following, we start a Python interpreter from our shell and then load the iris and digits datasets. Our notational convention is that $ denotes the shell prompt while >>> denotes the Python interpreter prompt:

在下文中,我們從我們的shell啟動一個Python解釋器,然后加載虹膜和數字數據集。我們的符號約定是$表示shell提示符,而>>>表示Python解釋器提示符:

$ python

>>> from sklearn import datasets

>>> iris = datasets.load_iris()

>>> digits = datasets.load_digits()

A dataset is a dictionary-like object that holds all the data and some metadata about the data. This data is stored in the.data member, which is a n_samples, n_features array. In the case of supervised problem, one or more response variables are stored in the .target member. More details on the different datasets can be found in the?dedicated section.

數據集是一個類似字典的對象,它保存有關數據的所有數據和一些元數據。該數據存儲在.data成員中,它是一個n_samples,n_features數組。在監督問題的情況下,一個或多個響應變量存儲在.target成員中。有關不同數據集的更多詳細信息,請參見專用部分。

For instance, in the case of the digits dataset, digits.data gives access to the features that can be used to classify the digits samples:

例如,在數字數據集的情況下,digits.data可以訪問用于對數字樣本進行分類的功能:

>>>

>>>?print(digits.data)??

[[??0.?? 0.?? 5. ...,?? 0.?? 0.?? 0.]

?[? 0.?? 0.?? 0. ...,? 10.?? 0.?? 0.]

?[? 0.?? 0.?? 0. ...,? 16.?? 9.?? 0.]

?...,

?[? 0.?? 0.?? 1. ...,?? 6.?? 0.?? 0.]

?[? 0.?? 0.?? 2. ...,? 12.?? 0.?? 0.]

?[? 0.?? 0.? 10. ...,? 12.?? 1.?? 0.]]

and digits.target gives the ground truth for the digit dataset, that is the number corresponding to each digit image that we are trying to learn:

而digit.target為數字數據集提供了實質,即我們正在嘗試學習的每個數字圖像對應的數字:

>>>

>>>?digits.target

array([0, 1, 2, ..., 8, 9, 8])

Shape of the data arrays

數據陣列的形狀

The data is always a 2D array, shape (n_samples, n_features), although the original data may have had a different shape. In the case of the digits, each original sample is an image of shape (8, 8) and can be accessed using:

數據總是2D數組,形狀(n_samples,n_features),盡管原始數據可能具有不同的形狀。 在數字的情況下,每個原始樣本是形狀(8,8)的圖像,可以使用以下方式訪問:

>>>

>>>?digits.images[0]

array([[??0.,?? 0.,?? 5.,? 13.,?? 9.,?? 1.,?? 0.,?? 0.],

???????[? 0.,?? 0.,? 13.,? 15.,? 10.,? 15.,?? 5.,?? 0.],

???????[? 0.,?? 3.,? 15.,?? 2.,?? 0.,? 11.,?? 8.,?? 0.],

???????[? 0.,?? 4.,? 12.,?? 0.,?? 0.,?? 8.,?? 8.,?? 0.],

???????[? 0.,?? 5.,?? 8.,?? 0.,?? 0.,?? 9.,?? 8.,?? 0.],

???????[? 0.,?? 4.,? 11.,?? 0.,?? 1.,? 12.,?? 7.,?? 0.],

???????[? 0.,?? 2.,? 14.,?? 5.,? 10.,? 12.,?? 0.,?? 0.],

???????[? 0.,?? 0.,?? 6.,? 13.,? 10.,?? 0.,?? 0.,?? 0.]])

The?simple example on this dataset?illustrates how starting from the original problem one can shape the data for consumption in scikit-learn.

這個數據集的簡單例子說明了如何從原始問題開始,通過scikit-learn形成消費數據。

Loading from external datasets

從外部數據集加載

To load from an external dataset, please refer to?loading external datasets.

要從外部數據集加載,請參閱加載外部數據集。

?

Learning and predicting

學習和預測

In the case of the digits dataset, the task is to predict, given an image, which digit it represents. We are given samples of each of the 10 possible classes (the digits zero through nine) on which we?fit?an?estimator?to be able to?predict?the classes to which unseen samples belong.

在數字數據集的情況下,我們的任務是用已給的圖像來預測其表示的數字。我們給出了10個可能的類別(數字0到9)中的每一個的樣本,在這些類別上我們擬合一個估計器來預測不可見樣本所屬的類別。

In scikit-learn, an estimator for classification is a Python object that implements the methods fit(X, y) and predict(T).

在scikit-learn中,分類的估計器是一個Python對象,它實現了fit(X,y)和predict(T)的方法。

An example of an estimator is the class sklearn.svm.SVC that implements?support vector classification. The constructor of an estimator takes as arguments the parameters of the model, but for the time being, we will consider the estimator as a black box:

估計器的一個例子是實現支持向量分類的類sklearn.svm.SVC。估計器的構造函數以模型的參數為參數,但目前我們將把估計器視為黑盒子:

>>>

>>>?from?sklearn?import?svm

>>>?clf?=?svm.SVC(gamma=0.001, C=100.)

Choosing the parameters of the model

選擇模型的參數

In this example we set the value of gamma manually. It is possible to automatically find good values for the parameters by using tools such as?grid search?and?cross validation.

在這個例子中,我們手動設置gamma值。通過使用諸如網格搜索和交叉驗證等工具,可以自動找到參數的良好值。

We call our estimator instance clf, as it is a classifier. It now must be fitted to the model, that is, it must?learn?from the model. This is done by passing our training set to the fit method. As a training set, let us use all the images of our dataset apart from the last one. We select this training set with the [:-1] Python syntax, which produces a new array that contains all but the last entry of digits.data:

我們稱我們的估計器為實例clf,因為它是一個分類器。現在它必須適應模型,也就是說,它必須從模型中學習。這是通過我們的訓練集過渡到適合的方法來完成的。作為一個訓練集,讓我們使用除最后一個數據集的所有圖像。我們用[:-1] Python語法選擇這個訓練集,它產生一個包含除去digits.data的最后一個數據的新數組:

>>>

>>>?clf.fit(digits.data[:-1], digits.target[:-1])??

SVC(C=100.0, cache_size=200, class_weight=None, coef0=0.0,

??decision_function_shape=None, degree=3, gamma=0.001, kernel='rbf',

??max_iter=-1, probability=False, random_state=None, shrinking=True,

??tol=0.001, verbose=False)

Now you can predict new values, in particular, we can ask to the classifier what is the digit of our last image in the digitsdataset, which we have not used to train the classifier:

現在你可以預測新的值,特別是我們可以向分類器詢問在digits數據集中我們最后一個圖像的數字是什么,我們還沒有用過它來訓練分類器:

>>>

>>>?clf.predict(digits.data[-1:])

array([8])

The corresponding image is the following:

相應的圖像如下:

?

As you can see, it is a challenging task: the images are of poor resolution. Do you agree with the classifier?

A complete example of this classification problem is available as an example that you can run and study:?Recognizing hand-written digits.

正如你所看到的,這是一項具有挑戰性的任務:圖像的分辨率差。你同意分類器嗎?

這個分類問題的一個完整例子可以用來作為一個例子來運行和學習:識別手寫數字。

?

Model persistence

模型持久性

It is possible to save a model in the scikit by using Python’s built-in persistence model, namely?pickle:

可以通過使用Python的內置持久性模型(即pickle)將模型保存在scikit中:

>>>

>>>?from?sklearn?import?svm

>>>?from?sklearn?import?datasets

>>>?clf?=?svm.SVC()

>>>?iris?=?datasets.load_iris()

>>>?X, y?=?iris.data, iris.target

>>>?clf.fit(X, y)??

SVC(C=1.0, cache_size=200, class_weight=None, coef0=0.0,

??decision_function_shape=None, degree=3, gamma='auto', kernel='rbf',

??max_iter=-1, probability=False, random_state=None, shrinking=True,

??tol=0.001, verbose=False)

>>>?import?pickle

>>>?s?=?pickle.dumps(clf)

>>>?clf2?=?pickle.loads(s)

>>>?clf2.predict(X[0:1])

array([0])

>>>?y[0]

0

In the specific case of the scikit, it may be more interesting to use joblib’s replacement of pickle (joblib.dump &joblib.load), which is more efficient on big data, but can only pickle to the disk and not to a string:

在scikit的具體情況下,使用joblib替換pickle(joblib.dump和joblib.load)可能會更有意思,這對大數據更有效,但只能pickle(腌制)到磁盤而不是字符串:

>>>

>>>?from?sklearn.externals?import?joblib

>>>?joblib.dump(clf,?'filename.pkl')?

Later you can load back the pickled model (possibly in another Python process) with:

稍后,您可以使用以下方式加載腌制模型(可能在另一個Python進程中):

>>>

>>>?clf?=?joblib.load('filename.pkl')?

Note?注意

joblib.dump and joblib.load functions also accept file-like object instead of filenames. More information on data persistence with Joblib is available?here.

Note that pickle has some security and maintainability issues. Please refer to section?Model persistence?for more detailed information about model persistence with scikit-learn.

joblib.dump和joblib.load函數也接受類似文件的對象而不是文件名。 有關Joblib數據持久性的更多信息,請點擊?here

請注意,pickle有一些安全性和可維護性問題。 有關使用scikit-learn的模型持久性的更多詳細信息,請參閱?Model persistence

?

Conventions

規則

scikit-learn estimators follow certain rules to make their behavior more predictive.

scikit-learn估計器遵循某些規則,使其行為更具預測性。

Type casting

類型鑄造

Unless otherwise specified, input will be cast to float64:

除非另有說明,否則輸入將被轉換為float64:

>>>

>>>?import?numpy?as?np

>>>?from?sklearn?import?random_projection

>>>?rng?=?np.random.RandomState(0)

>>>?X?=?rng.rand(10,?2000)

>>>?X?=?np.array(X, dtype='float32')

>>>?X.dtype

dtype('float32')

>>>?transformer?=?random_projection.GaussianRandomProjection()

>>>?X_new?=?transformer.fit_transform(X)

>>>?X_new.dtype

dtype('float64')

In this example, X is float32, which is cast to float64 by fit_transform(X).

Regression targets are cast to float64, classification targets are maintained:

在這個例子中,X是float32,它被fit_transform(X)轉換為float64。

回歸目標被轉換為float64,維護分類目標:

>>>

>>>?from?sklearn?import?datasets

>>>?from?sklearn.svm?import?SVC

>>>?iris?=?datasets.load_iris()

>>>?clf?=?SVC()

>>>?clf.fit(iris.data, iris.target)??

SVC(C=1.0, cache_size=200, class_weight=None, coef0=0.0,

??decision_function_shape=None, degree=3, gamma='auto', kernel='rbf',

??max_iter=-1, probability=False, random_state=None, shrinking=True,

??tol=0.001, verbose=False)

>>>?list(clf.predict(iris.data[:3]))

[0, 0, 0]

>>>?clf.fit(iris.data, iris.target_names[iris.target])??

SVC(C=1.0, cache_size=200, class_weight=None, coef0=0.0,

??decision_function_shape=None, degree=3, gamma='auto', kernel='rbf',

??max_iter=-1, probability=False, random_state=None, shrinking=True,

??tol=0.001, verbose=False)

>>>?list(clf.predict(iris.data[:3]))??

['setosa', 'setosa', 'setosa']

Here, the first predict() returns an integer array, since iris.target (an integer array) was used in fit. The secondpredict() returns a string array, since iris.target_names was for fitting.

這里,第一個predict()返回一個整數數組,因為使用了iris.target(一個整數數組)。 Secondpredict()返回一個字符串數組,因為iris.target_names是用于擬合的。

Refitting and updating parameters

修改和更新參數

Hyper-parameters of an estimator can be updated after it has been constructed via thesklearn.pipeline.Pipeline.set_params?method. Calling fit() more than once will overwrite what was learned by any previous fit():

估計器的超參數可以在通過sklearn.pipeline.Pipeline.set_params方法構建后進行更新。?多次調用fit()將覆蓋以前的fit()中學到的內容:

>>>

>>>?import?numpy?as?np

>>>?from?sklearn.svm?import?SVC

>>>?rng?=?np.random.RandomState(0)

>>>?X?=?rng.rand(100,?10)

>>>?y?=?rng.binomial(1,?0.5,?100)

>>>?X_test?=?rng.rand(5,?10)

>>>?clf?=?SVC()

>>>?clf.set_params(kernel='linear').fit(X, y)??

SVC(C=1.0, cache_size=200, class_weight=None, coef0=0.0,

??decision_function_shape=None, degree=3, gamma='auto', kernel='linear',

??max_iter=-1, probability=False, random_state=None, shrinking=True,

??tol=0.001, verbose=False)

>>>?clf.predict(X_test)

array([1, 0, 1, 1, 0])

>>>?clf.set_params(kernel='rbf').fit(X, y)??

SVC(C=1.0, cache_size=200, class_weight=None, coef0=0.0,

??decision_function_shape=None, degree=3, gamma='auto', kernel='rbf',

??max_iter=-1, probability=False, random_state=None, shrinking=True,

??tol=0.001, verbose=False)

>>>?clf.predict(X_test)

array([0, 0, 0, 1, 0])

Here, the default kernel rbf is first changed to linear after the estimator has been constructed via SVC(), and changed back to rbf to refit the estimator and to make a second prediction.

這里,在通過SVC()構造估計器之后,默認內核rbf首先被改變為線性,并且改回rbf以重新設計估計器并作出第二預測。

Multiclass vs. multilabel fitting

多類與多標簽擬合

When using?multiclass classifiers, the learning and prediction task that is performed is dependent on the format of the target data fit upon:

當使用多類分類器時,執行的學習和預測任務取決于適合的目標數據的格式:

>>>

>>>?from?sklearn.svm?import?SVC

>>>?from?sklearn.multiclass?import?OneVsRestClassifier

>>>?from?sklearn.preprocessing?import?LabelBinarizer

>>>?X?=?[[1,?2], [2,?4], [4,?5], [3,?2], [3,?1]]

>>>?y?=?[0,?0,?1,?1,?2]

>>>?classif?=?OneVsRestClassifier(estimator=SVC(random_state=0))

>>>?classif.fit(X, y).predict(X)

array([0, 0, 1, 1, 2])

In the above case, the classifier is fit on a 1d array of multiclass labels and the predict() method therefore provides corresponding multiclass predictions. It is also possible to fit upon a 2d array of binary label indicators:

在上述情況下,分類器適合于一個多類標簽的1d陣列,因此,()方法提供了相應的多類預測。 還可以使用二進制標簽指示器的二維數組:

>>>

>>>?y?=?LabelBinarizer().fit_transform(y)

>>>?classif.fit(X, y).predict(X)

array([[1, 0, 0],

???????[1, 0, 0],

???????[0, 1, 0],

???????[0, 0, 0],

???????[0, 0, 0]])

Here, the classifier is fit() on a 2d binary label representation of y, using the?LabelBinarizer. In this casepredict() returns a 2d array representing the corresponding multilabel predictions.

Note that the fourth and fifth instances returned all zeroes, indicating that they matched none of the three labels fit upon. With multilabel outputs, it is similarly possible for an instance to be assigned multiple labels:

這里,分類器是使用LabelBinarizer對y的2d二進制標簽表示進行fit()。 在這個casepredict()中返回一個表示相應的多重標簽預測的2d數組。

請注意,第四和第五個實例返回所有零,表示它們與三個標簽不匹配。 對于多標簽輸出,類似地可以為實例分配多個標簽:

>>?from?sklearn.preprocessing?import?MultiLabelBinarizer

>>?y?=?[[0,?1], [0,?2], [1,?3], [0,?2,?3], [2,?4]]

>>?y?=?preprocessing.MultiLabelBinarizer().fit_transform(y)

>>?classif.fit(X, y).predict(X)

array([[1,?1,?0,?0,?0],

???????[1,?0,?1,?0,?0],

???????[0,?1,?0,?1,?0],

???????[1,?0,?1,?1,?0],

???????[0,?0,?1,?0,?1]])

In this case, the classifier is fit upon instances each assigned multiple labels. The?MultiLabelBinarizer?is used to binarize the 2d array of multilabels to fit upon. As a result, predict() returns a 2d array with multiple predicted labels for each instance.

在這種情況下,分類器適合每個分配多個標簽的實例。 MultiLabelBinarizer用于二值化二維數組的多邊形以適應。 因此,predict()會為每個實例返回具有多個預測標簽的2d數組。

以上內容來自?<http://scikit-learn.org/stable/tutorial/basic/tutorial.html>?

?

機器學習課程和教程推薦:The World's Best Machine Learning Courses & Tutorials in 2020

平臺原文介紹:We've compiled more than?10,000 student reviews?across 150+ of the web's top Machine Learning courses, tutorials in search of the best way to learn Machine Learning in 2020. The awards below, like Best Course Overall, Best YouTube Tutorial, are based on student reviews.

平臺已經積累有10000多個真實用戶評論,希望對正在研究機器學習的讀者有用!

蜀ICP備15035023號-4

<rp id="pptpi"><xmp id="pptpi"><th id="pptpi"></th><dl id="pptpi"><pre id="pptpi"><noframes id="pptpi"><code id="pptpi"></code><kbd id="pptpi"><strong id="pptpi"><pre id="pptpi"></pre></strong></kbd>
  • <var id="pptpi"><dl id="pptpi"></dl></var>
    <menu id="pptpi"></menu>

    
    <rt id="pptpi"></rt>
  • <rp id="pptpi"><strong id="pptpi"><meter id="pptpi"></meter></strong></rp>
  • <p id="pptpi"></p>
    主站蜘蛛池模板: 久久久久成人精品无码中文字幕 | 天堂www中文在线资源| 平度市| 西西444www无码大胆| 欧美不卡一区二区三区| 超碰免费公开| av片在线播放| 国精产品一区一区三区有限公司杨 | 德昌县| 伊人久久大香线蕉综合网站 | 综艺| 精品人妻一区二区三区四区| 黄山市| 日本55丰满熟妇厨房伦| 宽城| 日产电影一区二区三区| 英德市| 唐河县| 乡宁县| 欧美人妻精品一区二区三区| 无码人妻久久一区二区三区蜜桃 | 无码人妻一区二区三区精品视频| 盐源县| 护士的小嫩嫩好紧好爽| 波多野结衣人妻| 成年免费视频黄网站在线观看| 在线亚洲人成电影网站色www| 苏尼特右旗| 乾安县| 无码国产色欲xxxx视频| 少妇精品无码一区二区三区| 东北少妇不戴套对白第一次| 罗江县| 熟妇高潮一区二区在线播放| 日韩熟女精品一区二区三区| 99久久精品国产一区二区三区| 青草视频在线播放| 久久久久亚洲精品| 太仆寺旗| 精品无码一区二区三区| 欧洲-级毛片内射| 久久国产精品波多野结衣av| 国产精品成人无码免费| 国产精品成人3p一区二区三区| 苗栗县| 罗田县| 国产人妻精品一区二区三区| 滦南县| 青春草在线视频观看| 国产精品久久久| 怀来县| 海伦市| 日本不卡一区| 国产午夜精品一区二区三区四区 | 大渡口区| 国产绳艺sm调教室论坛| 洪洞县| 久久精品人妻一区二区三区| 国产精品永久免费| 成全影院高清电影好看的电视剧| 原平市| 欧美一区二区| 国产成人精品aa毛片| 凌源市| 久久久精品人妻一区二区三区四| 久久久久久久久久久国产 | 日本三级吃奶头添泬无码苍井空| 人妻熟女一区二区三区app下载| 在线亚洲人成电影网站色www| 无码一区二区三区免费| 成人毛片100免费观看| 国产精品成人va在线观看| 祁门县| 亚洲国产精品久久久久婷蜜芽| 黔江区| 三年大片高清影视大全| 土默特左旗| 久久久久久成人毛片免费看| 固安县| 999zyz玖玖资源站永久| 大竹县| 荆门市| 左贡县| 旺苍县| 蓝山县| 定远县| 临汾市| 国产人妻人伦精品1国产丝袜| 在线观看的av网站| 国产一区二区三区免费播放| 鄱阳县| 三年大片大全免费观看大全| 国产综合在线观看| 三年成全免费观看影视大全 | 九江县| 辽源市| 一边吃奶一边摸做爽视频 | 陆良县| 陵川县| 国产人成视频在线观看| 久久久久麻豆v国产精华液好用吗 国产亚洲精品久久久久久无几年桃 | 精品国产乱码久久久久久影片| 香河县| 人妻丰满熟妇aⅴ无码| 秋霞在线视频| 国产精品成人免费一区久久羞羞| 成人欧美一区二区三区在线观看| 来凤县| 无码国产精品一区二区色情男同| 兖州市| 国产成人精品一区二区三区免费| 肇州县| 精品无码一区二区三区久久| 重庆市| 一区二区三区国产| 国产乱xxⅹxx国语对白| 岢岚县| 免费人成视频在线播放| 偃师市| 盈江县| 连州市| 玉林市| 忻城县| 颍上县| 日韩精品一区二区在线观看| 通山县| 长海县| 卓资县| 西西人体做爰大胆gogo| 免费人成视频在线播放| 国产精品久久久久无码av| 同德县| 蜜臀av在线观看| 国产成人无码一区二区在线观看| 特黄三级又爽又粗又大| 国产女人18毛片水真多| 污污污www精品国产网站| 国产奶头好大揉着好爽视频| 欧美成人片在线观看| 久久精品国产99精品国产亚洲性色| 成全电影大全在线观看国语版| 剑阁县| 人人妻人人澡人人爽精品日本| 免费观看一区二区三区| 永靖县| 欧美午夜精品一区二区三区电影| 调兵山市| 蕲春县| 梁河县| 超碰免费公开| 激情综合五月| 亚洲色成人www永久网站| 中国老熟女重囗味hdxx| 日日摸日日添日日碰9学生露脸| 久久99精品久久久久久琪琪| 高阳县| 平昌县| 博兴县| 武陟县| 中文字幕被公侵犯的漂亮人妻| 国产人妻大战黑人20p| www国产亚洲精品| 温州市| 国产精品久久久久久久久久| 深泽县| 中文无码熟妇人妻av在线| 犍为县| 精品人妻伦一二三区久久| 龙山县| 色一情一乱一伦一区二区三区| 潮安县| 国产女人18毛片水真多18精品| 木兰县| 三年高清片大全| 峨边| 狠狠人妻久久久久久综合| 性色av蜜臀av色欲av| 欧美激情在线播放| 临清市| 彰化市| 成全影视大全在线看| 天堂资源最新在线| 南汇区| 海安县| 平罗县| 国产农村妇女aaaaa视频 | 宁陵县| 黄瓜视频在线观看| 新化县| 惠东县| 兴安县| 黄梅县| 海城市| 在线观看的网站| 顺昌县| 娱乐| 妺妺窝人体色www在线下载| 国产成人精品一区二区三区视频| 免费国偷自产拍精品视频| 江城| 扬州市| 国产精品一区二区久久国产| 南阳市| 国产真实的和子乱拍在线观看| 久久综合久色欧美综合狠狠| 中文字幕人成乱码熟女香港| 国产精品99久久久久久www| 河南省| 国产熟妇另类久久久久 | 大地资源二在线观看免费高清| 博客| 天天干天天射天天操| 亚洲色偷偷色噜噜狠狠99网| 亚洲国产一区二区三区| 狠狠躁18三区二区一区| 国产综合在线观看| 深泽县| 伊吾县| 亚洲国产一区二区三区| 欧性猛交ⅹxxx乱大交| 普兰县| 国产高潮视频在线观看| 武山县| 无套内谢的新婚少妇国语播放| 亚洲爆乳无码一区二区三区| 长丰县| 云梦县| 尉犁县| 工布江达县| 新晃| 溆浦县| 历史| 少女视频哔哩哔哩免费| 陵川县| 阿拉善左旗| 鄯善县| 靖安县| 亚洲精品字幕| 无码人妻av免费一区二区三区| 黔南| 三年片免费观看了| 国产精品扒开腿做爽爽爽视频 | 彩票| 无码av免费精品一区二区三区| 成全电影大全在线观看国语高清 | 图片| 国产精品久久久久久无码| 广饶县| 中文字幕精品久久久久人妻红杏1| 国产精品成人无码免费| 久久精品国产成人av| 国产女人和拘做受视频免费 | 宜都市| 欧美性猛交xxxx乱大交| 人妻巨大乳hd免费看| 河北省| 仲巴县| 又大又长粗又爽又黄少妇视频| 成人区人妻精品一熟女| 正宁县| 中文无码精品一区二区三区| 修武县| 大厂| 景泰县| 叶城县| 榕江县| 华池县| 国产女人18毛片水真多1| 大同市| 六枝特区| 高要市| 河南省| 佳木斯市| 国产绳艺sm调教室论坛| 湟中县| 修文县| 波多野结衣网站| 嵩明县| 台北县| 日韩精品久久久久久免费| 乾安县| 五河县| 大地影院免费高清电视剧大全| 三年片在线观看大全| 亚洲国产精品18久久久久久| 麻豆乱码国产一区二区三区| 花垣县| 国产麻豆成人精品av| 狠狠cao日日穞夜夜穞av| 国产探花在线精品一区二区| 左贡县| 在线观看的网站| 国产真人无遮挡作爱免费视频| 泊头市| 又黄又爽又色的视频| 亚洲人成人无码网www国产| 久久久久久欧美精品se一二三四| 精品亚洲一区二区三区四区五区| 亚洲精品一区久久久久久| 国产福利视频| 沙河市| 韩国三级hd中文字幕| 济南市| 国产内射老熟女aaaa∵| 星子县| 安岳县| 国产精品久久久久久亚洲色| 宜都市| 国产老熟女伦老熟妇露脸 | 国产麻豆剧传媒精品国产av| 欧美亚洲一区二区三区| 三年在线观看大全免费| 乌兰县| 吐鲁番市| 湘乡市| 盘山县| 亚洲啪av永久无码精品放毛片| 国产真实伦对白全集| 平定县| 无码aⅴ精品一区二区三区| 会理县| 苍井空亚洲精品aa片在线播放| 中文成人无字幕乱码精品区| 无码国产精品久久一区免费| 成全观看高清完整免费大全| 枝江市| 色五月激情五月| 中文无码av一区二区三区| 梁河县| 三门县| 精品一区二区三区免费视频| 国产女人18毛片水真多18精品| 朔州市| 又大又长粗又爽又黄少妇视频 | 正镶白旗| 成人做爰免费视频免费看| 国产精品毛片久久久久久久| 精品少妇爆乳无码av无码专区| 三人成全免费观看电视剧| 亚洲欧美乱综合图片区小说区| 国产卡一卡二卡三无线乱码新区| 元阳县| 国产精品久久久午夜夜伦鲁鲁| 会宁县| 少妇被爽到高潮动态图| 延寿县| 女女互磨互喷水高潮les呻吟| 全南县| 西藏| 欧美丰满老熟妇aaaa片| 廊坊市| 丰台区| 阳曲县| 收藏| 国产熟女一区二区三区五月婷| 精品黑人一区二区三区久久| 国产麻豆剧果冻传媒白晶晶| 蕲春县| 成全电影大全在线观看国语版高清 | 福海县| 白水县| 时尚| 成全影院电视剧在线观看| 濮阳市| 无码aⅴ精品一区二区三区| 久久丫精品久久丫| 午夜精品久久久久久久99老熟妇| 阳朔县| 中文字幕无码精品亚洲35| 林州市| 欧美人妻精品一区二区三区| 国产乱子伦精品无码码专区| 少妇极品熟妇人妻无码| 永久免费无码av网站在线观看| 中文字幕被公侵犯的漂亮人妻| 老河口市| 成全视频免费高清| 娄底市| 中字幕一区二区三区乱码| 精品人妻一区二区三区四区| 人妻夜夜爽天天爽三区麻豆av网站| 久久久天堂国产精品女人| 97人妻精品一区二区三区| 欧美三根一起进三p| 久久国产一区二区三区| 国产精品51麻豆cm传媒| 99国产精品久久久久久久久久久| 少妇人妻丰满做爰xxx| 博罗县| 嘉义县| 高唐县| 成人h视频在线观看| 黑龙江省| 乐安县| 漳平市| 探索| 精品国产av 无码一区二区三区| 新宾| 好吊色欧美一区二区三区视频| 夜夜躁狠狠躁日日躁| 久久久久久久97| 朝阳县| 成年性生交大片免费看| 东乌珠穆沁旗| 无码精品人妻一区二区三区湄公河| 欧美gv在线观看| 无码人妻一区二区三区在线| 欧美大屁股熟妇bbbbbb| 精品无码一区二区三区| 欧美精品乱码99久久蜜桃| 国产伦精品一区二区三区免费| 合阳县| 人妻在客厅被c的呻吟| 晋江市| 国产伦亲子伦亲子视频观看| 大地资源中文在线观看官网免费 | 男ji大巴进入女人的视频| 余庆县| 久久99精品久久久久久琪琪| 精品人妻人人做人人爽夜夜爽| 成全我在线观看免费观看| 麻豆乱码国产一区二区三区| 成全在线观看免费完整| 屏边| 亚洲精品一区二区三区中文字幕| 日本电影一区二区三区| 天长市| 黔南| 铜川市| 江华| 项城市| 色欲久久久天天天综合网| 灵石县| 沁阳市| 黄梅县| 灵石县| 国精产品一二三区精华液| 一区二区国产精品精华液| 凭祥市| 荔波县| 三河市| 精品国产一区二区三区四区| 汨罗市| 门头沟区| 国产偷人妻精品一区| 高阳县| 成熟妇人a片免费看网站| 长春市| 日本免费一区二区三区| 中文字幕一区二区三区精华液| 久久精品一区二区免费播放| 南京市| 国产精品一区二区av| 国产又粗又猛又黄又爽无遮挡| 欧美成人aaa片一区国产精品| 交口县| 国产精品理论片| 欧美午夜精品久久久久久浪潮| 黄页网站视频| 全南县| 中文字幕一区二区三区四区五区| 无码精品黑人一区二区三区| 独山县| 日本理伦片午夜理伦片| 同德县| 成人欧美一区二区三区黑人免费| 无码人妻aⅴ一区二区三区69岛| 亚洲精品一区二区三区不卡| 南投县| 国产女人18毛片水真多1| 通城县| 宽甸| 垫江县| 亚洲日韩国产av无码无码精品| 栾川县| 黎平县| 当涂县| 永城市| 竹溪县| 庐江县| 精品人妻午夜一区二区三区四区| 国产日韩欧美| 亚洲中文字幕在线观看| 东宫禁脔(h 调教)| 日韩av无码一区二区三区| 马关县| 亚洲一区二区三区| 弋阳县| 国产精品无码一区二区桃花视频| 囊谦县| 红桥区| 亚洲中文无码av在线| а√中文在线资源库| 宝清县| 精品一区二区三区在线观看 | 高清| 成人国产片女人爽到高潮| 久久久天堂国产精品女人| 1插菊花综合网| 中文字幕乱码人妻二区三区| 亚洲区小说区图片区qvod| 亚洲精品97久久中文字幕无码 | 8050午夜二级| 宝兴县| 亚洲乱妇老熟女爽到高潮的片| 艳妇乳肉豪妇荡乳av无码福利 | 国产suv精品一区二区6| 亚洲熟女一区二区三区| 男人添女人下部高潮全视频| 民和| 中文字幕人成人乱码亚洲电影| 通许县| 天柱县| 湟中县| 人妻无码中文久久久久专区| 崇阳县| 祁东县| 当阳市| 峡江县| 天全县| 双峰县| 朔州市| 天堂网在线观看| 镇江市| 国产又色又爽又高潮免费| 玉林市| 大名县| 成熟妇人a片免费看网站| 翼城县| 颍上县| 色综合99久久久无码国产精品| 国产欧美日韩| 成全在线电影在线观看| 国产全肉乱妇杂乱视频| 久久精品一区二区免费播放| 桑植县| 中文字幕人成乱码熟女香港| 国产人妻人伦精品1国产 | 国产精品99| 凯里市| 承德市| 亚洲 小说 欧美 激情 另类| 日本边添边摸边做边爱| 久久99精品久久久久久水蜜桃| 国产成人精品综合在线观看| 国产成人午夜高潮毛片| 林州市| 躁躁躁日日躁| 久久久精品中文字幕麻豆发布| 中文在线最新版天堂| 岑溪市| 井研县| 澄城县| www夜片内射视频日韩精品成人| 平南县| 广水市| 清远市| 欧美三级欧美成人高清| 永嘉县| 华亭县| 揭阳市| 丹凤县| 崇明县| 浑源县| 久久无码人妻一区二区三区| 久久影院午夜理论片无码| 栾城县| 久久精品中文字幕| 巨鹿县| 性一交一乱一伧国产女士spa| 赤峰市| 亚洲国产精品18久久久久久| 手机在线看片| 久久精品99久久久久久久久| 国精一二二产品无人区免费应用| 福鼎市| 一本大道东京热无码| 成全影视大全在线看| 狠狠躁日日躁夜夜躁2022麻豆| 男ji大巴进入女人的视频| 成全世界免费高清观看| 石楼县| 精品国产乱码久久久久久郑州公司| 国产精品久久久久久久免费看 | 精品人人妻人人澡人人爽牛牛| 呼伦贝尔市| 玉蒲团在线观看| 丰满大肥婆肥奶大屁股| 国产精品99精品久久免费| 日韩成人无码| 土默特左旗| 少妇熟女视频一区二区三区| 奉节县| 精品国产乱码久久久久久婷婷| 江口县| 人妻激情偷乱视频一区二区三区| 日土县| 欧美激情综合色综合啪啪五月| 合山市| 安顺市| 镇康县| 习水县| 博罗县| 浑源县| 泰安市| 汉沽区| 无码人妻一区二区三区在线视频 | 香蕉影院在线观看| 香港 | 看免费真人视频网站| 国产av天堂| 国产精品扒开腿做爽爽爽a片唱戏| 久久久久无码精品亚洲日韩 | 府谷县| 汝南县| 熟妇人妻av无码一区二区三区| 无码人妻一区二区三区在线| 三年在线观看免费大全哔哩哔哩 | 宜丰县| 熟妇人妻中文字幕无码老熟妇| 逊克县| 国产成人精品免高潮在线观看| 久久久久噜噜噜亚洲熟女综合| 无码aⅴ精品一区二区三区| 英超| 且末县| 欧美成人aaa片一区国产精品 | 大新县| 全国最大成人网| 欧美 日韩 人妻 高清 中文| 人人爽人人爽人人爽| 黄陵县| 无码人妻久久一区二区三区不卡| 亚洲爆乳无码一区二区三区| 丁香五香天堂网| 集贤县| 国产精品久久午夜夜伦鲁鲁| 塘沽区| 拍真实国产伦偷精品| 成人欧美一区二区三区在线观看 | 邵阳县| 永久免费看mv网站入口亚洲| 岗巴县| 日本少妇高潮喷水xxxxxxx| 汝城县| 国产精品永久免费| 钦州市| 玉溪市| 青川县| 中阳县| 伦伦影院午夜理论片| 国产午夜亚洲精品午夜鲁丝片 | 久久丫精品久久丫| 成人国产片女人爽到高潮| 左云县| 久久久精品国产sm调教网站| 溧阳市| 久久国产成人精品av| 四虎影成人精品a片| 五华县| 亚洲欧美精品aaaaaa片| 正镶白旗| av电影在线观看| 夜夜爽妓女8888视频免费观看| 亚洲国精产品一二二线| 绩溪县| 国产做爰xxxⅹ久久久精华液| 三年大片大全免费观看大全| 99精品久久毛片a片| 亚洲中文字幕无码爆乳av| 国产又黄又大又粗的视频| 天天躁日日躁狠狠很躁| 1插菊花综合网| 国产看真人毛片爱做a片| 国产精品免费无遮挡无码永久视频| 强行糟蹋人妻hd中文| 久久99精品久久久久久| 一区二区三区国产| 英德市| 欧美激情一区二区| 乖乖趴着h调教3p| 连山| 国产成人精品一区二区三区视频| 浠水县| 靖西县| 邓州市| 榆树市| 肥老熟妇伦子伦456视频| 国产欧美熟妇另类久久久| 海盐县| 东至县| 宁阳县| 冷水江市| 沁源县| 免费国偷自产拍精品视频| 斗六市| 亚洲人成色777777老人头| 极品新婚夜少妇真紧| 久久99精品国产麻豆婷婷洗澡| 大丰市| 一区二区三区视频| 林口县| 久久久久久久极品内射| 天堂а√在线中文在线新版| 辉县市| 国产精品美女www爽爽爽视频| 国产熟妇与子伦hd| 亚洲国产精品va在线看黑人| 牙克石市| 精品无人区无码乱码毛片国产| 白嫩日本少妇做爰| 国产成人精品一区二区在线小狼 | 张家港市| 亚洲熟妇无码久久精品| 亚洲欧美精品午睡沙发| 少女视频哔哩哔哩免费| 无码国产精品一区二区色情男同| 欧美又粗又大aaa片| 无码国产69精品久久久久网站| 聂拉木县| 米奇影视第四色| 辣妹子影院电视剧免费播放视频| 国产精品偷伦视频免费观看了 | 成年免费视频黄网站在线观看| 少妇人妻偷人精品一区二区| 国产偷窥熟女精品视频大全| 国产精品无码久久久久成人影院 | 欧美一区二区三区| 白城市| 招远市| 牡丹江市| 娱乐| 99久久久国产精品免费蜜臀| 鄂托克旗| 欧美性猛交xxxx免费看| 永城市| 成av人片一区二区三区久久| 灵璧县|