0% found this document useful (0 votes)
79 views

Naive - Bayes - Ipynb - Colab

Uploaded by

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

Naive - Bayes - Ipynb - Colab

Uploaded by

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

5/20/24, 8:51 AM naive_bayes.

ipynb - Colab

keyboard_arrow_down Naive Bayes


keyboard_arrow_down Importing the libraries
import numpy as np
import matplotlib.pyplot as plt
import pandas as pd

keyboard_arrow_down Importing the dataset


dataset = pd.read_csv('Social_Network_Ads.csv')
X = dataset.iloc[:, [2, 3]].values
y = dataset.iloc[:, -1].values

keyboard_arrow_down Splitting the dataset into the Training set and Test set
from sklearn.model_selection import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.25, random_state = 0)

keyboard_arrow_down Feature Scaling


from sklearn.preprocessing import StandardScaler
sc = StandardScaler()
X_train = sc.fit_transform(X_train)
X_test = sc.transform(X_test)

keyboard_arrow_down Training the Naive Bayes model on the Training set


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

▾ GaussianNB
GaussianNB()

keyboard_arrow_down Predicting the Test set results


y_pred = classifier.predict(X_test)

keyboard_arrow_down Making the Confusion Matrix


from sklearn.metrics import confusion_matrix
cm = confusion_matrix(y_test, y_pred)
print(cm)

[[65 3]
[ 7 25]]

keyboard_arrow_down Visualising the Training set results

https://colab.research.google.com/drive/13shGRh7SAgSuCKV6nH-3GKUXOmTYwGJ3#scrollTo=LWd1UlMnhT2s&printMode=true 1/3
5/20/24, 8:51 AM naive_bayes.ipynb - Colab
from matplotlib.colors import ListedColormap
X_set, y_set = X_train, y_train
X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),
np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))
plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),
alpha = 0.75, cmap = ListedColormap(('red', 'green')))
plt.xlim(X1.min(), X1.max())
plt.ylim(X2.min(), X2.max())
for i, j in enumerate(np.unique(y_set)):
plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],
c = ListedColormap(('red', 'green'))(i), label = j)
plt.title('Naive Bayes (Training set)')
plt.xlabel('Age')
plt.ylabel('Estimated Salary')
plt.legend()
plt.show()

<ipython-input-10-d7d0aff4f93e>:10: UserWarning: *c* argument looks like a single numeri


plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],

keyboard_arrow_down Visualising the Test set results


from matplotlib.colors import ListedColormap
X_set, y_set = X_test, y_test
X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),
np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))
plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),
alpha = 0.75, cmap = ListedColormap(('red', 'green')))
plt.xlim(X1.min(), X1.max())
plt.ylim(X2.min(), X2.max())
for i, j in enumerate(np.unique(y_set)):
plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],
c = ListedColormap(('red', 'green'))(i), label = j)
plt.title('Naive Bayes (Test set)')
plt.xlabel('Age')
plt.ylabel('Estimated Salary')
plt.legend()
plt.show()

https://colab.research.google.com/drive/13shGRh7SAgSuCKV6nH-3GKUXOmTYwGJ3#scrollTo=LWd1UlMnhT2s&printMode=true 2/3
5/20/24, 8:51 AM naive_bayes.ipynb - Colab

<ipython-input-11-f49f6daa79b6>:10: UserWarning: *c* argument looks like a single numeri


plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],

Klik dua kali (atau tekan Enter) untuk mengedit

https://colab.research.google.com/drive/13shGRh7SAgSuCKV6nH-3GKUXOmTYwGJ3#scrollTo=LWd1UlMnhT2s&printMode=true 3/3

You might also like