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

通過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人片一区二区梦乃| √天堂资源地址在线官网| 肉大榛一进一出免费视频| 天天燥日日燥| 免费三级网站| 成人欧美一区二区三区在线观看| 国产亚州精品女人久久久久久 | 亚洲精品久久久久久久蜜桃| 日韩精品久久久久久免费| 四平市| 亚洲女人被黑人巨大进入| а√中文在线资源库| 亚洲精品久久久久久一区二区| 少妇扒开粉嫩小泬视频| 无码国产精品一区二区高潮| 右玉县| 精品国产18久久久久久| 隆安县| 国产99久一区二区三区a片| 日本高清视频www| 错那县| 寿光市| 国产福利视频在线观看| 巨野县| 铁岭市| 和平区| 苍南县| 望江县| 少妇精品无码一区二区三区| 龙胜| 精品国产一区二区三区四区| 武威市| 性做久久久久久久免费看| 留坝县| 精品乱码一区内射人妻无码| 陆良县| 汽车| 万宁市| 强行糟蹋人妻hd中文| 亚洲精品喷潮一区二区三区| 驻马店市| 垦利县| 国产成人精品无码免费看夜聊软件| 三年大片免费观看大全电影| 林西县| 横山县| 国产精品无码专区av在线播放| 鹤岗市| 江北区| 人与嘼交av免费| 禄丰县| 垫江县| 又大又长粗又爽又黄少妇视频| 都江堰市| 峨眉山市| 贡嘎县| 少妇高潮惨叫久久久久久| 包头市| 狠狠干狠狠爱| 国产熟妇久久777777| 大厂| 神木县| 海安县| 拍真实国产伦偷精品| 邻居少妇张开腿让我爽了在线观看 | 99re在线播放| 成全电影大全在线观看国语版 | 欧美精品乱码99久久蜜桃| 仙桃市| 成全影视在线观看第6季| 成av人片在线观看www| 国产精品久久| 亚洲精品乱码久久久久久不卡| 男女无遮挡xx00动态图120秒| 国产aⅴ激情无码久久久无码| 繁昌县| 米奇影视第四色| 国产精自产拍久久久久久蜜| 大肉大捧一进一出好爽| 国产精品无码免费专区午夜| 蒲城县| 国产精品美女久久久久av爽 | 国产成人精品白浆久久69 | 南溪县| 自拍偷在线精品自拍偷无码专区| 极品新婚夜少妇真紧| 木里| 无码人妻少妇色欲av一区二区| 欧性猛交ⅹxxx乱大交| 性一交一乱一乱一视频| 99re在线播放| 66亚洲一卡2卡新区成片发布| 国产aⅴ激情无码久久久无码| 三年片免费观看了| 香港| 建昌县| 国产肥白大熟妇bbbb视频| 国产女人18毛片水真多1| 亚洲啪av永久无码精品放毛片| 久久久久99精品成人片直播| 久久99精品久久久久久水蜜桃| 格尔木市| 晋城| а√天堂www在线天堂小说| 大地影院免费高清电视剧大全| 欧美激情综合五月色丁香| 国产综合在线观看| 国产午夜精品一区二区三区四区| 邮箱| 留坝县| 亚洲精品乱码久久久久久不卡| 亚洲熟妇无码久久精品| 欧美精品在线观看| 无码精品一区二区三区在线| 桑日县| 苍井空亚洲精品aa片在线播放| 米林县| 日韩精品人妻中文字幕有码| 久久精品噜噜噜成人| 三年高清片大全| 伊金霍洛旗| 天天综合天天做天天综合| 性做久久久久久| 额敏县| 亚洲爆乳无码一区二区三区| 少妇精品无码一区二区免费视频 | 阿拉善左旗| 国产aⅴ激情无码久久久无码| 色婷婷香蕉在线一区二区| 国产人妻人伦精品1国产| 无套内谢老熟女| 国产乡下妇女做爰| 万盛区| 亚洲欧美一区二区三区| 人妻aⅴ无码一区二区三区| 蜜臀av人妻国产精品建身房| 人人澡超碰碰97碰碰碰| 理塘县| 遂川县| 马鞍山市| 怀宁县| 太康县| 特级精品毛片免费观看| 天天干天天射天天操| 同江市| 久久久久99精品成人片直播| 日韩精品一区二区在线观看| 中文字幕日韩人妻在线视频| 黑巨茎大战欧美白妞| 国产激情综合五月久久| 白嫩少妇激情无码| 北流市| 精人妻无码一区二区三区| 德令哈市| 无码人妻丰满熟妇奶水区码| 国产精品亚洲lv粉色| 五原县| 无码人妻一区二区三区线| 国产精品51麻豆cm传媒| 国产又色又爽又高潮免费| 日本少妇毛茸茸高潮| 谷城县| 欧美丰满一区二区免费视频 | 巴林右旗| 一区二区视频| 人人澡超碰碰97碰碰碰| 余庆县| 亚洲精品久久久久久久蜜桃| 国产伦精品一区二区三区免费| 一本色道久久综合无码人妻 | 绍兴县| 精品亚洲一区二区三区四区五区| 无码日本精品xxxxxxxxx| 丰满大肥婆肥奶大屁股| 叶城县| 富蕴县| 亚洲人成色777777老人头| 平山县| 中文字幕乱码中文乱码777| 耒阳市| 米林县| 黔江区| 国精产品一二三区精华液| 狠狠躁18三区二区一区| 亚洲永久无码7777kkk| 少妇人妻丰满做爰xxx| 国精品无码人妻一区二区三区| 男女无遮挡xx00动态图120秒| 一区二区三区视频| 狠狠综合久久av一区二区| 亚洲欧美在线观看| 株洲市| 欧美老熟妇又粗又大| 国产精品污www在线观看| 林西县| 国产全是老熟女太爽了| 久久精品99国产精品日本 | 巴彦淖尔市| 久久久久成人片免费观看蜜芽| 无码人妻黑人中文字幕| 国产成人无码一区二区在线播放| 成av人片在线观看www| 桃源县| 察隅县| 怡红院av亚洲一区二区三区h| 国产精品成人va在线观看| 少妇被躁爽到高潮| 抚宁县| 99re在线播放| 色欲av永久无码精品无码蜜桃 | 龙山县| 锦州市| 三年成全在线观看免费高清电视剧 | 在厨房拨开内裤进入毛片| 久久久www成人免费精品| 额济纳旗| 成全动漫视频在线观看| 阿拉善右旗| 海丰县| 上栗县| 炎陵县| 一区二区三区视频| 三穗县| 丹巴县| 日本欧美久久久久免费播放网| 平安县| 敖汉旗| 色婷婷香蕉在线一区二区| 亚洲亚洲人成综合网络| 深圳市| 中文在线资源天堂www| √8天堂资源地址中文在线| 三年片在线观看免费观看高清电影| 宜良县| 天天综合天天做天天综合| 久久综合久久鬼色| 女人脱了内裤趴开腿让男躁 | av片在线观看| 玉林市| 少妇精品无码一区二区免费视频| 成熟人妻av无码专区| 溧阳市| 红安县| 纳雍县| 欧美丰满老熟妇aaaa片| 国产精品久久午夜夜伦鲁鲁 | 一区二区三区视频| 国产又色又爽又高潮免费| 国产午夜福利片| 一边吃奶一边摸做爽视频| 国产精品美女久久久| 毛片免费视频| 繁昌县| 精品夜夜澡人妻无码av| 欧美一区二区三区成人片在线| 嘉峪关市| 天台县| 苍梧县| 特级精品毛片免费观看| 宜君县| 盘锦市| 99re在线播放| 中文字幕乱码人妻无码久久| 国产精品一区二区在线观看 | 中国妇女做爰视频| 亚洲永久无码7777kkk| 亚洲午夜精品久久久久久浪潮| 人妻巨大乳hd免费看| 三年大片大全免费观看大全| 国产麻豆剧传媒精品国产av| 精产国品一二三产区m553麻豆| 金昌市| 国产精品久久久久久妇女6080| 免费人成在线观看| 成全在线观看免费高清电视剧| 樱桃视频大全免费高清版观看| 久久人人爽人人爽人人片| 成全在线观看免费高清动漫| 宜宾市| 国产成人精品综合在线观看| 亚洲精品乱码久久久久久不卡| 澄城县| 好爽又高潮了毛片免费下载| 一边摸一边抽搐一进一出视频| 亂倫近親相姦中文字幕| 国产成人av一区二区三区在线观看| 华容县| 云安县| 蒲江县| 丹江口市| 墨江| 鲜城| 国产精品理论片| 国产无套中出学生姝| av免费网站在线观看| 特大黑人娇小亚洲女| 丰满岳跪趴高撅肥臀尤物在线观看 | 吴忠市| 江陵县| 国产老妇伦国产熟女老妇视频| 久久精品www人人爽人人| 中文字幕无码精品亚洲35| 崇阳县| 美女视频黄是免费| 精品成人av一区二区三区| 许昌市| 精品国产av色一区二区深夜久久| 欧美精品18videosex性欧美| 岳池县| 精品国产18久久久久久| 国产无遮挡又黄又爽免费网站| 成全免费高清大全| 天堂资源最新在线| 国产婷婷色一区二区三区| 波多野结衣网站| 美姑县| 亚洲 小说 欧美 激情 另类| 精品无码人妻一区二区三区| 闵行区| 东安县| 亚洲国产精品成人久久蜜臀| 宁远县| 盱眙县| 两当县| 南雄市| 大埔区| 国产又色又爽又黄刺激在线观看| 中文久久乱码一区二区| 丰满女人又爽又紧又丰满| 宁安市| 成人做爰视频www| 兴城市| 1插菊花综合网| 安阳市| 国产精品激情| 国产精品人妻| 亚洲人成色777777老人头| 伦伦影院午夜理论片| 一本色道久久综合无码人妻| 成人性生交大免费看| 午夜精品久久久久久久99老熟妇| 安阳市| 亚洲精品乱码久久久久久| 台安县| 欧美人与性囗牲恔配| 99无码熟妇丰满人妻啪啪| 狠狠综合久久av一区二区| 国产福利视频在线观看| 鄂温| 亚洲国产精品久久久久婷蜜芽| 成人做受黄大片| 香蕉人妻av久久久久天天| 国产在线视频一区二区三区| 天天操夜夜操| 成全电影大全在线播放| 阿坝| 谷城县| 丰原市| 西西人体44www大胆无码| 欧美激情综合色综合啪啪五月| 成全观看高清完整免费大全| 都兰县| 九江县| 久久精品一区二区三区四区| 伦伦影院午夜理论片| 酒泉市| 偏关县| 国产精品久久久国产盗摄| 苗栗县| 海城市| 日日干夜夜干| 护士人妻hd中文字幕| 昌平区| 羞羞视频在线观看| 中文人妻av久久人妻18| 亚洲色偷精品一区二区三区| 国产精品成人一区二区三区| 永善县| 亚洲欧美乱综合图片区小说区| 欧美性生交xxxxx久久久| 六盘水市| 精品人妻午夜一区二区三区四区| 济阳县| 国产日产久久高清欧美一区| 青春草在线视频观看| 涿州市| 国产情侣久久久久aⅴ免费| 成全高清视频免费观看| 国产成人精品无码免费看夜聊软件| 成全在线观看高清完整版免费动漫| 济宁市| 宣恩县| 色哟哟网站在线观看| 国产女人高潮毛片| 金溪县| 新河县| 巴东县| 99热在线观看| 临夏县| 中文久久乱码一区二区| 二连浩特市| 鄢陵县| 艳妇臀荡乳欲伦交换在线播放| 国产精品成人无码免费| 好吊视频一区二区三区| 国产精品亚洲lv粉色| 阿拉善盟| 中国女人做爰视频| 吉林市| 探索| 亚洲日韩av无码| 久久午夜无码鲁丝片| 国精一二二产品无人区免费应用| 勐海县| 大地资源高清在线视频播放| 潜江市| 成全电影大全在线播放| 亚洲电影在线观看| 南丹县| 日本护士毛茸茸| 欧美做爰性生交视频| 越西县| 中文字幕乱码人妻二区三区| 久久久www成人免费精品| 久久久精品中文字幕麻豆发布 | 老熟女网站| 欧美三根一起进三p| 色噜噜狠狠一区二区三区| 国产精品久久久久久无码| 久久99精品国产麻豆婷婷洗澡| 成全动漫视频在线观看免费高清| 与子敌伦刺激对白播放的优点 | www国产亚洲精品久久网站| 国产国语老龄妇女a片| 永久免费看mv网站入口亚洲| 桑日县| 亚洲中文无码av在线| 国产伦精品一区二区三区免费迷| 洛南县| 日产无码久久久久久精品| 阳原县| 亚洲午夜精品一区二区| 拉萨市| 国产99久一区二区三区a片| 国产偷人爽久久久久久老妇app| 伊人久久大香线蕉综合网站| 在线亚洲人成电影网站色www| 丹凤县| 蕉岭县| 台中市| 青河县| 国产精品久久午夜夜伦鲁鲁| 会泽县| 黄梅县| 灵石县| 国产麻豆成人精品av| 新绛县| 国产精品人人做人人爽人人添| 国产成人无码av| 特级西西人体444www高清大胆 | 人妻夜夜爽天天爽三区麻豆av网站| 高邑县| 华坪县| 久久久久成人片免费观看蜜芽| 三叶草欧洲码在线| 久久久久女教师免费一区| 托克逊县| 乐山市| 日本免费一区二区三区| 永久免费看mv网站入口亚洲| 免费人妻精品一区二区三区| 玩弄人妻少妇500系列视频| 东莞市| 国产农村妇女aaaaa视频| 国产农村妇女精品一二区| 无码av免费精品一区二区三区 | 护士的小嫩嫩好紧好爽| 欧美老熟妇乱大交xxxxx| 人妻无码一区二区三区| 华安县| 双峰县| 永靖县| 熟妇人妻中文av无码| 遂宁市| 明水县| 久久久久国产精品| 桦川县| 久久av一区二区三区| 性少妇freesexvideos高清| 潞西市| 久久午夜无码鲁丝片午夜精品| 麻豆人妻少妇精品无码专区| 文化| 国产精品乱码一区二区三区| 亚洲精品久久久蜜桃| 商都县| 少妇人妻偷人精品无码视频新浪| 国产精品丝袜黑色高跟鞋| 国产无人区码一码二码三mba| 少妇性l交大片7724com| 国产精品久久久久久久久久久久人四虎 | 粗大黑人巨精大战欧美成人| 最好的观看2018中文| 连云港市| 99国产精品久久久久久久成人热| 安图县| 国产精品无码久久久久| 国产激情久久久久久熟女老人av | 元江| 色欲av永久无码精品无码蜜桃 | 性xxxx欧美老妇胖老太性多毛| 久久久天堂国产精品女人| 成全视频在线观看大全腾讯地图 | 国产亚洲精品aaaaaaa片| 久久久久久久97| 欧美老熟妇又粗又大| 龙里县| 三年片在线观看大全| 罗江县| 三年大片免费观看大全电影| 通渭县| 亚洲 小说 欧美 激情 另类| 97精品人人妻人人| 国模无码大尺度一区二区三区 | 天津市| 中文字幕人妻丝袜乱一区三区| 夏津县| 狠狠干狠狠爱| 日本不卡一区二区三区| 人妻饥渴偷公乱中文字幕 | 久久久精品人妻一区二区三区四| 积石山| 亚洲 小说区 图片区 都市| 99久久久精品免费观看国产| 廉江市| 图片| 亚洲码欧美码一区二区三区| 俺去俺来也在线www色官网| 日韩av无码一区二区三区| 男人扒女人添高潮视频| 蒲城县| 辣妹子影院电视剧免费播放视频| 泸水县| 国产又色又爽又黄刺激在线观看| 神农架林区| 欧洲-级毛片内射| 亚洲午夜福利在线观看| 成全在线电影在线观看| 欧美一区二区| 真实的国产乱xxxx在线| 国产成人精品免高潮在线观看| 99久久精品国产一区二区三区| 资中县| 国产精品一区二区av| 阜宁县| 濮阳市| 精品无码久久久久成人漫画| 阳信县| 固始县| 成人精品一区日本无码网| 精人妻无码一区二区三区| 靖州| 商丘市| 彭阳县| 一区二区三区国产| 国产真人无遮挡作爱免费视频| 欧美顶级metart裸体全部自慰| 一本色道久久综合无码人妻 | 晋中市| 久久99国产精品成人| 国产精品毛片一区二区三区| 久久久久麻豆v国产精华液好用吗| 成人免费区一区二区三区| 拍真实国产伦偷精品| 白玉县| 无码精品人妻一区二区三区湄公河| 热re99久久精品国产99热| 肉大榛一进一出免费视频| 香蕉av777xxx色综合一区| 精品久久久久久久久久久国产字幕 | 国产人妻精品一区二区三区| 夜夜爽妓女8888视频免费观看| 平阴县| 成全电影大全在线观看国语版| 勐海县| 国产午夜精品一区二区三区| 大名县| 全部孕妇毛片丰满孕妇孕交| 全部孕妇毛片丰满孕妇孕交| 风韵少妇性饥渴推油按摩视频| 草色噜噜噜av在线观看香蕉| 夹江县| 日本电影一区二区三区| 青龙| 国产成人午夜高潮毛片| 蕉岭县| 国产一区二区精品丝袜| 蜜臀av一区二区| 成全观看高清完整免费大全| 熟妇女人妻丰满少妇中文字幕| 久久久久成人精品免费播放动漫| 大冶市| 庐江县| 彝良县| 墨玉县| 黑人巨大精品欧美一区二区免费| 亚洲色成人www永久网站| 南涧| 加查县| 淳安县| 亚洲色偷偷色噜噜狠狠99网| 国产女人18毛片水真多1| 三叶草欧洲码在线| 欧美成人一区二区三区| 桂阳县| 牙克石市| 66亚洲一卡2卡新区成片发布| 木里| 午夜精品国产精品大乳美女 | 武宁县| 国产无遮挡aaa片爽爽| 国产精品99精品久久免费| 亚洲午夜精品久久久久久浪潮| 延庆县| 狠狠人妻久久久久久综合| 国产精品永久久久久久久久久| 国产精品乱码一区二区三区| 日本少妇毛茸茸高潮| 欧美疯狂做受xxxxx高潮| 广河县| 一本色道久久综合无码人妻| 湖南省| 精品人妻午夜一区二区三区四区| 无码人妻丰满熟妇区bbbbxxxx| 国产精品久久777777| 西藏| 国产一区二区三区免费播放| 人与嘼交av免费| 梅河口市| 宿松县| 免费99精品国产自在在线| 少妇厨房愉情理伦bd在线观看| 在线观看的av网站| 兴山县| 富蕴县| 尤物视频网站| 国产精品成人无码免费| 鸡西市| 久久久久久亚洲精品中文字幕| 国产农村乱对白刺激视频| 亚洲 小说区 图片区 都市| 绩溪县| 法库县| 淮安市| 欧洲精品码一区二区三区免费看| 国产精品自产拍高潮在线观看| 国产精品久久久国产盗摄| 木兰县| 无码人妻黑人中文字幕| 清苑县| 国产又粗又猛又爽又黄 | 元谋县| 古丈县| 崇文区| 婷婷五月综合激情| 伦伦影院午夜理论片| 克山县| 国产国语老龄妇女a片| 欧美精品在线观看| 亚洲国产精品18久久久久久| 内射后入在线观看一区| 国产一区二区在线视频| 禄劝| 无码人妻久久一区二区三区不卡| 国产精品久久777777| 性史性农村dvd毛片| 亚洲国产精品久久久久久| 恭城| 性色av蜜臀av色欲av| 成人毛片100免费观看| 连州市| 久久亚洲熟女cc98cm| 郸城县| 人妻体内射精一区二区三区| 泌阳县| 淮北市| 连山| 沂水县| 延川县| 同德县| 康马县| 南木林县| 高清欧美性猛交xxxx黑人猛交| 安龙县| 桃园县| 都江堰市| 国产一区二区| 南安市| 粗大的内捧猛烈进出| 桃江县| 国产色视频一区二区三区qq号| 玉林市| 亚洲熟妇无码久久精品| 自贡市| 收藏| 手机福利视频| 日韩成人无码| 松潘县| 人妻少妇被猛烈进入中文字幕| 衢州市| 国产午夜精品一区二区三区 | 晋州市| 三年在线观看大全免费| 汽车| 国内精品人妻无码久久久影院蜜桃| 株洲县| 欧美人与性动交g欧美精器| 国产精品扒开腿做爽爽爽a片唱戏 亚洲精品一区二区三区在线 | 精品无码一区二区三区| 久久久久久毛片免费播放| 无码国产伦一区二区三区视频| 上林县| 上蔡县| 韩国三级中文字幕hd久久精品| 武隆县| 太保市| 香蕉av777xxx色综合一区| 久久99国产精品成人| 济南市| 两口子交换真实刺激高潮| 熟妇无码乱子成人精品| 躁老太老太騷bbbb| 精品成人av一区二区三区| 朔州市| 人人妻人人澡人人爽人人dvd| 欧美日韩在线视频|