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

通過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>
    主站蜘蛛池模板: 祁阳县| 鄄城县| 亚洲无人区码一码二码三码的含义 | 马山县| 微博| 国产欧美综合一区二区三区| 最好看的2018中文在线观看| 好吊色欧美一区二区三区视频| 国产麻豆成人传媒免费观看| 山阴县| 阜新| 清水河县| 国产欧美精品区一区二区三区| 宜君县| 中阳县| 西吉县| 天镇县| 井冈山市| 久久影院午夜理论片无码| 国产精品久久久国产盗摄| 资兴市| 国产午夜福利片| 天堂网在线观看| 风韵少妇性饥渴推油按摩视频| 通化县| 南汇区| 中文字幕乱码人妻无码久久| 西贡区| 无码人妻丰满熟妇啪啪| 香蕉久久国产av一区二区| 国产精品久久久久久久久动漫| 性久久久久久久| 国产精品成人va在线观看| 精品乱码一区内射人妻无码| 永清县| 99久久99久久精品免费看蜜桃| 国产精品毛片久久久久久久| 亚洲国产成人精品女人久久久| 亚洲国精产品一二二线| 错那县| 后入内射欧美99二区视频| 长子县| 拍真实国产伦偷精品| 岐山县| 丰满岳乱妇一区二区三区| 若尔盖县| 美女扒开尿口让男人桶| 国产精品人人做人人爽人人添| 尤物视频网站| 个旧市| 宁国市| 久久久久99人妻一区二区三区| 最新高清无码专区| 亚洲熟妇色xxxxx欧美老妇| 国产探花在线精品一区二区| 久久久国产精品| 日韩精品一区二区在线观看| 欧美又粗又大aaa片| 熟妇人妻系列aⅴ无码专区友真希| 久久精品一区二区三区四区| 墨脱县| 老熟女网站| 久久午夜无码鲁丝片| 久久久久国产精品| 国产精品美女久久久久久久久| 中文字幕一区二区三区乱码| 张家川| 日韩av无码一区二区三区| 国产精品久久777777| 精品久久久久久久久久久国产字幕| 飘雪影院在线观看高清电影| 精品亚洲国产成av人片传媒| 久久精品一区二区免费播放| 国产伦精品一区二区三区免费迷 | 惠安县| 中文字幕日韩人妻在线视频| 国产乱码一区二区三区| 少妇人妻真实偷人精品视频| 涟源市| 孝感市| 察雅县| 佛冈县| 阳泉市| 亚洲精品久久久久国产| 运城市| 亚洲国产成人精品女人久久久| 贵州省| 国产婷婷色一区二区三区| 中国极品少妇xxxxx| 亚洲国产精品久久久久久| 大地影院免费高清电视剧大全| 石屏县| 十堰市| 久久久久99精品国产片| 女人被狂躁60分钟视频| 亚洲女人被黑人巨大进入 | 成人精品一区二区三区电影| 恩平市| 久久久久久免费毛片精品| 日本免费视频| 金沙县| 久久久久成人精品无码| 乌鲁木齐县| 国产精品无码专区| 大邑县| 久久久久无码国产精品不卡 | 阿克陶县| 午夜福利电影| 灵璧县| 图片区 小说区 区 亚洲五月| 国产裸体美女永久免费无遮挡| 日本公妇乱偷中文字幕| 国偷自产视频一区二区久| 久久成人无码国产免费播放| 久久无码人妻一区二区三区| 平昌县| 衡南县| 免费人成视频在线播放| 樟树市| 昭平县| 海宁市| 宁武县| 蜜桃久久精品成人无码av| 广汉市| 天天躁日日躁狠狠很躁| 大洼县| 最好看的2018国语在线| 国产精品18久久久| 久久久久99精品成人片直播| 色综合99久久久无码国产精品| 免费人成视频在线播放| 性生交大全免费看| 久久99精品久久只有精品| 熟妇高潮精品一区二区三区| 国产成人无码一区二区在线观看| 欧美乱人伦人妻中文字幕| 波多野结衣乳巨码无在线观看| 德兴市| 怡红院av亚洲一区二区三区h| 亚洲中文无码av在线| 99精品一区二区三区无码吞精| 天天综合天天做天天综合| 国产午夜三级一区二区三| 精品欧美一区二区三区久久久| 欧美亚洲精品suv| 靖远县| 日本熟妇色xxxxx日本免费看| 香蕉久久国产av一区二区| 茌平县| 亚洲熟妇色xxxxx欧美老妇| 新邵县| 啦啦啦www日本高清免费观看| 滦平县| 诸城市| 五大连池市| 国产精品99精品久久免费| 郓城县| 南城县| 商河县| 临城县| 国产午夜福利片| 平南县| 德格县| 赣州市| 三年成全免费观看影视大全| 盈江县| 阳高县| 少妇特殊按摩高潮惨叫无码| 性一交一乱一伧国产女士spa| 溆浦县| 无码人妻熟妇av又粗又大| 狠狠干狠狠爱| 日本电影一区二区三区| 浦城县| 国产免费一区二区三区在线观看| 老熟女高潮一区二区三区| 成全在线观看免费完整| 成人免费区一区二区三区| 亚洲第一成人网站| 国产成人精品三级麻豆| 午夜精品久久久久久| 欧美 日韩 人妻 高清 中文| 白沙| 吉首市| 国产人妻大战黑人20p| 新建县| 狠狠人妻久久久久久综合| 秦安县| 日韩高清国产一区在线| 欧洲-级毛片内射| 人妻丰满熟妇aⅴ无码| 拜泉县| 潍坊市| 襄樊市| 清苑县| 恩平市| 南昌市| 成全电影在线| 西峡县| 安图县| 资讯| 丰满大肥婆肥奶大屁股| 欧美乱妇日本无乱码特黄大片| 人人爽人人爽人人爽| 国精品人妻无码一区二区三区喝尿 | 躁老太老太騷bbbb| 综合天堂av久久久久久久| 铁岭县| 亚洲熟女一区二区三区| 国产成人小视频| 久久成人无码国产免费播放| 狂野少女电视剧免费播放| 国产女人高潮毛片| 玛沁县| 无码一区二区波多野结衣播放搜索| 国产精品美女久久久久| 强行糟蹋人妻hd中文字幕| 国产精品av在线| 中文字幕av一区| 欧美人与性囗牲恔配| 黑巨茎大战欧美白妞| 昔阳县| 金华市| 仁寿县| 砚山县| 国产精品爽爽久久久久久| 三台县| 欧美精品videosex极品| 久久久久久久97| 绥宁县| 临清市| 永靖县| 太康县| 国产精品一区二区久久国产| 三年大片高清影视大全| 亚洲码欧美码一区二区三区| 临泉县| 人妻饥渴偷公乱中文字幕| 越西县| 瓦房店市| 成全影视大全在线看| 鄂托克前旗| 少妇性bbb搡bbb爽爽爽欧美| 蒙阴县| 临漳县| 8050午夜二级| 通城县| 久久久久无码精品亚洲日韩| 欧美成人aaa片一区国产精品 | 波多野吉衣av无码| 夜夜躁狠狠躁日日躁| 欧美又粗又大aaa片| 精品无码人妻一区二区免费蜜桃| 一本大道久久久久精品嫩草| 亚洲色偷偷色噜噜狠狠99网| 中文字幕在线播放| 栖霞市| 日产精品久久久一区二区| 武功县| 亚洲午夜福利在线观看| 全部孕妇毛片丰满孕妇孕交| 日本不卡一区二区三区| 精品乱码一区二区三四区视频| 鞍山市| 禄丰县| 艳妇乳肉豪妇荡乳av无码福利| 国产精品二区一区二区aⅴ污介绍 人妻精品久久久久中文字幕69 | 色欲一区二区三区精品a片| 四虎影成人精品a片| 国产成人精品综合在线观看| 翁源县| 梁平县| 成全影视大全在线观看国语| 538在线精品| 运城市| 骚虎视频在线观看| 特黄aaaaaaa片免费视频| 中文字幕无码毛片免费看| 无码人妻aⅴ一区二区三区| 岐山县| 辣妹子影院电视剧免费播放视频| 少女视频哔哩哔哩免费| 少妇脱了内裤让我添| 中文字幕亚洲无线码在线一区| 定结县| 成人性生交大片免费看中文| 无码少妇一区二区三区| 国产精品亚洲二区在线观看| 少妇粉嫩小泬喷水视频www| 日日摸日日添日日碰9学生露脸 | 国产精品美女久久久久av爽 | 赞皇县| 免费人成视频在线播放| 亚洲欧美国产精品久久久久久久| 久久久久无码国产精品一区| 大肉大捧一进一出好爽动态图| 亚洲男人天堂| 中国极品少妇xxxxx| 凤城市| 亚洲 小说区 图片区 都市| 独山县| 精品人妻无码一区二区三区蜜桃一| 国产精品成人国产乱| 巴塘县| 色综合久久88色综合天天| 人与禽性动交ⅹxxx| 人妻aⅴ无码一区二区三区| 成人无码av片在线观看| 色一情一区二| 中文字幕乱码无码人妻系列蜜桃 | 沾益县| 大又大又粗又硬又爽少妇毛片| 眉山市| 龙陵县| 少妇人妻互换不带套| 精品夜夜澡人妻无码av | jzzijzzij日本成熟少妇 | 久久偷看各类wc女厕嘘嘘偷窃| 泸州市| 邯郸县| 国产精久久一区二区三区| 密山市| 无码人妻丰满熟妇啪啪| 无码人妻久久一区二区三区不卡 | 国产又粗又猛又爽又黄| 国产69精品久久久久久| 久久精品中文字幕| 邻居少妇张开腿让我爽了在线观看| 资兴市| 黑人巨大精品欧美一区二区| 成安县| 国产精品一品二区三区的使用体验| 岳西县| 国产香蕉尹人视频在线| 久久国产一区二区三区| 国产成人午夜高潮毛片| 成人永久免费crm入口在哪| 人妻巨大乳hd免费看| 国产精品久久久久久亚洲毛片| 亚洲熟妇无码久久精品| 永寿县| 草色噜噜噜av在线观看香蕉| 贵港市| 青草视频在线播放| 人妻少妇被猛烈进入中文字幕| 狠狠色噜噜狠狠狠888米奇视频| 内射干少妇亚洲69xxx| 绍兴县| 蒙城县| 固始县| 少妇无码一区二区三区| 宾川县| 洛南县| 国精产品一二三区精华液| 国产精品51麻豆cm传媒| 国产午夜精品无码一区二区| 平顺县| 国产成人精品av| 久久久久久欧美精品se一二三四| 新巴尔虎左旗| 性生交大全免费看| 国产成人精品白浆久久69| 国产午夜福利片| 国产熟妇久久777777| 日本不卡一区| 国产精品爽爽久久久久久| 日本熟妇色xxxxx日本免费看| 久久久久久久97| 成全视频观看免费高清中国电视剧| 伊川县| 日本免费视频| 欧洲熟妇色xxxx欧美老妇多毛| 免费国偷自产拍精品视频| 亚洲一区二区三区| 国产伦精品一区二区三区妓女| 国产精品18久久久| 久久偷看各类wc女厕嘘嘘偷窃| 国产成人精品亚洲日本在线观看 | 准格尔旗| 国产精久久一区二区三区 | 龙里县| 亚洲成av人片一区二区梦乃| 少妇伦子伦精品无吗| 污污内射在线观看一区二区少妇 | 中文久久乱码一区二区| 宽甸| 务川| 澳门| 双腿张开被9个男人调教| 中文字幕人妻无码系列第三区| 国产精品久久久久av| 元谋县| 亚洲精品喷潮一区二区三区| 国产精品美女久久久久| 河池市| 贵溪市| 特级精品毛片免费观看| 周口市| 溧水县| 国精产品一二三区精华液| 国产99久一区二区三区a片| 塔河县| 国产精品高清网站| 高淳县| 三年中文在线观看免费大全| 亚欧成a人无码精品va片| 萝北县| 无码一区二区三区免费| 国产精品成人3p一区二区三区| 石首市| 三年高清片大全| 欧美午夜理伦三级在线观看| 国内精品国产成人国产三级| 国产精品丝袜黑色高跟鞋| 日本不卡高字幕在线2019| chinese熟女老女人hd| 国产av天堂| 梁平县| 欧美mv日韩mv国产网站 | 国产日韩欧美| 99久久人妻无码精品系列| 国产免费视频| 成全影院高清电影好看的电视剧| 天堂网在线观看| 昌宁县| 国产无遮挡又黄又爽又色| 欧美疯狂做受xxxxx高潮| 天天干天天射天天操| 沛县| 门头沟区| 衡阳县| 亳州市| 手游| 久久精品aⅴ无码中文字字幕重口| 久久精品国产精品| 一本色道久久综合无码人妻| 免费观看全黄做爰的视频| 国产真实的和子乱拍在线观看| 国精品无码人妻一区二区三区| 启东市| 初尝黑人巨砲波多野结衣| 欧美乱妇狂野欧美在线视频| 无码人妻丰满熟妇精品区| 博白县| 德化县| 久久久久亚洲精品| 国产成人精品一区二区三区| 玛曲县| 国产麻豆天美果冻无码视频| 欧美性受xxxx黑人xyx性爽| 辣妹子影院电视剧免费播放视频| 织金县| 久久亚洲国产成人精品性色| 精品一区二区三区在线观看 | 舟曲县| 淄博市| 国产伦精品一品二品三品哪个好| 色五月激情五月| 性一交一乱一伧国产女士spa| 无码人妻丰满熟妇精品区| 人人妻人人澡人人爽人人dvd| 康平县| 狠狠人妻久久久久久综合蜜桃| 霍城县| 久久99热人妻偷产国产| 欧美日韩国产精品| 精品国产一区二区三区四区| 欧美性猛交xxxx乱大交蜜桃| 紫金县| 平顶山市| 璧山县| 喜德县| 娄底市| 密山市| 长泰县| 左云县| 扎鲁特旗| 大地资源高清在线视频播放 | 久久久无码人妻精品无码| 国产精品久久久久av| 少妇性bbb搡bbb爽爽爽欧美| 澜沧| 汽车| 99精品视频在线观看免费| 河曲县| 国产人妻人伦精品1国产 | 马山县| 周口市| 男人扒女人添高潮视频| 老熟女高潮一区二区三区| 久久久久久亚洲精品| 巴彦县| 国产肉体xxxx裸体784大胆| 安新县| 一本一道久久a久久精品综合| 免费直播入口在线观看| 久久久国产精品| 中文字幕人成乱码熟女香港| 中文字幕精品无码一区二区| 亚洲精品一区二区三区中文字幕 | 国产又色又爽又黄又免费| 三人成全免费观看电视剧高清| 兴城市| 国产精品久久久久久久久久免费| 成年免费视频黄网站在线观看| 女人脱了内裤趴开腿让男躁| 97精品国产97久久久久久免费| 成全视频大全高清全集在线| 河东区| 华亭县| 天堂国产一区二区三区| 高阳县| 新泰市| 惠州市| 会宁县| 国精品人妻无码一区二区三区喝尿| 久久久久99精品成人片直播| 东山县| 肥东县| 国产精品揄拍100视频| 国产欧美综合一区二区三区| 性xxxx欧美老妇胖老太性多毛| 景谷| 霞浦县| 欧美mv日韩mv国产网站| 又白又嫩毛又多15p| 老河口市| 麻豆亚洲一区| 国产精品偷伦视频免费观看了| 新竹县| 涿州市| 精品亚洲一区二区三区四区五区| 亚洲字幕av一区二区三区四区| 人妻夜夜爽天天爽三区麻豆av网站| 无码少妇精品一区二区免费动态| 国精产品一二三区精华液| 长沙县| 性生交大片免费看l| 欧美午夜理伦三级在线观看| 国产三级精品三级在线观看| 国产成人精品亚洲日本在线观看| 国产精品无码久久久久成人影院| 国产精品永久免费| 中方县| 特级西西人体444www高清大胆| 兰州市| 少妇精品无码一区二区免费视频| 蓬溪县| 黄页网站视频| 赞皇县| 新邵县| 南充市| 彝良县| 会同县| 石阡县| 甘肃省| 五华县| 怀远县| 精品人妻少妇嫩草av无码专区| 国产精品999| 国产午夜福利片| 万荣县| 罗江县| 五莲县| 强伦人妻一区二区三区视频18| 国产精品久久久久久久免费看| 富阳市| 介休市| 白又丰满大屁股bbbbb| 宜州市| 色欲一区二区三区精品a片| 威信县| 江源县| 久久亚洲国产成人精品性色 | 鞍山市| 久久丫精品忘忧草西安产品| 兰溪市| 国产女人18毛片水真多18精品 | 日本电影一区二区三区| 精品国产一区二区三区四区| 先锋影音av资源网| 精品国产av 无码一区二区三区 | 八宿县| 泰顺县| 国产麻豆剧传媒精品国产av| 亚洲人成色777777老人头| 好爽又高潮了毛片免费下载| 性生交大片免费看女人按摩| 欧美成人一区二区三区片免费| 中文字幕乱码人妻无码久久| 兴文县| 欧美乱妇日本无乱码特黄大片| 亚洲精品一区二区三区四区五区 | 香蕉影院在线观看| 一本色道久久hezyo无码| 久久精品国产99精品国产亚洲性色| 精品无码人妻一区二区免费蜜桃 | 双腿张开被9个男人调教| 国产精品久久久久久久久久免费| 在线天堂www在线国语对白 | 榕江县| 亚洲精品鲁一鲁一区二区三区| 成人欧美一区二区三区在线观看 | 杨浦区| 伊通| 钟山县| 拉孜县| 二连浩特市| 五常市| 日本在线观看| 欧美一区二区三区成人片在线 | 中阳县| 会昌县| 赞皇县| 成人性生交大免费看| 历史| 中国白嫩丰满人妻videos| 亚洲一区二区三区| 99re在线播放| 白嫩少妇激情无码| 久久亚洲熟女cc98cm| 无码一区二区三区在线观看| 久久精品国产av一区二区三区| 国产美女裸体无遮挡免费视频 | 莫力| 国产一区二区| 三年成全免费看全视频| 无码人妻av免费一区二区三区 | 欧美性猛交xxxx免费看| 克什克腾旗| 无码国产精品一区二区免费式直播 | 国产精品激情| 久久精品噜噜噜成人| 国产成人av一区二区三区在线观看| 精品乱码一区内射人妻无码| 阳西县| 中文字幕人妻丝袜二区| 赫章县| 涟源市| 九江市| 欧美性猛交xxxx乱大交| 中文字幕人妻丝袜二区| 阳西县| 客服| √8天堂资源地址中文在线| 无套中出丰满人妻无码| 人人妻人人澡人人爽人人dvd| 一边吃奶一边摸做爽视频| 日本不卡三区| 敦化市| 亚洲女人被黑人巨大进入| 江达县| 欧美午夜精品久久久久免费视| 成人视频在线观看| 日韩视频在线观看| 狠狠人妻久久久久久综合蜜桃| 人人妻人人澡人人爽精品日本 | 国产精品美女久久久久av爽| 尤溪县| 三年片在线观看免费观看高清电影| 久久久久国产精品无码免费看| 久久亚洲国产成人精品性色| 久久久久无码国产精品一区| 蜜桃av色偷偷av老熟女| 中超| 图片区 小说区 区 亚洲五月 | 泰州市| 国产无套内射普通话对白| 性生交大全免费看| 东宫禁脔(h 调教)| 亚洲视频在线观看| 国产成人无码一区二区在线播放| 日本三级吃奶头添泬无码苍井空| 免费国精产品—品二品| 热re99久久精品国产99热| 无码一区二区波多野结衣播放搜索 | 在线观看的av网站| 少妇特殊按摩高潮惨叫无码| 国产伦精品一区二区三区| 国产午夜三级一区二区三| 国产做爰xxxⅹ久久久精华液| 无码国产精品一区二区色情男同| 免费三级网站| 无码人妻av一区二区三区波多野| 精品成人av一区二区三区| 无码人妻av一区二区三区波多野| 国产免费一区二区三区在线观看 | 无码精品一区二区三区在线| 精品国产乱码一区二区三区| 五大连池市| 邵东县| 类乌齐县| 中国老熟女重囗味hdxx| 欧美性猛交xxxx免费看| 伊通| 高邑县| 无码人妻少妇色欲av一区二区| 遂溪县| 久久久久久久97| 辽宁省| 国产av天堂| 熟女人妻一区二区三区免费看 | 孝感市| 午夜成人鲁丝片午夜精品| 久久久久无码国产精品不卡| 欧美性大战xxxxx久久久| 天堂а√在线中文在线新版| 苍井空亚洲精品aa片在线播放| 淮滨县| 又黄又爽又色的视频| 国精产品一区一区三区有限公司杨| 999zyz玖玖资源站永久| 成熟妇人a片免费看网站 | 五月丁香啪啪| 亚洲欧美日韩一区二区| 尤物视频网站| 崇仁县| 中国极品少妇xxxxx| 上犹县| 嘉义市| 米奇影视第四色| 宁强县| 国产成人综合欧美精品久久| 亚洲 小说区 图片区 都市| 亚洲精品喷潮一区二区三区| 无码人妻丰满熟妇奶水区码| 亚洲视频一区| 99re在线播放| 韶山市| 托里县| 武隆县| 江油市| 精品国产av色一区二区深夜久久 | 国产精品久久久久久久9999| 久久天天躁狠狠躁夜夜躁2014| 衡山县| 德化县| 色五月激情五月|