Monday, April 11, 2022

linear regression techniques on the Boston house pricing dataset

Implement multiple linear regression techniques on the Boston house pricing dataset using Scikit-learn.







Linear Regression Gradient descent method

Implement multiple linear regression techniques on the Boston house pricing dataset using Scikit-learn.



import matplotlib.pyplot as plt
import numpy as np
import pandas
url = “https://raw.githubusercontent.com/jbrownlee/Datasets/master/iris.csv"
names = [‘sepal-length’, ‘sepal-width’, ‘petal-length’,’petal- width’, ‘class’]
dataset = pandas.read_csv(url, names = names)
X, Y = dataset[‘petal-length’], dataset[‘petal- width’]
plt.scatter(X, Y)
plt.title(‘Scatter plot’)
plt.xlabel(‘petal length’)
plt.ylabel(‘petal width’)
plt.show()
# Building the model
t0 = 0
t1 = 0
L = 0.001 # The learning Rate (ALPHA in lecture notes)
epochs = 500 # The number of iterations to perform gradient descent

m = len(X) # Number of examples in X
cost_list = []
# Performing Gradient Descent
for i in range(epochs):
Y_pred = t1*X + t0 # The current predicted value of Y
D_t1 = (-1/m) * sum(X * (Y — Y_pred)) # Derivative term wrt t1
D_t0 = (-1/m) * sum(Y — Y_pred) # Derivative term wrt t0
t1 = t1 — L * D_t1 # Update t1
t0 = t0 — L * D_t0 # Update t0
cost= (1/2*m) * sum(Y-Y_pred)**2
cost_list.append(cost)
print (t1, t0)
Y_pred = t1*X + t0
plt.scatter(X, Y)
plt.plot([min(X), max(X)], [min(Y_pred), max(Y_pred)], color=’red’) #regression line
plt.show()

Output:

plt.plot(list(range(epochs)), cost_list, ‘-r’) #plot the cost function.












Logistic Regression

 

Apply the Logistic Regression on ‘weather.csv’ database.












Implement KNN

 

Implement KNN on any data set and choose different values of K to see how it impacts the accuracy of the predictions.












Linear Discriminant Analysis in Python

Linear Discriminant Analysis and comparison with Principle component Analysis in python










Quadratic Discriminant Analysis in PYTHON

Implement QDA on any dataset and explain with comments. Each student should implement on different dataset.


Dataset: Breast cancer






Sunday, April 10, 2022

Scikit-Learn | PCA

 

Implementing PCA in Python with Scikit-Learn on Iris dataset.



Step 01: importing required libraries

Step 02: importing or loading the datasets

Step 03: distributing the dataset into two components X and Y

Step 04: Splitting the X and Y into the Training set and Testing set

Step 05: performing preprocessing part

Step 06: Applying PCA function on training and testing set of X component

Step 07: Fitting Logistic Regression To the training set

Step 08: Predicting the test set result using predict function under LogisticRegression

Step 09: making confusion matrix between test set of Y and predicted value.

Step 10: Predicting the training set result through scatter plot

Step 11: show scatter plot

Step 12: Visualising the Test set results through scatter plot

Step 13: title for scatter plot

Step 14: show scatter plot






Neural Network

 

Simple Neural Network in Python


Step 01:

Step 02: input

Step 03: output

Step 04: create NeuralNetwork class

Step 05: intialize variables in class

Step 06: initialize weights as .50 for simplicity

Step 07: activation function ==> S(x) = 1/1+e^(-x)

Step 08: data will flow through the neural network.

Step 09: going backwards through the network to update weights

Step 10: train the neural net for 25,000 iterations

Step 11: flow forward and produce an output

Step 12: go back though the network to make corrections based on the output

Step 13: keep track of the error history over each epoch

Step 14: function to predict output on new and unseen input data

Step 15: create neural network

Step 16: train neural network

Step 17: create two new examples to predict

Step 18: print the predictions for both examples

Step 19: plot the error over the entire training duration




Handwritten digit recognition (Using Scikit-Learn)

 

Handwritten digit recognition (Using Scikit-Learn)



Step 001: Loading the Dataset

importing the dataset

There are 1797 images in the dataset

Step 002: Visualizing the images and labels in our Dataset

Here we are visualizing the first 5 images in the Dataset

Step 003: Splitting our Dataset into training and testing sets

Step 004: The Scikit-Learn 4-Step Modeling Pattern

Step 01. Importing the model we want to use.

Step 02: Making an instance of the Model

Step 03: Training the Model

Step 04. Predicting the labels of new data

Step 05: Measuring the performance of our Model

Step 06: Confusion matrix





Friendship

Friendship is the most beautiful relation in the world. Friendship is peace, friendship does not have any restrictions of time and space. Th...