SIT720 Machine Learning Assessment Task 5: Machine Learning Project. ©Deakin University XXXXXXXXXX1 XXXXXXXXXXSIT720 This document supplies detailed information on Assessment Task 5 for this unit. Key...

1 answer below »
Machine learning subject


SIT720 Machine Learning Assessment Task 5: Machine Learning Project. ©Deakin University 1 SIT720 This document supplies detailed information on Assessment Task 5 for this unit. Key information • Due: Sunday 10 October 2021 by 8.00 pm (AEST), • Weighting: 35% Learning Outcomes This assessment assesses the following Unit Learning Outcomes (ULO) and related Graduate Learning Outcomes (GLO): Unit Learning Outcome (ULO) Graduate Learning Outcome (GLO) ULO6 - Perform model selection and compute relevant evaluation measure for a given problem. ULO7 - Use concepts of machine learning algorithms to design solution and compare multiple solutions. GLO1 - Discipline-specific knowledge and capabilities GLO2 - Communication GLO4 - Critical thinking GLO5 - Problem solving GLO6 - Self-management Purpose This assessment is an extensive machine learning project. The task is open in nature, where students should make all design decisions to solve a problem and justify their decisions. In addition, they have to design and develop solutions that are better than any existing solutions. Assessment 5 Total marks = 35 Submission Instructions a) Submit your solution codes into a notebook file with “.ipynb” extension. Write discussions and explanations including outputs and figures into a separate file and submit as a PDF file. b) Submission other than the above-mentioned file formats will not be assessed and given zero for the entire submission. c) Insert your Python code responses into the cell of your submitted “.ipynb” file followed by the question i.e., copy the question by adding a cell before the solution cell. If you need multiple cells for better presentation of the code, add question only before the first solution cell. d) Your submitted code should be executable. If your code does not generate the submitted solution, then you will get zero for that part of the marks. e) Answers must be relevant and precise. f) No hard coding is allowed. Avoid using specific value that can be calculated from the data provided. g) Use all the topics covered in the unit for answering this assignment. h) Submit your assignment after running each cell individually. i) The submitted notebook file name should be of this form “SIT720_A5_studentID.ipynb”. For example, if your student ID is 1234, then the submitted file name should be “SIT720_A5_1234.ipynb”. ________________________________________________________________________________ SIT720 Machine Learning Assessment Task 5: Machine Learning Project. ©Deakin University 2 SIT720 Questions ________________________________________________________________________________ Background In this project you are given a dataset and an article that uses this dataset. The authors have developed ten ML models for predicting survival of patients with heart failure and compared their performance. You must read the article to understand the problem, the dataset, and the methodology to complete the following tasks. Dataset The dataset contains the medical records of patients who had heart failure, collected during their follow-up period. Each patient profile has 13 clinical features. A detailed description of the dataset can be found in the Dataset section of the provided article (patient_survival_prediction.pdf). Tasks: 1. Read the article and reproduce the results presented in Table-4 using Python modules and packages (including your own script or customised codes). Write a report summarising the dataset, used ML methods, experiment protocol and results including variations, if any. During reproducing the results: (10 marks) i) you should use the same set of features used by the authors. ii) you should use the same classifier with exact parameter values. iii) you should use the same training/test splitting approach as used by the authors. iv) you should use the same pre/post processing, if any, used by the authors. v) you should report the same performance metrics as shown in Table-4. N.B. (i) Some of the ML methods are not covered in the current unit. Consider them as HD tasks i.e., based on the knowledge gained in the unit you should be able to find necessary packages and modules to reproduce the results. (ii) If you find any issue in reproducing results or some subtle variations are found due to implementation differences of packages and modules in Python then appropriate explanation of them will be considered during evaluation of your submission. (iii) Similarly, variation in results due to randomness of data splitting will also be considered during evaluation based on your explanation. (iii) Obtained marks will be proportional to the number of ML methods that you will report in your submission with correctly reproduced results. (iv) Make sure your Python code segment generates the reported results, otherwise you will receive zero marks for this task. Marking criteria: i) Unsatisfactory (x<5): tried="" to="" implement="" the="" methods="" but="" unable="" to="" follow="" the="" approach="" presented="" in="" the="" article.="" variation="" of="" marks="" in="" this="" group="" will="" depend="" on="" the="" quality="" of="" report.="" ii)="" fair=""><><6): appropriately="" implemented="" 50%="" of="" the="" methods="" presented="" in="" the="" article.="" variation="" of="" marks="" in="" this="" group="" will="" depend="" on="" the="" quality="" of="" report.="" iii)="" good=""><><8): appropriately="" implemented="" 70%="" of="" the="" methods="" presented="" in="" the="" article.="" variation="" of="" marks="" in="" this="" group="" will="" depend="" on="" the="" quality="" of="" report.="" iv)="" excellent(x="">=8): appropriately implemented >=90% of the methods presented in the article. Variation of marks in this group will depend on the quality of report. SIT720 Machine Learning Assessment Task 5: Machine Learning Project. ©Deakin University 3 SIT720 2. Design and develop your own ML solution for this problem. The proposed solution should be different from all approaches mentioned in the provided article. This does not mean that you must have to choose a new ML algorithm. You can develop a novel solution by changing the feature selection approach or parameter optimisations process of used ML methods or using different ML methods or different combinations of them. This means, the proposed system should be substantially different from the methods presented in the article but not limited to only change of ML methods. Compare the result with reported methods in the article. Write a technical report summarising your solution design and outcomes. The report should include: (20 marks) i) Motivation behind the proposed solution. ii) How the proposed solution is different from existing ones. iii) Detail description of the model including all parameters so that any reader can implement your model. iv) Description of experimental protocol. v) Evaluation metrics. vi) Present results using tables and graphs. vii) Compare and discuss results with respect to existing literatures. viii) Appropriate references (IEEE numbered). N.B. This is a HD (High Distinction) level question. Those students who target HD grade should answer this question (including answering all the above questions). For others, this question is an option. This question aims to demonstrate your expertise in the subject area and the ability to do your own research in the related area. Marking criteria: (i) Unsatisfactory (<10): an="" appropriate="" solution="" presented="" whose="" performance="" is="" lower="" than="" the="" reported="" performances="" in="" the="" article="" (table="" 11).="" the="" variation="" in="" the="" marking="" in="" this="" group="" will="" depend="" on="" the="" quality="" of="" the="" report.="" (i)="" fair="" (10="" -=""><14): an="" appropriate="" solution="" presented="" whose="" performance="" is="" at="" least="" equal="" with="" the="" lowest="" performance="" reported="" in="" the="" article="" (table="" 11).="" the="" variation="" in="" the="" marking="" in="" this="" group="" will="" depend="" on="" the="" quality="" of="" the="" report.="" (ii)="" good="" (="">=14): an appropriate solution presented whose performance is better than the best reported performances in the article
Answered 4 days AfterOct 05, 2021Deakin University

Answer To: SIT720 Machine Learning Assessment Task 5: Machine Learning Project. ©Deakin University XXXXXXXXXX1...

Suraj answered on Oct 09 2021
142 Votes
{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# Part 1 Creating different models with same as article "
]
},
{
"cell_type": "code",
"execution_count": 1,
"metadata": {},
"outputs": [],
"source": [
"import warnings\n",
"import os\n",
"import pandas as pd\n",
"import numpy as np\n",
"from sklearn.linear_model import LogisticRegression\n",
"from sklearn.ensemble import RandomForestClassifier\n",
"from sklearn.naive_bayes import GaussianNB\n",
"from sklearn.tree import DecisionTreeClassifier\n",
"from sklearn.svm import SVC\n",
"from sklearn.neighbors import KNeighborsClassifier\n",
"from sklearn.ensemble import GradientBoostingClassifier\n",
"from sklearn.model_selection import train_test_split\n",
"from sklearn.metrics import make_scorer,precision_score,recall_score,f1_score,accuracy_score,roc_auc_score,matthews_corrcoef\n",
"from sklearn.model_selection import cross_validate"
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [],
"source": [
"warnings.filterwarnings(\"ignore\")\n",
"os.chdir(\"C:/Users/Hp/Desktop\")"
]
},
{
"cell_type": "code",
"execution_count": 8,
"metadata": {},
"outputs": [
{
"data": {
"text/html": [
"
\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"
ageanaemiacreatinine_phosphokinasediabetesejection_fractionhigh_blood_pressureplateletsserum_creatinineserum_sodiumsexsmokingtimeDEATH_EVENT
075.005820201265000.001.91301041
155.0078610380263358.031.11361061
265.001460200162000.001.31291171
350.011110200210000.001.91371071
465.011601200327000.002.71160081
\n",
"
"
],
"text/plain": [
" age anaemia creatinine_phosphokinase diabetes ejection_fraction \\\n",
"0 75.0 0 582 0 20 \n",
"1 55.0 0 7861 0 38 \n",
"2 65.0 0 146 0 20 \n",
"3 50.0 1 111 0 20 \n",
"4 65.0 1 160 1 20 \n",
"\n",
" high_blood_pressure platelets serum_creatinine serum_sodium sex \\\n",
"0 1 265000.00 1.9 130 1 \n",
"1 0 263358.03 1.1 136 1 \n",
"2 0 162000.00 1.3 129 1 \n",
"3 0 210000.00 1.9 137 1 \n",
"4 0 327000.00 2.7 116 0 \n",
"\n",
" smoking time DEATH_EVENT \n",
"0 0 4 1 \n",
"1 0 6 1 \n",
"2 1 7 1 \n",
"3 0 7 1 \n",
"4 0 8 1 "
]
},
"execution_count": 8,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"df=pd.read_csv(\"heart.csv\")\n",
"df.head()"
]
},
{
"cell_type": "code",
"execution_count": 9,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"(299, 13)"
]
},
"execution_count": 9,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"df.shape # for checking dimension of the data frame"
]
},
{
"cell_type": "code",
"execution_count": 28,
"metadata": {},
"outputs": [
{
"data": {
"text/html": [
"
\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"
ageanaemiacreatinine_phosphokinasediabetesejection_fractionhigh_blood_pressureplateletsserum_creatinineserum_sodiumsexsmokingtimeDEATH_EVENT
count299.000000299.000000299.000000299.000000299.000000299.000000299.000000299.00000299.000000299.000000299.00000299.000000299.00000
mean60.8338930.431438581.8394650.41806038.0836120.351171263358.0292641.39388136.6254180.6488290.32107130.2608700.32107
std11.8948090.496107970.2878810.49406711.8348410.47813697804.2368691.034514.4124770.4781360.4676777.6142080.46767
min40.0000000.00000023.0000000.00000014.0000000.00000025100.0000000.50000113.0000000.0000000.000004.0000000.00000
25%51.0000000.000000116.5000000.00000030.0000000.000000212500.0000000.90000134.0000000.0000000.0000073.0000000.00000
50%60.0000000.000000250.0000000.00000038.0000000.000000262000.0000001.10000137.0000001.0000000.00000115.0000000.00000
75%70.0000001.000000582.0000001.00000045.0000001.000000303500.0000001.40000140.0000001.0000001.00000203.0000001.00000
max95.0000001.0000007861.0000001.00000080.0000001.000000850000.0000009.40000148.0000001.0000001.00000285.0000001.00000
\n",
"
"
],
"text/plain": [
" age anaemia creatinine_phosphokinase diabetes \\\n",
"count 299.000000 299.000000 299.000000 299.000000 \n",
"mean 60.833893 0.431438 581.839465 0.418060 \n",
"std 11.894809 0.496107 970.287881 0.494067 \n",
"min 40.000000 0.000000 23.000000 0.000000 \n",
"25% 51.000000 0.000000 116.500000 0.000000 \n",
"50% 60.000000 0.000000 250.000000 0.000000 \n",
"75% 70.000000 1.000000 582.000000 1.000000 \n",
"max 95.000000 1.000000 7861.000000 1.000000 \n",
"\n",
" ejection_fraction high_blood_pressure platelets \\\n",
"count 299.000000 299.000000 299.000000 \n",
"mean 38.083612 0.351171 263358.029264 \n",
"std 11.834841 0.478136 97804.236869 \n",
"min 14.000000 0.000000 25100.000000 \n",
"25% 30.000000 0.000000 212500.000000 \n",
"50% 38.000000 0.000000 262000.000000 \n",
"75% 45.000000 1.000000 303500.000000 \n",
"max 80.000000 1.000000 850000.000000 \n",
"\n",
" serum_creatinine serum_sodium sex smoking time \\\n",
"count 299.00000 299.000000 299.000000 299.00000 299.000000 \n",
"mean 1.39388 136.625418 0.648829 0.32107 130.260870 \n",
"std 1.03451 4.412477 0.478136 0.46767 77.614208 \n",
"min 0.50000 113.000000 0.000000 0.00000 4.000000 \n",
"25% 0.90000 134.000000 0.000000 0.00000 73.000000 \n",
"50% 1.10000 137.000000 1.000000 0.00000 115.000000 \n",
"75% 1.40000 140.000000 1.000000 1.00000 203.000000 \n",
"max 9.40000 148.000000 1.000000 1.00000 285.000000 \n",
"\n",
" DEATH_EVENT \n",
"count 299.00000 \n",
"mean 0.32107 \n",
"std 0.46767 \n",
"min 0.00000 \n",
"25% 0.00000 \n",
"50% 0.00000 \n",
"75% 1.00000 \n",
"max 1.00000 "
]
},
"execution_count": 28,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"df.describe() # descriptive statistics"
]
},
{
"cell_type": "code",
"execution_count": 11,
"metadata": {},
"outputs": [],
"source": [
"#spliting data set\n",
"dep_var=df.iloc[:,12:]\n",
"ind_var=df.iloc[:,:12]\n",
"x_train,x_test,y_train,y_test=train_test_split(ind_var,dep_var,train_size=0.80,random_state=0) # 80% training-testing rule"
]
},
{
"cell_type": "code",
"execution_count": 18,
"metadata": {},
"outputs": [],
"source": [
"# Decision tree\n",
"tree = DecisionTreeClassifier()\n",
"tree=tree.fit(x_train,y_train)\n",
"y_pred=tree.predict(x_test)\n",
"scores={\"precision\":make_scorer(precision_score),\"recall\":make_scorer(recall_score),\n",
" \"f1_score\":make_scorer(f1_score),\"Accuracy\":make_scorer(accuracy_score),\"Roc\":make_scorer(roc_auc_score),\n",
" \"MCC\":make_scorer(matthews_corrcoef)}\n",
"kfold=cross_validate(tree,x_train,y_train,scoring=scores,cv=10)\n",
"l=list(kfold.values())\n",
"l1=[np.mean(l[2]),np.mean(l[3]),np.mean(l[4]),np.mean(l[5]),np.mean(l[6]),np.mean(l[7])]"
]
},
{
"cell_type": "code",
"execution_count": 19,
"metadata": {},
"outputs": [],
"source": [
"# Graadiant boosting \n",
"\n",
"gb= GradientBoostingClassifier(learning_rate=0.1)\n",
"gb.fit(x_train, y_train)\n",
"y_pred=gb.predict(x_test)\n",
"scores={\"precision\":make_scorer(precision_score),\"recall\":make_scorer(recall_score),\n",
" \"f1_score\":make_scorer(f1_score),\"Accuracy\":make_scorer(accuracy_score),\"Roc\":make_scorer(roc_auc_score),\n",
" \"MCC\":make_scorer(matthews_corrcoef)}\n",
"kfold=cross_validate(gb,x_train,y_train,scoring=scores,cv=10)\n",
"l=list(kfold.values())\n",
"l2=[np.mean(l[2]),np.mean(l[3]),np.mean(l[4]),np.mean(l[5]),np.mean(l[6]),np.mean(l[7])]"
]
},
{
"cell_type": "code",
"execution_count": 20,
"metadata": {},
"outputs": [],
"source": [
"#Logistic regression\n",
"LR=LogisticRegression()\n",
"LR.fit(x_train,y_train)\n",
"y_pred=LR.predict(x_test)\n",
"scores={\"precision\":make_scorer(precision_score),\"recall\":make_scorer(recall_score),\n",
" \"f1_score\":make_scorer(f1_score),\"Accuracy\":make_scorer(accuracy_score),\"Roc\":make_scorer(roc_auc_score),\n",
" \"MCC\":make_scorer(matthews_corrcoef)}\n",
"kfold=cross_validate(LR,x_train,y_train,scoring=scores,cv=10)\n",
"l=list(kfold.values())\n",
"l3=[np.mean(l[2]),np.mean(l[3]),np.mean(l[4]),np.mean(l[5]),np.mean(l[6]),np.mean(l[7])]"
]
},
{
"cell_type": "code",
"execution_count": 21,
"metadata": {},
"outputs": [],
"source": [
"# Random Forest\n",
"rf=RandomForestClassifier()\n",
"rf.fit(x_train,y_train)\n",
"y_pred=rf.predict(x_test)\n",
"scores={\"precision\":make_scorer(precision_score),\"recall\":make_scorer(recall_score),\n",
" \"f1_score\":make_scorer(f1_score),\"Accuracy\":make_scorer(accuracy_score),\"Roc\":make_scorer(roc_auc_score),\n",
" \"MCC\":make_scorer(matthews_corrcoef)}\n",
"kfold=cross_validate(rf,x_train,y_train,scoring=scores,cv=10)\n",
"l=list(kfold.values())\n",
"l4=[np.mean(l[2]),np.mean(l[3]),np.mean(l[4]),np.mean(l[5]),np.mean(l[6]),np.mean(l[7])]"
]
},
{
"cell_type": "code",
"execution_count": 22,
"metadata": {},
"outputs": [],
"source": [
"# Gaussian Naive Bays\n",
"gnb = GaussianNB()\n",
"gnb.fit(x_train, y_train)\n",
"y_pred=gnb.predict(x_test)\n",
"scores={\"precision\":make_scorer(precision_score),\"recall\":make_scorer(recall_score),\n",
" \"f1_score\":make_scorer(f1_score),\"Accuracy\":make_scorer(accuracy_score),\"Roc\":make_scorer(roc_auc_score),\n",
" \"MCC\":make_scorer(matthews_corrcoef)}\n",
"kfold=cross_validate(gnb,x_train,y_train,scoring=scores,cv=10)\n",
"l=list(kfold.values())\n",
"l5=[np.mean(l[2]),np.mean(l[3]),np.mean(l[4]),np.mean(l[5]),np.mean(l[6]),np.mean(l[7])]"
]
},
{
"cell_type": "code",
"execution_count": 25,
"metadata": {},
"outputs": [],
"source": [
"# SVM linear\n",
"clf = SVC(kernel='linear')\n",
"clf=clf.fit(x_train,y_train)\n",
"y_pred=clf.predict(x_test)\n",
"scores={\"precision\":make_scorer(precision_score),\"recall\":make_scorer(recall_score),\n",
" \"f1_score\":make_scorer(f1_score),\"Accuracy\":make_scorer(accuracy_score),\"Roc\":make_scorer(roc_auc_score),\n",
" \"MCC\":make_scorer(matthews_corrcoef)}\n",
"kfold=cross_validate(clf,x_train,y_train,scoring=scores,cv=10)\n",
"l=list(kfold.values())\n",
"l6=[np.mean(l[2]),np.mean(l[3]),np.mean(l[4]),np.mean(l[5]),np.mean(l[6]),np.mean(l[7])]"
]
},
{
"cell_type": "code",
"execution_count": 23,
"metadata": {},
"outputs": [],
"source": [
"# SVM Radial\n",
"clf1 = SVC(kernel='rbf')\n",
"clf1=clf1.fit(x_train,y_train)\n",
"y_pred=clf1.predict(x_test)\n",
"scores={\"precision\":make_scorer(precision_score),\"recall\":make_scorer(recall_score),\n",
" \"f1_score\":make_scorer(f1_score),\"Accuracy\":make_scorer(accuracy_score),\"Roc\":make_scorer(roc_auc_score),\n",
" \"MCC\":make_scorer(matthews_corrcoef)}\n",
"kfold=cross_validate(clf1,x_train,y_train,scoring=scores,cv=10)\n",
"l=list(kfold.values())\n",
"l7=[np.mean(l[2]),np.mean(l[3]),np.mean(l[4]),np.mean(l[5]),np.mean(l[6]),np.mean(l[7])]"
]
},
{
"cell_type": "code",
"execution_count": 24,
"metadata": {},
"outputs": [],
"source": [
"#KNN\n",
"knn=KNeighborsClassifier(n_neighbors=3)\n",
"knn=knn.fit(x_train,y_train)\n",
"y_pred=knn.predict(x_test)\n",
"scores={\"precision\":make_scorer(precision_score),\"recall\":make_scorer(recall_score),\n",
" \"f1_score\":make_scorer(f1_score),\"Accuracy\":make_scorer(accuracy_score),\"Roc\":make_scorer(roc_auc_score),\n",
" \"MCC\":make_scorer(matthews_corrcoef)}\n",
"kfold=cross_validate(knn,x_train,y_train,scoring=scores,cv=10)\n",
"l=list(kfold.values())\n",
"l8=[np.mean(l[2]),np.mean(l[3]),np.mean(l[4]),np.mean(l[5]),np.mean(l[6]),np.mean(l[7])]"
]
},
{
"cell_type": "code",
"execution_count": 26,
"metadata": {},
"outputs": [
{
"data": {
"text/html": [
"
\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
"\n",
" ...
SOLUTION.PDF

Answer To This Question Is Available To Download

Related Questions & Answers

More Questions »

Submit New Assignment

Copy and Paste Your Assignment Here
TN RateTP RateF1 scoreAccuracyROC AUCMCC
Decision Tree0.6697440.7017860.6757120.7949280.7698270.536673
Gradiant Boosting0.7300000.6892860.6980990.8240940.7874740.584983
Logistic Regression0.7880950.7017860.7142060.8413040.8029150.628675