日本欧洲视频一区_国模极品一区二区三区_国产熟女一区二区三区五月婷_亚洲AV成人精品日韩一区18p

代寫DTS304TC、代做Java/c++程序語言

時間:2024-03-04  來源:  作者: 我要糾錯



XJTLU Entrepreneur College (Taicang) Cover Sheet
Module code and Title DTS304TC Machine Learning
School Title School of AI and Advanced Computing
Assignment Title Assessment Task 1
Submission Deadline 23:59, 24th March (Sunday), 2024
(China Time, GMT + 8)
Final Word Count N/A
If you agree to let the university use your work anonymously for teaching and 
learning purposes, please type “yes” here.
I certify that I have read and understood the University’s Policy for dealing with Plagiarism, Collusion 
and the Fabrication of Data (available on Learning Mall Online). With reference to this policy I certify 
that:
? My work does not contain any instances of plagiarism and/or collusion.
My work does not contain any fabricated data.
By uploading my assignment onto Learning Mall Online, I formally declare that all of the 
above information is true to the best of my knowledge and belief.
Scoring – For Tutor Use
Student ID 
Stage of Marking Marker
Code
Learning Outcomes Achieved (F/P/M/D)
(please modify as appropriate)
Final 
Score
A B C
1
st Marker – red pen
Moderation
– green pen
IM
Initials
The original mark has been accepted by the moderator (please circle 
as appropriate):
Y / N
Data entry and score calculation have been checked by another tutor 
(please circle):
Y
2
nd Marker if 
needed – green pen
For Academic Office Use Possible Academic Infringement (please tick as appropriate)
Date 
Received
Days 
late
Late 
Penalty
? Category A
Total Academic Infringement Penalty (A,B, 
C, D, E, Please modify where necessary) 
_____________________ 
? Category B
? Category C
? Category D
? Category E
DTS304TC Machine Learning
Coursework – Assessment Task 1
Submission deadline: TBD
Percentage in final mark: 50%
Learning outcomes assessed: 
A. Demonstrate a solid understanding of the theoretical issues related to problems that machine learning 
algorithms try to address.
B. Demonstrate understanding of properties of existing ML algorithms and new ones.
C. Apply ML algorithms for specific problems.
Individual/Group: Individual
Length: The assessment has a total of 4 questions which gives 100 marks. The submitted file must be in 
pdf format.
Late policy: 5% of the total marks available for the assessment shall be deducted from the assessment 
mark for each working day after the submission date, up to a maximum of five working days
Risks:
? Please read the coursework instructions and requirements carefully. Not following these instructions 
and requirements may result in loss of marks.
? The formal procedure for submitting coursework at XJTLU is strictly followed. Submission link on
Learning Mall will be provided in due course. The submission timestamp on Learning Mall will be 
used to check late submission.
__________________________________________________________________
Question 1: Coding Exercise - Heart Disease Classification with Machine Learning (50 Marks)
In this coding assessment, you are presented with the challenge of analyzing a dataset that contains 
patient demographics and health indicators to predict heart disease classifications. This entails solving a 
multi-class classification problem with five distinct categories, incorporating both categorical and 
numerical attributes.
Your initial task is to demonstrate proficiency in encoding categorical features and imputing missing 
values to prepare the dataset for training a basic classifier. Beyond these foundational techniques, you are 
invited to showcase your advanced skills. This may include hyperparameter tuning using sophisticated 
algorithms like the Asynchronous Successive Halving Algorithm (ASHA). You are also encouraged to 
implement strategies for outlier detection and handling, model ensembling, and addressing class 
imbalance to enhance your model's performance.
Moreover, an external test set without ground truth labels has been provided. Your classifier's 
performance will be evaluated based on this set, underscoring the importance of building a model with 
strong generalization capabilities.
The competencies you develop during this practical project are not only essential for successfully 
completing this assessment but are also highly valuable for your future pursuits in the field of data science.
Throughout this project, you are encouraged to utilize code that was covered during our Lab sessions, as 
well as other online resources for assistance. Please ensure that you provide proper citations and links to 
any external resources you employ in your work. However, the use of Generative AI for content 
generation (such as ChatGPT) is not permitted on all assessed coursework in this module.
Project Steps:
a) Feature Preprocessing (8 Marks)
 You are required to demonstrate four key preprocessing steps: loading the dataset, encoding 
categorical features, handling missing values, and dividing the dataset into training, validation, 
and test sets.
 It is crucial to consistently apply the same feature preprocessing steps—including encoding 
categorical features, handling missing values, and any other additional preprocessing or custom 
modifications you implement—across the training, validation, internal testing, and the externally 
provided testing datasets. For efficient processing, you may want to consider utilizing the 
sklearn.pipeline and sklearn.preprocessing library functions.
b) Training Classifiers (10 Marks)
 Train a logistic regression classifier with parameter tuned using grid search, and a random forest 
classifier with parameters tuned using Async Successive Halving Algorithm (ASHA) with 
ray[tune] libraries. You should optimize the model's AUC score during the hyperparameter tuning 
process.
 You should aim to optimize a composite score, which is the average of the classification accuracy 
and the macro-averaged F1 score. This objective encourages a balance between achieving high 
accuracy overall and ensuring that the classifier performs well across all classes in a balanced 
manner, which is especially important in multi-class classification scenarios where class 
imbalance might be a concern.
To clarify, your optimization goal is to maximize a composite accuracy metric defined as follows:
accuracy = 0.5 * (f1_score(gt, pred, average='macro') + accuracy_score(gt, pred))
In this formula, f1_score and accuracy_score refer to functions provided by the scikit-learn 
library, with f1_score being calculated with the 'macro' average to treat all classes equally.
 Ensure that you perform model adjustments, including hyperparameter tuning, on the validation 
set rather than the testing set to promote the best generalization of your model.
 We have included an illustrative example of how to implement the ASHA using the ray[tune] 
library. Please refer to the notebook DTS304TC_ASHA_with_Ray_Tune_Example.ipynb located 
in our project data folder for details.
c) Additional Tweaking and External Test Set Benchmark (19 Marks)
 You are encouraged to explore a variety of advanced techniques to improve your model's 
predictive power. 
1. Utilizing different classifiers, for example, XGBoost.
2. Implementing methods for outlier detection and treatment.
3. Creating model ensembles with varied validation splits.
4. Addressing issues of class imbalance.
5. Applying feature engineering strategies, such as creating composite attributes.
6. Implementing alternative validation splitting strategies, like cross-validation or stratified 
sampling, to enhance model tuning.
7. Additional innovative and valid methods not previously discussed.
You will be awarded 3 marks for successfully applying any one of these methods. Should you 
incorporate two or more of the aforementioned techniques, a total of 6 marks will be awarded.
Please include code comments that explain how you have implemented these additional 
techniques. Your code and accompanying commentary should explicitly state the rationale behind 
the selection of these supplementary strategies, as well as the underlying principles guiding your 
implementation. Moreover, it should detail any changes in performance, including improvements, 
if any, resulting from the application of these strategies. An additional 4 marks will be awarded 
for a clear and comprehensive explanation. To facilitate a streamlined review and grading 
process, please ensure that your comments and relevant code are placed within a separate code 
block in your Jupyter notebook, in a manner that is readily accessible for our evaluation.
 Additionally, utilize the entire dataset and the previously determined optimal hyperparameters
and classification pipeline to retrain your top-performing classifier. Then, apply this model to the 
features in 'dts304tc_a1_heart_disease_dataset_external_test.csv', which lacks true labels, to 
produce a set of predictive probability scores. Save these probabilistic scores in a table with two 
columns: the first column for patient IDs and the second for the output classification labels. 
Export this table to a file named external_test_results_[your_student_id].csv. Submit this file for 
evaluation. In the external evaluation conducted by us, your scores will be benchmarked against 
the performance of models developed by your classmates. You will receive four marks for 
successfully completing the prescribed classifier retraining and submission process. Additionally, 
your classifier's benchmark ranking—based on its performance relative to models developed by 
your peers—will be assigned five marks, contingent upon your standing in the ranking.
d) Result Analysis (8 Marks)
 For your best-performing model, compute critical performance metrics such as precision, recall, 
specificity, and the F1 score for each class. Additionally, generate the confusion matrix based on 
your internal test set. Ensure that the code for calculating these performance metrics, as well as 
the resulting statistics, are clearly displayed within your Jupyter notebook. For ease of review, 
position these elements towards the end of your notebook to provide direct access to your 
outcomes.
 Conduct a feature importance analysis by utilizing the feature importance scoring capabilities 
provided by your chosen classifier. What are the top three most important features for classifying 
this medicial condition? If your best performing model does not offer feature importance scoring, 
you may utilize an alternative model for this analysis. Present the results of the feature 
importance analysis within your Jupyter notebook using print statements or code comments. 
Place these relevant code and findings towards the end of the notebook to facilitate easy review of 
your results.
e) Project Submission Instructions (5 Marks - Important, Please Read!)
 Submit your Jupyter notebook in both .ipynb and .PDF formats. Ensure that in the PDF version, 
all model execution results, as well as your code annotations and analyses, are clearly visible. It is 
critical to maintain a well-organized structure in your Jupyter notebook, complemented by clear 
commentary using clean code practices. Your submission's readability and navigability are 
crucial; we cannot assign a score if we cannot understand or locate your code and results. You 
will receive 5 points for clarity in code structure and quality of code comments.
To maintain the readability of your code when converting your Jupyter notebook to a PDF, ensure 
that no single line of code extends beyond the printable page margin, thus preventing line 
truncation. If necessary, utilize line continuation characters or implicit line continuation within 
parentheses, brackets, or braces in Python to break up longer lines of code. After converting to 
PDF, thoroughly review the document to confirm that all code is displayed completely and that 
no line truncation has occurred.
If you have written supplementary code that is not contained within the Jupyter notebook, you 
must submit that as well to guarantee that your Jupyter notebook functions correctly. 
Nevertheless, our primary basis for grading will be the PDF version of your Jupyter notebook. 
Please ensure that all necessary code is included so that the notebook can be executed seamlessly,
and your results are reproducible.
 Submit the results of your external test as a file named external_test_[your_student_id].csv. This 
CSV file must be correctly formatted: the first column must contain patient IDs, and the second 
column must list your predicted classification labels. Any deviation from this format may result 
in the file being unprocessable by our grading software, and therefore unable to be scored.
Project Material Access Instructions
To obtain the complete set of materials for our project, including the dataset, code, and Jupyter notebook 
files, please use the links provided below:
 (OneDrive Link): https://1drv.ms/u/s!AoRfWDkanfAYnvcrXTKMGhNzRztf0g?e=JDwmbR
 (Baidu Drive Link): https://pan.baidu.com/s/1AXSRYO6ujTu1iNspdkIuUA?pwd=h4js
Download password: h4js
When prompted, use the following password to unlock the zip file: DTS304TC (please note that it is case?sensitive and should be entered in all capital letters).
Additionally, for ease of reference, the project's Jupyter notebooks have been appended to the end of this 
document.
Please note that the primary library dependencies for this project include pandas, scikit-learn, xgboost, 
and the ray library with the tune module enabled (ray[tune]).
Question 2: Ensemble Learning (18 marks):
Students are required not to use AI models, such as ChatGPT, for assistance with this question. 
You should give clear calculation steps and explain the relevant concepts using your own words.
(a) Majority Voting with Independent Classifiers (8 Marks)
1. Given individual classifiers C1, C2, and C3 with statistically independent error rates of 40%, 35%, 
and 35% respectively, calculate the accuracy of the majority voting ensemble composed of classifiers 
C1, C2, and C3. Provide the steps you use to determine the ensemble's accuracy, assuming the 
classifiers' decisions are statistically independent. (5 Marks)
(Hints: Calculate the ensemble 's accuracy by summing the probability that all classifiers are correct with 
the probabilities of exactly two classifiers being correct while the third is incorrect)
2. Point out the similarities and differences between the majority voting ensemble method and Random 
Forest, emphasizing the strategies employed by Random Forest to attain higher accuracy. (3 Marks)
(b) AdaBoost Algorithm (10 Marks)
Consider the process of creating an ensemble of decision stumps, referred to as ????, through the standard 
AdaBoost method.
The diagram above shows several two-dimensional labeled points along with the initial decision stump 
we've chosen. This stump gives out binary values and makes its decisions based on a single variable (the 
cut-off). In the diagram, there's a tiny arrow perpendicular to the classifier's boundary that shows where 
the classifier predicts a +1. Initially, every point has the same weight.
1. Identify all the points in the above diagram that will have their weights increased after adding the 
initial decision stump (adjustments to AdaBoost sample weights after the initial stump is used) (2 
marks)
2. On the same diagram, draw another decision stump that could be considered in the next round of 
boosting. Include the boundary where it makes its decision and indicate which side will result in a +1 
prediction. (2 marks)
3. Will the second basic classifier likely get a larger importance score in the group compared to the first 
one? To put it another way, will ??2 > ??1? Just a short explanation is needed (Calculations are not 
required). (3 marks)
4. Suppose you have trained two models on the same set of data: one with AdaBoost and another with a 
Random Forest approach. The AdaBoost model does better on the training data than the Random 
Forest model. However, when tested on new, unseen data, the Random Forest model performs better. 
What could explain this difference in performance? What can be done to make the AdaBoost model 
perform better? (3 marks)
Question 3: K-Means and GMM Clustering (7 marks)
Students are required not to use AI models, such as ChatGPT, for assistance with this question. 
You should give clear analysis steps and explain the relevant concepts using your own words.
1. Reflect on the provided data for training and analyze the outcomes of K-Means and GMM techniques. 
Can we anticipate identical centroids from these clustering methods? Please state your reasoning. (3
marks)
2. Determine which of the given cluster assignments could be a result of applying K-means clustering, 
and which could originate from GMM clustering, providing an explanation for your reasoning. (4 
marks)
Question 4 - Reinforcement Learning (25 marks)
Students are required not to use AI models, such as ChatGPT, for assistance with this question. 
You should give clear analysis steps and explain the relevant concepts using your own words.
1. Describe the five key components of reinforcement learning using the graph below, explain each of 
the components and their relationships. (10 marks.)
import gym
import numpy as np
env = gym.make('CartPole-v1')
state_space_size = env.observation_space.shape[0]
action_space_size = env.action_space.n
q_table = np.zeros((state_space_size, action_space_size))
learning_rate = 0.1
discount_factor = 0.99
epsilon = 0.1
num_episodes = 1000
# Q-learning algorithm
for episode in range(num_episodes):
 state = env.reset()
 done = False
 while not done:
 # Exploration-exploitation strategy
 if np.random.uniform(0, 1) < epsilon:
 action = env.action_space.sample() # Explore
 else:
 action = np.argmax(q_table[state, :]) # Exploit
 # Take action and observe the next state and reward
 next_state, reward, done, _ = env.step(action)
 # Update Q-value using the Q-learning formula
 q_table[state, action] = (1 - learning_rate) * q_table[state, action] +
 learning_rate * (reward + discount_factor * np.max(q_table[next_state, :]))
 # Move to the next state
 state = next_state
# Testing the learned policy
total_reward = 0
state = env.reset()
while True:
 action = np.argmax(q_table[state, :])
 state, reward, done, _ = env.step(action)
 total_reward += reward
 if done:
 break
print(f"Total reward: {total_reward}")
2. The questions below refer to the above code example:
a) What is the significance of the exploration-exploitation strategy in reinforcement learning, and how is 
it implemented in the code? (5 marks)
b) How would you change this code to use deep learning? You don’t need to write the code, only 
describe the major changes you would make and explain the advantage of deep learning approaches 
over the Q-table. (5 marks)
c) Describe the current reward function for Cartpole. Design a reward function of your own and explain 
your reward function. (5 marks)

.ip… 1/2
# to student: this is an code snapshot showing how to use ray tune framework to 
# you are responsible for completing the code, debugging and making sure it work
import sklearn.datasets
from sklearn.ensemble import RandomForestClassifier
from sklearn.metrics import accuracy_score
from sklearn import metrics
import os
from ray.tune.schedulers import ASHAScheduler
from sklearn.model_selection import train_test_split
from ray import tune
from ray import train
def train_rf(config: dict, data=None):
 # Initialize the RandomForestClassifier with the configuration
 classifier = RandomForestClassifier(
 n_estimators=config["n_estimators"],
 max_depth=config["max_depth"],
 min_samples_split=config["min_samples_split"],
 min_samples_leaf=config["min_samples_leaf"],
 class_weight="balanced",
 random_state=42
 )
 
 # Fit the RandomForestClassifier on the training data
 X_train = data[0]
 y_train = data[1]
 X_validation = data[2]
 y_validation = data[3]
 # To Be filled: Train your Random Forest Classifier here
 # To Be filled: Evaluate the classifier on the validation set here and get e
 
 # Send the accuracy to Ray Tune
 train.report({'accuracy': accuracy})
# note that X_train, y_train, X_validation, y_validation are your training and v
tunable_function = tune.with_parameters(train_rf, data=[X_train, y_train, X_vali
def tune_random_forest(smoke_test=False):
 # Define the search space for hyperparameters
 search_space = {
 "n_estimators": # setup your search space here
 "max_depth": # setup your search space here
 "min_samples_split": # setup your search space here
 "min_samples_leaf": # setup your search space here
 }
 
 # Define the scheduler for early stopping
 scheduler = ASHAScheduler(
 max_t= # setup your ASHA parameter here,
 grace_period=# setup your ASHA parameter here,
 reduction_factor=# setup your ASHA parameter here
 )
 
 # Set up the tuner
 tuner = tune.Tuner(
 tunable_function,
In [ ]:

.ip… 2/2
 tune_config=tune.TuneConfig(
 metric="accuracy",
 mode="max",
 scheduler=scheduler,
 num_samples=1 if smoke_test else 200,
 ),
 param_space=search_space,
 )
 
 # Execute the tuning process
 results = tuner.fit()
 
 return results
# Run the tuning function
best_results = tune_random_forest(smoke_test=False)
best_trial = best_results.get_best_result(metric="accuracy", mode="max")
# Get the best trial's hyperparameters
best_params = best_trial.config
# Print the best hyperparameters
print("Best hyperparameters found were: ", best_params)
# Initialize a new RandomForestClassifier with the best hyperparameters
best_rf = RandomForestClassifier(**best_params, random_state=42)
# The remaining part of your code continues ....

請加QQ:99515681  郵箱:99515681@qq.com   WX:codehelp 



 

標(biāo)簽:

掃一掃在手機打開當(dāng)前頁
  • 上一篇:AcF633代做、Python設(shè)計編程代寫
  • 下一篇:SCC312代做、代寫Java編程語言
  • 無相關(guān)信息
    昆明生活資訊

    昆明圖文信息
    蝴蝶泉(4A)-大理旅游
    蝴蝶泉(4A)-大理旅游
    油炸竹蟲
    油炸竹蟲
    酸筍煮魚(雞)
    酸筍煮魚(雞)
    竹筒飯
    竹筒飯
    香茅草烤魚
    香茅草烤魚
    檸檬烤魚
    檸檬烤魚
    昆明西山國家級風(fēng)景名勝區(qū)
    昆明西山國家級風(fēng)景名勝區(qū)
    昆明旅游索道攻略
    昆明旅游索道攻略
  • NBA直播 短信驗證碼平臺 幣安官網(wǎng)下載 歐冠直播 WPS下載

    關(guān)于我們 | 打賞支持 | 廣告服務(wù) | 聯(lián)系我們 | 網(wǎng)站地圖 | 免責(zé)聲明 | 幫助中心 | 友情鏈接 |

    Copyright © 2025 kmw.cc Inc. All Rights Reserved. 昆明網(wǎng) 版權(quán)所有
    ICP備06013414號-3 公安備 42010502001045

    日本欧洲视频一区_国模极品一区二区三区_国产熟女一区二区三区五月婷_亚洲AV成人精品日韩一区18p

              9000px;">

                        午夜精品一区二区三区免费视频 | 日韩一区二区免费在线观看| 91国内精品野花午夜精品| 91视视频在线观看入口直接观看www | 综合久久久久综合| 一区二区三区在线免费视频| 一区二区三区在线看| 一个色在线综合| 捆绑紧缚一区二区三区视频| 夫妻av一区二区| 在线视频一区二区三| 欧美一区2区视频在线观看| 久久综合色8888| 亚洲老司机在线| 久久97超碰国产精品超碰| 99精品黄色片免费大全| 精品视频在线免费看| 精品播放一区二区| 又紧又大又爽精品一区二区| 另类小说图片综合网| 色综合久久中文字幕| 久久毛片高清国产| 尤物视频一区二区| 国产一区二区三区不卡在线观看 | 3d动漫精品啪啪| 久久久三级国产网站| 一区二区三区不卡在线观看| 成人动漫在线一区| 欧美男生操女生| 久久精品视频免费| 天天色综合天天| gogo大胆日本视频一区| 日韩视频在线一区二区| 26uuu精品一区二区在线观看| 亚洲欧美aⅴ...| 三级一区在线视频先锋| 欧美日韩久久不卡| 亚洲日本欧美天堂| 国产一区二区三区精品欧美日韩一区二区三区 | 国产福利一区在线观看| 色婷婷国产精品| 国产精品久99| 国内外成人在线视频| 欧美日本在线观看| 亚洲蜜臀av乱码久久精品| 成人app网站| 久久精品一区二区| 成人一级视频在线观看| 国产精品日韩成人| 色综合久久天天| 亚洲成人在线观看视频| 91精品国产色综合久久久蜜香臀| 蜜臀精品久久久久久蜜臀| 欧美成va人片在线观看| 国产一区二区日韩精品| 国产亚洲精品bt天堂精选| 国产激情一区二区三区桃花岛亚洲| 久久精品夜色噜噜亚洲a∨| 国产sm精品调教视频网站| 1000精品久久久久久久久| 欧美综合一区二区| 日本不卡中文字幕| 日韩视频一区在线观看| 激情丁香综合五月| 国产亚洲欧美一区在线观看| 国产suv一区二区三区88区| 国产精品免费人成网站| 91色九色蝌蚪| 亚洲男人的天堂av| 欧美日韩高清影院| 亚洲第一成年网| 精品国产一区二区三区久久久蜜月| 国产精品福利一区二区三区| 欧美色电影在线| 国产精品久久久久久妇女6080| 色综合视频在线观看| 国产日产欧美一区二区三区| 91麻豆自制传媒国产之光| 国产日韩欧美不卡在线| 色天使色偷偷av一区二区| 国产亚洲一二三区| 在线观看日韩av先锋影音电影院| 国产日韩欧美一区二区三区乱码| 不卡电影免费在线播放一区| 亚洲电影在线播放| 欧美日韩在线播放三区| 亚洲欧洲成人精品av97| 欧美男女性生活在线直播观看| 久久国产福利国产秒拍| 亚洲国产精品二十页| 欧美日韩亚洲综合一区| 看片的网站亚洲| 亚洲视频免费看| 欧美三级乱人伦电影| 免费久久99精品国产| 久久精品人人做人人爽人人| 99久久精品国产网站| 亚洲成人av资源| 久久久久久久综合色一本| eeuss鲁片一区二区三区在线看| 艳妇臀荡乳欲伦亚洲一区| 56国语精品自产拍在线观看| 激情综合亚洲精品| 亚洲色图一区二区三区| www.亚洲免费av| 亚洲成人自拍一区| 国产日韩欧美电影| 日韩精品中文字幕一区| 成人毛片视频在线观看| 精品制服美女久久| 亚洲黄一区二区三区| 亚洲国产精华液网站w| 欧美美女喷水视频| 色播五月激情综合网| 国产乱码精品一区二区三| 免费日本视频一区| 亚洲色大成网站www久久九九| 国产欧美日本一区二区三区| 欧美另类久久久品| 欧美系列亚洲系列| 日韩中文字幕亚洲一区二区va在线| 日韩理论片一区二区| 欧美精品三级日韩久久| 99riav久久精品riav| 国产成人精品亚洲777人妖 | 在线免费不卡电影| 成人免费毛片app| 国产乱对白刺激视频不卡| 偷拍亚洲欧洲综合| 国产女人aaa级久久久级| 日韩精品一区二区三区swag | 1区2区3区欧美| 久久精品亚洲乱码伦伦中文| 日韩欧美一二区| 欧美电影在线免费观看| 欧美男女性生活在线直播观看| 国产另类ts人妖一区二区| 国产美女主播视频一区| 国产成人av影院| 国产福利一区二区| 国产成人aaa| 国产精品亚洲专一区二区三区| 国产高清一区日本| 国产一区二区福利视频| 成人午夜精品一区二区三区| 国产美女av一区二区三区| 国产成人精品免费一区二区| 日本不卡一区二区三区| 秋霞午夜鲁丝一区二区老狼| 久草在线在线精品观看| 久久爱另类一区二区小说| 福利一区福利二区| 国产美女在线精品| 91小视频免费看| 激情图片小说一区| 成人精品一区二区三区中文字幕| 蜜臀av一区二区在线观看| 国产综合一区二区| 亚洲免费观看高清| 日本不卡视频在线观看| 国产美女在线观看一区| 国产白丝网站精品污在线入口| 爽爽淫人综合网网站| 国产伦精品一区二区三区免费 | 国产福利一区二区| 成人免费看的视频| 91在线观看下载| 91精品国产色综合久久| 国产欧美视频在线观看| 国产精品成人网| 日本视频一区二区三区| 日本一区二区三区免费乱视频| 亚洲综合999| 日本不卡高清视频| 99国产精品久久久| 欧美日产国产精品| 国产精品久久二区二区| 国产免费成人在线视频| 午夜精品一区二区三区免费视频 | 欧美日本韩国一区| 精品噜噜噜噜久久久久久久久试看| 国产精品女主播av| 一区二区三区在线免费视频| 国产在线视频一区二区| 99久久99久久精品免费观看| 精品福利视频一区二区三区| 欧美精品一区二区久久婷婷| 国产精品久久久久久久久免费桃花 | 国产高清无密码一区二区三区| 91丨九色丨蝌蚪丨老版| 久久综合久久99| 国产区在线观看成人精品| 日韩在线观看一区二区| 色先锋久久av资源部| 26uuu另类欧美| 久久97超碰色| 欧美天堂亚洲电影院在线播放| 国产精品久线观看视频| 久久综合狠狠综合久久激情| 亚洲国产裸拍裸体视频在线观看乱了 |