KEMBAR78
MLLAb | PDF | Machine Learning | Statistical Classification
0% found this document useful (0 votes)
12 views36 pages

MLLAb

The document outlines a series of machine learning experiments, including implementations of various algorithms such as Linear Regression, Support Vector Machines, and Decision Trees. Each experiment provides a brief description, aim, dataset used, and corresponding program code for execution. The experiments focus on real-world problem-solving and data analysis using Python libraries like Pandas, Scikit-learn, and Matplotlib.

Uploaded by

Aims Yendada
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
12 views36 pages

MLLAb

The document outlines a series of machine learning experiments, including implementations of various algorithms such as Linear Regression, Support Vector Machines, and Decision Trees. Each experiment provides a brief description, aim, dataset used, and corresponding program code for execution. The experiments focus on real-world problem-solving and data analysis using Python libraries like Pandas, Scikit-learn, and Matplotlib.

Uploaded by

Aims Yendada
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 36

ML -LAB

Experiment-1: Exercises to solve the real-world problems using the following machine
learning methods: a) Linear Regression b) Logistic Regression.

Experiment-2: Write a program to Implement Support Vector Machines.

Experiment-3: Exploratory Data Analysis for Classification using Pandas and Matplotlib.

Experiment-4: Implement a program for Bias, Variance, and Cross Validation.

Experiment-5: Write a program to simulate a perception network for pattern classification


and function approximation.

Experiment-6: Write a program to demonstrate the working of the decision tree based ID3
algorithm. Use an appropriate data set for building the decision tree and apply this
knowledge to classify a new sample.

Experiment-7: Build an Artificial Neural Network by implementing the Back propagation


algorithm and test the same using appropriate data sets.

Experiment-8: Write a program to implement the naïve Bayesian classifier for Iris data set.
Compute the accuracy of the classifier, considering few test data sets.

Experiment-9: Assuming a set of documents that need to be classified, use the naïve
Bayesian Classifier model to perform this task. Built-in Java classes/API can be used to
write the program. Calculate the accuracy, precision, and recall for your data set.

Experiment-10: Apply EM algorithm to cluster a Heart Disease Data Set. Use the same data
set for clustering using kMeans algorithm. Compare the results of these two algorithms and
comment on the quality of clustering. You can add Java/Python ML library classes/API in
the program.

Experiment-11: Write a program to implement k-Nearest Neighbor algorithm to classify


the iris data set. Print both correct and wrong predictions.
Experiment-1:

Exercises to solve the real-world problems using the following machine learning methods.

A). Linear Regression b). Logistic Regression

Aim:

To solve the real-world problems using the machine learning methods. Linear Regression
and

Logistic Regression

Dataset: std_marks.csv-constructed on own by using students lab internal and external


marks.

Program code:

import pandas as pd

from sklearn import linear_model

import matplotlib.pyplot as plt

from sklearn.metrics import mean_squared_error

from sklearn.model_selection import train_test_split

data=pd.read_csv(r"E:\sudhakar\std_marks.csv")

print('First 5 rows of the data set are:')

print(data.head())

dim=data.shape

print('Dimensions of the data set are',dim)

print('Statistics of the data are:')

print(data.describe())

print('Correlation matrix of the data set is:')

print(data.corr())

x_set=data[['internal']]

print('First 5 rows of features set are:')


print(x_set.head())

y_set=data[['external']]

print('First 5 rows of features set are:')

print(y_set.head())

x_train,x_test, y_train, y_test = train_test_split(x_set,y_set, test_size = 0.3)

model=linear_model.LinearRegression()

model.fit(x_train,y_train)

print('Regression coefficient is',float(model.coef_))

print('Regression intercept is',float(model.intercept_))

y_pred=model.predict(x_test)

y_preds=[]

for i in y_pred:

7 y_preds.append(float(i))

print('Predicted values for test data are:')

print(y_preds)

print('mean squared error is ',mean_squared_error(y_test,y_pred))

plt.scatter(x_test,y_test,color='blue',label='actual y values')

plt.plot(x_test,y_pred,color='red',linewidth=3,label='predicted regression line')

plt.ylabel('y value')

plt.xlabel('x value')

plt.title('simple linear regression')

plt.legend(loc='best')

plt.show()
Experiment-2: Write a program to Implement Support Vector Machines.

#Load the necessary python libraries

import numpy as np

import pandas as pd

import matplotlib.pyplot as plt

import seaborn as sns

from sklearn.model_selection import train_test_split

from sklearn.preprocessing import LabelEncoder

from sklearn.preprocessing import MinMaxScaler

from sklearn.svm import SVC

from sklearn.metrics import accuracy_score


data = pd.read_csv('/content/Breast_cancer_data.csv')

data.head()

data.isna().sum()

data.describe()

data.info()

corr = data.corr()

fig = plt.figure(figsize=(15,12))

a = sns.heatmap(corr, cmap='Oranges')

a.set_title("Data Correlation")

Output:
Experiment-3: Exploratory Data Analysis for Classification using Pandas and Matplotlib.

# Assuming 'df' is your DataFrame

plt.figure(figsize=(15, 10))

#Using Seaborn to create a heatmap

sns.heatmap(df.corr(), annot=True, fmt='.2f', cmap='Pastel2', linewidths=2)

plt.title('Correlation Heatmap')

plt.show()
Output:

#plotting box plot between alcohol and quality

sns.boxplot(x='quality', y='alcohol', data=df)

output:
# Assuming 'df' is your DataFrame

df['quality'] = df['quality'].astype(str) # Convert 'quality' to categorical

plt.figure(figsize=(10, 8))

# Using Seaborn to create a violin plot

sns.violinplot(x="quality", y="alcohol", data=df, palette={

'3': 'lightcoral', '4': 'lightblue', '5': 'lightgreen', '6': 'gold', '7':


'lightskyblue', '8': 'lightpink'}, alpha=0.7)

plt.title('Violin Plot for Quality and Alcohol')

plt.xlabel('Quality')

plt.ylabel('Alcohol')
plt.show()

OutPut:

Experiment-4: Implement a program for Bias, Variance, and Cross Validation

Aim: Implement a program for Bias, Variance and cross-validation

Dataset: winequality.csv- The data set is related to white variant of the Portuguese "Vinho
Verde"

wine. The data set is collected from https://archive.ics.uci.edu/ml/datasets/wine+quality.

Program code:
import pandas as pd

from sklearn.model_selection import cross_val_score

from sklearn.linear_model import LogisticRegression

from sklearn import linear_model

import matplotlib.pyplot as plt

from statistics import mean,stdev

data=pd.read_csv(r"E:\machine learning\datasets\winequality.csv")

dim=data.shape

print('Dimensions of the data set are',dim)

print('First 5 rows of the data set are:')

print(data.head())

col_names=data.columns

col_names=list(col_names)

print('Attrubte names are:')

print(col_names)

feature_names=col_names[:-1]

print('Feature names are:',feature_names)

x_set=data.drop('quality',axis=1)

y_set=data['quality']

model=linear_model.LinearRegression()

scores=cross_val_score(model, x_set, y_set, cv=10)

k_list=range(2,200)

bias=[]

variance=[]

for k in k_list:
model=linear_model.LinearRegression()

scores=cross_val_score(model, x_set, y_set, cv=k)

bias.append(mean(scores))

variance.append(stdev(scores))

plt.plot(k_list, bias, 'b', label='bias of model')

plt.plot(k_list, variance, 'r', label='Variance of model')

plt.xlabel('k value')

plt.title('bias-variance trade off')

plt.legend(loc='best')

plt.show()

#From, graph , best value is about 85

model=linear_model.LinearRegression()

scores=cross_val_score(model, x_set, y_set, cv=85)

bias=mean(scores)

variance=stdev(scores)

print('Bias of the model is',bias)

print('Variance of the model is',variance)

OutPut :
Experiment-5: Write a program to simulate a perception network for pattern classification
and function approximation.
# Make a prediction with weights

def predict(row, weights):

activation = weights[0]

for i in range(len(row)-1):

activation += weights[i + 1] * row[i]

return 1.0 if activation >= 0.0 else 0.0

# test predictions

dataset = [[2.7810836,2.550537003,0],

[1.465489372,2.362125076,0],

[3.396561688,4.400293529,0],

[1.38807019,1.850220317,0],

[3.06407232,3.005305973,0],

[7.627531214,2.759262235,1],

[5.332441248,2.088626775,1],

[6.922596716,1.77106367,1],

[8.675418651,-0.242068655,1],

[7.673756466,3.508563011,1]]

weights = [-0.1, 0.20653640140000007, -0.23418117710000003]

for row in dataset:

prediction = predict(row, weights)

print("Expected=%d, Predicted=%d" % (row[-1], prediction))

# Calculate confusion matrix

conf_matrix = confusion_matrix(y_test, y_pred)

sns.heatmap(conf_matrix, annot = True, cmap= 'Blues')

plt.ylabel('True')
plt.xlabel('False')

plt.title('Confusion Matrix')

plt.show()

Output:

Experiment-6: Write a program to demonstrate the working of the decision tree based ID3
algorithm. Use an appropriate data set for building the decision tree and apply this
knowledge to classify a new sample.
import math import csv

def load_csv(filename): lines=csv.reader(open(filename,"r"));

dataset = list(lines) headers = dataset.pop(0) return dataset,headers

class Node:

def init (self,attribute): self.attribute=attribute self.children=[] self.answer=""

def subtables(data,col,delete): dic={}

coldata=[row[col] for row in data] attr=list(set(coldata))

counts=[0]*len(attr) r=len(data) c=len(data[0])

for x in range(len(attr)): for y in range(r):

if data[y][col]==attr[x]: counts[x]+=1

for x in range(len(attr)):

dic[attr[x]]=[[0 for i in range(c)] for j in range(counts[x])]

pos=0

for y in range(r):

if data[y][col]==attr[x]: if delete:

del data[y][col] dic[attr[x]][pos]=data[y] pos+=1

return attr,dic

def entropy(S): attr=list(set(S))

if len(attr)==1: return 0

counts=[0,0]

for i in range(2):

counts[i]=sum([1 for x in S if attr[i]==x])/(len(S)*1.0)

sums=0
for cnt in counts:
sums+=-1*cnt*math.log(cnt,2) return sums
def compute_gain(data,col): attr,dic = subtables(data,col,delete=False)

total_size=len(data) entropies=[0]*len(attr) ratio=[0]*len(attr)


total_entropy=entropy([row[-1] for row in data]) for x in range(len(attr)):
ratio[x]=len(dic[attr[x]])/(total_size*1.0) entropies[x]=entropy([row[-1] for row in
dic[attr[x]]])
total_entropy-=ratio[x]*entropies[x] return total_entropy
def build_tree(data,features): lastcol=[row[-1] for row in data]
if(len(set(lastcol)))==1:
node=Node("") node.answer=lastcol[0] return node
n=len(data[0])-1 gains=[0]*n
for col in range(n): gains[col]=compute_gain(data,col)
split=gains.index(max(gains)) node=Node(features[split])
fea = features[:split]+features[split+1:] attr,dic=subtables(data,split,delete=True)
for x in range(len(attr)): child=build_tree(dic[attr[x]],fea)
node.children.append((attr[x],child))
return node
def print_tree(node,level): if node.answer!="":
print(""*level,node.answer) return
print(""*level,node.attribute) for value,n in node.children:
print(""*(level+1),value) print_tree(n,level+2)
def classify(node,x_test,features): if node.answer!="":
print(node.answer) return
pos=features.index(node.attribute) for value, n in node.children:
if x_test[pos]==value: classify(n,x_test,features)

'''Main program''' dataset,features=load_csv("data3.csv")


node1=build_tree(dataset,features)

print("The decision tree for the dataset using ID3 algorithm is")
print_tree(node1,0) testdata,features=load_csv("data3_test.csv") for xtest in testdata:
print("The test instance:",xtest)

print("The label for test instance:",end=" ") classify(node1,xtest,features)


Experiment-7: Build an Artificial Neural Network by implementing the Back propagation
algorithm and test the same using appropriate data sets.

# Import Libraries
import numpy as np
import pandas as pd
from sklearn.datasets import load_iris
from sklearn.model_selection import train_test_split
import matplotlib.pyplot as plt
# Load dataset
data = load_iris()
# Get features and target
X=data.data
y=data.target
# Get dummy variable
y = pd.get_dummies(y).values
y[:3]
Output:
array([[1, 0, 0],
[1, 0, 0],
[1, 0, 0]], dtype=uint8)
#Split data into train and test data
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=20, random_state=4)
# Initialize variables
learning_rate = 0.1
iterations = 5000
N = y_train.size
# number of input features
input_size = 4
# number of hidden layers neurons
hidden_size = 2
# number of neurons at the output layer
output_size = 3
results = pd.DataFrame(columns=["mse", "accuracy"])
# Initialize weights
np.random.seed(10)
# initializing weight for the hidden layer
W1 = np.random.normal(scale=0.5, size=(input_size, hidden_size))
# initializing weight for the output layer
W2 = np.random.normal(scale=0.5, size=(hidden_size , output_size))
Experiment-8: Write a program to implement the naïve Bayesian classifier for Iris data set.
Compute the accuracy of the classifier, considering few test data sets.

# load the iris dataset


from sklearn.datasets import load_iris
iris = load_iris()

# store the feature matrix (X) and response vector (y)


X = iris.data
y = iris.target

# splitting X and y into training and testing sets


from sklearn.model_selection import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.4, random_state=1)

# training the model on training set


from sklearn.naive_bayes import GaussianNB
gnb = GaussianNB()
gnb.fit(X_train, y_train)

# making predictions on the testing set


y_pred = gnb.predict(X_test)

# comparing actual response values (y_test) with predicted response values (y_pred)
from sklearn import metrics
print("Gaussian Naive Bayes model accuracy(in %):", metrics.accuracy_score(y_test,
y_pred)*100)

Output:
Gaussian Naive Bayes model accuracy (in %): 95.0
Experiment-9: Assuming a set of documents that need to be classified, use the naïve
Bayesian Classifier model to perform this task. Built-in Java classes/API can be used to
write the program. Calculate the accuracy, precision, and recall for your data set.

import pandas as pd
msg = pd.read_csv('document.csv', names=['message', 'label'])
print("Total Instances of Dataset: ", msg.shape[0])
msg['labelnum'] = msg.label.map({'pos': 1, 'neg': 0})
Total Instances of Dataset: 18
X = msg.message
y = msg.labelnum
from sklearn.model_selection import train_test_split
Xtrain, Xtest, ytrain, ytest = train_test_split(X, y)
from sklearn.feature_extraction.text import CountVectorizer

count_v = CountVectorizer()
Xtrain_dm = count_v.fit_transform(Xtrain)
Xtest_dm = count_v.transform(Xtest)
df = pd.DataFrame(Xtrain_dm.toarray(),columns=count_v.get_feature_names())
print(df[0:5])
about am an and awesome bad beers best boss can ... tired to \
0 0 1 0 1 0 0 0 0 0 0 ... 1 0
1 0 0 0 0 0 0 0 0 0 0 ... 0 0
2 0 0 0 0 0 0 0 0 0 0 ... 0 0
3 0 0 0 0 0 0 0 0 0 1 ... 0 0
4 0 0 0 0 0 0 0 0 0 0 ... 0 0

today tomorrow very we went will with work


0 0 0 0 0 0 0 0 0
1 0 0 0 0 0 0 0 0
2 0 0 0 0 0 0 0 0
3 0 0 0 0 0 0 1 0
4 0 0 0 0 0 0 0 0

[5 rows x 49 columns]
from sklearn.naive_bayes import MultinomialNB
clf = MultinomialNB()
clf.fit(Xtrain_dm, ytrain)
pred = clf.predict(Xtest_dm)
for doc, p in zip(Xtrain, pred):
p = 'pos' if p == 1 else 'neg'
print("%s -> %s" % (doc, p))
I am sick and tired of this place -> pos
I do not like the taste of this juice -> neg
I love this sandwich -> neg
I can't deal with this -> pos
I do not like this restaurant -> neg
from sklearn.metrics import accuracy_score, confusion_matrix, precision_score,
recall_score
print('Accuracy Metrics: \n')
print('Accuracy: ', accuracy_score(ytest, pred))
print('Recall: ', recall_score(ytest, pred))
print('Precision: ', precision_score(ytest, pred))
print('Confusion Matrix: \n', confusion_matrix(ytest, pred))
Accuracy Metrics:

Accuracy: 0.6
Recall: 0.5
Precision: 1.0
Confusion Matrix:
[[1 0]
[2 2]]
Experiment-10: Apply EM algorithm to cluster a Heart Disease Data Set. Use the same data
set for clustering using kMeans algorithm. Compare the results of these two algorithms and
comment on the quality of clustering. You can add Java/Python ML library classes/API in
the program.
Output:

[3]#codeforKmeans
importmatplotlib.pyplotasplt1
kmeans=KMeans(n_clusters=3)
kmeans.fit(X)
print(kmeans.cluster_centers_)
print(kmeans.labels_)
plt.title('KMEANS')
plt1.scatter(X[:,0],X[:,1],c=kmeans.labels_,cmap='rainbow')
plt1.scatter(kmeans.cluster_centers_[:,0],kmeans.cluster_centers_[:,1]
,color='black'
[3]#codeforKmeans
importmatplotlib.pyplotasplt1
kmeans=KMeans(n_clusters=3)
kmeans.fit(X)
print(kmeans.cluster_centers_)
print(kmeans.labels_)
plt.title('KMEANS')
plt1.scatter(X[:,0],X[:,1],c=kmeans.labels_,cmap='rainbow')
plt1.scatter(kmeans.cluster_centers_[:,0],kmeans.cluster_centers_[:,1]
,color='black'
[3]#codeforKmeansimportmatplotlib.pyplotasplt1

Kmeans=KMeans(n_clusters=3)

kmeans.fit(X)print(kmeans.cluster_centers_)print(kmeans.labels_)plt.title('KMEANS')

plt1.scatter(X[:,0],X[:,1],

c=kmeans.labels_,cmap='rainbow')plt1.scatter(kmeans.cluster_centers_[:,0],kmeans.clust
er_centers_[:,1],

color='black'
Experiment-11: Write a program to implement k-Nearest Neighbor algorithm to classify
the iris data set. Print both correct and wrong predictions.

from sklearn.datasets import load_iris


from sklearn.neighbors import KNeighborsClassifier
from sklearn.model_selection import train_test_split
import numpy as np
dataset=load_iris()
#print(dataset)
X_train,X_test,y_train,y_test=train_test_split(dataset["data"],dataset["target"],random_state
=0)
kn=KNeighborsClassifier(n_neighbors=1)
kn.fit(X_train,y_train)
KNeighborsClassifier(algorithm='auto', leaf_size=30, metric='minkowski',
metric_params=None, n_jobs=None, n_neighbors=1, p=2,
weights='uniform')
for i in range(len(X_test)):
x=X_test[i]
x_new=np.array([x])
prediction=kn.predict(x_new)
print("TARGET=",y_test[i],dataset["target_names"]
[y_test[i]],"PREDICTED=",prediction,dataset["target_names"][prediction])
print(kn.score(X_test,y_test)) "output_type": "stream",
"text": [
Output:
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 2 virginica PREDICTED= [2] ['virginica']\n",
"TARGET= 1 versicolor PREDICTED= [1] ['versicolor']\n",
"TARGET= 0 setosa PREDICTED= [0] ['setosa']\n",
"TARGET= 1 versicolor PREDICTED= [2] ['virginica']\n",
"0.9736842105263158
K-Nearest Neighbor Algorithm
Training algorithm:

 For each training example (x, f (x)), add the example to the list training examples
Classification algorithm:
 Given a query instance xq to be classified,
 Let x1 . . .xk denote the k instances from training examples that are nearest to xq
 Return

 Where, f(xi) function to calculate the mean value of the k nearest training examples.


Python Program to Implement and Demonstrate KNN Algorithm


import numpy as np
import pandas as pd
from sklearn.neighbors import KNeighborsClassifier
from sklearn.model_selection import train_test_split
from sklearn import metrics

names = ['sepal-length', 'sepal-width', 'petal-length', 'petal-width', 'Class']

# Read dataset to pandas dataframe


dataset = pd.read_csv("9-dataset.csv", names=names)
X = dataset.iloc[:, :-1]
y = dataset.iloc[:, -1]
print(X.head())
Xtrain, Xtest, ytrain, ytest = train_test_split(X, y, test_size=0.10)
classifier = KNeighborsClassifier(n_neighbors=5).fit(Xtrain, ytrain)
ypred = classifier.predict(Xtest)
i=0
print ("\n-------------------------------------------------------------------------")
print ('%-25s %-25s %-25s' % ('Original Label', 'Predicted Label', 'Correct/Wrong'))
print ("-------------------------------------------------------------------------")
for label in ytest:
print ('%-25s %-25s' % (label, ypred[i]), end="")
if (label == ypred[i]):
print (' %-25s' % ('Correct'))
else:
print (' %-25s' % ('Wrong'))
i=i+1
print ("-------------------------------------------------------------------------")
print("\nConfusion Matrix:\n",metrics.confusion_matrix(ytest, ypred))
print ("-------------------------------------------------------------------------")
print("\nClassification Report:\n",metrics.classification_report(ytest, ypred))
print ("-------------------------------------------------------------------------")
print('Accuracy of the classifer is %0.2f' % metrics.accuracy_score(ytest,ypred))
print ("-------------------------------------------------------------------------")
Output
sepal-length sepal-width petal-length petal-width
0 5.1 3.5 1.4 0.2
1 4.9 3.0 1.4 0.2
2 4.7 3.2 1.3 0.2
3 4.6 3.1 1.5 0.2
4 5.0 3.6 1.4 0.2
-------------------------------------------------------------------------
Original Label Predicted Label Correct/Wrong
-------------------------------------------------------------------------
Iris-versicolor Iris-versicolor Correct
Iris-virginica Iris-versicolor Wrong
Iris-virginica Iris-virginica Correct
Iris-versicolor Iris-versicolor Correct
Iris-setosa Iris-setosa Correct
Iris-versicolor Iris-versicolor Correct
Iris-setosa Iris-setosa Correct
Iris-setosa Iris-setosa Correct
Iris-virginica Iris-virginica Correct
Iris-virginica Iris-versicolor Wrong
Iris-virginica Iris-virginica Correct
Iris-setosa Iris-setosa Correct
Iris-virginica Iris-virginica Correct
Iris-virginica Iris-virginica Correct
Iris-versicolor Iris-versicolor Correct
-------------------------------------------------------------------------
Confusion Matrix:
[[4 0 0]
[0 4 0]
[0 2 5]]
-------------------------------------------------------------------------

Classification Report:
precision recall f1-score support

Iris-setosa 1.00 1.00 1.00 4


Iris-versicolor 0.67 1.00 0.80 4
Iris-virginica 1.00 0.71 0.83 7

avg / total 0.91 0.87 0.87 15

-------------------------------------------------------------------------
Accuracy of the classifer is 0.87
-------------------------------------------------------------------------

You might also like