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

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

An introduction to machine learning with scikit-learn

Section contents

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

?

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

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

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

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

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

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

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

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

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

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

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

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

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

Training set and testing set

培訓集和測試集

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

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

Loading an example dataset

加載示例數據集

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

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

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

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

$ python

>>> from sklearn import datasets

>>> iris = datasets.load_iris()

>>> digits = datasets.load_digits()

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

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

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

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

>>>

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

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

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

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

?...,

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

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

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

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

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

>>>

>>>?digits.target

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

Shape of the data arrays

數據陣列的形狀

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

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

>>>

>>>?digits.images[0]

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

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

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

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

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

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

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

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

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

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

Loading from external datasets

從外部數據集加載

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

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

?

Learning and predicting

學習和預測

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

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

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

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

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

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

>>>

>>>?from?sklearn?import?svm

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

Choosing the parameters of the model

選擇模型的參數

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

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

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

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

>>>

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

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

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

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

??tol=0.001, verbose=False)

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

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

>>>

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

array([8])

The corresponding image is the following:

相應的圖像如下:

?

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

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

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

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

?

Model persistence

模型持久性

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

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

>>>

>>>?from?sklearn?import?svm

>>>?from?sklearn?import?datasets

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

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

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

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

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

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

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

??tol=0.001, verbose=False)

>>>?import?pickle

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

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

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

array([0])

>>>?y[0]

0

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

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

>>>

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

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

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

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

>>>

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

Note?注意

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

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

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

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

?

Conventions

規則

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

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

Type casting

類型鑄造

Unless otherwise specified, input will be cast to float64:

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

>>>

>>>?import?numpy?as?np

>>>?from?sklearn?import?random_projection

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

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

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

>>>?X.dtype

dtype('float32')

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

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

>>>?X_new.dtype

dtype('float64')

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

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

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

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

>>>

>>>?from?sklearn?import?datasets

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

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

>>>?clf?=?SVC()

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

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

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

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

??tol=0.001, verbose=False)

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

[0, 0, 0]

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

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

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

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

??tol=0.001, verbose=False)

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

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

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

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

Refitting and updating parameters

修改和更新參數

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

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

>>>

>>>?import?numpy?as?np

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

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

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

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

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

>>>?clf?=?SVC()

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

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

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

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

??tol=0.001, verbose=False)

>>>?clf.predict(X_test)

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

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

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

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

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

??tol=0.001, verbose=False)

>>>?clf.predict(X_test)

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

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

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

Multiclass vs. multilabel fitting

多類與多標簽擬合

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

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

>>>

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

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

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

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

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

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

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

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

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

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

>>>

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

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

array([[1, 0, 0],

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

?

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

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

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

蜀ICP備15035023號-4

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

    
    <rt id="pptpi"></rt>
  • <rp id="pptpi"><strong id="pptpi"><meter id="pptpi"></meter></strong></rp>
  • <p id="pptpi"></p>
    主站蜘蛛池模板: 长阳| 欧洲成人午夜精品无码区久久| 日本免费视频| 郑州市| 久久精品www人人爽人人| 福安市| 99久久久国产精品免费蜜臀| 好爽又高潮了毛片免费下载| 麻豆国产av超爽剧情系列| 广汉市| 油尖旺区| 平果县| 新密市| 繁峙县| 长治市| 成全电影大全在线观看国语版 | 乌审旗| 色噜噜狠狠一区二区三区| 沐川县| 沂南县| 瑞金市| 柳河县| 安新县| 亚洲色偷偷色噜噜狠狠99网| 余姚市| 亚洲欧美精品午睡沙发| 欧美日韩在线视频| 国产午夜精品一区二区三区| 国产精品18久久久| 玉树县| 中文字幕乱妇无码av在线| 中文字幕乱妇无码av在线| 欧美性猛交xxxx乱大交| 丰满女人又爽又紧又丰满| 榆树市| 乌鲁木齐市| 翼城县| 武胜县| av片在线观看| 国产av天堂| 泽州县| 武平县| 国产精品毛片一区二区三区| 洪泽县| 亚洲最大的成人网站| 午夜精品久久久久久久久| 亚洲精品乱码久久久久久| 萨迦县| 国产精品爽爽久久久久久| 巴南区| 精品国产乱码久久久久久婷婷| 临颍县| 新建县| 乌兰察布市| 抚宁县| 国产草草影院ccyycom| 熟妇人妻一区二区三区四区| 进贤县| 久久精品aⅴ无码中文字字幕重口 国产又爽又黄无码无遮挡在线观看 | 精品人妻一区二区三区浪潮在线| 亚洲一区二区三区| 成人做爰视频www| 日韩熟女精品一区二区三区| 成全视频观看免费高清第6季| 永川市| 亚洲日韩一区二区| 99这里只有精品| 狠狠cao日日穞夜夜穞av| 成全观看高清完整免费大全| 国产午夜精品一区二区三区嫩草 | 宁津县| 欧美乱妇日本无乱码特黄大片| 信丰县| 未满十八18禁止免费无码网站| 噶尔县| 69久久精品无码一区二区| 色噜噜狠狠色综合日日| 商南县| 又紧又大又爽精品一区二区| 贵溪市| 清流县| 攀枝花市| 卢龙县| 99精品久久毛片a片| 贵南县| 安达市| 祁门县| 永吉县| 亚洲精品久久久久久久久久久| 精品国产av 无码一区二区三区 | 波多野吉衣av无码| 国产美女裸体无遮挡免费视频 | 99精品一区二区三区无码吞精| 大理市| 正阳县| 国产精品亚洲一区二区无码| 葫芦岛市| 中文字幕日韩一区二区三区不卡| 色噜噜狠狠一区二区三区| 无码人妻丰满熟妇奶水区码 | 国产精品久久久久影院老司| 国产精品毛片久久久久久久| 熟女人妻一区二区三区免费看| 阿拉尔市| 久久久精品中文字幕麻豆发布| 欧洲精品码一区二区三区免费看 | 井研县| 乌拉特后旗| 精品国产一区二区三区四区阿崩 | 甘洛县| 国产绳艺sm调教室论坛| 国产精品久久久一区二区| 房产| 人妻巨大乳hd免费看| 双腿张开被9个男人调教| 少妇精品无码一区二区免费视频| 象山县| 天堂国产一区二区三区| 欧美激情一区二区三区| 天镇县| 香蕉av777xxx色综合一区| 前郭尔| 叶城县| 欧美激情一区二区| 国产av精国产传媒| 金昌市| 福清市| 无码人妻精品一区二区三区不卡| 开平市| 国产精品一区二区久久国产| 平乐县| 乱熟女高潮一区二区在线| 黄大仙区| 精品无码人妻一区二区免费蜜桃| 晋中市| 沙河市| 平顺县| www国产亚洲精品久久网站| 熟女丰满老熟女熟妇| 成人性做爰片免费视频| 俺去俺来也在线www色官网| 伦伦影院午夜理论片| 日本熟妇色xxxxx日本免费看| 永久免费无码av网站在线观看| 禄劝| 亚洲人成在线观看| 长宁区| 精品国产成人亚洲午夜福利| 方山县| 国产精品无码免费专区午夜| 在线观看的网站| 国产偷人妻精品一区| 精品国产乱码久久久久久婷婷| 白银市| 久久精品国产99精品国产亚洲性色 | 精品人妻伦一二三区久久| 国产精品亚洲lv粉色| 精品无人区无码乱码毛片国产| 通道| 长子县| 国产精品久免费的黄网站| 郴州市| 亚洲精品字幕在线观看| 洛扎县| 梅河口市| 国产午夜福利片| 人妻丰满熟妇aⅴ无码| 米奇影视第四色| 少妇特黄a一区二区三区| 汕尾市| 国产精品无码一区二区桃花视频| 国产精品成人一区二区三区| 欧美人妻一区二区三区| 连南| 亚洲欧美在线观看| 浦县| 无套内谢老熟女| 国产乱人伦精品一区二区| 老河口市| 国产精品成人一区二区三区| 景德镇市| 沿河| 国产精品99无码一区二区| 娄底市| 亚洲无人区码一码二码三码的含义 | 精品夜夜澡人妻无码av| 国产无人区码一码二码三mba| 新民市| 99久久人妻无码精品系列| 龙里县| 亚洲欧美日韩一区二区| 肃宁县| 康马县| 天天干天天射天天操| www国产亚洲精品| 欧美成人午夜无码a片秀色直播| 平罗县| 萨嘎县| 姚安县| 五家渠市| 盱眙县| 龙江县| 亚洲欧美日韩一区二区| 彰化市| 日韩欧美高清dvd碟片| 木兰县| 方山县| 国产精品久久777777| 贵德县| 高邑县| 欧美黑人又粗又大高潮喷水| 兴化市| 夜夜躁狠狠躁日日躁| 亚洲精品字幕| 亚洲爆乳无码一区二区三区 | 乱熟女高潮一区二区在线| 日本边添边摸边做边爱| 国产激情综合五月久久| 黄页网站视频| 西乌| 成全影视大全在线看| 欧美午夜精品一区二区蜜桃| 国产精品久久午夜夜伦鲁鲁| 国产成人精品免高潮在线观看| 国产人成视频在线观看| 四子王旗| 垣曲县| 永胜县| 风流少妇按摩来高潮| 成人永久免费crm入口在哪| 邻居少妇张开双腿让我爽一夜| 又大又长粗又爽又黄少妇视频| 午夜精品久久久久久久| 国产熟女一区二区三区五月婷| 国产偷窥熟妇高潮呻吟| 成全电影大全第二季免费观看 | 99久久久国产精品无码免费| 亚洲码欧美码一区二区三区| 精产国品一二三产区m553麻豆| 依兰县| 五寨县| 亚洲色偷偷色噜噜狠狠99网| 阳城县| 无码成a毛片免费| 英超| 99久久99久久精品国产片果冻| 华安县| 少妇真人直播免费视频| 日日噜噜噜夜夜爽爽狠狠 | 鲁鲁狠狠狠7777一区二区| 星座| 国产精品久久久久久亚洲色| 国产精品美女久久久久av爽| 无码人妻久久一区二区三区不卡| 欧美乱码精品一区二区三区| 永久免费无码av网站在线观看| 蜜桃一区二区三区| 三年高清片大全| 精品国产乱码一区二区三区| 仁怀市| 日本熟妇色xxxxx日本免费看| 精品人妻无码一区二区三区蜜桃一 | 安远县| 白又丰满大屁股bbbbb| 精品国产一区二区三区四区| 极品少妇xxxx精品少妇偷拍| 国产suv精品一区二区| 衡山县| 国产精品99精品久久免费| 汉阴县| 97伦伦午夜电影理伦片| 天天爽夜夜爽夜夜爽精品视频| 农村少妇野外a片www| 沭阳县| 乖乖趴着h调教3p| 亚洲精品久久久久久一区二区| 濮阳县| 正阳县| 欧美三级欧美成人高清| 国产女人和拘做受视频免费| 浮梁县| 护士人妻hd中文字幕| 广德县| 财经| 国产熟妇搡bbbb搡bbbb| 国产精品亚洲lv粉色| 大邑县| 日韩精品一区二区在线观看| 洛隆县| 宝清县| 天天躁日日躁狠狠躁av麻豆男男| 宁远县| 色吊丝中文字幕| 无码人妻一区二区三区精品视频| 饶河县| 三年大全免费大片三年大片第一集| 县级市| 国产老妇伦国产熟女老妇视频| 噶尔县| 免费国偷自产拍精品视频| 凤冈县| 国产69精品久久久久久| 伊人久久大香线蕉综合网站| 铜川市| 怡红院av亚洲一区二区三区h| 高陵县| 一区二区国产精品精华液| 香港| 国产精品99无码一区二区| 岳普湖县| 乌苏市| 长寿区| 衡东县| 南部县| 开封县| 凤山市| 陆丰市| 永年县| 国产又色又爽又高潮免费| 中文字幕日韩一区二区三区不卡 | 国产偷人妻精品一区| 成全动漫影视大全在线观看国语| 青岛市| 邹城市| 粗大黑人巨精大战欧美成人| 台中市| 西平县| 久久婷婷成人综合色| 天台县| 廊坊市| 久久久天堂国产精品女人| 无为县| 初尝黑人巨砲波多野结衣| 永平县| 性做久久久久久| 欧美亚洲精品suv| 国产精品18久久久| 比如县| √天堂资源地址在线官网 | 图们市| 毛片无码一区二区三区a片视频| 兴城市| 亚洲人成色777777老人头| 库尔勒市| 肉色欧美久久久久久久免费看 | 青神县| 丰满女人又爽又紧又丰满| 亚洲va国产va天堂va久久| 欧美freesex黑人又粗又大| 塔城市| 国产成人精品一区二区三区免费| 四川丰满少妇被弄到高潮| 泸西县| 天堂中文在线资源| 国产伦理一区二区| 色噜噜狠狠色综合日日| 牙克石市| 亚洲精品久久久蜜桃| 人妻体体内射精一区二区| 欧美人与性囗牲恔配| 国产亚洲色婷婷久久99精品| 罗山县| 亚洲の无码国产の无码步美| 肇州县| 99久久久国产精品无码免费| 忻州市| 国产女人18毛片水真多18精品 | a片在线免费观看| 新津县| 卢龙县| 免费观看全黄做爰的视频| 欧美性猛交xxxx免费看| 陈巴尔虎旗| 无码少妇一区二区| 国产精品无码免费播放| 国产精品成人va在线观看| 湖北省| 国产熟妇搡bbbb搡bbbb| 熟女人妻一区二区三区免费看 | 朝阳市| 日韩精品一区二区在线观看| 国产精品偷伦视频免费观看了| 辛集市| 国产精品久久久一区二区三区| 肉大榛一进一出免费视频| 污污污www精品国产网站| 国产精品久久久久永久免费看| 久久久成人毛片无码| 大邑县| 国产精品毛片一区二区三区| 久久丫精品久久丫| 巴彦县| 辽宁省| 亚洲精品一区二三区不卡| 黑巨茎大战欧美白妞| 西青区| 国产熟女一区二区三区五月婷 | 日产无码久久久久久精品| 精品人妻人人做人人爽夜夜爽| 国产香蕉尹人视频在线| 营山县| 茌平县| 鄂托克前旗| 项城市| 潞城市| 中文字幕乱妇无码av在线| 三年片免费观看大全有| 成人网站免费观看| 蜜桃一区二区三区| 日本真人做爰免费视频120秒| 漳浦县| 欧美日韩在线视频一区| 欧美一性一乱一交一视频| 汾阳市| 国产av精国产传媒| 欧美与黑人午夜性猛交久久久| 欧美人妻精品一区二区三区| 欧美性受xxxx黑人xyx性爽| 国产精品96久久久久久| 驻马店市| 三年成全全免费观看影视大全| 欧美亚韩一区二区三区| 激情久久av一区av二区av三区| 成人午夜视频精品一区| 古丈县| 亚洲第一av网站| 青神县| 中文字幕乱码中文乱码777| a片在线免费观看| 安阳市| 下面一进一出好爽视频| 亚洲字幕av一区二区三区四区| 穆棱市| 同心县| 国产一区二区三区精品视频| 久久99精品国产.久久久久| 莲花县| 济源市| 亚洲啪av永久无码精品放毛片| 无码人妻精品一区二区| 午夜时刻免费入口| 久久久久无码精品亚洲日韩| 平和县| 国产精品丝袜黑色高跟鞋| 狠狠干狠狠爱| 白河县| 成人永久免费crm入口在哪| 亚洲精品久久久久久久蜜桃| 欧美乱妇日本无乱码特黄大片| 潞西市| 久久er99热精品一区二区| 兰坪| 涿鹿县| 午夜福利电影| 女子spa高潮呻吟抽搐| 国产午夜精品无码一区二区| 国产精品久久777777| 好吊视频一区二区三区| 久久久久成人精品免费播放动漫 | 宾川县| 弥渡县| 玉蒲团在线观看| 麻豆精品| 红安县| 亚洲精品久久久久国产| 九江市| 孙吴县| 乳尖春药h糙汉共妻| 国产精品无码久久久久成人影院| 欧美乱妇狂野欧美在线视频| 大化| 国产熟妇搡bbbb搡bbbb| 抚顺市| 宜良县| 刚察县| 高清欧美性猛交xxxx黑人猛交| 三原县| 基隆市| 贵州省| 内黄县| 我把护士日出水了视频90分钟| 波多野吉衣av无码| 久久久久久欧美精品se一二三四| 诸城市| 少妇高潮灌满白浆毛片免费看| 黄石市| 久久er99热精品一区二区| 国产精品久久久久久久| 日本三级吃奶头添泬无码苍井空| 长海县| 锡林浩特市| 囯产精品一品二区三区| 新源县| 国产久久精品| 狠狠躁日日躁夜夜躁2022麻豆| 强行无套内谢大学生初次| 99re在线播放| 国产suv精品一区二区| 国产老熟女伦老熟妇露脸| 国产精品99无码一区二区| 欧美不卡一区二区三区| 女人和拘做爰正片视频| 金塔县| 少妇精品无码一区二区三区| 少妇人妻丰满做爰xxx| 一边摸一边做爽的视频17国产| 成全动漫影视大全在线观看国语| 99精品视频在线观看免费| 丹凤县| 乳尖春药h糙汉共妻| 朝阳县| 99久久99久久精品免费看蜜桃| 精品国产乱码久久久久久1区2区| 青春草在线视频观看| 国产精品99久久久精品无码| 精品免费国产一区二区三区四区| 人妻无码中文字幕免费视频蜜桃| 慈溪市| 永仁县| 蓬溪县| 瑞昌市| 上思县| 灵武市| 崇仁县| 当阳市| 湖州市| 忻州市| 欧美无人区码suv| 万安县| 波多野结衣乳巨码无在线观看 | 国产乱子伦精品无码码专区| 乳尖春药h糙汉共妻| 国产精品揄拍100视频| 营山县| 高潮毛片又色又爽免费| 蜜桃av色偷偷av老熟女| 在线观看的网站| 97久久精品人人澡人人爽| 欧美色就是色| 天美麻花果冻视频大全英文版| 国产伦精品一区二区三区免费| 扶绥县| 国产女人18毛片水真多| 亚洲欧美精品午睡沙发| 欧美人妻一区二区三区| 武鸣县| 强行糟蹋人妻hd中文| 织金县| 国产av一区二区三区| 国模精品一区二区三区| 确山县| 无码国产69精品久久久久同性| 成人h视频在线观看| 延津县| 熟妇高潮一区二区在线播放| 探索| 旌德县| 民权县| 成人欧美一区二区三区| 老熟女高潮一区二区三区| 中文字幕人妻丝袜二区| 1插菊花综合网| 台北市| 恭城| 无码人妻丰满熟妇bbbb| 湘潭县| 欧美丰满老熟妇aaaa片| 国产一区二区精品丝袜| 一本色道久久hezyo无码| 乡宁县| 国产在线视频一区二区三区| 新绛县| 无码aⅴ精品一区二区三区| 亚洲欧美一区二区三区在线| 东乌| 又大又粗又爽18禁免费看| 博客| 丰满岳跪趴高撅肥臀尤物在线观看| 中阳县| 中文字幕在线播放| 成人做爰免费视频免费看| 99国产精品99久久久久久| 国产全是老熟女太爽了| 99精品欧美一区二区三区| 亚洲精品一区久久久久久| 国产熟妇另类久久久久| 老鸭窝视频在线观看| 琼结县| 无码免费一区二区三区| 色妞色视频一区二区三区四区 | 西充县| 灵寿县| 安西县| 欧美freesex黑人又粗又大| 红河县| 类乌齐县| 摸bbb揉bbb揉bbb视频| 灌南县| 临江市| 高密市| 武隆县| 南昌市| 海门市| 拍真实国产伦偷精品| 乌拉特前旗| 国产乱人伦精品一区二区| 韩国三级中文字幕hd久久精品| 少妇无码一区二区三区| 清新县| 欧美黑人又粗又大高潮喷水| 拉萨市| 无码成a毛片免费| 成全影视在线观看第6季| 宁强县| 97精品人人妻人人| 国产aⅴ激情无码久久久无码| 石泉县| 欧美性猛交xxxx乱大交| 桐梓县| 广饶县| 99久久久国产精品免费蜜臀| 日日噜噜噜夜夜爽爽狠狠 | 佳木斯市| 久久久久久免费毛片精品| 无码人妻丰满熟妇精品区| 太仆寺旗| 肉大捧一进一出免费视频| 成全视频观看免费高清中国电视剧| 无码人妻aⅴ一区二区三区| 色婷婷香蕉在线一区二区 | 欧美人妻一区二区三区| 国产成人无码一区二区三区在线| 无码人妻aⅴ一区二区三区| 色视频www在线播放国产人成| 国产精品二区一区二区aⅴ污介绍 人妻精品久久久久中文字幕69 | 国产又粗又大又黄| 成年免费视频黄网站在线观看| 99久久99久久精品国产片果冻| 国产精品久久一区二区三区| 上犹县| 烟台市| 香河县| 红桥区| 浑源县| 上高县| 欧美成人一区二区三区| 精品无码久久久久成人漫画| 北票市| 天天干天天日| 成全电影大全在线观看国语版| 叶城县| 新田县| 国产精品无码专区av在线播放| 亚洲精品白浆高清久久久久久| 成全影院电视剧在线观看| 建阳市| 全国最大成人网| 国产后入清纯学生妹| 少妇真人直播免费视频| 免费人妻精品一区二区三区| 乌拉特后旗| 国产又爽又黄无码无遮挡在线观看| 开阳县| 久久久久久成人毛片免费看 | 国产成人无码www免费视频播放| 枣庄市| 精品人妻无码一区二区色欲产成人| 图片区 小说区 区 亚洲五月 | 精品国产av色一区二区深夜久久| 无码少妇一区二区| 国产无遮挡又黄又爽又色| 国产精品久久久久久亚洲影视| 国产精品久久久久久久久动漫 | 女人脱了内裤趴开腿让男躁| 国产精品久久777777| 少妇无套内谢久久久久| 国产成人精品一区二区三区免费| 久久久久久久久毛片无码| 威宁| 久久精品国产成人av| 日韩免费视频| 邻居少妇张开双腿让我爽一夜| 国产精品久久久一区二区| 成av人片在线观看www| 人妻巨大乳一二三区| 无码人妻丰满熟妇啪啪| 阿克陶县| 囯产精品一品二区三区| 日本真人做爰免费视频120秒| 少妇高潮一区二区三区99| 明星| 国产精品激情| 樱花影院电视剧免费| 丽江市| 国产精品成人va在线观看| 日本不卡一区| 金山区| 鄂伦春自治旗| 久久久久无码精品亚洲日韩| 广汉市| 赣榆县| 精品人妻无码一区二区色欲产成人| 成全动漫视频在线观看| 丰满女人又爽又紧又丰满| 赞皇县| 蜜臀av一区二区| 日韩精品毛片无码一区到三区| 旅游| 亚洲色成人www永久网站| 少妇人妻丰满做爰xxx| 92久久精品一区二区| 久久久久噜噜噜亚洲熟女综合| 国产绳艺sm调教室论坛| 成熟妇人a片免费看网站| 国产成人无码精品亚洲| 成人h动漫精品一区二区| 成人欧美一区二区三区在线观看 | 麻豆国产av超爽剧情系列| 成人网站在线进入爽爽爽| 大战熟女丰满人妻av| 龙口市| 奎屯市| 人妻少妇一区二区三区| 胶州市| 国产精品无码免费播放| 国产奶头好大揉着好爽视频| 99国产精品久久久久久久成人热 | 人妻熟女一区二区三区app下载| 国产激情综合五月久久| 秋霞在线视频| 福利视频在线播放| 国产精品久久久久久久久久久久午衣片| 国产熟妇久久777777| 敖汉旗| 蜜桃一区二区三区| 精品国产av一区二区三区| 从江县| 日本不卡高字幕在线2019|