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

通過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久久久久久久| 无码人妻丰满熟妇精品区| 镶黄旗| 三年片免费观看了| 安阳县| 久久99精品久久久久久| 厦门市| 炉霍县| 怀集县| 嫩草av久久伊人妇女超级a| 比如县| 鲁鲁狠狠狠7777一区二区| 国产精品99无码一区二区| 兴业县| 精品人妻无码一区二区三区| 成全电影大全在线观看国语版 | 国产成人精品综合在线观看| 巨大黑人极品videos精品| 少妇伦子伦精品无吗| 克山县| 蜜臀av在线播放| 桦甸市| 特级精品毛片免费观看| 行唐县| 色一情一区二| 台南市| 无码视频一区二区三区| 蜜臀av人妻国产精品建身房| 永平县| 国产乱人对白| 湖北省| 99精品视频在线观看| 涪陵区| 三年片免费观看大全有| 丰城市| 99精品欧美一区二区三区| 米林县| 日韩无码电影| 少妇人妻丰满做爰xxx| 亚洲精品白浆高清久久久久久| 合江县| 远安县| 国产精品久久久一区二区三区| 曲松县| 波多野42部无码喷潮| 午夜精品久久久久久久| 亚洲色成人www永久网站| 崇左市| 国产人妻精品一区二区三区| 思南县| 蒙自县| 久久久久成人片免费观看蜜芽| 亚洲熟女一区二区三区| 国产良妇出轨视频在线观看| 国产精品无码专区av在线播放 | 定陶县| 兴仁县| 丰满大肥婆肥奶大屁股| 色哟哟网站在线观看| 国偷自产视频一区二区久| 房产| 涿鹿县| 肥城市| 男女无遮挡xx00动态图120秒 | 亚洲精品一区二区三区四区五区| 国产成人精品三级麻豆| 欧美人妻一区二区三区| 东山县| 铜川市| 三年成全在线观看免费高清电视剧| 国产精品无码久久久久| 熟妇人妻中文av无码| 吉水县| 汾西县| 葫芦岛市| 新河县| 久久久无码人妻精品一区| 国产又粗又猛又黄又爽无遮挡| 常州市| 河池市| 抚州市| 国产亚州精品女人久久久久久| 国产成人一区二区三区| 国产国语老龄妇女a片| 屏南县| 丰满熟妇被猛烈进入高清片| 沿河| 祁东县| 一个人看的视频www| 含山县| 精品人妻伦一二三区久久| 休宁县| 舒城县| 五月丁香啪啪| 易门县| 风韵丰满熟妇啪啪区老熟熟女| 平果县| 娇妻玩4p被三个男人伺候电影| 无码人妻av免费一区二区三区 | 亚洲精品一区| 中文人妻av久久人妻18 | 日韩精品人妻中文字幕有码| 欧洲精品码一区二区三区免费看 | 榆树市| 丝袜亚洲另类欧美变态| 城步| 国产精品久久| 亚洲色成人网站www永久四虎| 麻豆亚洲一区| 清流县| 英山县| 班戈县| 濮阳县| 阜宁县| 丰台区| 男人扒女人添高潮视频| 精品国产乱码一区二区三区| 日韩成人无码| 亚洲精品久久久久avwww潮水| 五月丁香啪啪| 无套内谢老熟女| 精品国内自产拍在线观看视频| 狠狠人妻久久久久久综合蜜桃| 国产精品扒开腿做爽爽爽a片唱戏| 狠狠人妻久久久久久综合| 抚宁县| 久久精品国产99精品国产亚洲性色| 乐东| 国产成人精品av| 国产成人精品一区二区三区视频| 亚洲色成人www永久网站| 少妇熟女视频一区二区三区| 国产成人精品一区二区三区免费 | 亚洲色偷偷色噜噜狠狠99网 | 夜夜爽妓女8888视频免费观看| 阿坝县| 久久午夜无码鲁丝片午夜精品 | 玩弄人妻少妇500系列视频| 少妇无码一区二区三区| 国产精品丝袜黑色高跟鞋| 怀宁县| 久久偷看各类wc女厕嘘嘘偷窃| 超碰免费公开| 狂野少女电视剧免费播放| 欧美人与性动交α欧美精品| 罗山县| 天美麻花果冻视频大全英文版| 欧美一区二区| 大地资源网在线观看免费动漫| 国产成人午夜高潮毛片| 国产精品久久久久无码av色戒 | 天美麻花果冻视频大全英文版| 日本理伦片午夜理伦片| 建湖县| 吉安县| 人与禽性动交ⅹxxx| 丰满人妻妇伦又伦精品国产| 欧美无人区码suv| 海宁市| 佛教| 精品无码一区二区三区的天堂| 武冈市| 国内老熟妇对白hdxxxx| 波多野结衣网站| 邢台县| 日本少妇毛茸茸高潮| 久久99热人妻偷产国产| 国产电影一区二区三区| 成人免费视频在线观看| 风流少妇按摩来高潮| 黄陵县| 日韩精品人妻中文字幕有码| 久久久天堂国产精品女人| 黑人巨大精品欧美一区二区| 免费直播入口在线观看| 热re99久久精品国产99热| 无码人妻精品一区二区蜜桃色欲 | 人与嘼交av免费| 永登县| 九一九色国产| 株洲县| 国产精品美女久久久久av爽| 河源市| 亚洲小说春色综合另类| 伊人久久大香线蕉av一区| 中文成人无字幕乱码精品区| 日韩精品一区二区在线观看| 卓尼县| 日本不卡一区二区三区| 肉色超薄丝袜脚交一区二区| 同仁县| 四会市| 高阳县| 清河县| 三年大片大全观看免费| 旺苍县| 永安市| 免费国偷自产拍精品视频| 国产精品久久久久永久免费看| 星子县| 亚洲熟悉妇女xxx妇女av| 衡南县| 国内老熟妇对白hdxxxx| 国产精品国产三级国产专区53| 田林县| 日韩成人无码| 南郑县| 国产精品久久久久影院老司| 亚洲国产精品成人久久蜜臀| 修水县| 娇妻玩4p被三个男人伺候电影| 精品久久久久久人妻无码中文字幕| 三年成全免费观看影视大全 | 国产精品久久久久久久| 哈密市| 天天躁日日躁狠狠躁av麻豆男男| 香蕉人妻av久久久久天天| 亚洲の无码国产の无码步美| 熟女人妻一区二区三区免费看 | 国产女人被狂躁到高潮小说| 昌都县| 精品国产av 无码一区二区三区 | 仪陇县| 国产成人精品亚洲日本在线观看| 最好看的2018中文在线观看| 日韩精品无码一区二区三区久久久| 波多野结衣人妻| 99久久久精品免费观看国产| 哈巴河县| 武定县| 广昌县| 宜阳县| 国精一二二产品无人区免费应用| 国模无码大尺度一区二区三区 | 国产精品无码免费播放| 精品国产av一区二区三区 | 国产精品无码久久久久| 亚洲一区二区| 无码人妻aⅴ一区二区三区| 国内老熟妇对白xxxxhd| 又黄又爽又色的视频| 国产欧美精品一区二区三区| 信阳市| 国产婷婷色一区二区三区| 施秉县| 国产精品亚洲一区二区无码| 方正县| 亚洲 欧美 激情 小说 另类| 久久久久久欧美精品se一二三四 | 成人网站在线进入爽爽爽| 伦伦影院午夜理论片| 国产探花在线精品一区二区| 临西县| 秀山| 无码人妻丰满熟妇bbbb| 亚洲精品国产精品国自产观看| 亚洲啪av永久无码精品放毛片| 强伦人妻一区二区三区视频18| 日产电影一区二区三区| 青铜峡市| 奇台县| 五月天激情电影| 亚洲国精产品一二二线| 永久免费看mv网站入口亚洲| 时尚| 国产伦精品一区二区三区免费| 国产精品久久久| 铜陵市| 宜州市| 长葛市| 东宫禁脔(h 调教)| 交城县| 欧美成人在线视频| 在厨房拨开内裤进入毛片| 97精品国产97久久久久久免费 | 国产熟妇另类久久久久| 淮安市| 高邮市| 久久99精品久久久久久水蜜桃| 武威市| 土默特右旗| 色吊丝中文字幕| 下面一进一出好爽视频| 二连浩特市| 昭平县| 柞水县| 克什克腾旗| 国产精品伦一区二区三级视频| 赣州市| 人人妻人人澡人人爽人人dvd| 兴安盟| 国产成人精品一区二区三区免费| 亚洲国产成人无码av在线 | 免费国偷自产拍精品视频| 喜德县| 大地资源高清在线视频播放| 稷山县| 乳尖春药h糙汉共妻| 亚洲人成在线观看| 成全我在线观看免费观看| 99精品视频在线观看免费| 伊宁市| 97伦伦午夜电影理伦片| 利辛县| 泰和县| 武宁县| 建阳市| 定州市| 粗大黑人巨精大战欧美成人| 荔波县| 霍州市| 国产偷窥熟妇高潮呻吟| 溧水县| 国产精品久久久国产盗摄| 无码精品黑人一区二区三区| 成全电影大全在线播放| 日本免费视频| 国精产品一区一区三区mba下载 | 四会市| 包头市| 肥老熟妇伦子伦456视频| 葵青区| 绵阳市| 唐山市| 精品国产一区二区三区四区阿崩| 长泰县| 成全影视大全在线看| 今天高清视频免费播放| 国产国语亲子伦亲子| 特黄三级又爽又粗又大| 日韩成人无码| 欧美激情一区二区| 久久婷婷成人综合色| 亚洲啪av永久无码精品放毛片| 义乌市| 亚洲日韩一区二区三区| 乐昌市| 国产精品污www在线观看| 国产露脸无套对白在线播放| 启东市| 靖安县| 建宁县| 仙游县| 衡山县| 卓资县| 邵阳市| 临清市| 乡宁县| 人与禽性动交ⅹxxx| 久久久久女教师免费一区| 国产精品亚洲一区二区无码| 国产成人无码一区二区在线播放| 龙泉市| 国产精品偷伦视频免费观看了| 欧美一区二区三区成人片在线| 东明县| 国产精品亚洲lv粉色| 西贡区| 黔江区| 无码人妻丰满熟妇区bbbbxxxx| 欧美日韩精品| 国产又爽又猛又粗的视频a片| 天天爽夜夜爽夜夜爽精品视频 | 成全视频免费高清| 国产猛男猛女超爽免费视频| 禹州市| 肥老熟妇伦子伦456视频| 汝南县| 亚洲人成色777777精品音频| 日本免费视频| 日韩一区二区a片免费观看| 97伦伦午夜电影理伦片| 汉源县| 青青草视频免费观看| 无码gogo大胆啪啪艺术| 热re99久久精品国产99热| 彰化市| 中国白嫩丰满人妻videos| 精品人妻无码一区二区三区蜜桃一| 久久久久久久极品内射| 黑巨茎大战欧美白妞| 青阳县| 浦北县| 永平县| 狂野少女电视剧免费播放| 成人无码视频| 自拍偷在线精品自拍偷无码专区| 乌什县| 亚洲熟妇色xxxxx欧美老妇| 饶阳县| 亚洲免费观看视频| 子洲县| 确山县| 手游| 欧美做爰性生交视频| 国产精品污www一区二区三区| 枣阳市| 两口子交换真实刺激高潮| 贡觉县| 武穴市| 老色鬼久久av综合亚洲健身| 金乡县| 国产精品一区二区久久国产 | 奎屯市| 阿坝县| 特黄三级又爽又粗又大| 麻豆乱码国产一区二区三区| 亚洲字幕av一区二区三区四区| 柘荣县| 亚洲最大成人网站| 三穗县| 国产偷窥熟女精品视频大全| 性色av蜜臀av色欲av| 疏附县| 久久精品国产精品| 亚洲小说春色综合另类| 绥德县| 久久精品99久久久久久久久| 男人猛吃奶女人爽视频| 平远县| 超碰免费公开| 国产精品99久久久久久www| www夜片内射视频日韩精品成人| 英吉沙县| 天祝| 德阳市| 石泉县| 乌鲁木齐县| 精品一区二区三区四区| 凤冈县| 望江县| 久久午夜无码鲁丝片午夜精品| 3d动漫精品啪啪一区二区免费| 澄迈县| 新绛县| 欧美精品在线观看| 定陶县| 一个人看的视频www| 五华县| 97精品人人妻人人| 沽源县| 丰满熟妇被猛烈进入高清片| 竹溪县| 成年性生交大片免费看| 成全世界免费高清观看| 最好的观看2018中文| 国产绳艺sm调教室论坛| 全部孕妇毛片丰满孕妇孕交| 无码人妻少妇色欲av一区二区| aa片在线观看视频在线播放| 国精产品一区二区三区| 国产精品久久久久av| 最好看的2018国语在线| 久久精品国产成人av| 无码人妻丰满熟妇bbbb| 安图县| 人人澡超碰碰97碰碰碰| 精品久久久久久人妻无码中文字幕 | 国产精品丝袜黑色高跟鞋| 乌拉特后旗| 欧美精品18videosex性欧美| 普洱| 激情久久av一区av二区av三区 | 蜜桃久久精品成人无码av| 亚洲欧美精品午睡沙发| 国产又粗又猛又爽又黄| 亚洲日韩精品一区二区三区| 国产激情一区二区三区| 蜜臀av在线播放| 肉色欧美久久久久久久免费看| 中文字幕人妻丝袜乱一区三区| 廉江市| 炉霍县| 黄大仙区| 珠海市| 商都县| 性少妇freesexvideos高清| 国产又粗又猛又黄又爽无遮挡| 东乌珠穆沁旗| 汉川市| 性少妇freesexvideos高清| 怡红院av亚洲一区二区三区h| 久久午夜无码鲁丝片| 交口县| 国产精品96久久久久久| 少妇被躁爽到高潮无码人狍大战| 获嘉县| 国産精品久久久久久久| 少妇特黄a一区二区三区| 午夜福利视频| 亚洲精品乱码久久久久久| 望都县| 阿鲁科尔沁旗| 闸北区| 熟女人妻一区二区三区免费看 | 成全电影大全在线观看国语版| 连江县| 成人网站在线进入爽爽爽| 久久亚洲国产成人精品性色| 欧美激情性做爰免费视频| 碌曲县| 永久免费看mv网站入口亚洲| 民县| 安丘市| 崇左市| 玛多县| 黑人糟蹋人妻hd中文字幕| 久久精品一区二区免费播放| 国产做爰xxxⅹ久久久精华液| 山丹县| 镇安县| 国产精品免费无遮挡无码永久视频| 轮台县| 国产女人被狂躁到高潮小说| 国产成人精品一区二区三区| 欧美丰满老熟妇aaaa片| 性xxxx搡xxxxx搡欧美| 二连浩特市| 灌南县| 绥芬河市| 鲜城| 无套内谢的新婚少妇国语播放| 人妻巨大乳一二三区| 贵南县| 久久久久久久97| 亚洲午夜精品一区二区| 东港市| 男人添女人下部高潮全视频| 人妻精品久久久久中文字幕69| 国产真人无遮挡作爱免费视频 | 精品国产乱码一区二区三区| 乖乖趴着h调教3p| 波多野结衣网站| 成全电影大全在线观看国语版高清| 雅安市| 中文在线最新版天堂| 精品国产乱码久久久久久1区2区| 国产伦精品一区二区三区妓女下载| 图片| 三亚市| 国产成人av一区二区三区在线观看| 宜川县| 欧美日韩在线视频一区| 乌拉特前旗| 国产午夜视频在线观看| 新乡市| 长顺县| 夏河县| 欧性猛交ⅹxxx乱大交| а√天堂www在线天堂小说| 天天躁夜夜躁av天天爽| 剑河县| 茂名市| 新余市| 北辰区| 无码av免费精品一区二区三区| 精品国产av 无码一区二区三区| 达日县| 金川县| 灌南县| 国产精品亚洲一区二区无码| 国产良妇出轨视频在线观看| 宁国市| 亚洲精品久久久久国产| 精品无码久久久久成人漫画| 四虎影成人精品a片| 磐石市| 色哟哟网站在线观看| 蜜桃一区二区三区| 国产精品扒开腿做爽爽爽视频| 济宁市| 波多野42部无码喷潮在线| 叙永县| 日本免费一区二区三区| 欧美最猛黑人xxxx黑人猛交| 久久久久无码国产精品不卡| 国产成人精品av| 成人无码视频| 德庆县| 国产精品一区二区在线观看| 免费观看一区二区三区| 国产精品久久久久久久久久免费看| 欧美深性狂猛ⅹxxx深喉| 女性| 西宁市| 国产成人一区二区三区| 白河县| 国产精品永久免费| 亚洲精品一区二三区不卡| 特级精品毛片免费观看| 国产日产久久高清欧美一区| 欧美gv在线观看| 买车| 肥老熟妇伦子伦456视频| 青青草视频免费观看| 广汉市| 免费99精品国产自在在线| 神木县| 平远县| 精品乱码一区二区三四区视频| 性xxxx欧美老妇胖老太性多毛| 凌云县| 东至县| 国产亚州精品女人久久久久久| 国产人妻大战黑人20p| 玉蒲团在线观看| 一本色道久久hezyo无码| 介休市| 广灵县| 米奇影视第四色| 色五月激情五月| 九一九色国产| 国产精品久久久| 国产老熟女伦老熟妇露脸| 下面一进一出好爽视频| 成全在线观看免费高清动漫| 国产人成视频在线观看| 国产精品毛片一区二区三区| 国产无遮挡aaa片爽爽| 欧美午夜精品久久久久久浪潮| 中文在线最新版天堂| 无码国产精品一区二区色情男同| 成全动漫视频在线观看| 少妇无套内谢久久久久| 无码一区二区三区视频| 昭觉县| 污污内射在线观看一区二区少妇| 风韵少妇性饥渴推油按摩视频| 国产精品无码免费播放| 电白县| 亚洲精品鲁一鲁一区二区三区| 欧美 日韩 人妻 高清 中文| 淄博市| 托里县| 开阳县| 狠狠人妻久久久久久综合| 黔西县| 浦县| 亚洲第一成人网站| 国产欧美精品区一区二区三区 | 国产午夜精品一区二区三区| 无套内谢老熟女| 久久国产成人精品av| 欧美成人一区二区三区| 中山市| 蜜桃成人无码区免费视频网站| 巩留县| 国产精品无码专区av在线播放| 欧美黑人又粗又大的性格特点| 望都县| 色噜噜狠狠色综合日日| 日本不卡高字幕在线2019| 曲水县| 艳妇乳肉豪妇荡乳| 抚松县| 又黄又爽又色的视频| 东宫禁脔(h 调教)| 全部孕妇毛片丰满孕妇孕交 | 石嘴山市| 兴业县| 久久久久成人片免费观看蜜芽| 宣化县| 国产精品爽爽久久久久久| 亚洲第一av网站| 榆中县| 国产久久精品| 免费三级网站| 邯郸县| 武功县| 国产精品久久一区二区三区| 99精品一区二区三区无码吞精| 精品国产成人亚洲午夜福利| 孝感市| 黄页网站视频| 鄂伦春自治旗| 精品欧美一区二区三区久久久 | 少妇粉嫩小泬白浆流出| 久久亚洲国产成人精品性色| 老熟女重囗味hdxx69| 敖汉旗| 久久久久国产精品无码免费看| 罗定市| 玉门市| 遵义市| 朝阳市| 亚洲精品一区二三区不卡| 欧美不卡一区二区三区| 色一情一乱一伦一区二区三区| 乌恰县| 温州市| 一本色道久久综合无码人妻| 滕州市| 麻豆精品| 青青草视频在线观看| 久久综合久久鬼色| 国产伦亲子伦亲子视频观看| 亚洲精品字幕| av无码一区二区三区| 精品一区二区三区四区| 国产成人精品免高潮在线观看| 成人免费无码大片a毛片| 国产精品久久久久久亚洲影视| 扎鲁特旗| 天堂va蜜桃一区二区三区| 亚洲精品一区二区三区四区五区| 护士人妻hd中文字幕| 亚洲精品久久久久久无码色欲四季| 怀化市| 精品爆乳一区二区三区无码av| 国产精品高清网站| 成人永久免费crm入口在哪| 承德市| 人妻体体内射精一区二区| 激情 小说 亚洲 图片 伦| 达孜县| 国模无码大尺度一区二区三区| 灵宝市| 上思县| 国产农村妇女aaaaa视频| 新丰县| 凉山| 无码gogo大胆啪啪艺术| 少妇精品无码一区二区免费视频| 武胜县| 乌鲁木齐县| 国产欧美熟妇另类久久久| 右玉县| 少妇被又大又粗又爽毛片久久黑人| 广德县| 大地资源高清在线视频播放| 清镇市| 肇源县| 南召县| 易门县| 亚洲午夜精品一区二区|