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

通過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>
    主站蜘蛛池模板: 国产久久精品| 成全电影大全在线观看国语版高清| 国产精品无码mv在线观看| 国产精品污www一区二区三区| 国产精品无码免费播放| 免费99精品国产自在在线| 雷州市| 国产精品无码mv在线观看| 亚洲一区二区三区| 宜兰县| 国产欧美日韩一区二区三区| 日本55丰满熟妇厨房伦| 延川县| 国产精品爽爽久久久久久| 德兴市| 上饶县| 缙云县| 武强县| 欧美黑人又粗又大高潮喷水| 吴江市| 中文字幕av一区| 廉江市| 苏州市| 亚洲乱码国产乱码精品精| 舞钢市| 久久国产劲爆∧v内射| 六安市| 国产综合在线观看| 国产综合在线观看| 东方市| 久久久久久毛片免费播放| 色一情一区二| 阿坝县| 国产精品丝袜黑色高跟鞋| 午夜福利视频| 昌都县| 波多野吉衣av无码| 横峰县| 元阳县| 99久久久国产精品无码免费 | 五家渠市| 五家渠市| 久久久久久久久毛片无码| 久久久久久久97| 熟妇无码乱子成人精品| 中文成人在线| 久久久久久久97| 国产又色又爽又高潮免费| 少妇被爽到高潮动态图| 久久久国产一区二区三区| 无锡市| 启东市| 少妇真人直播免费视频| 粗大的内捧猛烈进出| 国产精品人人做人人爽人人添| 临泽县| 泸州市| 国产乱子伦精品无码码专区| 海晏县| 精品乱码一区二区三四区视频| 欧美激情一区二区| 性生交大片免费看| 又紧又大又爽精品一区二区| 香蕉影院在线观看| 无码精品一区二区三区在线| 国产精品久久久一区二区三区| 靖州| 国产女人高潮毛片| 疏勒县| 国产熟妇另类久久久久| 鄯善县| 国产高潮视频在线观看| 清镇市| 融水| 图片区 小说区 区 亚洲五月| 97伦伦午夜电影理伦片| 东阿县| 中国老熟女重囗味hdxx| 龙岩市| 无码人妻丰满熟妇精品区| 永善县| 午夜家庭影院| 精品黑人一区二区三区久久| 深水埗区| 桑植县| 强行糟蹋人妻hd中文字幕| 盘山县| 国产色视频一区二区三区qq号| 嫩草av久久伊人妇女超级a| 贵德县| 定西市| 饶平县| 顺平县| 国产熟妇久久777777| 青河县| 德兴市| 久久aaaa片一区二区| 午夜精品久久久久久久久| 特大黑人娇小亚洲女| 乡宁县| 国产精品久久一区二区三区| 国产精品天天狠天天看| 人妻体体内射精一区二区| 苗栗县| 无码精品一区二区三区在线| 大又大又粗又硬又爽少妇毛片| 99热这里有精品| 久久久久久免费毛片精品| 东乌珠穆沁旗| 成全电影大全在线观看| 浮梁县| 惠州市| 焉耆| 博罗县| 无码h黄肉3d动漫在线观看| 绥中县| 最新高清无码专区| 成全在线观看免费完整版| 哈巴河县| 基隆市| 无码一区二区波多野结衣播放搜索| 泗水县| 内射干少妇亚洲69xxx| 高邮市| 璧山县| 哈尔滨市| 亚洲人午夜射精精品日韩| 永寿县| 锡林郭勒盟| 平阴县| 午夜精品久久久久久| 国产精品无码专区av在线播放| 阿尔山市| 日韩av无码一区二区三区| 中国免费看的片| 欧美一区二区三区成人久久片| 女人和拘做爰正片视频| 久久久久女教师免费一区| 成人h动漫精品一区二区| 东宁县| 好吊视频一区二区三区| 99精品欧美一区二区三区| 国精产品一区二区三区| 热re99久久精品国产99热| 天峨县| 97久久精品人人澡人人爽| 国产精品毛片va一区二区三区| 白嫩日本少妇做爰| 377人体粉嫩噜噜噜| 成人区人妻精品一熟女| 永和县| 剑阁县| 囯产精品一品二区三区| 石家庄市| 三年成全免费观看影视大全| 资讯| 国产亚洲色婷婷久久99精品| 成人视频在线观看| 久久精品aⅴ无码中文字字幕重口 国产又爽又黄无码无遮挡在线观看 | 欧美性猛交xxxx免费看| 少妇伦子伦精品无吗| 鹤壁市| 霍州市| 陵川县| 欧美激情在线播放| 88国产精品视频一区二区三区| 华阴市| 五莲县| 久久aaaa片一区二区| 舒兰市| 樱桃视频大全免费高清版观看| 许昌市| 成全视频在线观看免费高清| 河源市| 欧美一区二区三区成人久久片| 国产精品久久一区二区三区| 欧美亚韩一区二区三区| 久久久久亚洲精品| 皮山县| 久久丫精品忘忧草西安产品| 久久久久99精品国产片| 望都县| 最好看的2018中文在线观看| 宜阳县| 131mm少妇做爰视频| 西宁市| 欧美人与性囗牲恔配| 亚洲精品一区二区三区中文字幕| 常州市| 精品国产av 无码一区二区三区 | 班玛县| 免费大黄网站| 荃湾区| 国产精品爽爽久久久久久| 成全动漫视频在线观看| 厦门市| 宁波市| 和林格尔县| 元阳县| 播放男人添女人下边视频| 久久久久99人妻一区二区三区| 邵阳市| 日本边添边摸边做边爱| 峨山| 海淀区| 久久久久成人精品无码中文字幕| 午夜福利视频| 欧美日韩精品久久久免费观看| 新郑市| 张北县| 国产福利视频在线观看| 最好看的2018国语在线| 巴东县| 国产无套精品一区二区三区| 国产电影一区二区三区| 一区二区三区中文字幕| 国产精品久久久久野外| 成都市| 久久久精品免费| 中文字幕乱码人妻无码久久 | 三亚市| 石台县| 国产精品久久久久久吹潮| 丽江市| 国产成人三级一区二区在线观看一| 久久av无码精品人妻系列试探 | 久久久久无码国产精品一区| 闽清县| 日产无码久久久久久精品| 成人h动漫精品一区二区| 日产精品久久久一区二区| 南丰县| 广州市| 黄大仙区| 凤冈县| 安新县| 永春县| 成全电影大全在线观看国语版 | 睢宁县| 伊人久久大香线蕉综合网站 | 安新县| av片在线观看| 吉林市| 宁波市| 国产精品激情| 国产偷窥熟妇高潮呻吟| 陈巴尔虎旗| 新乐市| 国产偷窥熟女精品视频大全| 美女视频黄是免费| 狠狠躁日日躁夜夜躁2022麻豆| 99re在线播放| 都兰县| 亚洲精品乱码久久久久久| 色婷婷香蕉在线一区二区| 任丘市| 沙雅县| 国产成人无码精品亚洲| 国产真实乱人偷精品人妻| 欧美freesex黑人又粗又大| 中文字幕精品无码一区二区| 成全电影大全在线观看| 房产| 南昌市| 成人h视频在线观看| 西平县| 国产农村妇女精品一二区| 浙江省| 海晏县| 影音先锋男人站| 肉色超薄丝袜脚交一区二区| 亚洲精品久久久久avwww潮水| 性视频播放免费视频| 国产精品久久久久久久免费看 | 车险| 乐都县| 长沙县| 诸城市| 久久久久久久97| 商洛市| 永善县| 欧洲精品码一区二区三区免费看| 亚洲色偷精品一区二区三区| 亚洲精品乱码久久久久久| 盐城市| 国产乡下妇女做爰| 久久发布国产伦子伦精品| 国产精品一区二区久久国产| 少妇高潮一区二区三区99| 成全看免费观看| 国产69精品久久久久久| 成全在线观看免费高清动漫| 国模无码大尺度一区二区三区| 鸡西市| 无码人妻一区二区三区精品视频| 久久午夜无码鲁丝片| 国产伦精品一区二区三区免费| 成全我在线观看免费观看| 梅河口市| 精品无码一区二区三区久久| 衡山县| 固原市| 色妺妺视频网| 潞西市| 国模精品一区二区三区| 涟水县| 躁躁躁日日躁| 国产全是老熟女太爽了| 鄂托克前旗| 人妻无码中文字幕免费视频蜜桃 | 永清县| 三人成全免费观看电视剧高清| 国产精品久久久久久亚洲毛片| 强行糟蹋人妻hd中文| 好吊视频一区二区三区| 贺兰县| 国产精品久久久一区二区三区| 卢氏县| 无码人妻aⅴ一区二区三区69岛 | 灵石县| 蒙山县| 德昌县| 高安市| 克山县| 资讯| 农村少妇野外a片www| 亚洲午夜精品久久久久久浪潮| 西丰县| 增城市| 阜平县| 精品国产乱码久久久久久1区2区 | 亚洲中文无码av在线| 中文字幕在线观看| 托克逊县| 国产又色又爽又高潮免费 | 中文字幕av一区二区三区| 凤庆县| 榆树市| 亚洲中文字幕在线观看| 99精品视频在线观看免费| 日本免费一区二区三区| 林西县| 亚洲 小说 欧美 激情 另类| 金秀| 中字幕一区二区三区乱码| 国产99久一区二区三区a片| 三年片免费观看影视大全满天星| 人妻洗澡被强公日日澡| 巴楚县| 久久人人爽人人爽人人片 | 琼中| 国产麻豆天美果冻无码视频| 汉阴县| 国产农村妇女精品一二区| 国产成人精品三级麻豆| 精品无码人妻一区二区三区| 国产超碰人人模人人爽人人添| 大关县| 色妞色视频一区二区三区四区| 成全世界免费高清观看| 亚洲高清毛片一区二区| 久久久久成人片免费观看蜜芽 | 国产精品揄拍100视频| 来凤县| 鄂州市| 熟妇高潮一区二区在线播放| 欧美乱妇日本无乱码特黄大片| 成全影院电视剧在线观看| 循化| 麻豆国产一区二区三区四区| 国产熟妇搡bbbb搡bbbb搡| 高清| 欧美不卡一区二区三区| 久久久久麻豆v国产精华液好用吗| 孝感市| 日日摸日日添日日碰9学生露脸| 固镇县| 无码视频一区二区三区| 施甸县| 三年大片大全观看免费| 亚洲精品一区久久久久久| 国产精品无码专区| 少妇高潮惨叫久久久久久| 精品无码久久久久成人漫画| 黔江区| 国产日韩欧美| 吕梁市| 布尔津县| 欧美日韩精品| 国精产品一区一区三区免费视频 | 精品人人妻人人澡人人爽牛牛 | 国产精品二区一区二区aⅴ污介绍| 荃湾区| 日韩精品人妻中文字幕有码| 国产真实伦对白全集| 中文字幕乱码无码人妻系列蜜桃| 屯留县| 大埔县| 久久久久无码精品亚洲日韩 | 国产精品av在线| 亚洲精品久久久蜜桃| 国产精品96久久久久久| 玉门市| 宝鸡市| 宾阳县| 亚洲中文字幕无码爆乳av| 亚洲欧美日韩一区二区| 国产性猛交╳xxx乱大交| 99久久精品国产一区二区三区| 精品国产18久久久久久| 三年片在线观看免费观看高清电影| 精品亚洲国产成av人片传媒| 茌平县| 亚洲欧美精品午睡沙发| 新宁县| 久久精品aⅴ无码中文字字幕重口 国产又爽又黄无码无遮挡在线观看 | 99精品久久毛片a片| 欧美黑人又粗又大的性格特点 | 亚洲国产精品18久久久久久| 性生交大片免费看l| 色噜噜狠狠色综合日日| 精品无码久久久久成人漫画| 激情久久av一区av二区av三区 | 女子spa高潮呻吟抽搐| 三年大片大全观看免费| 国产伦精品一区二区三区| 国产精品99久久久精品无码| xx性欧美肥妇精品久久久久久| 中国女人做爰视频| 一本一道久久a久久精品综合| 新干县| 狠狠躁18三区二区一区| 无码国产精品一区二区免费式直播| 精国产品一区二区三区a片 | 锡林浩特市| 交城县| 51国产偷自视频区视频| 97在线观看| 自拍偷自拍亚洲精品播放| 英德市| 焦作市| 临泉县| 五台县| 国产性猛交╳xxx乱大交| 极品人妻videosss人妻| 亚洲精品一区二区三区四区五区| 久久久久成人精品无码中文字幕 | 久久久久久无码午夜精品直播| 一边摸一边做爽的视频17国产| 洛川县| 措勤县| 97精品人人妻人人| 成人做受黄大片| 海晏县| 99无码熟妇丰满人妻啪啪| 隆安县| 欧美性生交大片免费看| 熟妇高潮喷沈阳45熟妇高潮喷| 黑巨茎大战欧美白妞| 无码少妇一区二区三区| 国产成人无码一区二区三区在线| 钟山县| 国产av一区二区三区| 亚洲日韩一区二区三区| 师宗县| 久久中文字幕人妻熟av女蜜柚m| 中文久久乱码一区二区| 亚洲最大成人网站| 郁南县| 午夜成人鲁丝片午夜精品| 闽清县| 洛浦县| 娇妻玩4p被三个男人伺候电影 | 国产真实伦对白全集| 欧美三根一起进三p| 摸bbb揉bbb揉bbb视频| 区。| 中文字幕精品无码一区二区| 江门市| 洛阳市| 乌拉特中旗| 綦江县| 丰县| 中文字幕一区二区三区乱码| 高淳县| 国产精品毛片va一区二区三区| 西充县| 海口市| 科技| 亚洲精品一区二区三区新线路| 日韩精品一区二区三区| 义马市| 国产精品毛片va一区二区三区| 莱州市| 国产麻豆剧果冻传媒白晶晶| 午夜家庭影院| 大田县| 人妻少妇一区二区三区| 亚洲最大成人网站| 中方县| 国产偷人妻精品一区| 熟妇人妻中文av无码| 成人欧美一区二区三区| 国产乱码一区二区三区| 密山市| 尉犁县| 成人h动漫精品一区二区| 精品乱子伦一区二区三区| 吴堡县| 国产免费一区二区三区免费视频| 射阳县| 无码人妻aⅴ一区二区三区69岛| 久久精品国产成人av| 精品人妻一区二区三区浪潮在线| 秋霞在线视频| 武平县| 苍梧县| 永登县| 白水县| 河曲县| 伊金霍洛旗| 喀喇| 建水县| 衡东县| 大肉大捧一进一出好爽| 佛坪县| 成人小说亚洲一区二区三区| 广元市| 色吊丝中文字幕| 亚洲午夜精品一区二区| 夏邑县| 成人免费视频在线观看| 少妇特黄a一区二区三区| 亚洲欧美一区二区三区| 欧美疯狂做受xxxxx高潮| 国精产品一区一区三区免费视频| 少妇性l交大片7724com| 国产suv精品一区二区| 中文字幕一区二区三区乱码| 高潮毛片又色又爽免费| 亚洲精品一区| 三年片在线观看免费观看大全动漫| 双流县| 久久久久久亚洲精品| 尼玛县| 男人扒女人添高潮视频| 成全免费高清观看在线电视剧大全 | 人妻无码一区二区三区| 东乡县| 内射干少妇亚洲69xxx| 日本三级吃奶头添泬无码苍井空| 罗江县| 久久久成人毛片无码| 国产无人区码一码二码三mba| 平潭县| 国产精品久久久一区二区| 吉林市| 封丘县| 惠来县| 榕江县| 施甸县| 平江县| 洪雅县| 新津县| 肥乡县| 国产福利视频| 综艺| 中文字幕一区二区三区乱码| 高青县| 国产精品无码专区av在线播放| 绥中县| 延吉市| 肉色超薄丝袜脚交一区二区| 芦山县| 性久久久久久久| 内射中出日韩无国产剧情| 高青县| 无码人妻av一区二区三区波多野| 将乐县| 清河县| 国产偷窥熟女精品视频大全| 亚洲小说欧美激情另类| 抚顺市| 国产农村妇女aaaaa视频| 成全视频在线观看大全腾讯地图| 南投市| 金华市| 天堂国产一区二区三区| 夜夜穞天天穞狠狠穞av美女按摩| 日韩一区二区a片免费观看| 欧美日韩精品久久久免费观看| 中文字幕人妻丝袜二区| 69精品人人人人| 天天躁日日躁aaaaxxxx| 亚洲熟妇色xxxxx欧美老妇| 泰宁县| 69久久精品无码一区二区| 久久久久99精品成人片直播| 天堂资源最新在线| 香蕉影院在线观看| 巨大黑人极品videos精品| 福鼎市| 国产成人av一区二区三区在线观看| 国产suv精品一区二区6| 成人精品视频99在线观看免费| 新平| 在线观看的av网站| 诸城市| 昆明市| 建始县| 石楼县| 百色市| 泊头市| 久久久久99精品国产片 | 成安县| 玛沁县| 岳西县| 成人免费无码大片a毛片| 999zyz玖玖资源站永久| 兴化市| 三年在线观看大全免费| 国产欧美综合一区二区三区| 日韩精品无码一区二区三区| 熟妇人妻中文字幕无码老熟妇| 国产肉体xxxx裸体784大胆| 三年大片免费观看大全电影| 亚洲蜜桃精久久久久久久久久久久| 亚洲 欧美 激情 小说 另类| 梨树县| 中文成人无字幕乱码精品区| 国产精品无码天天爽视频| 中文字幕乱妇无码av在线| 国产精品久久久久久久久久 | 榆树市| 欧美丰满老熟妇xxxxx性| 娄烦县| 红河县| 国产无遮挡aaa片爽爽| 浏阳市| 国精品人妻无码一区二区三区喝尿| 驻马店市| 日韩精品无码一区二区三区| 国产精品爽爽久久久久久| 晋州市| 余干县| 钟山县| 99久久人妻无码精品系列| 久久久久成人精品无码| 强行糟蹋人妻hd中文字幕| 南皮县| 惠安县| 平陆县| 北海市| 安国市| 吕梁市| 丰县| 特黄aaaaaaaaa毛片免费视频| 久久久无码人妻精品一区| 国产精品丝袜黑色高跟鞋| 康定县| 富裕县| 久久久精品中文字幕麻豆发布 | 无码国产69精品久久久久网站| 日韩精品视频一区二区三区| 久久久久久成人毛片免费看| 久久婷婷成人综合色| 吴忠市| 精品少妇一区二区三区免费观| 欧美午夜理伦三级在线观看 | 三人成全免费观看电视剧| 罗山县| 欧美一区二区三区成人片在线| 欧美乱人伦人妻中文字幕| 安乡县| 精品国产乱码一区二区三区 | 66亚洲一卡2卡新区成片发布| 鸡泽县| 亚洲高清毛片一区二区| 根河市| 男人的天堂在线视频| 兴和县| 石首市| 西林县| 汝南县| 图片区 小说区 区 亚洲五月| 久久久噜噜噜久久中文字幕色伊伊| 亚洲永久无码7777kkk| 中文字幕人成乱码熟女香港| 风韵丰满熟妇啪啪区老熟熟女 | 骚虎视频在线观看| 竹山县| 久久亚洲熟女cc98cm| 日产电影一区二区三区| 高清欧美性猛交xxxx黑人猛交| 人人澡超碰碰97碰碰碰| av无码一区二区三区| 大田县| 峡江县| 人与禽性动交ⅹxxx| 亚洲熟妇色xxxxx欧美老妇 | 国产精品成人99一区无码| 色综合久久88色综合天天 | 久久精品国产99精品国产亚洲性色| 怡红院av亚洲一区二区三区h| 国产在线视频一区二区三区| 国产露脸无套对白在线播放| 欧美 变态 另类 人妖| 山阴县| 白又丰满大屁股bbbbb| 亚洲男人天堂| 呼玛县| 丁香五香天堂网| 无码国产精品久久一区免费| 99久久久国产精品无码免费| 敖汉旗| 南部县| 国产无套中出学生姝| 成人欧美一区二区三区| 湟源县| 亚洲精品白浆高清久久久久久| 通化县| 秦安县| 措美县| 大战熟女丰满人妻av| 粗大的内捧猛烈进出| 彩票| 庆安县| 台前县| 甘肃省| 国产精品无码免费播放| 泰州市| 肥东县| 久久久久99精品国产片| 来宾市| 顺平县| 无码人妻av一区二区三区波多野| 一本色道久久综合无码人妻| 成全电影在线|