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

通過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>
    主站蜘蛛池模板: 无码av免费精品一区二区三区| 国产奶头好大揉着好爽视频| 欧美一性一乱一交一视频| 伦伦影院午夜理论片| 成全影院高清电影好看的电视剧| 蜜臀av在线观看| 亚洲精品乱码久久久久久| 精品无码一区二区三区| 波多野42部无码喷潮| 白嫩日本少妇做爰| 一区二区三区视频| 周宁县| 阳朔县| 波多野结衣网站| 鲁山县| jzzijzzij亚洲成熟少妇| 99国产精品久久久久久久久久久| 上犹县| 石景山区| 成熟人妻av无码专区| 久久99热人妻偷产国产| 久久精品aⅴ无码中文字字幕重口 国产又爽又黄无码无遮挡在线观看 | 欧美大屁股熟妇bbbbbb| 成人小说亚洲一区二区三区| 欧美 日韩 国产 成人 在线观看| 九一九色国产| 浦县| 欧美gv在线观看| 曲沃县| 国产伦精品一区二区三区免费迷| а√天堂www在线天堂小说| 午夜精品久久久久久久99老熟妇| 国精产品一区一区三区免费视频 | 99久久99久久精品免费看蜜桃| 天堂在线中文| 真实的国产乱xxxx在线| 金堂县| 景泰县| 亚东县| 托克逊县| 极品新婚夜少妇真紧| 修武县| 龙山县| 性久久久久久久| 甘孜县| 白城市| 色欲狠狠躁天天躁无码中文字幕| 洪洞县| 人人澡超碰碰97碰碰碰| 成全在线观看高清完整版免费动漫| 一本一道久久a久久精品综合| 宝丰县| 国产精品久久久久久妇女6080| 亚洲 小说 欧美 激情 另类| 女子spa高潮呻吟抽搐| 香蕉av777xxx色综合一区| 特级精品毛片免费观看| 99这里只有精品| 成av人片在线观看www| 青海省| 国内精品人妻无码久久久影院蜜桃| 商丘市| 天天综合天天做天天综合| 少妇高潮灌满白浆毛片免费看| 天天干天天日| 欧美精品videosex极品| 无码人妻丰满熟妇精品区| 西西人体做爰大胆gogo| 岢岚县| 金平| 清流县| 精品人妻无码一区二区三区蜜桃一| 免费观看一区二区三区| 欧美老熟妇乱大交xxxxx| 欧美gv在线观看| 国产suv精品一区二区6| 孟州市| 水富县| 欧洲精品码一区二区三区免费看 | 门源| 岳阳县| av无码精品一区二区三区宅噜噜| 香蕉久久国产av一区二区| 元氏县| 美女视频黄是免费| 8050午夜二级| 国产成人精品一区二区三区视频| 色综合99久久久无码国产精品 | 策勒县| 云安县| 人妻饥渴偷公乱中文字幕 | 国产偷人妻精品一区| 论坛| 中国老熟女重囗味hdxx| 织金县| 国精产品一区二区三区| 国产精品二区一区二区aⅴ污介绍 人妻精品久久久久中文字幕69 | 丰满少妇在线观看网站| 欧美 日韩 国产 成人 在线观看| 国产精品久久久国产盗摄| 欧美性猛交xxxx免费看| 一本大道东京热无码| 成人无码av片在线观看| 宁波市| 中文无码精品一区二区三区| 五莲县| 中文字幕人妻丝袜乱一区三区 | 少妇人妻真实偷人精品视频| 日韩精品无码一区二区三区久久久| 久久国产劲爆∧v内射| 久久午夜夜伦鲁鲁片无码免费| 国产精品av在线| 寿阳县| 凤阳县| 北碚区| 封丘县| 长丰县| 台北县| 亚洲日韩国产av无码无码精品| 呼伦贝尔市| 平度市| 双牌县| 盘锦市| 极品新婚夜少妇真紧| 陇川县| 呼伦贝尔市| 人妻巨大乳hd免费看| 宁化县| 永久免费无码av网站在线观看| 云阳县| 天堂www中文在线资源| 中文字幕乱妇无码av在线| 洪湖市| 国产一区二区在线视频| 精品黑人一区二区三区久久| 定结县| 成全动漫影视大全在线观看国语| 亚洲s码欧洲m码国产av| 合山市| 亚洲va国产va天堂va久久| 国产欧美一区二区精品性色| 米林县| 亚洲第一成人网站| 成全高清视频免费观看| 屯门区| 欧美黑人又粗又大的性格特点 | 国产无套精品一区二区| 国产视频一区二区| 国产精品久久久国产盗摄 | 景德镇市| 国产肥白大熟妇bbbb视频| 平安县| 巴南区| 国产精品毛片一区二区三区| 大地资源网在线观看免费动漫| 华容县| 濉溪县| 托克托县| 一出一进一爽一粗一大视频| 精品人妻少妇嫩草av无码专区 | 灵川县| 大厂| 绍兴县| 欧美老熟妇乱大交xxxxx| 江达县| chinese熟女老女人hd| 莱西市| 古交市| 亚洲精品乱码久久久久久不卡| 深泽县| 成人免费视频在线观看| 国产全是老熟女太爽了| 寻甸| 一边摸一边抽搐一进一出视频| 精品国产一区二区三区四区| 自拍偷自拍亚洲精品播放| 天天爽天天爽夜夜爽毛片| 色五月激情五月| 国产精品无码免费专区午夜| 少女视频哔哩哔哩免费| 东海县| 八宿县| 天堂中文在线资源| 亚洲国产成人精品女人久久久| 午夜精品久久久久久久久| 曰本无码人妻丰满熟妇啪啪| 兴宁市| 中文久久乱码一区二区| 日本在线观看| 真实的国产乱xxxx在线| 东平县| 柞水县| 霍山县| 右玉县| 婷婷四房综合激情五月| 个旧市| 新丰县| 兴宁市| 精品人妻人人做人人爽夜夜爽| 大地资源中文在线观看官网免费| 亚东县| 屏南县| 欧美老熟妇乱大交xxxxx| 嘉祥县| 色欲av永久无码精品无码蜜桃| 筠连县| 亚洲精品乱码久久久久久| 武宁县| 国产精品久久久久久久久久久久 | 一本一道久久a久久精品综合| 国产超碰人人模人人爽人人添| 姜堰市| 成全高清视频免费观看| 三年在线观看免费大全哔哩哔哩| 国产良妇出轨视频在线观看| 南阳市| 无码人妻精品一区二区蜜桃色欲| 屯留县| 成人毛片18女人毛片免费| 真实的国产乱xxxx在线| 人人爽人人爽人人爽| 三年大片高清影视大全| 日本三级吃奶头添泬无码苍井空| 无码人妻熟妇av又粗又大| 国产精品毛片久久久久久久| 国产成人无码www免费视频播放| 伦伦影院午夜理论片| 国产成人精品白浆久久69| 久久久久国产精品无码免费看| 久久亚洲熟女cc98cm| 苍溪县| 色欲久久久天天天综合网| 九龙坡区| 杂多县| 中文字幕人妻丝袜乱一区三区 | 成安县| 明溪县| 喀喇沁旗| 中文字幕乱码中文乱码777| 怀远县| 五月天激情国产综合婷婷婷 | 国产精品二区一区二区aⅴ污介绍 人妻精品久久久久中文字幕69 | 久久无码人妻一区二区三区| 哈密市| 邳州市| 国产伦亲子伦亲子视频观看| 又大又粗又爽18禁免费看| 吕梁市| 无码国产69精品久久久久同性| 天堂网在线观看| 久久精品噜噜噜成人| 国产肥白大熟妇bbbb视频| 丝袜亚洲另类欧美变态| 国产又粗又猛又爽又黄 | 欧美 日韩 国产 成人 在线观看| 临安市| 毛片无码一区二区三区a片视频| 亚洲人成色777777精品音频 | 亚洲午夜精品一区二区| 天堂网在线观看| 欧美顶级metart裸体全部自慰 | 欧美高清精品一区二区| 千阳县| 无码人妻丰满熟妇啪啪| 久久国产精品波多野结衣av| 国产绳艺sm调教室论坛| 无码国产精品一区二区免费16| 曲靖市| 精品无码久久久久成人漫画| 国产无套内射普通话对白| 望城县| 宜黄县| 姜堰市| av无码精品一区二区三区宅噜噜| 国产真实乱人偷精品人妻| 开原市| 人人妻人人玩人人澡人人爽| 辽中县| 特黄三级又爽又粗又大| 人妻洗澡被强公日日澡| 虹口区| 国产成人精品免高潮在线观看| 嘉鱼县| 国产熟妇另类久久久久| 成人h动漫精品一区二区无码| 两口子交换真实刺激高潮| 德兴市| 丰满大肥婆肥奶大屁股| 中文字幕乱码在线人视频| 少妇被躁爽到高潮无码人狍大战| 邢台县| 国产高潮国产高潮久久久| 国产精品久久| 一个人看的视频www| 色五月激情五月| 久久久噜噜噜久久中文字幕色伊伊| 骚虎视频在线观看| 无码国产精品一区二区免费16| 欧美疯狂做受xxxxx高潮| 六枝特区| 吴忠市| 成全电影大全在线观看国语高清| 精品无码人妻一区二区三区品| 镇康县| 精品黑人一区二区三区久久| 国产激情久久久久久熟女老人av| 抚远县| 临猗县| 石楼县| 长丰县| 国产女人18毛片水真多1| 沁阳市| av无码精品一区二区三区宅噜噜| 国产麻豆成人精品av| 七台河市| 国产精品无码久久久久久 | 五月天激情国产综合婷婷婷 | 上高县| 科技| 国产精品久久久久久久久久| 久久er99热精品一区二区| 新丰县| 亚洲国产精品18久久久久久| 国产精品久久久久久亚洲影视| 当雄县| 在线亚洲人成电影网站色www| 和田市| 午夜福利视频| 久久av无码精品人妻系列试探| 亚洲人成色777777精品音频| 拍真实国产伦偷精品| 999zyz玖玖资源站永久| 国产伦精品一区二区三区妓女下载| 项城市| 免费观看全黄做爰的视频| 久久99精品久久久久久| 日韩精品久久久久久免费| 中文字幕无码毛片免费看| 周宁县| 色噜噜狠狠一区二区三区果冻| 日韩精品极品视频在线观看免费| 色综合久久88色综合天天 | 国产高潮国产高潮久久久 | 99久久久精品免费观看国产| 国产精品久久久久久久久久久久人四虎| 日本真人做爰免费视频120秒| 成全免费高清大全| 卫辉市| 怀集县| 余江县| 欧美性猛交xxxx免费看| 激情久久av一区av二区av三区 | 习水县| 图片区 小说区 区 亚洲五月| 广灵县| 棋牌| 精品国产av 无码一区二区三区 | 国产女人和拘做受视频免费| 枣庄市| 波多野42部无码喷潮在线| 国产精品成人一区二区三区| 夜夜穞天天穞狠狠穞av美女按摩| 窝窝午夜理论片影院| 国产农村乱对白刺激视频| 黄山市| 毛片无码一区二区三区a片视频| 人人做人人爽人人爱| 中文字幕日韩人妻在线视频 | 措美县| 永定县| 精品国产乱码久久久久久1区2区| 性一交一乱一乱一视频| 久久久成人毛片无码| 精产国品一二三产区m553麻豆| 国精品无码人妻一区二区三区| √天堂资源地址在线官网| 亚洲小说春色综合另类| 解开人妻的裙子猛烈进入| 无码人妻一区二区三区线| 福建省| 凯里市| 成人无码视频| 97香蕉碰碰人妻国产欧美| 内射干少妇亚洲69xxx| 揭西县| 成av人片在线观看www| 富源县| 乐都县| 城固县| 龙川县| 蓝山县| 蛟河市| а√中文在线资源库| 安陆市| 午夜精品久久久久久久久| 四川丰满少妇被弄到高潮| 日产电影一区二区三区| 浦城县| 国产精品美女久久久久av超清| 广宁县| 三年成全免费看全视频| 国产午夜精品一区二区三区嫩草| 焦作市| 色噜噜狠狠色综合日日| 欧美mv日韩mv国产网站| 无码人妻av免费一区二区三区 | 九寨沟县| 原平市| 国产又爽又黄无码无遮挡在线观看 | 龙井市| 国产偷窥熟妇高潮呻吟| 国产免费一区二区三区免费视频| 久久久久久久极品内射| 日本三级吃奶头添泬无码苍井空| 日本电影一区二区三区| 冕宁县| 中文字幕av一区二区三区| 国产成人精品综合在线观看| 女人和拘做爰正片视频| 芮城县| 和静县| 华池县| 国产露脸无套对白在线播放| 东乌珠穆沁旗| 欧美最猛黑人xxxx黑人猛交| 巫溪县| 国产做爰xxxⅹ久久久精华液| 重庆市| 亚洲乱码国产乱码精品精大量| 铜川市| 人妻精品久久久久中文字幕69| 普洱| 寿光市| 肥乡县| 国产午夜福利片| 丰满岳乱妇一区二区三区| 潜江市| 怀来县| 昌邑市| 东港市| 国产欧美精品一区二区三区| 驻马店市| 青春草在线视频观看| 天天干天天日| 日韩精品一区二区三区在线观看| 营口市| 国产日韩一区二区三免费高清 | 国产免费一区二区三区免费视频 | 隆德县| 亚洲中文字幕无码爆乳av| 弥渡县| 大港区| 人妻妺妺窝人体色www聚色窝| 久久久久久亚洲精品中文字幕| 马关县| 日韩人妻无码一区二区三区99| 无码aⅴ精品一区二区三区| 三年片在线观看免费观看高清电影| 彭山县| 牛牛在线视频| 彰化市| 精品国产av 无码一区二区三区 | 伦伦影院午夜理论片| 亚洲人午夜射精精品日韩| 丁香五香天堂网| 新源县| 久久久国产精品黄毛片| 尼玛县| 国产精品无码久久久久| 内乡县| 仪陇县| 海南省| 湛江市| 开化县| 鱼台县| 平乡县| 江都市| 清丰县| 国产绳艺sm调教室论坛| 成人做受黄大片| 免费观看黄网站| av无码一区二区三区| 亚洲人成色777777精品音频| 麻豆国产一区二区三区四区| 无码成人精品区在线观看| 老色鬼久久av综合亚洲健身| 芦溪县| 激情五月综合色婷婷一区二区| 蒙自县| 无码成a毛片免费| 99热在线观看| 国产高潮国产高潮久久久| 国产精品久免费的黄网站| 内射无码专区久久亚洲| 东明县| 色哟哟网站在线观看| 欧美成人一区二区三区片免费| 丰满少妇被猛烈进入无码| 国产伦亲子伦亲子视频观看| 欧美激情综合五月色丁香| 息烽县| 中文字幕一区二区人妻电影| 贡嘎县| 免费无码又爽又黄又刺激网站| 丝袜亚洲另类欧美变态| 亚洲熟妇色xxxxx欧美老妇| 太仆寺旗| 鄢陵县| 屏边| 普安县| 图片区 小说区 区 亚洲五月 | 成人国产片女人爽到高潮| 江城| 于田县| 97伦伦午夜电影理伦片| 亚洲午夜福利在线观看| 欧性猛交ⅹxxx乱大交| 邻居少妇张开双腿让我爽一夜| 无码人妻精品一区二区| 波多野结衣av在线观看| 绍兴市| 日韩精品毛片无码一区到三区| 莆田市| 久久久久麻豆v国产精华液好用吗 国产亚洲精品久久久久久无几年桃 | 欧美性猛交xxxx免费看| 金华市| 亚洲精品一区二区三区在线| 新余市| 国产伦精品一品二品三品哪个好| 镇巴县| 精品少妇一区二区三区免费观| 和林格尔县| 亚洲国产成人精品女人久久久| 黑人巨大精品欧美一区二区| 佛冈县| 免费国精产品—品二品| 精品人伦一区二区三电影| 中文在线最新版天堂| 岐山县| 西西人体做爰大胆gogo | 郸城县| 繁昌县| 国模无码一区二区三区| 宾川县| 欧美午夜理伦三级在线观看 | 黑龙江省| 国产良妇出轨视频在线观看| 北川| 国产精品成人va在线观看| 大渡口区| 天祝| 欧美日韩国产精品| 少妇粉嫩小泬喷水视频www| 99热这里有精品| 德清县| 白河县| 东兰县| 新疆| 国产伦精品一区二区三区免费| 少妇人妻真实偷人精品视频| 双牌县| 饶平县| 国产精品扒开腿做爽爽爽a片唱戏| 五月丁香啪啪| 成人区精品一区二区婷婷| 天长市| 日日摸日日添日日碰9学生露脸 | 凌海市| 内黄县| 无码一区二区三区在线| 常山县| 成熟妇人a片免费看网站| 鸡泽县| 中文字幕人成人乱码亚洲电影| 中文字幕一区二区三区乱码| 廊坊市| 国产农村乱对白刺激视频| 看免费真人视频网站| 亚洲精品字幕| 无码少妇精品一区二区免费动态| 建平县| 巴里| 久久久无码人妻精品一区| 芦溪县| 亚洲人成色777777老人头| 中国免费看的片| 策勒县| 免费观看一区二区三区| 武隆县| 欧美乱大交| 营口市| 嘉黎县| www夜片内射视频日韩精品成人| 秋霞在线视频| 国偷自产视频一区二区久 | 久久99精品国产.久久久久| 四虎影成人精品a片| 成人h视频在线观看| 日韩伦人妻无码| 屏边| 南部县| 泰顺县| 霍邱县| 国产精品视频在线观看| 涪陵区| 报价| 国产高潮国产高潮久久久| 一本色道久久综合无码人妻| 巫溪县| 日日摸日日添日日碰9学生露脸| 皋兰县| 友谊县| 粗大的内捧猛烈进出| 欧美性猛交aaaa片黑人| 成人欧美一区二区三区黑人免费| 通州市| 精品夜夜澡人妻无码av | 长沙市| 在线亚洲人成电影网站色www| 通山县| 国产免费一区二区三区免费视频 | 开封县| 永久免费无码av网站在线观看 | 国产精品99无码一区二区| 国产精品久久久久久无码 | 仁怀市| 中文字幕无码精品亚洲35| 视频| 蓬安县| 成 人片 黄 色 大 片| 污污内射在线观看一区二区少妇| 欧美疯狂做受xxxxx高潮| 福清市| 亚洲精品午夜精品| 孙吴县| 欧美一区二区三区| 性生交大全免费看| 墨江| 沙坪坝区| 亚洲欧美一区二区三区| 久久99精品久久久久久琪琪| 啦啦啦www日本高清免费观看| 六安市| 欧洲精品码一区二区三区免费看 | 欧美成人一区二区三区| 蜜臀av一区二区| 国产免费无码一区二区| 中文久久乱码一区二区| 无码人妻aⅴ一区二区三区| 怀远县| 黑人巨大精品欧美一区二区| 风流少妇按摩来高潮| 免费网站在线观看高清版电视剧 | 久久久久久免费毛片精品| 西西444www无码大胆| 亚洲日韩av无码中文字幕美国| 四子王旗| 精品国产一区二区三区四区| 诸暨市| 成全电影大全第二季免费观看| 国产精品美女久久久久| 亚洲精品久久久久久无码色欲四季 | 免费人成视频在线播放| 欧美裸体xxxx极品少妇| 亚洲熟妇av乱码在线观看| 亚洲熟妇av乱码在线观看 | 日韩av无码一区二区三区| SHOW| av片在线观看| 拉孜县| 国产欧美熟妇另类久久久| 人妻丰满熟妇aⅴ无码| 东方市| 江华| 国产精自产拍久久久久久蜜| 欧美与黑人午夜性猛交久久久 | 桑日县| 亚洲蜜桃精久久久久久久久久久久| 夜夜欢天天干| 遂昌县| 龙岩市| 永昌县| 濮阳市| 肥西县| 亚洲精品字幕在线观看| 国产精自产拍久久久久久蜜| 池州市| 少妇性bbb搡bbb爽爽爽欧美| 国产精品成人无码免费| 人人妻人人玩人人澡人人爽 | 亚洲精品鲁一鲁一区二区三区 | 国产精品人人做人人爽人人添| 国产精品久久久午夜夜伦鲁鲁| 临沂市| а√中文在线资源库| 欧美性生交xxxxx久久久| 农安县| 国精产品一区一区三区有限公司杨| 甘德县| 额尔古纳市| 克山县| 中文无码熟妇人妻av在线| 99久久久精品免费观看国产| 余江县| 国精产品一区二区三区| 好爽又高潮了毛片免费下载| 欧美日韩欧美| 察雅县| 97香蕉碰碰人妻国产欧美| 人妻巨大乳hd免费看| av电影在线观看| 一本久久综合亚洲鲁鲁五月天| 无码人妻久久一区二区三区蜜桃| 锡林浩特市| 无码一区二区三区免费| 日产无码久久久久久精品| 商洛市| 丰满岳跪趴高撅肥臀尤物在线观看| 少妇人妻丰满做爰xxx| 久久综合久色欧美综合狠狠| 鸡西市| 绵阳市| 迭部县| 江川县| 鹤峰县| 南昌县| 安义县| 日日噜噜噜夜夜爽爽狠狠 | 大又大又粗又硬又爽少妇毛片 | 长寿区| 国产人成视频在线观看| 开化县| 三人成全免费观看电视剧高清| 额敏县| 99精品久久毛片a片| 午夜福利视频| 蜜臀av在线播放| 清丰县|